code
stringlengths 22
1.05M
| apis
sequencelengths 1
3.31k
| extract_api
stringlengths 75
3.25M
|
---|---|---|
from abc import ABC, abstractmethod
import copy
import logging
import numpy as np
from scipy.stats import rankdata
from typing import Dict, NamedTuple, NoReturn, Tuple
from ..lux.game import Game
from ..lux.game_constants import GAME_CONSTANTS
from ..lux.game_objects import Player
def count_city_tiles(game_state: Game) -> np.ndarray:
return np.array([player.city_tile_count for player in game_state.players])
def count_units(game_state: Game) -> np.ndarray:
return np.array([len(player.units) for player in game_state.players])
def count_total_fuel(game_state: Game) -> np.ndarray:
return np.array([
sum([city.fuel for city in player.cities.values()])
for player in game_state.players
])
def count_research_points(game_state: Game) -> np.ndarray:
return np.array([player.research_points for player in game_state.players])
def should_early_stop(game_state: Game) -> bool:
ct_count = count_city_tiles(game_state)
unit_count = count_units(game_state)
ct_pct = ct_count / max(ct_count.sum(), 1)
unit_pct = unit_count / max(unit_count.sum(), 1)
return ((ct_count == 0).any() or
(unit_count == 0).any() or
(ct_pct >= 0.75).any() or
(unit_pct >= 0.75).any())
class RewardSpec(NamedTuple):
reward_min: float
reward_max: float
zero_sum: bool
only_once: bool
# All reward spaces defined below
class BaseRewardSpace(ABC):
"""
A class used for defining a reward space and/or done state for either the full game or a sub-task
"""
def __init__(self, **kwargs):
if kwargs:
logging.warning(f"RewardSpace received unexpected kwargs: {kwargs}")
@staticmethod
@abstractmethod
def get_reward_spec() -> RewardSpec:
pass
@abstractmethod
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
pass
def get_info(self) -> Dict[str, np.ndarray]:
return {}
# Full game reward spaces defined below
class FullGameRewardSpace(BaseRewardSpace):
"""
A class used for defining a reward space for the full game.
"""
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
return self.compute_rewards(game_state, done), done
@abstractmethod
def compute_rewards(self, game_state: Game, done: bool) -> Tuple[float, float]:
pass
class GameResultReward(FullGameRewardSpace):
@staticmethod
def get_reward_spec() -> RewardSpec:
return RewardSpec(
reward_min=-1.,
reward_max=1.,
zero_sum=True,
only_once=True
)
def __init__(self, early_stop: bool = False, **kwargs):
super(GameResultReward, self).__init__(**kwargs)
self.early_stop = early_stop
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
if self.early_stop:
done = done or should_early_stop(game_state)
return self.compute_rewards(game_state, done), done
def compute_rewards(self, game_state: Game, done: bool) -> Tuple[float, float]:
if not done:
return 0., 0.
# reward here is defined as the sum of number of city tiles with unit count as a tie-breaking mechanism
rewards = [int(GameResultReward.compute_player_reward(p)) for p in game_state.players]
rewards = (rankdata(rewards) - 1.) * 2. - 1.
return tuple(rewards)
@staticmethod
def compute_player_reward(player: Player):
ct_count = player.city_tile_count
unit_count = len(player.units)
# max board size is 32 x 32 => 1024 max city tiles and units,
# so this should keep it strictly so we break by city tiles then unit count
return ct_count * 10000 + unit_count
class CityTileReward(FullGameRewardSpace):
@staticmethod
def get_reward_spec() -> RewardSpec:
return RewardSpec(
reward_min=0.,
reward_max=1.,
zero_sum=False,
only_once=False
)
def compute_rewards(self, game_state: Game, done: bool) -> Tuple[float, float]:
return tuple(count_city_tiles(game_state) / 1024.)
class StatefulMultiReward(FullGameRewardSpace):
@staticmethod
def get_reward_spec() -> RewardSpec:
return RewardSpec(
reward_min=-1. / GAME_CONSTANTS["PARAMETERS"]["MAX_DAYS"],
reward_max=1. / GAME_CONSTANTS["PARAMETERS"]["MAX_DAYS"],
zero_sum=False,
only_once=False
)
def __init__(
self,
positive_weight: float = 1.,
negative_weight: float = 1.,
early_stop: bool = False,
**kwargs
):
assert positive_weight > 0.
assert negative_weight > 0.
self.positive_weight = positive_weight
self.negative_weight = negative_weight
self.early_stop = early_stop
self.city_count = np.empty((2,), dtype=float)
self.unit_count = np.empty_like(self.city_count)
self.research_points = np.empty_like(self.city_count)
self.total_fuel = np.empty_like(self.city_count)
self.weights = {
"game_result": 10.,
"city": 1.,
"unit": 0.5,
"research": 0.1,
"fuel": 0.005,
# Penalize workers each step that their cargo remains full
# "full_workers": -0.01,
"full_workers": 0.,
# A reward given each step
"step": 0.,
}
self.weights.update({key: val for key, val in kwargs.items() if key in self.weights.keys()})
for key in copy.copy(kwargs).keys():
if key in self.weights.keys():
del kwargs[key]
super(StatefulMultiReward, self).__init__(**kwargs)
self._reset()
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
if self.early_stop:
done = done or should_early_stop(game_state)
return self.compute_rewards(game_state, done), done
def compute_rewards(self, game_state: Game, done: bool) -> Tuple[float, float]:
new_city_count = count_city_tiles(game_state)
new_unit_count = count_units(game_state)
new_research_points = count_research_points(game_state)
new_total_fuel = count_total_fuel(game_state)
reward_items_dict = {
"city": new_city_count - self.city_count,
"unit": new_unit_count - self.unit_count,
"research": new_research_points - self.research_points,
# Don't penalize losing fuel at night
"fuel": np.maximum(new_total_fuel - self.total_fuel, 0),
"full_workers": np.array([
sum(unit.get_cargo_space_left() > 0 for unit in player.units if unit.is_worker())
for player in game_state.players
]),
"step": np.ones(2, dtype=float)
}
if done:
game_result_reward = [int(GameResultReward.compute_player_reward(p)) for p in game_state.players]
game_result_reward = (rankdata(game_result_reward) - 1.) * 2. - 1.
self._reset()
else:
game_result_reward = np.array([0., 0.])
self.city_count = new_city_count
self.unit_count = new_unit_count
self.research_points = new_research_points
self.total_fuel = new_total_fuel
reward_items_dict["game_result"] = game_result_reward
assert self.weights.keys() == reward_items_dict.keys()
reward = np.stack(
[self.weight_rewards(reward_items_dict[key] * w) for key, w in self.weights.items()],
axis=0
).sum(axis=0)
return tuple(reward / 500. / max(self.positive_weight, self.negative_weight))
def weight_rewards(self, reward: np.ndarray) -> np.ndarray:
reward = np.where(
reward > 0.,
self.positive_weight * reward,
reward
)
reward = np.where(
reward < 0.,
self.negative_weight * reward,
reward
)
return reward
def _reset(self) -> NoReturn:
self.city_count = np.ones_like(self.city_count)
self.unit_count = np.ones_like(self.unit_count)
self.research_points = np.zeros_like(self.research_points)
self.total_fuel = np.zeros_like(self.total_fuel)
class ZeroSumStatefulMultiReward(StatefulMultiReward):
@staticmethod
def get_reward_spec() -> RewardSpec:
return RewardSpec(
reward_min=-1.,
reward_max=1.,
zero_sum=True,
only_once=False
)
def compute_rewards(self, game_state: Game, done: bool) -> Tuple[float, float]:
reward = np.array(super(ZeroSumStatefulMultiReward, self).compute_rewards(game_state, done))
return tuple(reward - reward.mean())
class PunishingExponentialReward(BaseRewardSpace):
@staticmethod
def get_reward_spec() -> RewardSpec:
return RewardSpec(
reward_min=-1. / GAME_CONSTANTS["PARAMETERS"]["MAX_DAYS"],
reward_max=1. / GAME_CONSTANTS["PARAMETERS"]["MAX_DAYS"],
zero_sum=False,
only_once=False
)
def __init__(
self,
**kwargs
):
self.city_count = np.empty((2,), dtype=float)
self.unit_count = np.empty_like(self.city_count)
self.research_points = np.empty_like(self.city_count)
self.total_fuel = np.empty_like(self.city_count)
self.weights = {
"game_result": 0.,
"city": 1.,
"unit": 0.5,
"research": 0.01,
"fuel": 0.001,
}
self.weights.update({key: val for key, val in kwargs.items() if key in self.weights.keys()})
for key in copy.copy(kwargs).keys():
if key in self.weights.keys():
del kwargs[key]
super(PunishingExponentialReward, self).__init__(**kwargs)
self._reset()
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
new_city_count = count_city_tiles(game_state)
new_unit_count = count_units(game_state)
new_research_points = count_research_points(game_state)
new_total_fuel = count_total_fuel(game_state)
city_diff = new_city_count - self.city_count
unit_diff = new_unit_count - self.unit_count
reward_items_dict = {
"city": new_city_count,
"unit": new_unit_count,
"research": new_research_points,
"fuel": new_total_fuel,
}
if done:
game_result_reward = [int(GameResultReward.compute_player_reward(p)) for p in game_state.players]
game_result_reward = (rankdata(game_result_reward) - 1.) * 2. - 1.
self._reset()
else:
game_result_reward = np.array([0., 0.])
self.city_count = new_city_count
self.unit_count = new_unit_count
self.research_points = new_research_points
self.total_fuel = new_total_fuel
reward_items_dict["game_result"] = game_result_reward
assert self.weights.keys() == reward_items_dict.keys()
reward = np.stack(
[reward_items_dict[key] * w for key, w in self.weights.items()],
axis=0
).sum(axis=0)
lost_unit_or_city = (city_diff < 0) | (unit_diff < 0)
reward = np.where(
lost_unit_or_city,
-0.1,
reward / 1_000.
)
return tuple(reward), done or lost_unit_or_city.any()
def compute_rewards(self, game_state: Game, done: bool) -> Tuple[float, float]:
raise NotImplementedError
def _reset(self) -> NoReturn:
self.city_count = np.ones_like(self.city_count)
self.unit_count = np.ones_like(self.unit_count)
self.research_points = np.zeros_like(self.research_points)
self.total_fuel = np.zeros_like(self.total_fuel)
# Subtask reward spaces defined below
# NB: Subtasks that are "different enough" should be defined separately since each subtask gets its own embedding
# See obs_spaces.SUBTASK_ENCODING
# TODO: Somehow include target locations for subtasks?
class Subtask(BaseRewardSpace, ABC):
@staticmethod
def get_reward_spec() -> RewardSpec:
"""
Don't override reward_spec or you risk breaking classes like multi_subtask.MultiSubtask
"""
return RewardSpec(
reward_min=0.,
reward_max=1.,
zero_sum=False,
only_once=True
)
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
goal_reached = self.completed_task(game_state)
return tuple(goal_reached.astype(float)), goal_reached.any() or done
@abstractmethod
def completed_task(self, game_state: Game) -> np.ndarray:
pass
def get_subtask_encoding(self, subtask_encoding: dict) -> int:
return subtask_encoding[type(self)]
class CollectNWood(Subtask):
def __init__(self, n: int = GAME_CONSTANTS["PARAMETERS"]["RESOURCE_CAPACITY"]["WORKER"], **kwargs):
super(CollectNWood, self).__init__(**kwargs)
self.n = n
def completed_task(self, game_state: Game) -> np.ndarray:
return np.array([
sum([unit.cargo.wood for unit in player.units])
for player in game_state.players
]) >= self.n
class CollectNCoal(Subtask):
def __init__(self, n: int = GAME_CONSTANTS["PARAMETERS"]["RESOURCE_CAPACITY"]["WORKER"] // 2, **kwargs):
super(CollectNCoal, self).__init__(**kwargs)
self.n = n
def completed_task(self, game_state: Game) -> np.ndarray:
return np.array([
sum([unit.cargo.coal for unit in player.units])
for player in game_state.players
]) >= self.n
class CollectNUranium(Subtask):
def __init__(self, n: int = GAME_CONSTANTS["PARAMETERS"]["RESOURCE_CAPACITY"]["WORKER"] // 5, **kwargs):
super(CollectNUranium, self).__init__(**kwargs)
self.n = n
def completed_task(self, game_state: Game) -> np.ndarray:
return np.array([
sum([unit.cargo.uranium for unit in player.units])
for player in game_state.players
]) >= self.n
class MakeNCityTiles(Subtask):
def __init__(self, n_city_tiles: int = 2, **kwargs):
super(MakeNCityTiles, self).__init__(**kwargs)
assert n_city_tiles > 1, "Players start with 1 city tile already"
self.n_city_tiles = n_city_tiles
def completed_task(self, game_state: Game) -> np.ndarray:
return count_city_tiles(game_state) >= self.n_city_tiles
class MakeNContiguousCityTiles(MakeNCityTiles):
def completed_task(self, game_state: Game) -> np.ndarray:
return np.array([
# Extra -1 is included to avoid taking max of empty sequence
max([len(city.citytiles) for city in player.cities.values()] + [0])
for player in game_state.players
]) >= self.n_city_tiles
class CollectNTotalFuel(Subtask):
def __init__(self, n_total_fuel: int = GAME_CONSTANTS["PARAMETERS"]["LIGHT_UPKEEP"]["CITY"] *
GAME_CONSTANTS["PARAMETERS"]["NIGHT_LENGTH"], **kwargs):
super(CollectNTotalFuel, self).__init__(**kwargs)
self.n_total_fuel = n_total_fuel
def completed_task(self, game_state: Game) -> np.ndarray:
return count_total_fuel(game_state) >= self.n_total_fuel
class SurviveNNights(Subtask):
def __init__(self, n_nights: int = 1, **kwargs):
super(SurviveNNights, self).__init__(**kwargs)
cycle_len = GAME_CONSTANTS["PARAMETERS"]["DAY_LENGTH"] + GAME_CONSTANTS["PARAMETERS"]["NIGHT_LENGTH"]
self.target_step = n_nights * cycle_len
assert self.target_step <= GAME_CONSTANTS["PARAMETERS"]["MAX_DAYS"]
self.city_count = np.empty((2,), dtype=int)
self.unit_count = np.empty_like(self.city_count)
def compute_rewards_and_done(self, game_state: Game, done: bool) -> Tuple[Tuple[float, float], bool]:
failed_task = self.failed_task(game_state)
completed_task = self.completed_task(game_state)
if failed_task.any():
rewards = np.where(
failed_task,
0.,
0.5 + 0.5 * completed_task.astype(float)
)
else:
rewards = completed_task.astype(float)
done = failed_task.any() or completed_task.any() or done
if done:
self._reset()
return tuple(rewards), done
def completed_task(self, game_state: Game) -> np.ndarray:
return np.array([
game_state.turn >= self.target_step
]).repeat(2)
def failed_task(self, game_state: Game) -> np.ndarray:
new_city_count = count_city_tiles(game_state)
new_unit_count = count_units(game_state)
failed = np.logical_or(
new_city_count < self.city_count,
new_unit_count < self.unit_count
)
self.city_count = new_city_count
self.unit_count = new_unit_count
return failed
def _reset(self) -> NoReturn:
self.city_count = np.ones_like(self.city_count)
self.unit_count = np.ones_like(self.unit_count)
class GetNResearchPoints(Subtask):
def __init__(
self,
n_research_points: int = GAME_CONSTANTS["PARAMETERS"]["RESEARCH_REQUIREMENTS"]["COAL"],
**kwargs
):
super(GetNResearchPoints, self).__init__(**kwargs)
self.n_research_points = n_research_points
def completed_task(self, game_state: Game) -> np.ndarray:
return np.array([player.research_points for player in game_state.players]) >= self.n_research_points
| [
"numpy.zeros_like",
"numpy.ones_like",
"numpy.maximum",
"logging.warning",
"numpy.empty",
"numpy.empty_like",
"numpy.ones",
"copy.copy",
"scipy.stats.rankdata",
"numpy.where",
"numpy.array",
"numpy.logical_or"
] | [((350, 417), 'numpy.array', 'np.array', (['[player.city_tile_count for player in game_state.players]'], {}), '([player.city_tile_count for player in game_state.players])\n', (358, 417), True, 'import numpy as np\n'), ((801, 868), 'numpy.array', 'np.array', (['[player.research_points for player in game_state.players]'], {}), '([player.research_points for player in game_state.players])\n', (809, 868), True, 'import numpy as np\n'), ((5022, 5049), 'numpy.empty', 'np.empty', (['(2,)'], {'dtype': 'float'}), '((2,), dtype=float)\n', (5030, 5049), True, 'import numpy as np\n'), ((5076, 5106), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (5089, 5106), True, 'import numpy as np\n'), ((5138, 5168), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (5151, 5168), True, 'import numpy as np\n'), ((5195, 5225), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (5208, 5225), True, 'import numpy as np\n'), ((7995, 8056), 'numpy.where', 'np.where', (['(reward > 0.0)', '(self.positive_weight * reward)', 'reward'], {}), '(reward > 0.0, self.positive_weight * reward, reward)\n', (8003, 8056), True, 'import numpy as np\n'), ((8119, 8180), 'numpy.where', 'np.where', (['(reward < 0.0)', '(self.negative_weight * reward)', 'reward'], {}), '(reward < 0.0, self.negative_weight * reward, reward)\n', (8127, 8180), True, 'import numpy as np\n'), ((8309, 8338), 'numpy.ones_like', 'np.ones_like', (['self.city_count'], {}), '(self.city_count)\n', (8321, 8338), True, 'import numpy as np\n'), ((8365, 8394), 'numpy.ones_like', 'np.ones_like', (['self.unit_count'], {}), '(self.unit_count)\n', (8377, 8394), True, 'import numpy as np\n'), ((8426, 8461), 'numpy.zeros_like', 'np.zeros_like', (['self.research_points'], {}), '(self.research_points)\n', (8439, 8461), True, 'import numpy as np\n'), ((8488, 8518), 'numpy.zeros_like', 'np.zeros_like', (['self.total_fuel'], {}), '(self.total_fuel)\n', (8501, 8518), True, 'import numpy as np\n'), ((9450, 9477), 'numpy.empty', 'np.empty', (['(2,)'], {'dtype': 'float'}), '((2,), dtype=float)\n', (9458, 9477), True, 'import numpy as np\n'), ((9504, 9534), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (9517, 9534), True, 'import numpy as np\n'), ((9566, 9596), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (9579, 9596), True, 'import numpy as np\n'), ((9623, 9653), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (9636, 9653), True, 'import numpy as np\n'), ((11605, 11655), 'numpy.where', 'np.where', (['lost_unit_or_city', '(-0.1)', '(reward / 1000.0)'], {}), '(lost_unit_or_city, -0.1, reward / 1000.0)\n', (11613, 11655), True, 'import numpy as np\n'), ((11945, 11974), 'numpy.ones_like', 'np.ones_like', (['self.city_count'], {}), '(self.city_count)\n', (11957, 11974), True, 'import numpy as np\n'), ((12001, 12030), 'numpy.ones_like', 'np.ones_like', (['self.unit_count'], {}), '(self.unit_count)\n', (12013, 12030), True, 'import numpy as np\n'), ((12062, 12097), 'numpy.zeros_like', 'np.zeros_like', (['self.research_points'], {}), '(self.research_points)\n', (12075, 12097), True, 'import numpy as np\n'), ((12124, 12154), 'numpy.zeros_like', 'np.zeros_like', (['self.total_fuel'], {}), '(self.total_fuel)\n', (12137, 12154), True, 'import numpy as np\n'), ((16112, 16137), 'numpy.empty', 'np.empty', (['(2,)'], {'dtype': 'int'}), '((2,), dtype=int)\n', (16120, 16137), True, 'import numpy as np\n'), ((16164, 16194), 'numpy.empty_like', 'np.empty_like', (['self.city_count'], {}), '(self.city_count)\n', (16177, 16194), True, 'import numpy as np\n'), ((17140, 17226), 'numpy.logical_or', 'np.logical_or', (['(new_city_count < self.city_count)', '(new_unit_count < self.unit_count)'], {}), '(new_city_count < self.city_count, new_unit_count < self.\n unit_count)\n', (17153, 17226), True, 'import numpy as np\n'), ((17421, 17450), 'numpy.ones_like', 'np.ones_like', (['self.city_count'], {}), '(self.city_count)\n', (17433, 17450), True, 'import numpy as np\n'), ((17477, 17506), 'numpy.ones_like', 'np.ones_like', (['self.unit_count'], {}), '(self.unit_count)\n', (17489, 17506), True, 'import numpy as np\n'), ((1620, 1688), 'logging.warning', 'logging.warning', (['f"""RewardSpace received unexpected kwargs: {kwargs}"""'], {}), "(f'RewardSpace received unexpected kwargs: {kwargs}')\n", (1635, 1688), False, 'import logging\n'), ((6740, 6787), 'numpy.maximum', 'np.maximum', (['(new_total_fuel - self.total_fuel)', '(0)'], {}), '(new_total_fuel - self.total_fuel, 0)\n', (6750, 6787), True, 'import numpy as np\n'), ((7011, 7034), 'numpy.ones', 'np.ones', (['(2)'], {'dtype': 'float'}), '(2, dtype=float)\n', (7018, 7034), True, 'import numpy as np\n'), ((7325, 7345), 'numpy.array', 'np.array', (['[0.0, 0.0]'], {}), '([0.0, 0.0])\n', (7333, 7345), True, 'import numpy as np\n'), ((11045, 11065), 'numpy.array', 'np.array', (['[0.0, 0.0]'], {}), '([0.0, 0.0])\n', (11053, 11065), True, 'import numpy as np\n'), ((17896, 17963), 'numpy.array', 'np.array', (['[player.research_points for player in game_state.players]'], {}), '([player.research_points for player in game_state.players])\n', (17904, 17963), True, 'import numpy as np\n'), ((5722, 5739), 'copy.copy', 'copy.copy', (['kwargs'], {}), '(kwargs)\n', (5731, 5739), False, 'import copy\n'), ((9947, 9964), 'copy.copy', 'copy.copy', (['kwargs'], {}), '(kwargs)\n', (9956, 9964), False, 'import copy\n'), ((16879, 16926), 'numpy.array', 'np.array', (['[game_state.turn >= self.target_step]'], {}), '([game_state.turn >= self.target_step])\n', (16887, 16926), True, 'import numpy as np\n'), ((3459, 3476), 'scipy.stats.rankdata', 'rankdata', (['rewards'], {}), '(rewards)\n', (3467, 3476), False, 'from scipy.stats import rankdata\n'), ((7207, 7235), 'scipy.stats.rankdata', 'rankdata', (['game_result_reward'], {}), '(game_result_reward)\n', (7215, 7235), False, 'from scipy.stats import rankdata\n'), ((10927, 10955), 'scipy.stats.rankdata', 'rankdata', (['game_result_reward'], {}), '(game_result_reward)\n', (10935, 10955), False, 'from scipy.stats import rankdata\n')] |
import numpy as np
import matplotlib.pyplot as plt
# To use LaTeX in the plots
plt.rcParams.update({
"text.usetex": True,
"font.family": "sans-serif",
"font.sans-serif": ["Helvetica"]})
# for Palatino and other serif fonts use:
plt.rcParams.update({
"text.usetex": True,
"font.family": "serif",
"font.serif": ["Palatino"],
})
plt.rcParams.update({
"text.usetex": True,
"font.family": "Helvetica"
})
# constants used in the problem
E = 0.220 # in volts
R = 500 # in Ohms
Vt = 0.025 # in volts
Isa = 0.6e-6 # in Amps
Isb = 1.2e-6 # in Amps
# Calculates the vector F which solves the equation F = 0
def F(v): # v is a 2 x 1 vector which contains the voltage values of the circuit
f1 = (E - v[0]) / R - Isa * (np.exp((v[0] - v[1]) / Vt) - 1)
f2 = Isa*(np.exp((v[0]-v[1]) / Vt)-1)-Isb * (np.exp((v[1] / Vt)) - 1)
F = np.array([f1, f2])
return F
# compute the Jacobian
def Jacobian(v):
J = np.zeros(shape=(2, 2))
J[0][0] = -1/R - (Isa / Vt) * np.exp((v[0] - v[1]) / Vt)
J[0][1] = (Isa / Vt) * np.exp((v[0] - v[1]) / Vt)
J[1][0] = (Isa / Vt) * np.exp((v[0] - v[1]) / Vt)
J[1][1] = -(Isb / Vt) * np.exp(v[1] / Vt) - (Isa/Vt)*np.exp((v[0]-v[1])/Vt)
return J
# uses the above two functions to calculate the voltage solution to the circuit
def newton_raphson(maxerr):
i = 0
Vnew = np.zeros(shape=(2, 1))
dV_vec = []
val_vec = []
conv = False
while not conv:
i += 1
F_p = Jacobian(Vnew) # calculate the Jacobian given teh current voltage values
eff = F(Vnew) # calculate the value of the F vector for the current voltage values
dV = np.multiply(np.dot(np.linalg.inv(F_p), eff), -1) # compute dV
crit_val = np.linalg.norm(dV, 2) # compute the 2-norm of dV for convergence criteria
Vnew = np.add(Vnew, dV) # compute new voltage value for next step
dV_vec.append(crit_val)
val_vec.append(Vnew)
print("------------------------------------")
print("iteration = "+str(i))
print("Jacobian = "+str(F_p))
print("F-vector = "+str(eff))
print("\u0394 V = "+str(dV))
if crit_val < maxerr:
break
return Vnew, dV_vec, i, val_vec
if __name__ == "__main__":
error = 10e-15 # the maximum allowable error
val = newton_raphson(error)
# plot error in the log scale
dV_norm_err = val[1]
iter_no = val[2]
ans = val[3]
print("------------------------------------")
print(ans[7])
# Plot the 10log_10 of dV
x_val = np.linspace(1, iter_no, iter_no)
dV = 10*np.log10(dV_norm_err)
plt.plot(x_val, dV)
plt.xlabel("Number of Iterations")
plt.ylabel("log(2-norm dV)")
plt.show() | [
"matplotlib.pyplot.show",
"matplotlib.pyplot.plot",
"numpy.add",
"numpy.zeros",
"matplotlib.pyplot.rcParams.update",
"numpy.array",
"numpy.exp",
"numpy.linspace",
"numpy.linalg.norm",
"numpy.linalg.inv",
"matplotlib.pyplot.ylabel",
"numpy.log10",
"matplotlib.pyplot.xlabel"
] | [((80, 189), 'matplotlib.pyplot.rcParams.update', 'plt.rcParams.update', (["{'text.usetex': True, 'font.family': 'sans-serif', 'font.sans-serif': [\n 'Helvetica']}"], {}), "({'text.usetex': True, 'font.family': 'sans-serif',\n 'font.sans-serif': ['Helvetica']})\n", (99, 189), True, 'import matplotlib.pyplot as plt\n'), ((241, 339), 'matplotlib.pyplot.rcParams.update', 'plt.rcParams.update', (["{'text.usetex': True, 'font.family': 'serif', 'font.serif': ['Palatino']}"], {}), "({'text.usetex': True, 'font.family': 'serif',\n 'font.serif': ['Palatino']})\n", (260, 339), True, 'import matplotlib.pyplot as plt\n'), ((351, 421), 'matplotlib.pyplot.rcParams.update', 'plt.rcParams.update', (["{'text.usetex': True, 'font.family': 'Helvetica'}"], {}), "({'text.usetex': True, 'font.family': 'Helvetica'})\n", (370, 421), True, 'import matplotlib.pyplot as plt\n'), ((862, 880), 'numpy.array', 'np.array', (['[f1, f2]'], {}), '([f1, f2])\n', (870, 880), True, 'import numpy as np\n'), ((944, 966), 'numpy.zeros', 'np.zeros', ([], {'shape': '(2, 2)'}), '(shape=(2, 2))\n', (952, 966), True, 'import numpy as np\n'), ((1360, 1382), 'numpy.zeros', 'np.zeros', ([], {'shape': '(2, 1)'}), '(shape=(2, 1))\n', (1368, 1382), True, 'import numpy as np\n'), ((2562, 2594), 'numpy.linspace', 'np.linspace', (['(1)', 'iter_no', 'iter_no'], {}), '(1, iter_no, iter_no)\n', (2573, 2594), True, 'import numpy as np\n'), ((2633, 2652), 'matplotlib.pyplot.plot', 'plt.plot', (['x_val', 'dV'], {}), '(x_val, dV)\n', (2641, 2652), True, 'import matplotlib.pyplot as plt\n'), ((2657, 2691), 'matplotlib.pyplot.xlabel', 'plt.xlabel', (['"""Number of Iterations"""'], {}), "('Number of Iterations')\n", (2667, 2691), True, 'import matplotlib.pyplot as plt\n'), ((2696, 2724), 'matplotlib.pyplot.ylabel', 'plt.ylabel', (['"""log(2-norm dV)"""'], {}), "('log(2-norm dV)')\n", (2706, 2724), True, 'import matplotlib.pyplot as plt\n'), ((2729, 2739), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (2737, 2739), True, 'import matplotlib.pyplot as plt\n'), ((1055, 1081), 'numpy.exp', 'np.exp', (['((v[0] - v[1]) / Vt)'], {}), '((v[0] - v[1]) / Vt)\n', (1061, 1081), True, 'import numpy as np\n'), ((1109, 1135), 'numpy.exp', 'np.exp', (['((v[0] - v[1]) / Vt)'], {}), '((v[0] - v[1]) / Vt)\n', (1115, 1135), True, 'import numpy as np\n'), ((1743, 1764), 'numpy.linalg.norm', 'np.linalg.norm', (['dV', '(2)'], {}), '(dV, 2)\n', (1757, 1764), True, 'import numpy as np\n'), ((1833, 1849), 'numpy.add', 'np.add', (['Vnew', 'dV'], {}), '(Vnew, dV)\n', (1839, 1849), True, 'import numpy as np\n'), ((2607, 2628), 'numpy.log10', 'np.log10', (['dV_norm_err'], {}), '(dV_norm_err)\n', (2615, 2628), True, 'import numpy as np\n'), ((1001, 1027), 'numpy.exp', 'np.exp', (['((v[0] - v[1]) / Vt)'], {}), '((v[0] - v[1]) / Vt)\n', (1007, 1027), True, 'import numpy as np\n'), ((1164, 1181), 'numpy.exp', 'np.exp', (['(v[1] / Vt)'], {}), '(v[1] / Vt)\n', (1170, 1181), True, 'import numpy as np\n'), ((1193, 1219), 'numpy.exp', 'np.exp', (['((v[0] - v[1]) / Vt)'], {}), '((v[0] - v[1]) / Vt)\n', (1199, 1219), True, 'import numpy as np\n'), ((748, 774), 'numpy.exp', 'np.exp', (['((v[0] - v[1]) / Vt)'], {}), '((v[0] - v[1]) / Vt)\n', (754, 774), True, 'import numpy as np\n'), ((794, 820), 'numpy.exp', 'np.exp', (['((v[0] - v[1]) / Vt)'], {}), '((v[0] - v[1]) / Vt)\n', (800, 820), True, 'import numpy as np\n'), ((829, 846), 'numpy.exp', 'np.exp', (['(v[1] / Vt)'], {}), '(v[1] / Vt)\n', (835, 846), True, 'import numpy as np\n'), ((1680, 1698), 'numpy.linalg.inv', 'np.linalg.inv', (['F_p'], {}), '(F_p)\n', (1693, 1698), True, 'import numpy as np\n')] |
import bpy
import asyncio
from asyncio import Task, coroutine, sleep
import blender_async
class TestDialog(blender_async.dialogs.AsyncDialog):
my_float = bpy.props.FloatProperty(name="Some Floating Point")
my_bool = bpy.props.BoolProperty(name="Toggle Option")
my_string = bpy.props.StringProperty(name="String Value")
async def example():
await sleep(1)
file_name = await blender_async.open_file_dialog()
print(file_name)
await sleep(1)
results = await blender_async.open_dialog(TestDialog)
print(results)
await sleep(1)
loop = blender_async.get_event_loop()
loop.create_task(example())
| [
"bpy.props.BoolProperty",
"blender_async.get_event_loop",
"asyncio.sleep",
"blender_async.open_file_dialog",
"bpy.props.FloatProperty",
"bpy.props.StringProperty",
"blender_async.open_dialog"
] | [((578, 608), 'blender_async.get_event_loop', 'blender_async.get_event_loop', ([], {}), '()\n', (606, 608), False, 'import blender_async\n'), ((161, 212), 'bpy.props.FloatProperty', 'bpy.props.FloatProperty', ([], {'name': '"""Some Floating Point"""'}), "(name='Some Floating Point')\n", (184, 212), False, 'import bpy\n'), ((227, 271), 'bpy.props.BoolProperty', 'bpy.props.BoolProperty', ([], {'name': '"""Toggle Option"""'}), "(name='Toggle Option')\n", (249, 271), False, 'import bpy\n'), ((288, 333), 'bpy.props.StringProperty', 'bpy.props.StringProperty', ([], {'name': '"""String Value"""'}), "(name='String Value')\n", (312, 333), False, 'import bpy\n'), ((367, 375), 'asyncio.sleep', 'sleep', (['(1)'], {}), '(1)\n', (372, 375), False, 'from asyncio import Task, coroutine, sleep\n'), ((399, 431), 'blender_async.open_file_dialog', 'blender_async.open_file_dialog', ([], {}), '()\n', (429, 431), False, 'import blender_async\n'), ((463, 471), 'asyncio.sleep', 'sleep', (['(1)'], {}), '(1)\n', (468, 471), False, 'from asyncio import Task, coroutine, sleep\n'), ((493, 530), 'blender_async.open_dialog', 'blender_async.open_dialog', (['TestDialog'], {}), '(TestDialog)\n', (518, 530), False, 'import blender_async\n'), ((560, 568), 'asyncio.sleep', 'sleep', (['(1)'], {}), '(1)\n', (565, 568), False, 'from asyncio import Task, coroutine, sleep\n')] |
# --------------
# Import packages
import numpy as np
import pandas as pd
from scipy.stats import mode
bank = pd.read_csv(path)
categorical_var = bank.select_dtypes(include='object')
print(categorical_var)
numerical_var = bank.select_dtypes(include='number')
print(numerical_var)
# code starts here
# code ends here
# --------------
# code starts here
bank.columns
banks = bank.drop('Loan_ID',axis=1)
banks.columns
banks.isnull().sum()
bank_mode = banks.mode(axis=0)
#col = list(banks.columns)
bank_mode.loc[0,:]
banks.isnull().sum()
#for x in banks.columns.values:
# banks[x]=banks[x].fillna(value=bank_mode[x].loc[0])
##banks = banks[col].apply(lambda x: x.fillna(x.mode,inplace=True))
banks.fillna(bank_mode.loc[0,:],inplace=True)
banks.isnull().sum()
#banks.isnull().sum()
#code ends here
# --------------
# Code starts here
banks[['Gender','Married', 'Self_Employed','LoanAmount']]
avg_loan_amount = pd.pivot_table(banks, values='LoanAmount', index=['Gender','Married','Self_Employed'], aggfunc=np.mean)
# code ends here
# --------------
# code starts here
self_emp_y = banks['Self_Employed'] == 'Yes'
loan_status = banks['Loan_Status'] == 'Y'
self_emp_n = banks['Self_Employed'] == 'No'
Loan_Status = 614
loan_approved_se = (self_emp_y & loan_status).value_counts()[1]
loan_approved_nse = (self_emp_n & loan_status).value_counts()[1]
print(loan_approved_se ,' ',loan_approved_nse, Loan_Status)
percentage_se = (loan_approved_se/Loan_Status) * 100
percentage_nse = (loan_approved_nse/Loan_Status) * 100
print("Percent of Loan approval for Self employed people is : ",percentage_se)
print("Percent of Loan approval for people who are not self-employed is: ",percentage_nse)
# code ends here
# --------------
# code starts here
loan_term = banks['Loan_Amount_Term'].apply(lambda x : x/12)
loan_term>=25
big_loan_term = banks[loan_term>=25].shape[0]
# code ends here
# --------------
# code starts here
loan_groupby = banks.groupby('Loan_Status')
loan_groupby = loan_groupby[['ApplicantIncome','Credit_History']]
mean_values = loan_groupby.mean()
print(mean_values)
# code ends here
| [
"pandas.read_csv",
"pandas.pivot_table"
] | [((113, 130), 'pandas.read_csv', 'pd.read_csv', (['path'], {}), '(path)\n', (124, 130), True, 'import pandas as pd\n'), ((934, 1043), 'pandas.pivot_table', 'pd.pivot_table', (['banks'], {'values': '"""LoanAmount"""', 'index': "['Gender', 'Married', 'Self_Employed']", 'aggfunc': 'np.mean'}), "(banks, values='LoanAmount', index=['Gender', 'Married',\n 'Self_Employed'], aggfunc=np.mean)\n", (948, 1043), True, 'import pandas as pd\n')] |
#03_01_dice
import random # import random module
for x in range(1,11): # for loop to go from 1 -10
random_number = random.randint(1, 6) # ranint pick between 1 and 6
print(random_number) # print the # that was saved to variable random_number
| [
"random.randint"
] | [((119, 139), 'random.randint', 'random.randint', (['(1)', '(6)'], {}), '(1, 6)\n', (133, 139), False, 'import random\n')] |
# -*- coding: utf-8 -*-
"""
Created on Tue Nov 17 23:03:32 2020
@author: quipo
"""
import pandas as pd
import numpy as np
import re
from unidecode import unidecode
def diccionario_quitar_tildes(col):
return {col: {'á': 'a', 'Á': 'A','é': 'e', 'É': 'E','í': 'i', 'Í': 'I','ó': 'o', 'Ó': 'O','ú': 'u', 'Ú': 'U'}}
data_completo=pd.read_csv('../../datos_proscesados.csv',sep=',',encoding='utf8')
data_completo = data_completo.apply(lambda x: x.str.strip() if(x.dtype == "str") else x)
data_analizar=data_completo
data_analizar=data_analizar[data_analizar['PERIODO']<=2018]
data_clustering = pd.read_excel("../../Andres/cluster/clustering.xlsx")
data_clustering=data_clustering[['BARRIO','cluster']]
data_clustering = data_clustering.apply(lambda x: x.str.strip() if(x.dtype == "str") else x)
data=pd.read_csv('geoDataframe_cluster.csv',sep=';',encoding='utf8')
data = data.apply(lambda x: x.str.strip() if(x.dtype == "str") else x)
print(data.columns)
data =data.drop('CLUSTER',axis=1)
joindata = pd.merge(data,data_clustering, how='left', left_on=['NOMBRE'], right_on = ['BARRIO'])
joindata=joindata.rename(columns={'cluster':'CLUSTER'})
joindata['CLUSTER'] = joindata['CLUSTER'].fillna(3)
joindata=joindata.drop('BARRIO',axis=1)
#print(data['NOMBRE'])
barrios=data_completo['BARRIO']
barrios_geo=data['NOMBRE']
barrios=barrios.drop_duplicates()
barrios_geo=barrios_geo.drop_duplicates()
barrios=pd.DataFrame(barrios)
barrios['ESTA']=0
print(barrios)
data['NOMBRE_MIN']=data['NOMBRE']
#data['NOMBRE_MIN']=data['NOMBRE_MIN'].apply(lambda x: str(unidecode(x)))
data=data.replace(diccionario_quitar_tildes('NOMBRE_MIN'), regex=True)
data['NOMBRE_MIN']=data['NOMBRE_MIN'].str.lower()
#barrios.to_csv('barrios.csv',sep=',',encoding='utf8',index=False)
#data.drop_duplicates(subset='...')
"""
for index, value in barrios.items():
data.loc[data.NOMBRE_MIN == f'{value}', 'ESTA']=1
"""
for index, value in barrios_geo.items():
barrios.loc[barrios.BARRIO== f'{value}', 'ESTA']=1
print(barrios[barrios['ESTA']==0])
barrios.to_csv('barrios.csv',sep=';',encoding='utf8',index=False)
data['NOMBRE']=data['NOMBRE_MIN']
data=data.drop('NOMBRE_MIN',axis=1)
data=data[['OBJECTID', 'CODIGO','NOMBRE',
'SUBTIPO_BA', 'NOMBRE_COM', 'SHAPEAREA', 'SHAPELEN']]
#print(data.columns)
#data.to_csv('geoDataframe_funciona.csv',sep=',',encoding='utf8',index=False)
joindata['CLUSTER_CORREGIDO']=3
joindata.loc[joindata.CLUSTER == 0, 'CLUSTER_CORREGIDO']=0
joindata.loc[joindata.CLUSTER == 1, 'CLUSTER_CORREGIDO']=1
joindata.loc[joindata.CLUSTER == 2, 'CLUSTER_CORREGIDO']=2
joindata=joindata.drop('CLUSTER',axis=1)
joindata['CLUSTER']=joindata['CLUSTER_CORREGIDO']
joindata=joindata.drop('CLUSTER_CORREGIDO',axis=1)
#data_analizar
#dumies = pd.get_dummies(data_analizar.CLASE)
joindata.to_csv('geoDataframe_temporal.csv',sep=';',encoding='utf8',index=False)
#data_completo.to_csv('datos_proscesados.csv', encoding='utf-8')
| [
"pandas.read_csv",
"pandas.merge",
"pandas.DataFrame",
"pandas.read_excel"
] | [((331, 399), 'pandas.read_csv', 'pd.read_csv', (['"""../../datos_proscesados.csv"""'], {'sep': '""","""', 'encoding': '"""utf8"""'}), "('../../datos_proscesados.csv', sep=',', encoding='utf8')\n", (342, 399), True, 'import pandas as pd\n'), ((594, 647), 'pandas.read_excel', 'pd.read_excel', (['"""../../Andres/cluster/clustering.xlsx"""'], {}), "('../../Andres/cluster/clustering.xlsx')\n", (607, 647), True, 'import pandas as pd\n'), ((801, 866), 'pandas.read_csv', 'pd.read_csv', (['"""geoDataframe_cluster.csv"""'], {'sep': '""";"""', 'encoding': '"""utf8"""'}), "('geoDataframe_cluster.csv', sep=';', encoding='utf8')\n", (812, 866), True, 'import pandas as pd\n'), ((1004, 1093), 'pandas.merge', 'pd.merge', (['data', 'data_clustering'], {'how': '"""left"""', 'left_on': "['NOMBRE']", 'right_on': "['BARRIO']"}), "(data, data_clustering, how='left', left_on=['NOMBRE'], right_on=[\n 'BARRIO'])\n", (1012, 1093), True, 'import pandas as pd\n'), ((1406, 1427), 'pandas.DataFrame', 'pd.DataFrame', (['barrios'], {}), '(barrios)\n', (1418, 1427), True, 'import pandas as pd\n')] |
#!/usr/local/bin/python3
#encoding:utf8
'''
作用:爬取京东商城手机分类下的的所有手机商品的展示图片。
url:为需要爬取的网址
page:页数
'''
import re
import urllib.request
def getimage(url, page):
html = urllib.request.urlopen(url).read();
html = str(html);
pattern1 = '<div id="plist".+? <div class="page clearfix">';
rst1 = re.compile(pattern1).findall(html);
rst1 = rst1[0];
pattern2 = '<img width="220" height="220" .+?//.+?\.jpg';
imagelist = re.compile(pattern2).findall(rst1);
x = 1;
for imageurl in imagelist:
imagename = "Desktop/jd/"+str(page)+"-"+str(x)+".jpg";
pattern3 = '//.+?\.jpg';
imageurl = re.compile(pattern3).findall(imageurl);
imageurl = "http:"+imageurl[0];
try:
urllib.request.urlretrieve(imageurl, filename=imagename);
except urllib.error.URLError as e:
if hasattr(e, 'code'):
x+=1;
if hasattr(e, 'reason'):
x+=1;
x+=1;
for i in range(1, 2):
url = "https://list.jd.com/list.html?cat=9987,653,655&page=" + str(i);
getimage(url, i);
| [
"re.compile"
] | [((331, 351), 're.compile', 're.compile', (['pattern1'], {}), '(pattern1)\n', (341, 351), False, 'import re\n'), ((471, 491), 're.compile', 're.compile', (['pattern2'], {}), '(pattern2)\n', (481, 491), False, 'import re\n'), ((677, 697), 're.compile', 're.compile', (['pattern3'], {}), '(pattern3)\n', (687, 697), False, 'import re\n')] |
import os
import json
from flask import Flask, render_template
from flask.ext.assets import Environment
app = Flask(__name__)
app.debug = True
# govuk_template asset path
@app.context_processor
def asset_path_context_processor():
return {
'asset_path': '/static/govuk-template/',
'prototypes_asset_path': '/static/'
}
@app.route('/')
def home():
return render_template('index.html')
@app.errorhandler(404)
def page_not_found(e):
return render_template('common/proto-404.html'), 404
@app.route('/404')
def edge_of_proto(e):
return render_template('common/proto-404.html')
@app.route('/proto')
def proto():
return render_template('index2.html')
@app.route('/hack-day')
def hackday():
return render_template('index-hack.html')
# ---------------------------------------------------------------------------
#casework prototype list
@app.route('/casework/cases')
def casework_case_list():
json_data=open('app/static/data/casework-list.json', "r")
data = json.load(json_data)
return render_template('casework/case-list.html', data=data)
#casework details page
@app.route('/casework/cases/<ABR>')
def casework_case_details(ABR):
json_data=open('app/static/data/' + ABR + '.json', "r")
data = json.load(json_data)
return render_template('casework/case-details.html', data=data, backpage='/casework/cases')
# ---------------------------------------------------------------------------
#hackday
@app.route('/hackday/land-ownership-record')
def hackday_land_record():
return render_template('hackday/land-record.html', next_page="404")
@app.route('/hackday/land-ownership-record-1')
def hackday_land_record_1():
return render_template('hackday/land-record-1.html', next_page="404")
@app.route('/hackday/land-ownership-record-2')
def hackday_land_record_2():
return render_template('hackday/land-record-2.html', next_page="404")
# ---------------------------------------------------------------------------
# LAST OF THE ALPHA PROTOTYPES!
# A "citizen facing" register concept
#
# If we're having to download a "legal copy" then this page can be much more straightforward
@app.route('/register-view/register-view-citizen-1')
def register_view_citizen_1():
return render_template('register-view/register-view-citizen-1.html', next_page="404")
# ---------------------------------------------------------------------------
# -----------------
@app.route('/common/payment')
def common_payment():
return render_template('common/payment.html', next_page="/")
# ---------------------------------------------------------------------------
# GOV.UK pages, search / start v2.0 -----------------
@app.route('/govuk/search-2.0')
def govuk_search_2_0():
return render_template('govuk-views/search-2.0.html')
# GOV.UK pages, results listing v2.0 -----------------
@app.route('/govuk/results-2.0')
def govuk_results_2_0():
return render_template('govuk-views/results-2.0.html')
# GOV.UK pages, property details v2.0 -----------------
@app.route('/govuk/property-details-2.0')
def govuk_property_details_2_0():
return render_template('govuk-views/property-details-2.0.html')
# GOV.UK pages, property details v2.1 -----------------
@app.route('/govuk/property-details-2.1')
def govuk_property_details_2_1():
return render_template('govuk-views/property-details-2.1.html')
# ---------------------------------------------------------------------------
# scenario: user wants to find out who owns a property
# starts on GOV.UK and flows into register view
@app.route('/find-owner/search')
def find_owner_search():
return render_template('user-find-owner/search.html', next_page="/find-owner/results")
# GOV.UK pages, results listing -----------------
@app.route('/find-owner/results')
def find_owner_results():
return render_template('user-find-owner/results.html', next_page="/find-owner/property-details-2.0")
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/property-details-2.0')
def find_owner_details_2_0():
return render_template('user-find-owner/property-details-2.0.html', next_page="/find-owner/verify")
# GOV.UK pages, IDA/Credit Card/login stuff -----------------
# Step 1 - login with GOV.UK Verify - use sub flow...
# Sub flow - GOV.UK Verification ---------------------
# GOV.UK verify - Sub flow Step 1 - for conveyancer create relationship flow
@app.route('/find-owner/verify')
def find_owner_verify():
return render_template('user-find-owner/govuk-verify/verify-intro.html', next_page="/find-owner/who-verified-you")
# GOV.UK verify - Sub flow Step 2 - who verified you
@app.route('/find-owner/who-verified-you')
def find_owner_verify_who():
return render_template('user-find-owner/govuk-verify/verify-who.html', next_page="/find-owner/experian-sign-in")
# GOV.UK verify - Sub flow Step 3 - experian sign in
@app.route('/find-owner/experian-sign-in')
def find_owner_verify_experian_sign_in_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in.html', next_page="/find-owner/experian-sign-in-part-2")
# GOV.UK verify - Sub flow Step 4 - experian 2nd phase sign in
@app.route('/find-owner/experian-sign-in-part-2')
def find_owner_verify_experian_sign_in_2nd_part_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in-2.html', next_page="/find-owner/register-view")
# end Sub flow - GOV.UK Verification ---------------------
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/register-view')
def find_owner_register_view():
return render_template('user-find-owner/register-3.0.html', next_page="/find-owner/changes-view")
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/changes-view')
def find_owner_historian_view():
return render_template('user-find-owner/changes-1.0.html', next_page="/")
# ---------------------------------------------------------------------------
# scenario: user wants to find out who owns a property (IDA + payment)
# starts on GOV.UK and flows into register view
@app.route('/find-owner/b/search')
def find_owner_b_search():
return render_template('user-find-owner/search.html', next_page="/find-owner/b/results")
# GOV.UK pages, results listing -----------------
@app.route('/find-owner/b/results')
def find_owner_b_results():
return render_template('user-find-owner/results.html', next_page="/find-owner/b/property-details-2.0")
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/b/property-details-2.0')
def find_owner_b_details_2_0():
return render_template('user-find-owner/property-details-2.1.html', next_page="/find-owner/b/verify")
# Sub flow - GOV.UK Verification ---------------------
# GOV.UK verify - Sub flow Step 1
@app.route('/find-owner/b/verify')
def find_owner_b_verify():
return render_template('user-find-owner/govuk-verify/verify-intro.html', next_page="/find-owner/b/who-verified-you")
# GOV.UK verify - Sub flow Step 2
@app.route('/find-owner/b/who-verified-you')
def find_owner_b_verify_who():
return render_template('user-find-owner/govuk-verify/verify-who.html', next_page="/find-owner/b/experian-sign-in")
# GOV.UK verify - Sub flow Step 3 - experian sign in
@app.route('/find-owner/b/experian-sign-in')
def find_owner_b_verify_experian_sign_in_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in.html', next_page="/find-owner/b/experian-sign-in-part-2")
# GOV.UK verify - Sub flow Step 4 - experian 2nd phase sign in
@app.route('/find-owner/b/experian-sign-in-part-2')
def find_owner_b_verify_experian_sign_in_2nd_part_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in-2.html', next_page="/find-owner/b/card-payment")
# end Sub flow - GOV.UK Verification ---------------------
# Sub flow - card payment ---------------------
# GOV.UK pages, accept cost to view register -----------------
@app.route('/find-owner/b/accept-cost')
def find_owner_b_accept_cost():
return render_template('user-find-owner/accept-cost.html', next_page="/find-owner/b/card-payment")
# GOV.UK pages, pay to view register -----------------
@app.route('/find-owner/b/card-payment')
def find_owner_b_card_payment():
return render_template('common/payment.html', next_page="/find-owner/register-view")
# end sub flow - card payment ---------------------
# ---------------------------------------------------------------------------
# scenario: user wants to find out who owns a property rouute c - (IDA) (real fake title)
# starts on GOV.UK and flows into register view
@app.route('/find-owner/c/search')
def find_owner_c_search():
return render_template('user-find-owner/search.html', next_page="/find-owner/c/results")
# GOV.UK pages, results listing -----------------
@app.route('/find-owner/c/results')
def find_owner_c_results():
return render_template('user-find-owner/results-c.html', next_page="/find-owner/c/property-details-2.0")
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/c/property-details-2.0')
def find_owner_c_details_2_0():
return render_template('user-find-owner/property-details-2.1-c.html', next_page="/find-owner/c/verify")
# Sub flow - GOV.UK Verification ---------------------
# GOV.UK verify - Sub flow Step 1
@app.route('/find-owner/c/verify')
def find_owner_c_verify():
return render_template('user-find-owner/govuk-verify/verify-intro.html', next_page="/find-owner/c/who-verified-you")
# GOV.UK verify - Sub flow Step 2
@app.route('/find-owner/c/who-verified-you')
def find_owner_c_verify_who():
return render_template('user-find-owner/govuk-verify/verify-who.html', next_page="/find-owner/c/experian-sign-in")
# GOV.UK verify - Sub flow Step 3 - experian sign in
@app.route('/find-owner/c/experian-sign-in')
def find_owner_c_verify_experian_sign_in_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in.html', next_page="/find-owner/c/experian-sign-in-part-2")
# GOV.UK verify - Sub flow Step 4 - experian 2nd phase sign in
@app.route('/find-owner/c/experian-sign-in-part-2')
def find_owner_c_verify_experian_sign_in_2nd_part_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in-2.html', next_page="/find-owner/c/register-view")
# end Sub flow - GOV.UK Verification ---------------------
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/c/register-view')
def find_owner_c_register_view():
return render_template('register-view/register-test-title.html')
# ---------------------------------------------------------------------------
# scenario: user wants to find out ... something about a property
# starts on GOV.UK and flows into register view
# Verify + Payment + real fake title
@app.route('/find-owner/d/search')
def find_owner_d_search():
return render_template('user-find-owner/search.html', next_page="/find-owner/d/results")
# GOV.UK pages, results listing -----------------
@app.route('/find-owner/d/results')
def find_owner_d_results():
return render_template('user-find-owner/results-c.html', next_page="/find-owner/d/property-details-2.0")
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/d/property-details-2.0')
def find_owner_d_details_2_0():
return render_template('user-find-owner/property-details-2.1-c.html', next_page="/find-owner/d/verify")
# Verify ---------------------
# verify - Step 1
@app.route('/find-owner/d/verify')
def find_owner_d_verify():
return render_template('user-find-owner/govuk-verify/verify-intro.html', next_page="/find-owner/d/who-verified-you")
# verify - Step 2
@app.route('/find-owner/d/who-verified-you')
def find_owner_d_verify_who():
return render_template('user-find-owner/govuk-verify/verify-who.html', next_page="/find-owner/d/experian-sign-in")
# verify - Step 3 - experian sign in
@app.route('/find-owner/d/experian-sign-in')
def find_owner_d_verify_experian_sign_in_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in.html', next_page="/find-owner/d/experian-sign-in-part-2")
# verify - Step 4 - experian 2nd phase sign in
@app.route('/find-owner/d/experian-sign-in-part-2')
def find_owner_d_verify_experian_sign_in_2nd_part_1():
return render_template('user-find-owner/govuk-verify/verify-sign-in-2.html', next_page="/find-owner/d/card-payment")
# end Verify ---------------------
# card payment ---------------------
# pay to view register -----------------
@app.route('/find-owner/d/card-payment')
def find_owner_d_card_payment():
return render_template('common/payment.html', next_page="/find-owner/d/register-view")
# end card payment ---------------------
# GOV.UK pages, property details v2.0 -----------------
@app.route('/find-owner/d/register-view')
def find_owner_d_register_view():
return render_template('register-view/register-test-title.html')
# ---------------------------------------------------------------------------
# Alternate Register view. V4 with sections fully open
@app.route('/register-view/register-view-4-expanded')
def register_view_4_0_expanded():
return render_template('register-view/register-test-title-expanded.html', next_page="404")
# ---------------------------------------------------------------------------
# ---------------------------------------------------------------------------
# Alternate Register view. V4 with help on show
@app.route('/register-view/register-view-4-help-text')
def register_view_4_0_help_text():
return render_template('register-view/register-test-title-help.html', next_page="404")
# ---------------------------------------------------------------------------
# Transfer prototypes, login page
@app.route('/transfer/login')
def transfer_login():
return render_template('common/login.html', next_page="/transfer/conveyancer-case-list")
# Transfer prototypes, conveyancer-case-list page
@app.route('/transfer/conveyancer-case-list')
def conveyancer_case_list():
json_data=open('app/static/data/cases.json', "r")
data = json.load(json_data)
return render_template('transfer/conveyancer-case-list.html', data=data)
# Transfer prototypes, create transfer page
@app.route('/transfer/create-transfer')
def create_transfer():
json_data=open('app/static/data/complete-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/create-transfer.html', editable=True, data=data)
# Transfer prototypes, new provisions page
@app.route('/transfer/new-provisions')
def transfer_new_provisions():
return render_template('transfer/new-provisions.html')
# Transfer prototypes, mortgage details page
@app.route('/transfer/mortgage-details')
def transfer_mortgage_details():
return render_template('transfer/mortgage-details.html')
# Transfer prototypes, mortgage details entered page
@app.route('/transfer/mortgage-details-entered')
def transfer_mortgage_details_entered():
return render_template('transfer/mortgage-details-entered.html')
# Transfer prototypes, summary page
@app.route('/transfer/summary')
def transfer_summary():
json_data=open('app/static/data/complete-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/summary.html', editable=True, conveyancer="buyer", data=data)
# Transfer prototypes, summary with no mortgage details page
@app.route('/transfer/summary-no-mortgage')
def transfer_summary_no_mortgage():
json_data=open('app/static/data/no-mortgage.json', "r")
data = json.load(json_data)
return render_template('transfer/summary-no-mortgage.html', editable=True, conveyancer="buyer", data=data)
# Transfer prototypes, transfer that has been withdrawn
@app.route('/transfer/transfer-withdrawn')
def transfer_withdrawn():
json_data=open('app/static/data/withdrawn-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/transfer-withdrawn.html', editable=True, data=data)
# Transfer prototypes, summary with option to withdraw
@app.route('/transfer/summary-withdraw-option')
def transfer_withdraw_option():
json_data=open('app/static/data/complete-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/summary-withdraw-option.html', editable=False, data=data)
# Transfer prototypes, summary with empty states
@app.route('/transfer/transfer-empty-states')
def transfer_empty_states():
json_data=open('app/static/data/incomplete-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/transfer-empty-states.html', editable=True, data=data)
# Transfer prototypes, done page
@app.route('/transfer/done')
def transfer_done():
return render_template('transfer/done.html')
# Transfer prototypes, signing the transfer page
@app.route('/transfer/transfer-signing')
def transfer_signing():
json_data=open('app/static/data/ready-to-sign-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/transfer-signing.html', editable=False, data=data, role="buyer")
# Transfer prototypes, signing the transfer page
@app.route('/transfer/transfer-signing-seller')
def transfer_signing_seller():
json_data=open('app/static/data/ready-to-sign-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/transfer-signing-seller.html', editable=False, data=data, role="seller")
# ---------------------------------------------------------------------------
# Transfer prototypes - 2nd conveyancer, Step 1 - login page
@app.route('/transfer-2nd-con/login')
def transfer_2nd_conveyancer_login():
return render_template('common/login.html', next_page="/transfer-2nd-con/conveyancer-case-list")
# Transfer prototypes - 2nd conveyancer, Step 2 - conveyancer-case-list
@app.route('/transfer-2nd-con/conveyancer-case-list')
def transfer_2nd_conveyancer_case_list():
json_data=open('app/static/data/cases-seller.json', "r")
data = json.load(json_data)
return render_template('transfer-2nd-conveyancer/conveyancer-case-list.html', data=data)
# Transfer prototypes - 2nd conveyancer, Step 3 - confirm page
@app.route('/transfer-2nd-con/review-transfer')
def transfer_2nd_conveyancer_review_transfer():
json_data=open('app/static/data/complete-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer-2nd-conveyancer/review-transfer.html', editable=False, data=data, role="seller")
# Transfer prototypes - 2nd conveyancer, Step 4 - transfer ready to sign
@app.route('/transfer-2nd-con/marked-ready')
def transfer_2nd_conveyancer_marked_ready():
return render_template('transfer-2nd-conveyancer/marked-ready.html')
# Transfer prototypes, transfer that has been withdrawn
@app.route('/transfer-2nd-con/transfer-withdrawn')
def transfer_2nd_con_withdrawn():
json_data=open('app/static/data/withdrawn-transfer.json', "r")
data = json.load(json_data)
return render_template('transfer/transfer-withdrawn.html', editable=False, data=data)
# ---------------------------------------------------------------------------
# Transaction flows, citizens sign transfer and charge v2.0 -----------------
@app.route('/transfer-and-charge/citizen-1-start')
def transfer_and_charge_citizen_1_start_2_0():
return render_template('transfer-and-charge/citizen-1-start-2.0.html', next_page="citizen-1-login")
# Step 1 - login with GOV.UK Verify
@app.route('/transfer-and-charge/citizen-1-login')
def transfer_and_charge_citizen_1_login_2_0():
return render_template('transfer-and-charge/citizen-1-login-2.0.html', next_page="citizen-1-enter-token")
# Step 2 - Client 1 enters token
@app.route('/transfer-and-charge/citizen-1-enter-token')
def transfer_and_charge_citizen_1_enter_token_2_0():
return render_template('transfer-and-charge/citizen-1-enter-token-2.0.html', next_page="citizen-1-sign-mortgage")
# Step 3 - Client 1 signs mortgage deed
@app.route('/transfer-and-charge/citizen-1-sign-mortgage')
def transfer_and_charge_citizen_1_sign_mortgage_2_0():
return render_template('transfer-and-charge/citizen-1-sign-mortgage-2.0.html', next_page="citizen-1-sign-transfer")
# Step 4 - Client 1 signs transfer
@app.route('/transfer-and-charge/citizen-1-sign-transfer')
def transfer_and_charge_citizen_1_sign_transfer_2_0():
return render_template('transfer-and-charge/citizen-1-sign-transfer-2.0.html', next_page="citizen-1-semi-confirmed")
# Step 5 - Client 1 - semi confirmation
@app.route('/transfer-and-charge/citizen-1-semi-confirmed')
def transfer_and_charge_citizen_1_semi_confirmed_2_0():
return render_template('transfer-and-charge/citizen-1-semi-confirmed-2.0.html')
# ---------------------------------------------------------------------------
# Transaction flows, citizens sign transfer and charge v3 -----------------
# Step 1a - external process step - show user email
@app.route('/transfer-and-charge-v3/citizen-1-email')
def transfer_and_charge_citizen_1_email_3_0():
return render_template('transfer-and-charge/citizen-1-email-2.0.html', next_page="citizen-1-start")
@app.route('/transfer-and-charge-v3/citizen-1-start')
def transfer_and_charge_citizen_1_start_3_0():
return render_template('transfer-and-charge/citizen-1-start-2.0.html', next_page="citizen-1-login")
# Step 1 - login with GOV.UK Verify
@app.route('/transfer-and-charge-v3/citizen-1-login')
def transfer_and_charge_citizen_1_login_3_0():
return render_template('transfer-and-charge/citizen-1-login-2.0.html', next_page="citizen-1-enter-token")
# Step 2 - Client 1 enters token
@app.route('/transfer-and-charge-v3/citizen-1-enter-token')
def transfer_and_charge_citizen_1_enter_token_3_0():
return render_template('transfer-and-charge/citizen-1-enter-token-2.0.html', next_page="citizen-1-sign-mortgage")
# Step 3 - Client 1 signs mortgage deed
@app.route('/transfer-and-charge-v3/citizen-1-sign-mortgage')
def transfer_and_charge_citizen_1_sign_mortgage_3_0():
return render_template('transfer-and-charge/citizen-1-sign-mortgage-2.0.html', next_page="/transfer-and-charge-v3/citizen-1-sign-transfer")
# Step 3 - Client 1 signs transfer deed
@app.route('/transfer-and-charge-v3/citizen-1-sign-transfer')
def transfer_and_charge_citizen_1_sign_transfer_3_0():
json_data=open('app/static/data/transfer-signing-data.json', "r")
data = json.load(json_data)
return render_template('transfer/transfer-signing.html', next_page="/transfer-and-charge-v3/citizen-1-sms", data=data, role="citizen")
# Step 3a - external process step - show user sms message
@app.route('/transfer-and-charge-v3/citizen-1-sms')
def transfer_and_charge_citizen_1_sms_3_0():
return render_template('transfer-and-charge/citizen-1-sms-2.0.html', next_page="citizen-1-2-factor-auth")
# Step 4 - Client 1 2 factor authentication
@app.route('/transfer-and-charge-v3/citizen-1-2-factor-auth')
def transfer_and_charge_citizen_1_2_factor_auth():
return render_template('transfer-and-charge/citizen-1-2-factor.html', next_page="/transfer-and-charge-v3/citizen-1-semi-confirmed")
# Step 5 - Client 1 - semi confirmation
@app.route('/transfer-and-charge-v3/citizen-1-semi-confirmed')
def transfer_and_charge_citizen_1_semi_confirmed_3_0():
return render_template('transfer-and-charge/citizen-1-semi-confirmed-2.0.html')
# ---------------------------------------------------------------------------
# Transaction flows, relationship starts, conveyancer initiates v2.2 --------
@app.route('/relationship-starts/conveyancer-start')
def conveyancer_start_2_2():
return render_template('relationship-starts/conveyancer-start-2.2.html')
# Step 1 - log in
@app.route('/relationship-starts/login')
def relationship_starts_login_2_2():
return render_template('common/login.html', next_page="/relationship-starts/conveyancer-find-property")
# Step 2 - find correct property
@app.route('/relationship-starts/conveyancer-find-property')
def conveyancer_find_property_2_2():
return render_template('relationship-starts/conveyancer-find-property-2.2.html')
# Step 3 - results and select correct property
@app.route('/relationship-starts/conveyancer-select-property')
def conveyancer_select_property_2_2():
return render_template('relationship-starts/conveyancer-select-property-2.2.html')
# Step 4 - select associated task
@app.route('/relationship-starts/conveyancer-select-task')
def conveyancer_select_task_2_2():
return render_template('relationship-starts/conveyancer-select-task-2.2.html')
# Step 5 - set the number of clients
@app.route('/relationship-starts/conveyancer-add-clients')
def conveyancer_add_clients_2_2():
return render_template('relationship-starts/conveyancer-add-clients-2.2.html')
# Step 6 - add 1st client
@app.route('/relationship-starts/conveyancer-add-client-1')
def conveyancer_add_client_1_2_2():
return render_template('relationship-starts/conveyancer-add-client-1-2.2.html')
# Step 7 - add 2nd client
@app.route('/relationship-starts/conveyancer-add-client-2')
def conveyancer_add_client_2_2_2():
return render_template('relationship-starts/conveyancer-add-client-2-2.2.html')
# Step 8 - confirmation
@app.route('/relationship-starts/conveyancer-confirm')
def conveyancer_confirm_2_2():
return render_template('relationship-starts/conveyancer-confirm-2.2.html')
# Step 9 - generated token
@app.route('/relationship-starts/conveyancer-token')
def conveyancer_token_2_2():
return render_template('relationship-starts/conveyancer-token-2.2.html')
# ---------------------------------------------------------------------------
# Transaction flows, relationship starts, client(s) confirm v2.2 --------
@app.route('/relationship-starts/client-start')
def client_start_2_2():
return render_template('relationship-starts/client-start-2.2.html')
# Step 1 - login with GOV.UK Verify - use sub flow...
# Sub flow - GOV.UK Verification ---------------------
# GOV.UK verify - Sub flow Step 1 - for conveyancer create relationship flow
@app.route('/relationship-starts/client-login')
def client_verify_2_2():
return render_template('relationship-starts/verify-subflow-client-1/verify-intro.html')
# GOV.UK verify - Sub flow Step 2 - who verified you
@app.route('/relationship-starts/client-who-verified-you')
def relationship_starts_client_verify_who_1():
return render_template('relationship-starts/verify-subflow-client-1/verify-who.html')
# GOV.UK verify - Sub flow Step 3 - experian sign in
@app.route('/relationship-starts/client-experian-sign-in')
def relationship_starts_client_verify_experian_sign_in_1():
return render_template('relationship-starts/verify-subflow-client-1/verify-sign-in.html')
# GOV.UK verify - Sub flow Step 4 - experian 2nd phase sign in
@app.route('/relationship-starts/client-experian-sign-in-part-2')
def relationship_starts_client_verify_experian_sign_in_2nd_part_1():
return render_template('relationship-starts/verify-subflow-client-1/verify-sign-in-2.html')
# end Sub flow - GOV.UK Verification ---------------------
# Step 2 - Client 1 enters token
@app.route('/relationship-starts/client-enter-token')
def client_enter_token_2_1():
return render_template('relationship-starts/client-enter-token-2.1.html')
# Step 3 - Client 1 confirms
@app.route('/relationship-starts/client-confirm')
def client_confirm_2_2():
return render_template('relationship-starts/client-confirm-2.2.html')
# Step 4 - Client 1 receives confirmation
@app.route('/relationship-starts/client-semi-confirmed')
def client_semi_confirmed_2_2():
return render_template('relationship-starts/client-semi-confirmed-2.2.html')
# Step 5 - Client can now view the register if they want to.
@app.route('/relationship-starts/client-view-register')
def client_view_register_2_1():
return render_template('relationship-starts/register-2.1-no-pending.html')
# Step 6 - Client 2 visits start page
@app.route('/relationship-starts/client-2-start')
def client_2_start_2_2():
return render_template('relationship-starts/client-2-start-2.2.html')
# Step 7 - login with GOV.UK Verify - use sub flow...
# Sub flow - GOV.UK Verification ---------------------
# GOV.UK verify - Sub flow Step 1 - for conveyancer create relationship flow
@app.route('/relationship-starts/client-2-login')
def client_2_verify_2_0():
return render_template('relationship-starts/verify-subflow-client-2/verify-intro.html')
# GOV.UK verify - Sub flow Step 2 - who verified you
@app.route('/relationship-starts/client-2-who-verified-you')
def relationship_starts_client_2_verify_who_1():
return render_template('relationship-starts/verify-subflow-client-2/verify-who.html')
# GOV.UK verify - Sub flow Step 3 - experian sign in
@app.route('/relationship-starts/client-2-experian-sign-in')
def relationship_starts_client_2_verify_experian_sign_in_1():
return render_template('relationship-starts/verify-subflow-client-2/verify-sign-in.html')
# GOV.UK verify - Sub flow Step 4 - experian 2nd phase sign in
@app.route('/relationship-starts/client-2-experian-sign-in-part-2')
def relationship_starts_client_2_verify_experian_sign_in_2nd_part_1():
return render_template('relationship-starts/verify-subflow-client-2/verify-sign-in-2.html')
# end Sub flow - GOV.UK Verification ---------------------
# Step 8 - Client 2 enters token
@app.route('/relationship-starts/client-2-enter-token')
def client_2_enter_token_2_0():
return render_template('relationship-starts/client-2-enter-token-2.0.html')
# Step 9 - Client 2 confirms
@app.route('/relationship-starts/client-2-confirm')
def client_2_confirm_2_2():
return render_template('relationship-starts/client-2-confirm-2.2.html')
# Step 10 - Client 2 receives (all parties) confirmation
@app.route('/relationship-starts/clients-confirmed')
def clients_confirmed_2_2():
return render_template('relationship-starts/clients-confirmed-2.2.html')
# ---------------------------------------------------------------------------
# Transaction flows, relationship starts, citizen confirms v2.0 --------
@app.route('/relationship-starts/citizen-confirms')
def citizen_confirms_2_0():
return render_template('relationship-starts/citizen-confirms-2.0.html')
# ---------------------------------------------------------------------------
# Page prototypes, Register View --------------------------
@app.route('/register-view/register-2.0')
def register_2_0():
return render_template('register-view/register-2.0.html')
@app.route('/register-view/register-2.1')
def register_2_1():
return render_template('register-view/register-2.1.html')
@app.route('/register-view/register-3.0')
def register_3_0():
return render_template('register-view/register-3.0.html')
@app.route('/register-view/register-test-title')
def register_test_title():
return render_template('register-view/register-test-title.html')
@app.route('/register-view/register-hybrid')
def register_hybrid():
return render_template('register-view/register-hybrid.html')
# ---------------------------------------------------------------------------
# Page prototypes, Register Changes View --------------------------
# Change history - pending and historical
@app.route('/changes-view/changes-1.0')
def changes_1_0():
return render_template('changes-view/changes-1.0.html')
# Change history - historical only - nothing pending
@app.route('/changes-view/changes-no-pending-1.0')
def changes_no_pending_1_0():
return render_template('changes-view/changes-no-pending-1.0.html')
# ---------------------------------------------------------------------------
# Page prototypes, Example mortgage agreement --------------------------
@app.route('/legal-documents/mortgage-agreement-v1')
def mortgage_agreement_1():
return render_template('legal-documents/mortgage-agreement-v1.html')
# Page prototypes, Example transfer agreement --------------------------
@app.route('/legal-documents/transfer-agreement-v1')
def transfer_agreement_1():
return render_template('legal-documents/transfer-agreement-v1.html')
# ---------------------------------------------------------------------------
# Reserve Priority (Freeze register) ---------------------------------------
@app.route('/reserve-priority/select')
def reserve_priority_1_select():
return render_template('reserve-priority/protect-what-2.0.html')
@app.route('/reserve-priority/confirm')
def reserve_priority_2_confirm():
return render_template('reserve-priority/protect-confirm-2.0.html')
@app.route('/reserve-priority/confirmed')
def reserve_priority_3_confirmed():
return render_template('reserve-priority/protect-confirmed-2.0.html')
# ---------------------------------------------------------------------------
# Sprint 4, Relationship verifier flow --------------------------
@app.route('/sprint-4/citizen-reference')
def sprint_4_reference():
return render_template('sprint-4/relationship/citizen-reference.html')
@app.route('/sprint-4/citizen-login')
def sprint_4_citizen_login():
return render_template('sprint-4/relationship/citizen-login.html')
@app.route('/sprint-4/citizen-confirm')
def sprint_4_citizen_confirm():
return render_template('sprint-4/relationship/citizen-confirm.html')
@app.route('/sprint-4/citizen-complete')
def sprint_4_citizen_complete():
return render_template('sprint-4/relationship/citizen-complete.html')
@app.route('/sprint-4/citizen-register')
def sprint_4_citizen_register():
return render_template('sprint-4/relationship/citizen-register.html')
# ---------------------------------------------------------------------------
# Sprint 3, Register view --------------------------
@app.route('/sprint-3/register-v1')
def sprint_3_register_v1():
return render_template('sprint-3/register-view/register-v1.html')
@app.route('/sprint-3/register-v1a-history')
def sprint_3_register_v1a_history():
return render_template('sprint-3/register-view/register-v1a-history.html')
@app.route('/sprint-3/register-v1a-history-1')
def sprint_3_register_v1a_history_1():
return render_template('sprint-3/register-view/register-v1a-history-1.html')
# Sprint 3, prototype 1, conveyancer - buyer relationship --------------------------
@app.route('/sprint-3/conveyancer-start')
def sprint_3_conveyancer_start():
return render_template('sprint-3/buyer-conveyancer/conveyancer-0-start.html')
@app.route('/sprint-3/conveyancer-login')
def sprint_3_conveyancer_login():
return render_template('sprint-3/buyer-conveyancer/conveyancer-1-login.html')
@app.route('/sprint-3/conveyancer-enter-title')
def sprint_3_conveyancer_enter_title():
return render_template('sprint-3/buyer-conveyancer/conveyancer-2-enter-title.html')
@app.route('/sprint-3/conveyancer-add-buyers')
def sprint_3_conveyancer_add_buyers():
return render_template('sprint-3/buyer-conveyancer/conveyancer-5-add-buyers.html')
@app.route('/sprint-3/relationship-reference')
def sprint_3_relationship_reference():
return render_template('sprint-3/buyer-conveyancer/conveyancer-6-ref-for-buyers.html')
# Sprint 3, prototype 1, buyer -> conveyancer relationship --------------------------
@app.route('/sprint-3/buyer-login')
def sprint_3_buyer_login():
return render_template('sprint-3/buyer-conveyancer/buyer-1-login.html')
@app.route('/sprint-3/buyer-ref-code')
def sprint_3_buyer_ref_code():
return render_template('sprint-3/buyer-conveyancer/buyer-2-reference-code.html')
@app.route('/sprint-3/buyer-register')
def sprint_3_buyer_register():
return render_template('sprint-3/buyer-conveyancer/buyer-3-register.html')
# Sprint 3, Execute Deed - reworked from sprint 2 -----------------------------------
@app.route('/sprint-3/buyer-signing-start')
def sprint_3_buyer_signing_start():
return render_template('sprint-3/deed/buyer-0-start.html')
@app.route('/sprint-3/buyer-signing-login')
def sprint_3_buyer_signing_login():
return render_template('sprint-3/deed/buyer-0a-login.html')
@app.route('/sprint-3/display-charge-for-signing')
def sprint_3_execute_deed():
return render_template('sprint-3/deed/buyer-1-sign-charge.html')
@app.route('/sprint-3/display-transfer-for-signing')
def sprint_3_execute_transfer():
return render_template('sprint-3/deed/buyer-1a-sign-transfer.html')
@app.route('/sprint-3/two-factor')
def sprint_3_two_factor():
return render_template('sprint-3/deed/buyer-2-two-factor.html')
@app.route('/sprint-3/signing-complete')
def sprint_3_signing_complete():
return render_template('sprint-3/deed/buyer-3-signing-complete.html')
# ---------------------------------------------------------------------------
# Sprint 2, prototype 1: Passing a "token" -----------------------------------------
@app.route('/sprint-2/token')
def sprint_2_token():
return render_template('sprint-2/token/citizen-1-register.html')
@app.route('/sprint-2/select-action')
def sprint_2_select_action():
return render_template('sprint-2/token/citizen-2-select-action.html')
@app.route('/sprint-2/choose-method')
def sprint_2_choose_method():
return render_template('sprint-2/token/citizen-3-choose-method.html')
@app.route('/sprint-2/generate-token')
def sprint_2_generate_token():
return render_template('sprint-2/token/citizen-4-generate-token.html')
@app.route('/sprint-2/show-change')
def sprint_2_show_change():
return render_template('sprint-2/token/citizen-5-register-during-change.html')
@app.route('/sprint-2/input-token')
def sprint_2_input_token():
return render_template('sprint-2/token/conveyancer-1-input-token.html')
@app.route('/sprint-2/retrieve-token')
def sprint_2_retrieve_token():
return render_template('sprint-2/token/conveyancer-2-retrieve-details.html')
# Sprint 2, spike - Execute Deed -----------------------------------------
@app.route('/sprint-2/execute-deed')
def sprint_2_execute_deed():
return render_template('sprint-2/deed/buyer-1-execute-deed.html')
@app.route('/sprint-2/execution-complete')
def sprint_2_execution_complete():
return render_template('sprint-2/deed/buyer-2-execution-complete.html')
# Example pages - for designers -----------------------------------------
@app.route('/examples/example-1')
def example_1():
return render_template('examples/example-page.html')
if __name__ == '__main__':
# Bind to PORT if defined, otherwise default to 5000.
port = int(os.environ.get('PORT', 5000))
app.run(host='0.0.0.0', port=port)
| [
"os.environ.get",
"flask.Flask",
"flask.render_template",
"json.load"
] | [((112, 127), 'flask.Flask', 'Flask', (['__name__'], {}), '(__name__)\n', (117, 127), False, 'from flask import Flask, render_template\n'), ((371, 400), 'flask.render_template', 'render_template', (['"""index.html"""'], {}), "('index.html')\n", (386, 400), False, 'from flask import Flask, render_template\n'), ((558, 598), 'flask.render_template', 'render_template', (['"""common/proto-404.html"""'], {}), "('common/proto-404.html')\n", (573, 598), False, 'from flask import Flask, render_template\n'), ((643, 673), 'flask.render_template', 'render_template', (['"""index2.html"""'], {}), "('index2.html')\n", (658, 673), False, 'from flask import Flask, render_template\n'), ((723, 757), 'flask.render_template', 'render_template', (['"""index-hack.html"""'], {}), "('index-hack.html')\n", (738, 757), False, 'from flask import Flask, render_template\n'), ((988, 1008), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (997, 1008), False, 'import json\n'), ((1018, 1071), 'flask.render_template', 'render_template', (['"""casework/case-list.html"""'], {'data': 'data'}), "('casework/case-list.html', data=data)\n", (1033, 1071), False, 'from flask import Flask, render_template\n'), ((1231, 1251), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (1240, 1251), False, 'import json\n'), ((1261, 1350), 'flask.render_template', 'render_template', (['"""casework/case-details.html"""'], {'data': 'data', 'backpage': '"""/casework/cases"""'}), "('casework/case-details.html', data=data, backpage=\n '/casework/cases')\n", (1276, 1350), False, 'from flask import Flask, render_template\n'), ((1517, 1577), 'flask.render_template', 'render_template', (['"""hackday/land-record.html"""'], {'next_page': '"""404"""'}), "('hackday/land-record.html', next_page='404')\n", (1532, 1577), False, 'from flask import Flask, render_template\n'), ((1664, 1726), 'flask.render_template', 'render_template', (['"""hackday/land-record-1.html"""'], {'next_page': '"""404"""'}), "('hackday/land-record-1.html', next_page='404')\n", (1679, 1726), False, 'from flask import Flask, render_template\n'), ((1813, 1875), 'flask.render_template', 'render_template', (['"""hackday/land-record-2.html"""'], {'next_page': '"""404"""'}), "('hackday/land-record-2.html', next_page='404')\n", (1828, 1875), False, 'from flask import Flask, render_template\n'), ((2215, 2293), 'flask.render_template', 'render_template', (['"""register-view/register-view-citizen-1.html"""'], {'next_page': '"""404"""'}), "('register-view/register-view-citizen-1.html', next_page='404')\n", (2230, 2293), False, 'from flask import Flask, render_template\n'), ((2456, 2509), 'flask.render_template', 'render_template', (['"""common/payment.html"""'], {'next_page': '"""/"""'}), "('common/payment.html', next_page='/')\n", (2471, 2509), False, 'from flask import Flask, render_template\n'), ((2709, 2755), 'flask.render_template', 'render_template', (['"""govuk-views/search-2.0.html"""'], {}), "('govuk-views/search-2.0.html')\n", (2724, 2755), False, 'from flask import Flask, render_template\n'), ((2879, 2926), 'flask.render_template', 'render_template', (['"""govuk-views/results-2.0.html"""'], {}), "('govuk-views/results-2.0.html')\n", (2894, 2926), False, 'from flask import Flask, render_template\n'), ((3069, 3125), 'flask.render_template', 'render_template', (['"""govuk-views/property-details-2.0.html"""'], {}), "('govuk-views/property-details-2.0.html')\n", (3084, 3125), False, 'from flask import Flask, render_template\n'), ((3268, 3324), 'flask.render_template', 'render_template', (['"""govuk-views/property-details-2.1.html"""'], {}), "('govuk-views/property-details-2.1.html')\n", (3283, 3324), False, 'from flask import Flask, render_template\n'), ((3577, 3656), 'flask.render_template', 'render_template', (['"""user-find-owner/search.html"""'], {'next_page': '"""/find-owner/results"""'}), "('user-find-owner/search.html', next_page='/find-owner/results')\n", (3592, 3656), False, 'from flask import Flask, render_template\n'), ((3777, 3875), 'flask.render_template', 'render_template', (['"""user-find-owner/results.html"""'], {'next_page': '"""/find-owner/property-details-2.0"""'}), "('user-find-owner/results.html', next_page=\n '/find-owner/property-details-2.0')\n", (3792, 3875), False, 'from flask import Flask, render_template\n'), ((4014, 4111), 'flask.render_template', 'render_template', (['"""user-find-owner/property-details-2.0.html"""'], {'next_page': '"""/find-owner/verify"""'}), "('user-find-owner/property-details-2.0.html', next_page=\n '/find-owner/verify')\n", (4029, 4111), False, 'from flask import Flask, render_template\n'), ((4432, 4544), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-intro.html"""'], {'next_page': '"""/find-owner/who-verified-you"""'}), "('user-find-owner/govuk-verify/verify-intro.html', next_page\n ='/find-owner/who-verified-you')\n", (4447, 4544), False, 'from flask import Flask, render_template\n'), ((4676, 4786), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-who.html"""'], {'next_page': '"""/find-owner/experian-sign-in"""'}), "('user-find-owner/govuk-verify/verify-who.html', next_page=\n '/find-owner/experian-sign-in')\n", (4691, 4786), False, 'from flask import Flask, render_template\n'), ((4932, 5052), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in.html"""'], {'next_page': '"""/find-owner/experian-sign-in-part-2"""'}), "('user-find-owner/govuk-verify/verify-sign-in.html',\n next_page='/find-owner/experian-sign-in-part-2')\n", (4947, 5052), False, 'from flask import Flask, render_template\n'), ((5225, 5337), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in-2.html"""'], {'next_page': '"""/find-owner/register-view"""'}), "('user-find-owner/govuk-verify/verify-sign-in-2.html',\n next_page='/find-owner/register-view')\n", (5240, 5337), False, 'from flask import Flask, render_template\n'), ((5538, 5633), 'flask.render_template', 'render_template', (['"""user-find-owner/register-3.0.html"""'], {'next_page': '"""/find-owner/changes-view"""'}), "('user-find-owner/register-3.0.html', next_page=\n '/find-owner/changes-view')\n", (5553, 5633), False, 'from flask import Flask, render_template\n'), ((5767, 5833), 'flask.render_template', 'render_template', (['"""user-find-owner/changes-1.0.html"""'], {'next_page': '"""/"""'}), "('user-find-owner/changes-1.0.html', next_page='/')\n", (5782, 5833), False, 'from flask import Flask, render_template\n'), ((6104, 6190), 'flask.render_template', 'render_template', (['"""user-find-owner/search.html"""'], {'next_page': '"""/find-owner/b/results"""'}), "('user-find-owner/search.html', next_page=\n '/find-owner/b/results')\n", (6119, 6190), False, 'from flask import Flask, render_template\n'), ((6310, 6410), 'flask.render_template', 'render_template', (['"""user-find-owner/results.html"""'], {'next_page': '"""/find-owner/b/property-details-2.0"""'}), "('user-find-owner/results.html', next_page=\n '/find-owner/b/property-details-2.0')\n", (6325, 6410), False, 'from flask import Flask, render_template\n'), ((6553, 6652), 'flask.render_template', 'render_template', (['"""user-find-owner/property-details-2.1.html"""'], {'next_page': '"""/find-owner/b/verify"""'}), "('user-find-owner/property-details-2.1.html', next_page=\n '/find-owner/b/verify')\n", (6568, 6652), False, 'from flask import Flask, render_template\n'), ((6810, 6924), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-intro.html"""'], {'next_page': '"""/find-owner/b/who-verified-you"""'}), "('user-find-owner/govuk-verify/verify-intro.html', next_page\n ='/find-owner/b/who-verified-you')\n", (6825, 6924), False, 'from flask import Flask, render_template\n'), ((7041, 7153), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-who.html"""'], {'next_page': '"""/find-owner/b/experian-sign-in"""'}), "('user-find-owner/govuk-verify/verify-who.html', next_page=\n '/find-owner/b/experian-sign-in')\n", (7056, 7153), False, 'from flask import Flask, render_template\n'), ((7303, 7425), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in.html"""'], {'next_page': '"""/find-owner/b/experian-sign-in-part-2"""'}), "('user-find-owner/govuk-verify/verify-sign-in.html',\n next_page='/find-owner/b/experian-sign-in-part-2')\n", (7318, 7425), False, 'from flask import Flask, render_template\n'), ((7602, 7715), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in-2.html"""'], {'next_page': '"""/find-owner/b/card-payment"""'}), "('user-find-owner/govuk-verify/verify-sign-in-2.html',\n next_page='/find-owner/b/card-payment')\n", (7617, 7715), False, 'from flask import Flask, render_template\n'), ((7966, 8062), 'flask.render_template', 'render_template', (['"""user-find-owner/accept-cost.html"""'], {'next_page': '"""/find-owner/b/card-payment"""'}), "('user-find-owner/accept-cost.html', next_page=\n '/find-owner/b/card-payment')\n", (7981, 8062), False, 'from flask import Flask, render_template\n'), ((8197, 8274), 'flask.render_template', 'render_template', (['"""common/payment.html"""'], {'next_page': '"""/find-owner/register-view"""'}), "('common/payment.html', next_page='/find-owner/register-view')\n", (8212, 8274), False, 'from flask import Flask, render_template\n'), ((8617, 8703), 'flask.render_template', 'render_template', (['"""user-find-owner/search.html"""'], {'next_page': '"""/find-owner/c/results"""'}), "('user-find-owner/search.html', next_page=\n '/find-owner/c/results')\n", (8632, 8703), False, 'from flask import Flask, render_template\n'), ((8823, 8925), 'flask.render_template', 'render_template', (['"""user-find-owner/results-c.html"""'], {'next_page': '"""/find-owner/c/property-details-2.0"""'}), "('user-find-owner/results-c.html', next_page=\n '/find-owner/c/property-details-2.0')\n", (8838, 8925), False, 'from flask import Flask, render_template\n'), ((9068, 9169), 'flask.render_template', 'render_template', (['"""user-find-owner/property-details-2.1-c.html"""'], {'next_page': '"""/find-owner/c/verify"""'}), "('user-find-owner/property-details-2.1-c.html', next_page=\n '/find-owner/c/verify')\n", (9083, 9169), False, 'from flask import Flask, render_template\n'), ((9327, 9441), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-intro.html"""'], {'next_page': '"""/find-owner/c/who-verified-you"""'}), "('user-find-owner/govuk-verify/verify-intro.html', next_page\n ='/find-owner/c/who-verified-you')\n", (9342, 9441), False, 'from flask import Flask, render_template\n'), ((9558, 9670), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-who.html"""'], {'next_page': '"""/find-owner/c/experian-sign-in"""'}), "('user-find-owner/govuk-verify/verify-who.html', next_page=\n '/find-owner/c/experian-sign-in')\n", (9573, 9670), False, 'from flask import Flask, render_template\n'), ((9820, 9942), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in.html"""'], {'next_page': '"""/find-owner/c/experian-sign-in-part-2"""'}), "('user-find-owner/govuk-verify/verify-sign-in.html',\n next_page='/find-owner/c/experian-sign-in-part-2')\n", (9835, 9942), False, 'from flask import Flask, render_template\n'), ((10119, 10233), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in-2.html"""'], {'next_page': '"""/find-owner/c/register-view"""'}), "('user-find-owner/govuk-verify/verify-sign-in-2.html',\n next_page='/find-owner/c/register-view')\n", (10134, 10233), False, 'from flask import Flask, render_template\n'), ((10432, 10489), 'flask.render_template', 'render_template', (['"""register-view/register-test-title.html"""'], {}), "('register-view/register-test-title.html')\n", (10447, 10489), False, 'from flask import Flask, render_template\n'), ((10793, 10879), 'flask.render_template', 'render_template', (['"""user-find-owner/search.html"""'], {'next_page': '"""/find-owner/d/results"""'}), "('user-find-owner/search.html', next_page=\n '/find-owner/d/results')\n", (10808, 10879), False, 'from flask import Flask, render_template\n'), ((10999, 11101), 'flask.render_template', 'render_template', (['"""user-find-owner/results-c.html"""'], {'next_page': '"""/find-owner/d/property-details-2.0"""'}), "('user-find-owner/results-c.html', next_page=\n '/find-owner/d/property-details-2.0')\n", (11014, 11101), False, 'from flask import Flask, render_template\n'), ((11244, 11345), 'flask.render_template', 'render_template', (['"""user-find-owner/property-details-2.1-c.html"""'], {'next_page': '"""/find-owner/d/verify"""'}), "('user-find-owner/property-details-2.1-c.html', next_page=\n '/find-owner/d/verify')\n", (11259, 11345), False, 'from flask import Flask, render_template\n'), ((11465, 11579), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-intro.html"""'], {'next_page': '"""/find-owner/d/who-verified-you"""'}), "('user-find-owner/govuk-verify/verify-intro.html', next_page\n ='/find-owner/d/who-verified-you')\n", (11480, 11579), False, 'from flask import Flask, render_template\n'), ((11679, 11791), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-who.html"""'], {'next_page': '"""/find-owner/d/experian-sign-in"""'}), "('user-find-owner/govuk-verify/verify-who.html', next_page=\n '/find-owner/d/experian-sign-in')\n", (11694, 11791), False, 'from flask import Flask, render_template\n'), ((11925, 12047), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in.html"""'], {'next_page': '"""/find-owner/d/experian-sign-in-part-2"""'}), "('user-find-owner/govuk-verify/verify-sign-in.html',\n next_page='/find-owner/d/experian-sign-in-part-2')\n", (11940, 12047), False, 'from flask import Flask, render_template\n'), ((12208, 12321), 'flask.render_template', 'render_template', (['"""user-find-owner/govuk-verify/verify-sign-in-2.html"""'], {'next_page': '"""/find-owner/d/card-payment"""'}), "('user-find-owner/govuk-verify/verify-sign-in-2.html',\n next_page='/find-owner/d/card-payment')\n", (12223, 12321), False, 'from flask import Flask, render_template\n'), ((12521, 12600), 'flask.render_template', 'render_template', (['"""common/payment.html"""'], {'next_page': '"""/find-owner/d/register-view"""'}), "('common/payment.html', next_page='/find-owner/d/register-view')\n", (12536, 12600), False, 'from flask import Flask, render_template\n'), ((12785, 12842), 'flask.render_template', 'render_template', (['"""register-view/register-test-title.html"""'], {}), "('register-view/register-test-title.html')\n", (12800, 12842), False, 'from flask import Flask, render_template\n'), ((13077, 13164), 'flask.render_template', 'render_template', (['"""register-view/register-test-title-expanded.html"""'], {'next_page': '"""404"""'}), "('register-view/register-test-title-expanded.html',\n next_page='404')\n", (13092, 13164), False, 'from flask import Flask, render_template\n'), ((13469, 13548), 'flask.render_template', 'render_template', (['"""register-view/register-test-title-help.html"""'], {'next_page': '"""404"""'}), "('register-view/register-test-title-help.html', next_page='404')\n", (13484, 13548), False, 'from flask import Flask, render_template\n'), ((13724, 13810), 'flask.render_template', 'render_template', (['"""common/login.html"""'], {'next_page': '"""/transfer/conveyancer-case-list"""'}), "('common/login.html', next_page=\n '/transfer/conveyancer-case-list')\n", (13739, 13810), False, 'from flask import Flask, render_template\n'), ((13993, 14013), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (14002, 14013), False, 'import json\n'), ((14023, 14088), 'flask.render_template', 'render_template', (['"""transfer/conveyancer-case-list.html"""'], {'data': 'data'}), "('transfer/conveyancer-case-list.html', data=data)\n", (14038, 14088), False, 'from flask import Flask, render_template\n'), ((14270, 14290), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (14279, 14290), False, 'import json\n'), ((14300, 14374), 'flask.render_template', 'render_template', (['"""transfer/create-transfer.html"""'], {'editable': '(True)', 'data': 'data'}), "('transfer/create-transfer.html', editable=True, data=data)\n", (14315, 14374), False, 'from flask import Flask, render_template\n'), ((14498, 14545), 'flask.render_template', 'render_template', (['"""transfer/new-provisions.html"""'], {}), "('transfer/new-provisions.html')\n", (14513, 14545), False, 'from flask import Flask, render_template\n'), ((14675, 14724), 'flask.render_template', 'render_template', (['"""transfer/mortgage-details.html"""'], {}), "('transfer/mortgage-details.html')\n", (14690, 14724), False, 'from flask import Flask, render_template\n'), ((14878, 14935), 'flask.render_template', 'render_template', (['"""transfer/mortgage-details-entered.html"""'], {}), "('transfer/mortgage-details-entered.html')\n", (14893, 14935), False, 'from flask import Flask, render_template\n'), ((15102, 15122), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (15111, 15122), False, 'import json\n'), ((15132, 15223), 'flask.render_template', 'render_template', (['"""transfer/summary.html"""'], {'editable': '(True)', 'conveyancer': '"""buyer"""', 'data': 'data'}), "('transfer/summary.html', editable=True, conveyancer='buyer',\n data=data)\n", (15147, 15223), False, 'from flask import Flask, render_template\n'), ((15429, 15449), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (15438, 15449), False, 'import json\n'), ((15459, 15562), 'flask.render_template', 'render_template', (['"""transfer/summary-no-mortgage.html"""'], {'editable': '(True)', 'conveyancer': '"""buyer"""', 'data': 'data'}), "('transfer/summary-no-mortgage.html', editable=True,\n conveyancer='buyer', data=data)\n", (15474, 15562), False, 'from flask import Flask, render_template\n'), ((15759, 15779), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (15768, 15779), False, 'import json\n'), ((15789, 15866), 'flask.render_template', 'render_template', (['"""transfer/transfer-withdrawn.html"""'], {'editable': '(True)', 'data': 'data'}), "('transfer/transfer-withdrawn.html', editable=True, data=data)\n", (15804, 15866), False, 'from flask import Flask, render_template\n'), ((16076, 16096), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (16085, 16096), False, 'import json\n'), ((16106, 16193), 'flask.render_template', 'render_template', (['"""transfer/summary-withdraw-option.html"""'], {'editable': '(False)', 'data': 'data'}), "('transfer/summary-withdraw-option.html', editable=False,\n data=data)\n", (16121, 16193), False, 'from flask import Flask, render_template\n'), ((16390, 16410), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (16399, 16410), False, 'import json\n'), ((16420, 16505), 'flask.render_template', 'render_template', (['"""transfer/transfer-empty-states.html"""'], {'editable': '(True)', 'data': 'data'}), "('transfer/transfer-empty-states.html', editable=True, data=data\n )\n", (16435, 16505), False, 'from flask import Flask, render_template\n'), ((16594, 16631), 'flask.render_template', 'render_template', (['"""transfer/done.html"""'], {}), "('transfer/done.html')\n", (16609, 16631), False, 'from flask import Flask, render_template\n'), ((16825, 16845), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (16834, 16845), False, 'import json\n'), ((16855, 16949), 'flask.render_template', 'render_template', (['"""transfer/transfer-signing.html"""'], {'editable': '(False)', 'data': 'data', 'role': '"""buyer"""'}), "('transfer/transfer-signing.html', editable=False, data=data,\n role='buyer')\n", (16870, 16949), False, 'from flask import Flask, render_template\n'), ((17153, 17173), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (17162, 17173), False, 'import json\n'), ((17183, 17285), 'flask.render_template', 'render_template', (['"""transfer/transfer-signing-seller.html"""'], {'editable': '(False)', 'data': 'data', 'role': '"""seller"""'}), "('transfer/transfer-signing-seller.html', editable=False,\n data=data, role='seller')\n", (17198, 17285), False, 'from flask import Flask, render_template\n'), ((17508, 17602), 'flask.render_template', 'render_template', (['"""common/login.html"""'], {'next_page': '"""/transfer-2nd-con/conveyancer-case-list"""'}), "('common/login.html', next_page=\n '/transfer-2nd-con/conveyancer-case-list')\n", (17523, 17602), False, 'from flask import Flask, render_template\n'), ((17835, 17855), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (17844, 17855), False, 'import json\n'), ((17865, 17951), 'flask.render_template', 'render_template', (['"""transfer-2nd-conveyancer/conveyancer-case-list.html"""'], {'data': 'data'}), "('transfer-2nd-conveyancer/conveyancer-case-list.html', data\n =data)\n", (17880, 17951), False, 'from flask import Flask, render_template\n'), ((18180, 18200), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (18189, 18200), False, 'import json\n'), ((18210, 18321), 'flask.render_template', 'render_template', (['"""transfer-2nd-conveyancer/review-transfer.html"""'], {'editable': '(False)', 'data': 'data', 'role': '"""seller"""'}), "('transfer-2nd-conveyancer/review-transfer.html', editable=\n False, data=data, role='seller')\n", (18225, 18321), False, 'from flask import Flask, render_template\n'), ((18490, 18551), 'flask.render_template', 'render_template', (['"""transfer-2nd-conveyancer/marked-ready.html"""'], {}), "('transfer-2nd-conveyancer/marked-ready.html')\n", (18505, 18551), False, 'from flask import Flask, render_template\n'), ((18768, 18788), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (18777, 18788), False, 'import json\n'), ((18798, 18876), 'flask.render_template', 'render_template', (['"""transfer/transfer-withdrawn.html"""'], {'editable': '(False)', 'data': 'data'}), "('transfer/transfer-withdrawn.html', editable=False, data=data)\n", (18813, 18876), False, 'from flask import Flask, render_template\n'), ((19142, 19239), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-start-2.0.html"""'], {'next_page': '"""citizen-1-login"""'}), "('transfer-and-charge/citizen-1-start-2.0.html', next_page=\n 'citizen-1-login')\n", (19157, 19239), False, 'from flask import Flask, render_template\n'), ((19379, 19482), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-login-2.0.html"""'], {'next_page': '"""citizen-1-enter-token"""'}), "('transfer-and-charge/citizen-1-login-2.0.html', next_page=\n 'citizen-1-enter-token')\n", (19394, 19482), False, 'from flask import Flask, render_template\n'), ((19631, 19741), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-enter-token-2.0.html"""'], {'next_page': '"""citizen-1-sign-mortgage"""'}), "('transfer-and-charge/citizen-1-enter-token-2.0.html',\n next_page='citizen-1-sign-mortgage')\n", (19646, 19741), False, 'from flask import Flask, render_template\n'), ((19902, 20014), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-sign-mortgage-2.0.html"""'], {'next_page': '"""citizen-1-sign-transfer"""'}), "('transfer-and-charge/citizen-1-sign-mortgage-2.0.html',\n next_page='citizen-1-sign-transfer')\n", (19917, 20014), False, 'from flask import Flask, render_template\n'), ((20170, 20283), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-sign-transfer-2.0.html"""'], {'next_page': '"""citizen-1-semi-confirmed"""'}), "('transfer-and-charge/citizen-1-sign-transfer-2.0.html',\n next_page='citizen-1-semi-confirmed')\n", (20185, 20283), False, 'from flask import Flask, render_template\n'), ((20446, 20518), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-semi-confirmed-2.0.html"""'], {}), "('transfer-and-charge/citizen-1-semi-confirmed-2.0.html')\n", (20461, 20518), False, 'from flask import Flask, render_template\n'), ((20838, 20935), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-email-2.0.html"""'], {'next_page': '"""citizen-1-start"""'}), "('transfer-and-charge/citizen-1-email-2.0.html', next_page=\n 'citizen-1-start')\n", (20853, 20935), False, 'from flask import Flask, render_template\n'), ((21042, 21139), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-start-2.0.html"""'], {'next_page': '"""citizen-1-login"""'}), "('transfer-and-charge/citizen-1-start-2.0.html', next_page=\n 'citizen-1-login')\n", (21057, 21139), False, 'from flask import Flask, render_template\n'), ((21282, 21385), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-login-2.0.html"""'], {'next_page': '"""citizen-1-enter-token"""'}), "('transfer-and-charge/citizen-1-login-2.0.html', next_page=\n 'citizen-1-enter-token')\n", (21297, 21385), False, 'from flask import Flask, render_template\n'), ((21538, 21648), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-enter-token-2.0.html"""'], {'next_page': '"""citizen-1-sign-mortgage"""'}), "('transfer-and-charge/citizen-1-enter-token-2.0.html',\n next_page='citizen-1-sign-mortgage')\n", (21553, 21648), False, 'from flask import Flask, render_template\n'), ((21812, 21948), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-sign-mortgage-2.0.html"""'], {'next_page': '"""/transfer-and-charge-v3/citizen-1-sign-transfer"""'}), "('transfer-and-charge/citizen-1-sign-mortgage-2.0.html',\n next_page='/transfer-and-charge-v3/citizen-1-sign-transfer')\n", (21827, 21948), False, 'from flask import Flask, render_template\n'), ((22180, 22200), 'json.load', 'json.load', (['json_data'], {}), '(json_data)\n', (22189, 22200), False, 'import json\n'), ((22210, 22342), 'flask.render_template', 'render_template', (['"""transfer/transfer-signing.html"""'], {'next_page': '"""/transfer-and-charge-v3/citizen-1-sms"""', 'data': 'data', 'role': '"""citizen"""'}), "('transfer/transfer-signing.html', next_page=\n '/transfer-and-charge-v3/citizen-1-sms', data=data, role='citizen')\n", (22225, 22342), False, 'from flask import Flask, render_template\n'), ((22503, 22606), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-sms-2.0.html"""'], {'next_page': '"""citizen-1-2-factor-auth"""'}), "('transfer-and-charge/citizen-1-sms-2.0.html', next_page=\n 'citizen-1-2-factor-auth')\n", (22518, 22606), False, 'from flask import Flask, render_template\n'), ((22769, 22898), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-2-factor.html"""'], {'next_page': '"""/transfer-and-charge-v3/citizen-1-semi-confirmed"""'}), "('transfer-and-charge/citizen-1-2-factor.html', next_page=\n '/transfer-and-charge-v3/citizen-1-semi-confirmed')\n", (22784, 22898), False, 'from flask import Flask, render_template\n'), ((23063, 23135), 'flask.render_template', 'render_template', (['"""transfer-and-charge/citizen-1-semi-confirmed-2.0.html"""'], {}), "('transfer-and-charge/citizen-1-semi-confirmed-2.0.html')\n", (23078, 23135), False, 'from flask import Flask, render_template\n'), ((23385, 23450), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-start-2.2.html"""'], {}), "('relationship-starts/conveyancer-start-2.2.html')\n", (23400, 23450), False, 'from flask import Flask, render_template\n'), ((23557, 23658), 'flask.render_template', 'render_template', (['"""common/login.html"""'], {'next_page': '"""/relationship-starts/conveyancer-find-property"""'}), "('common/login.html', next_page=\n '/relationship-starts/conveyancer-find-property')\n", (23572, 23658), False, 'from flask import Flask, render_template\n'), ((23795, 23868), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-find-property-2.2.html"""'], {}), "('relationship-starts/conveyancer-find-property-2.2.html')\n", (23810, 23868), False, 'from flask import Flask, render_template\n'), ((24028, 24103), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-select-property-2.2.html"""'], {}), "('relationship-starts/conveyancer-select-property-2.2.html')\n", (24043, 24103), False, 'from flask import Flask, render_template\n'), ((24242, 24313), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-select-task-2.2.html"""'], {}), "('relationship-starts/conveyancer-select-task-2.2.html')\n", (24257, 24313), False, 'from flask import Flask, render_template\n'), ((24455, 24526), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-add-clients-2.2.html"""'], {}), "('relationship-starts/conveyancer-add-clients-2.2.html')\n", (24470, 24526), False, 'from flask import Flask, render_template\n'), ((24659, 24731), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-add-client-1-2.2.html"""'], {}), "('relationship-starts/conveyancer-add-client-1-2.2.html')\n", (24674, 24731), False, 'from flask import Flask, render_template\n'), ((24864, 24936), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-add-client-2-2.2.html"""'], {}), "('relationship-starts/conveyancer-add-client-2-2.2.html')\n", (24879, 24936), False, 'from flask import Flask, render_template\n'), ((25057, 25124), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-confirm-2.2.html"""'], {}), "('relationship-starts/conveyancer-confirm-2.2.html')\n", (25072, 25124), False, 'from flask import Flask, render_template\n'), ((25244, 25309), 'flask.render_template', 'render_template', (['"""relationship-starts/conveyancer-token-2.2.html"""'], {}), "('relationship-starts/conveyancer-token-2.2.html')\n", (25259, 25309), False, 'from flask import Flask, render_template\n'), ((25545, 25605), 'flask.render_template', 'render_template', (['"""relationship-starts/client-start-2.2.html"""'], {}), "('relationship-starts/client-start-2.2.html')\n", (25560, 25605), False, 'from flask import Flask, render_template\n'), ((25883, 25968), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-1/verify-intro.html"""'], {}), "('relationship-starts/verify-subflow-client-1/verify-intro.html'\n )\n", (25898, 25968), False, 'from flask import Flask, render_template\n'), ((26134, 26212), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-1/verify-who.html"""'], {}), "('relationship-starts/verify-subflow-client-1/verify-who.html')\n", (26149, 26212), False, 'from flask import Flask, render_template\n'), ((26395, 26482), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-1/verify-sign-in.html"""'], {}), "(\n 'relationship-starts/verify-subflow-client-1/verify-sign-in.html')\n", (26410, 26482), False, 'from flask import Flask, render_template\n'), ((26686, 26775), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-1/verify-sign-in-2.html"""'], {}), "(\n 'relationship-starts/verify-subflow-client-1/verify-sign-in-2.html')\n", (26701, 26775), False, 'from flask import Flask, render_template\n'), ((26964, 27030), 'flask.render_template', 'render_template', (['"""relationship-starts/client-enter-token-2.1.html"""'], {}), "('relationship-starts/client-enter-token-2.1.html')\n", (26979, 27030), False, 'from flask import Flask, render_template\n'), ((27146, 27208), 'flask.render_template', 'render_template', (['"""relationship-starts/client-confirm-2.2.html"""'], {}), "('relationship-starts/client-confirm-2.2.html')\n", (27161, 27208), False, 'from flask import Flask, render_template\n'), ((27351, 27420), 'flask.render_template', 'render_template', (['"""relationship-starts/client-semi-confirmed-2.2.html"""'], {}), "('relationship-starts/client-semi-confirmed-2.2.html')\n", (27366, 27420), False, 'from flask import Flask, render_template\n'), ((27580, 27647), 'flask.render_template', 'render_template', (['"""relationship-starts/register-2.1-no-pending.html"""'], {}), "('relationship-starts/register-2.1-no-pending.html')\n", (27595, 27647), False, 'from flask import Flask, render_template\n'), ((27772, 27834), 'flask.render_template', 'render_template', (['"""relationship-starts/client-2-start-2.2.html"""'], {}), "('relationship-starts/client-2-start-2.2.html')\n", (27787, 27834), False, 'from flask import Flask, render_template\n'), ((28116, 28201), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-2/verify-intro.html"""'], {}), "('relationship-starts/verify-subflow-client-2/verify-intro.html'\n )\n", (28131, 28201), False, 'from flask import Flask, render_template\n'), ((28371, 28449), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-2/verify-who.html"""'], {}), "('relationship-starts/verify-subflow-client-2/verify-who.html')\n", (28386, 28449), False, 'from flask import Flask, render_template\n'), ((28636, 28723), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-2/verify-sign-in.html"""'], {}), "(\n 'relationship-starts/verify-subflow-client-2/verify-sign-in.html')\n", (28651, 28723), False, 'from flask import Flask, render_template\n'), ((28931, 29020), 'flask.render_template', 'render_template', (['"""relationship-starts/verify-subflow-client-2/verify-sign-in-2.html"""'], {}), "(\n 'relationship-starts/verify-subflow-client-2/verify-sign-in-2.html')\n", (28946, 29020), False, 'from flask import Flask, render_template\n'), ((29213, 29281), 'flask.render_template', 'render_template', (['"""relationship-starts/client-2-enter-token-2.0.html"""'], {}), "('relationship-starts/client-2-enter-token-2.0.html')\n", (29228, 29281), False, 'from flask import Flask, render_template\n'), ((29401, 29465), 'flask.render_template', 'render_template', (['"""relationship-starts/client-2-confirm-2.2.html"""'], {}), "('relationship-starts/client-2-confirm-2.2.html')\n", (29416, 29465), False, 'from flask import Flask, render_template\n'), ((29615, 29680), 'flask.render_template', 'render_template', (['"""relationship-starts/clients-confirmed-2.2.html"""'], {}), "('relationship-starts/clients-confirmed-2.2.html')\n", (29630, 29680), False, 'from flask import Flask, render_template\n'), ((29923, 29987), 'flask.render_template', 'render_template', (['"""relationship-starts/citizen-confirms-2.0.html"""'], {}), "('relationship-starts/citizen-confirms-2.0.html')\n", (29938, 29987), False, 'from flask import Flask, render_template\n'), ((30199, 30249), 'flask.render_template', 'render_template', (['"""register-view/register-2.0.html"""'], {}), "('register-view/register-2.0.html')\n", (30214, 30249), False, 'from flask import Flask, render_template\n'), ((30321, 30371), 'flask.render_template', 'render_template', (['"""register-view/register-2.1.html"""'], {}), "('register-view/register-2.1.html')\n", (30336, 30371), False, 'from flask import Flask, render_template\n'), ((30443, 30493), 'flask.render_template', 'render_template', (['"""register-view/register-3.0.html"""'], {}), "('register-view/register-3.0.html')\n", (30458, 30493), False, 'from flask import Flask, render_template\n'), ((30579, 30636), 'flask.render_template', 'render_template', (['"""register-view/register-test-title.html"""'], {}), "('register-view/register-test-title.html')\n", (30594, 30636), False, 'from flask import Flask, render_template\n'), ((30714, 30767), 'flask.render_template', 'render_template', (['"""register-view/register-hybrid.html"""'], {}), "('register-view/register-hybrid.html')\n", (30729, 30767), False, 'from flask import Flask, render_template\n'), ((31028, 31076), 'flask.render_template', 'render_template', (['"""changes-view/changes-1.0.html"""'], {}), "('changes-view/changes-1.0.html')\n", (31043, 31076), False, 'from flask import Flask, render_template\n'), ((31221, 31280), 'flask.render_template', 'render_template', (['"""changes-view/changes-no-pending-1.0.html"""'], {}), "('changes-view/changes-no-pending-1.0.html')\n", (31236, 31280), False, 'from flask import Flask, render_template\n'), ((31525, 31586), 'flask.render_template', 'render_template', (['"""legal-documents/mortgage-agreement-v1.html"""'], {}), "('legal-documents/mortgage-agreement-v1.html')\n", (31540, 31586), False, 'from flask import Flask, render_template\n'), ((31752, 31813), 'flask.render_template', 'render_template', (['"""legal-documents/transfer-agreement-v1.html"""'], {}), "('legal-documents/transfer-agreement-v1.html')\n", (31767, 31813), False, 'from flask import Flask, render_template\n'), ((32053, 32110), 'flask.render_template', 'render_template', (['"""reserve-priority/protect-what-2.0.html"""'], {}), "('reserve-priority/protect-what-2.0.html')\n", (32068, 32110), False, 'from flask import Flask, render_template\n'), ((32195, 32255), 'flask.render_template', 'render_template', (['"""reserve-priority/protect-confirm-2.0.html"""'], {}), "('reserve-priority/protect-confirm-2.0.html')\n", (32210, 32255), False, 'from flask import Flask, render_template\n'), ((32344, 32406), 'flask.render_template', 'render_template', (['"""reserve-priority/protect-confirmed-2.0.html"""'], {}), "('reserve-priority/protect-confirmed-2.0.html')\n", (32359, 32406), False, 'from flask import Flask, render_template\n'), ((32630, 32693), 'flask.render_template', 'render_template', (['"""sprint-4/relationship/citizen-reference.html"""'], {}), "('sprint-4/relationship/citizen-reference.html')\n", (32645, 32693), False, 'from flask import Flask, render_template\n'), ((32772, 32831), 'flask.render_template', 'render_template', (['"""sprint-4/relationship/citizen-login.html"""'], {}), "('sprint-4/relationship/citizen-login.html')\n", (32787, 32831), False, 'from flask import Flask, render_template\n'), ((32914, 32975), 'flask.render_template', 'render_template', (['"""sprint-4/relationship/citizen-confirm.html"""'], {}), "('sprint-4/relationship/citizen-confirm.html')\n", (32929, 32975), False, 'from flask import Flask, render_template\n'), ((33060, 33122), 'flask.render_template', 'render_template', (['"""sprint-4/relationship/citizen-complete.html"""'], {}), "('sprint-4/relationship/citizen-complete.html')\n", (33075, 33122), False, 'from flask import Flask, render_template\n'), ((33207, 33269), 'flask.render_template', 'render_template', (['"""sprint-4/relationship/citizen-register.html"""'], {}), "('sprint-4/relationship/citizen-register.html')\n", (33222, 33269), False, 'from flask import Flask, render_template\n'), ((33476, 33534), 'flask.render_template', 'render_template', (['"""sprint-3/register-view/register-v1.html"""'], {}), "('sprint-3/register-view/register-v1.html')\n", (33491, 33534), False, 'from flask import Flask, render_template\n'), ((33627, 33694), 'flask.render_template', 'render_template', (['"""sprint-3/register-view/register-v1a-history.html"""'], {}), "('sprint-3/register-view/register-v1a-history.html')\n", (33642, 33694), False, 'from flask import Flask, render_template\n'), ((33791, 33860), 'flask.render_template', 'render_template', (['"""sprint-3/register-view/register-v1a-history-1.html"""'], {}), "('sprint-3/register-view/register-v1a-history-1.html')\n", (33806, 33860), False, 'from flask import Flask, render_template\n'), ((34032, 34102), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/conveyancer-0-start.html"""'], {}), "('sprint-3/buyer-conveyancer/conveyancer-0-start.html')\n", (34047, 34102), False, 'from flask import Flask, render_template\n'), ((34189, 34259), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/conveyancer-1-login.html"""'], {}), "('sprint-3/buyer-conveyancer/conveyancer-1-login.html')\n", (34204, 34259), False, 'from flask import Flask, render_template\n'), ((34358, 34434), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/conveyancer-2-enter-title.html"""'], {}), "('sprint-3/buyer-conveyancer/conveyancer-2-enter-title.html')\n", (34373, 34434), False, 'from flask import Flask, render_template\n'), ((34531, 34606), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/conveyancer-5-add-buyers.html"""'], {}), "('sprint-3/buyer-conveyancer/conveyancer-5-add-buyers.html')\n", (34546, 34606), False, 'from flask import Flask, render_template\n'), ((34703, 34782), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/conveyancer-6-ref-for-buyers.html"""'], {}), "('sprint-3/buyer-conveyancer/conveyancer-6-ref-for-buyers.html')\n", (34718, 34782), False, 'from flask import Flask, render_template\n'), ((34943, 35007), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/buyer-1-login.html"""'], {}), "('sprint-3/buyer-conveyancer/buyer-1-login.html')\n", (34958, 35007), False, 'from flask import Flask, render_template\n'), ((35088, 35161), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/buyer-2-reference-code.html"""'], {}), "('sprint-3/buyer-conveyancer/buyer-2-reference-code.html')\n", (35103, 35161), False, 'from flask import Flask, render_template\n'), ((35242, 35309), 'flask.render_template', 'render_template', (['"""sprint-3/buyer-conveyancer/buyer-3-register.html"""'], {}), "('sprint-3/buyer-conveyancer/buyer-3-register.html')\n", (35257, 35309), False, 'from flask import Flask, render_template\n'), ((35487, 35538), 'flask.render_template', 'render_template', (['"""sprint-3/deed/buyer-0-start.html"""'], {}), "('sprint-3/deed/buyer-0-start.html')\n", (35502, 35538), False, 'from flask import Flask, render_template\n'), ((35629, 35681), 'flask.render_template', 'render_template', (['"""sprint-3/deed/buyer-0a-login.html"""'], {}), "('sprint-3/deed/buyer-0a-login.html')\n", (35644, 35681), False, 'from flask import Flask, render_template\n'), ((35772, 35829), 'flask.render_template', 'render_template', (['"""sprint-3/deed/buyer-1-sign-charge.html"""'], {}), "('sprint-3/deed/buyer-1-sign-charge.html')\n", (35787, 35829), False, 'from flask import Flask, render_template\n'), ((35926, 35986), 'flask.render_template', 'render_template', (['"""sprint-3/deed/buyer-1a-sign-transfer.html"""'], {}), "('sprint-3/deed/buyer-1a-sign-transfer.html')\n", (35941, 35986), False, 'from flask import Flask, render_template\n'), ((36060, 36116), 'flask.render_template', 'render_template', (['"""sprint-3/deed/buyer-2-two-factor.html"""'], {}), "('sprint-3/deed/buyer-2-two-factor.html')\n", (36075, 36116), False, 'from flask import Flask, render_template\n'), ((36201, 36263), 'flask.render_template', 'render_template', (['"""sprint-3/deed/buyer-3-signing-complete.html"""'], {}), "('sprint-3/deed/buyer-3-signing-complete.html')\n", (36216, 36263), False, 'from flask import Flask, render_template\n'), ((36490, 36547), 'flask.render_template', 'render_template', (['"""sprint-2/token/citizen-1-register.html"""'], {}), "('sprint-2/token/citizen-1-register.html')\n", (36505, 36547), False, 'from flask import Flask, render_template\n'), ((36626, 36688), 'flask.render_template', 'render_template', (['"""sprint-2/token/citizen-2-select-action.html"""'], {}), "('sprint-2/token/citizen-2-select-action.html')\n", (36641, 36688), False, 'from flask import Flask, render_template\n'), ((36767, 36829), 'flask.render_template', 'render_template', (['"""sprint-2/token/citizen-3-choose-method.html"""'], {}), "('sprint-2/token/citizen-3-choose-method.html')\n", (36782, 36829), False, 'from flask import Flask, render_template\n'), ((36910, 36973), 'flask.render_template', 'render_template', (['"""sprint-2/token/citizen-4-generate-token.html"""'], {}), "('sprint-2/token/citizen-4-generate-token.html')\n", (36925, 36973), False, 'from flask import Flask, render_template\n'), ((37048, 37119), 'flask.render_template', 'render_template', (['"""sprint-2/token/citizen-5-register-during-change.html"""'], {}), "('sprint-2/token/citizen-5-register-during-change.html')\n", (37063, 37119), False, 'from flask import Flask, render_template\n'), ((37194, 37258), 'flask.render_template', 'render_template', (['"""sprint-2/token/conveyancer-1-input-token.html"""'], {}), "('sprint-2/token/conveyancer-1-input-token.html')\n", (37209, 37258), False, 'from flask import Flask, render_template\n'), ((37339, 37408), 'flask.render_template', 'render_template', (['"""sprint-2/token/conveyancer-2-retrieve-details.html"""'], {}), "('sprint-2/token/conveyancer-2-retrieve-details.html')\n", (37354, 37408), False, 'from flask import Flask, render_template\n'), ((37560, 37618), 'flask.render_template', 'render_template', (['"""sprint-2/deed/buyer-1-execute-deed.html"""'], {}), "('sprint-2/deed/buyer-1-execute-deed.html')\n", (37575, 37618), False, 'from flask import Flask, render_template\n'), ((37707, 37771), 'flask.render_template', 'render_template', (['"""sprint-2/deed/buyer-2-execution-complete.html"""'], {}), "('sprint-2/deed/buyer-2-execution-complete.html')\n", (37722, 37771), False, 'from flask import Flask, render_template\n'), ((37908, 37953), 'flask.render_template', 'render_template', (['"""examples/example-page.html"""'], {}), "('examples/example-page.html')\n", (37923, 37953), False, 'from flask import Flask, render_template\n'), ((459, 499), 'flask.render_template', 'render_template', (['"""common/proto-404.html"""'], {}), "('common/proto-404.html')\n", (474, 499), False, 'from flask import Flask, render_template\n'), ((38053, 38081), 'os.environ.get', 'os.environ.get', (['"""PORT"""', '(5000)'], {}), "('PORT', 5000)\n", (38067, 38081), False, 'import os\n')] |
# need better design
import pyglet
import resources
import random
import math
from pyglet.window import key
score = 0
game_window = pyglet.window.Window()
pyglet.resource.path = ['./resources']
pyglet.resource.reindex()
ast_img = pyglet.resource.image("player.png")
def distance(point_1=(0, 0), point_2=(0, 0)):
"""Returns the distance between two points"""
return math.sqrt((point_1[0] - point_2[0]) ** 2 + (point_1[1] - point_2[1]) ** 2)
class PhysicalObject(pyglet.sprite.Sprite):
def __init__(self, *args, **kwargs):
super(PhysicalObject, self).__init__(*args, **kwargs)
self.dead = False
self.velocity_x, self.velocity_y = 0.0, 0.0
def update(self, dt):
self.x += self.velocity_x * dt
self.y += self.velocity_y * dt
def collides_with(self, other_object):
collision_distance = self.image.width/2 + other_object.image.width/2
actual_distance = distance(self.position, other_object.position)
return (actual_distance <= collision_distance)
def handle_collision_with(self, other_object):
self.dead = True
global score
score += 1
class Asteroid(PhysicalObject):
def __init__(self, *args, **kwargs):
super(Asteroid, self).__init__(*args, **kwargs)
def asteroids(num_asteroids, player_position):
asteroids = []
for i in range(num_asteroids):
asteroid_x, asteroid_y = player_position
while distance((asteroid_x, asteroid_y), player_position) < 10:
asteroid_x = random.randint(0, 800)
asteroid_y = random.randint(0, 600)
new_asteroid = Asteroid(img=ast_img, x=asteroid_x, y=asteroid_y)
new_asteroid.rotation = random.randint(0, 360)
new_asteroid.velocity_x = random.random()*100 - 50
new_asteroid.velocity_y = random.random()*100 - 50
new_asteroid.rotation = random.randint(0, 360)
asteroids.append(new_asteroid)
return asteroids
def center_image(image):
"""Sets an image's anchor point to its center"""
image.anchor_x = image.width // 2
image.anchor_y = image.height // 2
player_image = pyglet.resource.image("ship.png")
bullet_image = pyglet.resource.image("player.png")
asteroid_image = pyglet.resource.image("player.png")
score_label = pyglet.text.Label(text="Score: {}".format(score), x=10, y=460)
level_label = pyglet.text.Label(text="Balloon Blaster Mace Ball",
x=game_window.width//2, y=460, anchor_x='center')
center_image(player_image)
player_ship = pyglet.sprite.Sprite(img=player_image, x=400, y=300)
asteroids = asteroids(20, player_ship.position)
class Player(PhysicalObject):
def __init__(self, *args, **kwargs):
super(Player,self).__init__(*args, **kwargs)
self.keys = dict(left=False, right=False, up=False, down = False)
self.rotate_speed = 200.0
self.velocity_x = 0
self.velocity_y = self.velocity_x
def on_key_press(self, symbol, modifiers):
if symbol == key.UP:
self.keys['up'] = True
elif symbol == key.LEFT:
self.keys['left'] = True
elif symbol == key.RIGHT:
self.keys['right'] = True
elif symbol == key.DOWN:
self.keys['down'] = True
def on_key_release(self, symbol, modifiers):
if symbol == key.UP:
self.keys['up'] = False
elif symbol == key.LEFT:
self.keys['left'] = False
elif symbol == key.RIGHT:
self.keys['right'] = False
elif symbol == key.DOWN:
self.keys['down'] = False
def update(self, dt):
super(Player, self).update(dt)
if self.keys['left']:
self.x -= 100 * dt
if self.keys['right']:
self.x += 100 * dt
if self.keys['up']:
self.y += 100 * dt
if self.keys['down']:
self.y -= 100 * dt
player = Player(img=player_image, x=400, y=300)
game_objects = asteroids + [player]
def update(dt):
for obj in game_objects:
obj.update(dt)
player = game_objects[-1]
baloons = game_objects[0:-1]
score_label.text = "Score: {}".format(score)
for b in baloons:
if not b.dead and b.collides_with(player):
b.handle_collision_with(player)
for to_remove in [obj for obj in game_objects if obj.dead]:
to_remove.delete()
game_objects.remove(to_remove)
@game_window.event
def on_draw():
game_window.clear()
level_label.draw()
score_label.draw()
player.draw()
for asteroid in asteroids:
if not asteroid.dead:
asteroid.draw()
game_window.push_handlers(player)
pyglet.clock.schedule_interval(update, 1/120.0)
pyglet.app.run()
| [
"pyglet.resource.image",
"pyglet.app.run",
"random.randint",
"pyglet.text.Label",
"math.sqrt",
"pyglet.resource.reindex",
"pyglet.sprite.Sprite",
"random.random",
"pyglet.window.Window",
"pyglet.clock.schedule_interval"
] | [((133, 155), 'pyglet.window.Window', 'pyglet.window.Window', ([], {}), '()\n', (153, 155), False, 'import pyglet\n'), ((195, 220), 'pyglet.resource.reindex', 'pyglet.resource.reindex', ([], {}), '()\n', (218, 220), False, 'import pyglet\n'), ((231, 266), 'pyglet.resource.image', 'pyglet.resource.image', (['"""player.png"""'], {}), "('player.png')\n", (252, 266), False, 'import pyglet\n'), ((2145, 2178), 'pyglet.resource.image', 'pyglet.resource.image', (['"""ship.png"""'], {}), "('ship.png')\n", (2166, 2178), False, 'import pyglet\n'), ((2194, 2229), 'pyglet.resource.image', 'pyglet.resource.image', (['"""player.png"""'], {}), "('player.png')\n", (2215, 2229), False, 'import pyglet\n'), ((2247, 2282), 'pyglet.resource.image', 'pyglet.resource.image', (['"""player.png"""'], {}), "('player.png')\n", (2268, 2282), False, 'import pyglet\n'), ((2374, 2482), 'pyglet.text.Label', 'pyglet.text.Label', ([], {'text': '"""Balloon Blaster Mace Ball"""', 'x': '(game_window.width // 2)', 'y': '(460)', 'anchor_x': '"""center"""'}), "(text='Balloon Blaster Mace Ball', x=game_window.width // \n 2, y=460, anchor_x='center')\n", (2391, 2482), False, 'import pyglet\n'), ((2521, 2573), 'pyglet.sprite.Sprite', 'pyglet.sprite.Sprite', ([], {'img': 'player_image', 'x': '(400)', 'y': '(300)'}), '(img=player_image, x=400, y=300)\n', (2541, 2573), False, 'import pyglet\n'), ((4663, 4712), 'pyglet.clock.schedule_interval', 'pyglet.clock.schedule_interval', (['update', '(1 / 120.0)'], {}), '(update, 1 / 120.0)\n', (4693, 4712), False, 'import pyglet\n'), ((4711, 4727), 'pyglet.app.run', 'pyglet.app.run', ([], {}), '()\n', (4725, 4727), False, 'import pyglet\n'), ((375, 449), 'math.sqrt', 'math.sqrt', (['((point_1[0] - point_2[0]) ** 2 + (point_1[1] - point_2[1]) ** 2)'], {}), '((point_1[0] - point_2[0]) ** 2 + (point_1[1] - point_2[1]) ** 2)\n', (384, 449), False, 'import math\n'), ((1716, 1738), 'random.randint', 'random.randint', (['(0)', '(360)'], {}), '(0, 360)\n', (1730, 1738), False, 'import random\n'), ((1889, 1911), 'random.randint', 'random.randint', (['(0)', '(360)'], {}), '(0, 360)\n', (1903, 1911), False, 'import random\n'), ((1531, 1553), 'random.randint', 'random.randint', (['(0)', '(800)'], {}), '(0, 800)\n', (1545, 1553), False, 'import random\n'), ((1579, 1601), 'random.randint', 'random.randint', (['(0)', '(600)'], {}), '(0, 600)\n', (1593, 1601), False, 'import random\n'), ((1773, 1788), 'random.random', 'random.random', ([], {}), '()\n', (1786, 1788), False, 'import random\n'), ((1832, 1847), 'random.random', 'random.random', ([], {}), '()\n', (1845, 1847), False, 'import random\n')] |
import hashlib
import random
import string
from llvmlite.ir import Context
def generate_random_name(count: int):
return ''.join(random.choices(string.ascii_uppercase + string.ascii_lowercase + string.digits, k=count))
def rreplace(s, old, new, occurrence=-1):
li = s.rsplit(old, occurrence)
return new.join(li)
def pythonify(data: dict):
for key, value in data.items():
if isinstance(value, dict):
value = pythonify(value)
elif isinstance(value, list):
value = [pythonify(val) for val in value]
elif isinstance(value, str):
if value.lower() == "true":
value = True
elif value.lower() == "false":
value = False
data[key] = value
return data
def good_hash(w: str):
return hashlib.md5(w.encode()).hexdigest()
def _get_identified_type_if_exists(self: Context, name: str):
if name in self.identified_types:
return self.identified_types[name]
return None
def monkey_patch():
Context.get_identified_type_if_exists = _get_identified_type_if_exists
| [
"random.choices"
] | [((135, 228), 'random.choices', 'random.choices', (['(string.ascii_uppercase + string.ascii_lowercase + string.digits)'], {'k': 'count'}), '(string.ascii_uppercase + string.ascii_lowercase + string.\n digits, k=count)\n', (149, 228), False, 'import random\n')] |
from typing import Optional
from tlh.const import RomVariant
from tlh import settings
class Rom:
def __init__(self, filename: str):
with open(filename, 'rb') as rom:
self.bytes = bytearray(rom.read())
def get_bytes(self, from_index: int, to_index: int) -> bytearray:
# TODO apply constraints here? Or one level above in the HexEditorInstance?
return self.bytes[from_index:to_index]
def get_byte(self, index: int) -> int:
return self.bytes[index]
def length(self) -> int:
return len(self.bytes)
def get_pointer(self, index: int) -> int:
return int.from_bytes(self.bytes[index:index+4], 'little')
# Rom data is read only, so we only need to read it once
roms: dict[RomVariant, Rom] = {}
# TODO invalidate roms when settings change?
# necessary? Once we have a valid rom, there will be no changes
def get_rom(variant: RomVariant) -> Optional[Rom]:
global roms
if variant not in roms:
try:
roms[variant] = Rom(settings.get_rom(variant))
except:
return None
return roms[variant]
def invalidate_rom(variant: RomVariant) -> None:
global roms
if variant in roms:
del roms[variant] | [
"tlh.settings.get_rom"
] | [((1025, 1050), 'tlh.settings.get_rom', 'settings.get_rom', (['variant'], {}), '(variant)\n', (1041, 1050), False, 'from tlh import settings\n')] |
# -*- coding: utf-8 -*-
from __future__ import unicode_literals
import re
import copy
# import os
import json
# import ConfigParser
from django.shortcuts import render
from django.http import HttpResponseRedirect, HttpResponse, Http404
from django.core.urlresolvers import reverse
from django.contrib import messages
from django.template.response import TemplateResponse
from django.core.paginator import Paginator, EmptyPage, InvalidPage
from django.db.models import Q
from django_redis import get_redis_connection
from django.utils.translation import ugettext_lazy as _
from app.core.models import Mailbox, DomainAttr, Domain
from app.utils.domain_session import get_domainid_bysession, get_session_domain
# from lib.tools import get_process_pid, restart_process, get_fail2ban_info, fail2ban_ip
from lib.licence import licence_required
from lib.tools import clear_redis_cache
from .forms import BanRuleForm, BanBlockListForm, Fail2BanTrustForm, SpamSetForm, \
SendFrequencyForm, PasswordWeakForm, PasswordWeakImportForm
from .models import Fail2Ban, Fail2BanTrust, Fail2BanBlock, PasswordWeakList
def clear_fail2ban_cache():
redis = get_redis_connection()
for keyname in redis.keys("fail2ban_cache*") :
redis.delete(keyname)
clear_redis_cache()
###############################
# 禁用IP列表
@licence_required
def fail2ban_rulelist(request):
if request.method == "POST":
id = request.POST.get('id', "")
status = request.POST.get('status', "")
if status == "delete":
Fail2Ban.objects.filter(pk=id).delete()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'删除成功'))
return HttpResponseRedirect(reverse('fail2ban_rulelist'))
return render(request, "security/fail2ban_rulelist.html",context={})
@licence_required
def fail2ban_rulelist_ajax(request):
data = request.GET
order_column = data.get('order[0][column]', '')
order_dir = data.get('order[0][dir]', '')
search = data.get('search[value]', '')
colums = ['id', 'name', 'proto', 'internal','block_fail', 'block_unexists', 'block_minute', 'update_time', 'disabled',]
lists = Fail2Ban.objects.all()
if search:
lists = lists.filter( Q(name__icontains=search) | Q(proto__icontains=search) )
if lists.exists() and order_column and int(order_column) < len(colums):
if order_dir == 'desc':
lists = lists.order_by('-%s' % colums[int(order_column)])
else:
lists = lists.order_by('%s' % colums[int(order_column)])
try:
length = int(data.get('length', 1))
except ValueError:
length = 1
try:
start_num = int(data.get('start', '0'))
page = start_num / length + 1
except ValueError:
start_num = 0
page = 1
count = len(lists)
if start_num >= count:
page = 1
paginator = Paginator(lists, length)
try:
lists = paginator.page(page)
except (EmptyPage, InvalidPage):
lists = paginator.page(paginator.num_pages)
rs = {"sEcho": 0, "iTotalRecords": count, "iTotalDisplayRecords": count, "aaData": []}
re_str = '<td.*?>(.*?)</td>'
number = length * (page-1) + 1
for d in lists.object_list:
t = TemplateResponse(request, 'security/fail2ban_rulelist_ajax.html', {'d': d, 'number': number})
t.render()
rs["aaData"].append(re.findall(re_str, t.content, re.DOTALL))
number += 1
return HttpResponse(json.dumps(rs), content_type="application/json")
@licence_required
def fail2ban_rule_add(request):
form = BanRuleForm()
if request.method == "POST":
form = BanRuleForm(request.POST)
if form.is_valid():
form.save()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'添加规则成功'))
return HttpResponseRedirect(reverse('fail2ban_rulelist'))
return render(request, "security/fail2ban_rule_add.html",context={"form":form})
@licence_required
def fail2ban_rule_modify(request, rule_id):
obj = Fail2Ban.objects.get(id=rule_id)
form = BanRuleForm(instance=obj)
if request.method == "POST":
form = BanRuleForm(request.POST, instance=obj)
if form.is_valid():
form.save()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'修改规则成功'))
return HttpResponseRedirect(reverse('fail2ban_rulelist'))
return render(request, "security/fail2ban_rule_add.html",context={"form":form})
###############################
# 屏蔽IP
@licence_required
def fail2ban_blocklist(request):
if request.method == "POST":
id = request.POST.get('id', "")
status = request.POST.get('status', "")
if status == "delete":
Fail2BanBlock.objects.filter(pk=id).delete()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'删除成功'))
return HttpResponseRedirect(reverse('fail2ban_blocklist'))
return render(request, "security/fail2ban_blocklist.html",context={})
@licence_required
def fail2ban_blocklist_ajax(request):
data = request.GET
order_column = data.get('order[0][column]', '')
order_dir = data.get('order[0][dir]', '')
search = data.get('search[value]', '')
colums = ['id', 'name', 'ip', 'expire_time', 'update_time', 'disabled',]
lists = Fail2BanBlock.objects.all()
if search:
lists = lists.filter( Q(name__icontains=search) | Q(ip__icontains=search) )
if lists.exists() and order_column and int(order_column) < len(colums):
if order_dir == 'desc':
lists = lists.order_by('-%s' % colums[int(order_column)])
else:
lists = lists.order_by('%s' % colums[int(order_column)])
try:
length = int(data.get('length', 1))
except ValueError:
length = 1
try:
start_num = int(data.get('start', '0'))
page = start_num / length + 1
except ValueError:
start_num = 0
page = 1
count = len(lists)
if start_num >= count:
page = 1
paginator = Paginator(lists, length)
try:
lists = paginator.page(page)
except (EmptyPage, InvalidPage):
lists = paginator.page(paginator.num_pages)
rs = {"sEcho": 0, "iTotalRecords": count, "iTotalDisplayRecords": count, "aaData": []}
re_str = '<td.*?>(.*?)</td>'
number = length * (page-1) + 1
for d in lists.object_list:
t = TemplateResponse(request, 'security/fail2ban_blocklist_ajax.html', {'d': d, 'number': number})
t.render()
rs["aaData"].append(re.findall(re_str, t.content, re.DOTALL))
number += 1
return HttpResponse(json.dumps(rs), content_type="application/json")
@licence_required
def fail2ban_block_add(request):
form = BanBlockListForm()
if request.method == "POST":
form = BanBlockListForm(request.POST)
if form.is_valid():
form.save()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'添加成功'))
return HttpResponseRedirect(reverse('fail2ban_blocklist'))
return render(request, "security/fail2ban_block_add.html",context={"form":form})
@licence_required
def fail2ban_block_modify(request, block_id):
obj = Fail2BanBlock.objects.get(id=block_id)
form = BanBlockListForm(instance=obj)
if request.method == "POST":
form = BanBlockListForm(request.POST, instance=obj)
if form.is_valid():
form.save()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'修改成功'))
return HttpResponseRedirect(reverse('fail2ban_blocklist'))
return render(request, "security/fail2ban_block_add.html",context={"form":form})
###############################
# 屏蔽白名单
@licence_required
def fail2ban_whitelist(request):
if request.method == "POST":
id = request.POST.get('id', "")
status = request.POST.get('status', "")
if status == "delete":
Fail2BanTrust.objects.filter(pk=id).delete()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'删除成功'))
return HttpResponseRedirect(reverse('fail2ban_whitelist'))
return render(request, "security/fail2ban_whitelist.html",context={})
@licence_required
def fail2ban_whitelist_add(request):
form = Fail2BanTrustForm()
if request.method == "POST":
form = Fail2BanTrustForm(request.POST)
if form.is_valid():
form.save()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'添加成功'))
return HttpResponseRedirect(reverse('fail2ban_whitelist'))
return render(request, "security/fail2ban_whitelist_add.html",context={"form":form})
@licence_required
def fail2ban_whitelist_modify(request, white_id):
obj = Fail2BanTrust.objects.get(id=white_id)
form = Fail2BanTrustForm(instance=obj)
if request.method == "POST":
form = Fail2BanTrustForm(request.POST, instance=obj)
if form.is_valid():
form.save()
clear_fail2ban_cache()
messages.add_message(request, messages.SUCCESS, _(u'修改成功'))
return HttpResponseRedirect(reverse('fail2ban_whitelist'))
return render(request, "security/fail2ban_whitelist_add.html",context={"form":form})
@licence_required
def fail2ban_whitelist_ajax(request):
data = request.GET
order_column = data.get('order[0][column]', '')
order_dir = data.get('order[0][dir]', '')
search = data.get('search[value]', '')
colums = ['id', 'ip', 'name', 'disabled',]
lists = Fail2BanTrust.objects.all()
if search:
lists = lists.filter( Q(name__icontains=search) | Q(ip__icontains=search) )
if lists.exists() and order_column and int(order_column) < len(colums):
if order_dir == 'desc':
lists = lists.order_by('-%s' % colums[int(order_column)])
else:
lists = lists.order_by('%s' % colums[int(order_column)])
try:
length = int(data.get('length', 1))
except ValueError:
length = 1
try:
start_num = int(data.get('start', '0'))
page = start_num / length + 1
except ValueError:
start_num = 0
page = 1
count = len(lists)
if start_num >= count:
page = 1
paginator = Paginator(lists, length)
try:
lists = paginator.page(page)
except (EmptyPage, InvalidPage):
lists = paginator.page(paginator.num_pages)
rs = {"sEcho": 0, "iTotalRecords": count, "iTotalDisplayRecords": count, "aaData": []}
re_str = '<td.*?>(.*?)</td>'
number = length * (page-1) + 1
for d in lists.object_list:
t = TemplateResponse(request, 'security/fail2ban_whitelist_ajax.html', {'d': d, 'number': number})
t.render()
rs["aaData"].append(re.findall(re_str, t.content, re.DOTALL))
number += 1
return HttpResponse(json.dumps(rs), content_type="application/json")
@licence_required
def security_antispam(request):
domain_id = get_domainid_bysession(request)
obj = Domain.objects.filter(id=domain_id).first()
if not obj:
return HttpResponseRedirect(reverse('security_antispam'))
spam_set = DomainAttr.objects.filter(domain_id=obj.id,type="system",item="cf_antispam").first()
form = SpamSetForm(instance=spam_set, request=request, domain_id=obj.id)
if request.method == "POST":
form = SpamSetForm(instance=spam_set, post=request.POST, request=request, domain_id=obj.id)
if form.is_valid():
form.save()
messages.add_message(request, messages.SUCCESS, _(u'修改设置成功'))
return HttpResponseRedirect(reverse('security_antispam'))
else:
messages.add_message(request, messages.ERROR, _(u'修改设置失败,请检查输入参数'))
return render(request, "security/antispam.html", context={
"form": form,
"domain": obj,
"spam_check_local_spam" : form.spam_check_local_spam.value,
"spam_check_local_virus" : form.spam_check_local_virus.value,
"spam_check_outside_spam" : form.spam_check_outside_spam.value,
"spam_check_outside_virus" : form.spam_check_outside_virus.value,
})
@licence_required
def security_frequency(request):
domain_id = get_domainid_bysession(request)
domain = Domain.objects.filter(id=domain_id).first()
if not domain:
return HttpResponseRedirect(reverse('security_frequency'))
frequency_set = DomainAttr.objects.filter(domain_id=domain.id,type="system",item="cf_sendlimit").first()
form = SendFrequencyForm(instance=frequency_set)
if request.method == "POST":
form = SendFrequencyForm(instance=frequency_set, post=request.POST)
if form.is_valid():
form.save()
messages.add_message(request, messages.SUCCESS, _(u'修改设置成功'))
return render(request, "security/frequency_setting.html", context={
"form" : form,
"domain" : domain,
})
@licence_required
def password_weaklist(request):
if request.method == "POST":
id = request.POST.get('id', "")
status = request.POST.get('status', "")
if status == "delete":
PasswordWeakList.objects.filter(pk=id).delete()
clear_redis_cache()
messages.add_message(request, messages.SUCCESS, _(u'删除成功'))
return HttpResponseRedirect(reverse('password_weaklist'))
return render(request, "security/password_weak_list.html",context={})
@licence_required
def password_weaklist_ajax(request):
data = request.GET
order_column = data.get('order[0][column]', '')
order_dir = data.get('order[0][dir]', '')
search = data.get('search[value]', '')
colums = ['id', 'password']
if search:
lists = PasswordWeakList.objects.filter( Q(password__contains=search) )
else:
lists = PasswordWeakList.objects.all()
if lists.exists() and order_column and int(order_column) < len(colums):
if order_dir == 'desc':
lists = lists.order_by('-%s' % colums[int(order_column)])
else:
lists = lists.order_by('%s' % colums[int(order_column)])
lists = lists[:10000]
try:
length = int(data.get('length', 1))
except ValueError:
length = 1
try:
start_num = int(data.get('start', '0'))
page = start_num / length + 1
except ValueError:
start_num = 0
page = 1
count = lists.count()
if start_num >= count:
page = 1
paginator = Paginator(lists, length)
try:
lists = paginator.page(page)
except (EmptyPage, InvalidPage):
lists = paginator.page(paginator.num_pages)
rs = {"sEcho": 0, "iTotalRecords": count, "iTotalDisplayRecords": count, "aaData": []}
re_str = '<td.*?>(.*?)</td>'
number = length * (page-1) + 1
for d in lists.object_list:
t = TemplateResponse(request, 'security/password_weak_ajax.html', {'d': d, 'number': number})
t.render()
rs["aaData"].append(re.findall(re_str, t.content, re.DOTALL))
number += 1
return HttpResponse(json.dumps(rs), content_type="application/json")
@licence_required
def password_weaklist_import(request):
form = PasswordWeakImportForm()
domain_id = get_domainid_bysession(request)
domain = get_session_domain(domain_id)
if request.method == "POST":
form = PasswordWeakImportForm(data=request.POST, files=request.FILES)
if form.is_valid():
success, fail = 0, 0
fail_list = []
password_list = []
if form.file_ext == 'txt':
for line in form.file_obj.readlines():
password = line.strip().replace('\n', '').replace('\r', '').replace('\000', '').replace(' ', '').replace('\t', '')
if not password:
continue
password_list.append( password )
if form.file_ext == 'csv':
import csv
lines = list(csv.reader(form.file_obj))
for elem in lines:
password = line.strip().replace('\n', '').replace('\r', '').replace('\000', '').replace(' ', '').replace('\t', '')
if not password:
continue
password_list.append( password )
if form.file_ext in ('xls', 'xlsx'):
import xlrd
content = form.file_obj.read()
workbook = xlrd.open_workbook(filename=None, file_contents=content)
table = workbook.sheets()[0]
for line in xrange(table.nrows):
#前两行跳过
if line in (0,1):
continue
password = table.row_values(line)
password = password.strip().replace('\n', '').replace('\r', '').replace('\000', '').replace(' ', '').replace('\t', '')
if not password:
continue
password_list.append( password )
fail_list = form.save_password_list(password_list)
fail = len(fail_list)
success = len(password_list) - fail
for line in fail_list:
messages.add_message(request, messages.ERROR, _(u'批量添加失败 : %(fail)s') % {"fail": line})
messages.add_message(request, messages.SUCCESS,
_(u'批量添加成功%(success)s个, 失败%(fail)s个') % {"success": success, "fail": fail})
return HttpResponseRedirect(reverse('password_weaklist'))
return render(request, "security/password_weak_import.html", {'form': form,}) | [
"app.core.models.Domain.objects.filter",
"csv.reader",
"django.core.urlresolvers.reverse",
"app.utils.domain_session.get_domainid_bysession",
"app.core.models.DomainAttr.objects.filter",
"xlrd.open_workbook",
"django.db.models.Q",
"json.dumps",
"lib.tools.clear_redis_cache",
"django.template.response.TemplateResponse",
"re.findall",
"django.core.paginator.Paginator",
"app.utils.domain_session.get_session_domain",
"django.shortcuts.render",
"django_redis.get_redis_connection",
"django.utils.translation.ugettext_lazy"
] | [((1164, 1186), 'django_redis.get_redis_connection', 'get_redis_connection', ([], {}), '()\n', (1184, 1186), False, 'from django_redis import get_redis_connection\n'), ((1272, 1291), 'lib.tools.clear_redis_cache', 'clear_redis_cache', ([], {}), '()\n', (1289, 1291), False, 'from lib.tools import clear_redis_cache\n'), ((1772, 1834), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_rulelist.html"""'], {'context': '{}'}), "(request, 'security/fail2ban_rulelist.html', context={})\n", (1778, 1834), False, 'from django.shortcuts import render\n'), ((2915, 2939), 'django.core.paginator.Paginator', 'Paginator', (['lists', 'length'], {}), '(lists, length)\n', (2924, 2939), False, 'from django.core.paginator import Paginator, EmptyPage, InvalidPage\n'), ((3946, 4020), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_rule_add.html"""'], {'context': "{'form': form}"}), "(request, 'security/fail2ban_rule_add.html', context={'form': form})\n", (3952, 4020), False, 'from django.shortcuts import render\n'), ((4492, 4566), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_rule_add.html"""'], {'context': "{'form': form}"}), "(request, 'security/fail2ban_rule_add.html', context={'form': form})\n", (4498, 4566), False, 'from django.shortcuts import render\n'), ((5051, 5114), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_blocklist.html"""'], {'context': '{}'}), "(request, 'security/fail2ban_blocklist.html', context={})\n", (5057, 5114), False, 'from django.shortcuts import render\n'), ((6151, 6175), 'django.core.paginator.Paginator', 'Paginator', (['lists', 'length'], {}), '(lists, length)\n', (6160, 6175), False, 'from django.core.paginator import Paginator, EmptyPage, InvalidPage\n'), ((7193, 7268), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_block_add.html"""'], {'context': "{'form': form}"}), "(request, 'security/fail2ban_block_add.html', context={'form': form})\n", (7199, 7268), False, 'from django.shortcuts import render\n'), ((7757, 7832), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_block_add.html"""'], {'context': "{'form': form}"}), "(request, 'security/fail2ban_block_add.html', context={'form': form})\n", (7763, 7832), False, 'from django.shortcuts import render\n'), ((8318, 8381), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_whitelist.html"""'], {'context': '{}'}), "(request, 'security/fail2ban_whitelist.html', context={})\n", (8324, 8381), False, 'from django.shortcuts import render\n'), ((8789, 8868), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_whitelist_add.html"""'], {'context': "{'form': form}"}), "(request, 'security/fail2ban_whitelist_add.html', context={'form': form})\n", (8795, 8868), False, 'from django.shortcuts import render\n'), ((9363, 9442), 'django.shortcuts.render', 'render', (['request', '"""security/fail2ban_whitelist_add.html"""'], {'context': "{'form': form}"}), "(request, 'security/fail2ban_whitelist_add.html', context={'form': form})\n", (9369, 9442), False, 'from django.shortcuts import render\n'), ((10448, 10472), 'django.core.paginator.Paginator', 'Paginator', (['lists', 'length'], {}), '(lists, length)\n', (10457, 10472), False, 'from django.core.paginator import Paginator, EmptyPage, InvalidPage\n'), ((11155, 11186), 'app.utils.domain_session.get_domainid_bysession', 'get_domainid_bysession', (['request'], {}), '(request)\n', (11177, 11186), False, 'from app.utils.domain_session import get_domainid_bysession, get_session_domain\n'), ((11936, 12280), 'django.shortcuts.render', 'render', (['request', '"""security/antispam.html"""'], {'context': "{'form': form, 'domain': obj, 'spam_check_local_spam': form.\n spam_check_local_spam.value, 'spam_check_local_virus': form.\n spam_check_local_virus.value, 'spam_check_outside_spam': form.\n spam_check_outside_spam.value, 'spam_check_outside_virus': form.\n spam_check_outside_virus.value}"}), "(request, 'security/antispam.html', context={'form': form, 'domain':\n obj, 'spam_check_local_spam': form.spam_check_local_spam.value,\n 'spam_check_local_virus': form.spam_check_local_virus.value,\n 'spam_check_outside_spam': form.spam_check_outside_spam.value,\n 'spam_check_outside_virus': form.spam_check_outside_virus.value})\n", (11942, 12280), False, 'from django.shortcuts import render\n'), ((12400, 12431), 'app.utils.domain_session.get_domainid_bysession', 'get_domainid_bysession', (['request'], {}), '(request)\n', (12422, 12431), False, 'from app.utils.domain_session import get_domainid_bysession, get_session_domain\n'), ((12985, 13081), 'django.shortcuts.render', 'render', (['request', '"""security/frequency_setting.html"""'], {'context': "{'form': form, 'domain': domain}"}), "(request, 'security/frequency_setting.html', context={'form': form,\n 'domain': domain})\n", (12991, 13081), False, 'from django.shortcuts import render\n'), ((13568, 13631), 'django.shortcuts.render', 'render', (['request', '"""security/password_weak_list.html"""'], {'context': '{}'}), "(request, 'security/password_weak_list.html', context={})\n", (13574, 13631), False, 'from django.shortcuts import render\n'), ((14663, 14687), 'django.core.paginator.Paginator', 'Paginator', (['lists', 'length'], {}), '(lists, length)\n', (14672, 14687), False, 'from django.core.paginator import Paginator, EmptyPage, InvalidPage\n'), ((15408, 15439), 'app.utils.domain_session.get_domainid_bysession', 'get_domainid_bysession', (['request'], {}), '(request)\n', (15430, 15439), False, 'from app.utils.domain_session import get_domainid_bysession, get_session_domain\n'), ((15453, 15482), 'app.utils.domain_session.get_session_domain', 'get_session_domain', (['domain_id'], {}), '(domain_id)\n', (15471, 15482), False, 'from app.utils.domain_session import get_domainid_bysession, get_session_domain\n'), ((17730, 17799), 'django.shortcuts.render', 'render', (['request', '"""security/password_weak_import.html"""', "{'form': form}"], {}), "(request, 'security/password_weak_import.html', {'form': form})\n", (17736, 17799), False, 'from django.shortcuts import render\n'), ((3278, 3375), 'django.template.response.TemplateResponse', 'TemplateResponse', (['request', '"""security/fail2ban_rulelist_ajax.html"""', "{'d': d, 'number': number}"], {}), "(request, 'security/fail2ban_rulelist_ajax.html', {'d': d,\n 'number': number})\n", (3294, 3375), False, 'from django.template.response import TemplateResponse\n'), ((3505, 3519), 'json.dumps', 'json.dumps', (['rs'], {}), '(rs)\n', (3515, 3519), False, 'import json\n'), ((6514, 6612), 'django.template.response.TemplateResponse', 'TemplateResponse', (['request', '"""security/fail2ban_blocklist_ajax.html"""', "{'d': d, 'number': number}"], {}), "(request, 'security/fail2ban_blocklist_ajax.html', {'d': d,\n 'number': number})\n", (6530, 6612), False, 'from django.template.response import TemplateResponse\n'), ((6742, 6756), 'json.dumps', 'json.dumps', (['rs'], {}), '(rs)\n', (6752, 6756), False, 'import json\n'), ((10811, 10909), 'django.template.response.TemplateResponse', 'TemplateResponse', (['request', '"""security/fail2ban_whitelist_ajax.html"""', "{'d': d, 'number': number}"], {}), "(request, 'security/fail2ban_whitelist_ajax.html', {'d': d,\n 'number': number})\n", (10827, 10909), False, 'from django.template.response import TemplateResponse\n'), ((11039, 11053), 'json.dumps', 'json.dumps', (['rs'], {}), '(rs)\n', (11049, 11053), False, 'import json\n'), ((15026, 15119), 'django.template.response.TemplateResponse', 'TemplateResponse', (['request', '"""security/password_weak_ajax.html"""', "{'d': d, 'number': number}"], {}), "(request, 'security/password_weak_ajax.html', {'d': d,\n 'number': number})\n", (15042, 15119), False, 'from django.template.response import TemplateResponse\n'), ((15249, 15263), 'json.dumps', 'json.dumps', (['rs'], {}), '(rs)\n', (15259, 15263), False, 'import json\n'), ((1731, 1759), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_rulelist"""'], {}), "('fail2ban_rulelist')\n", (1738, 1759), False, 'from django.core.urlresolvers import reverse\n'), ((3419, 3459), 're.findall', 're.findall', (['re_str', 't.content', 're.DOTALL'], {}), '(re_str, t.content, re.DOTALL)\n', (3429, 3459), False, 'import re\n'), ((5009, 5038), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_blocklist"""'], {}), "('fail2ban_blocklist')\n", (5016, 5038), False, 'from django.core.urlresolvers import reverse\n'), ((6656, 6696), 're.findall', 're.findall', (['re_str', 't.content', 're.DOTALL'], {}), '(re_str, t.content, re.DOTALL)\n', (6666, 6696), False, 'import re\n'), ((8276, 8305), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_whitelist"""'], {}), "('fail2ban_whitelist')\n", (8283, 8305), False, 'from django.core.urlresolvers import reverse\n'), ((10953, 10993), 're.findall', 're.findall', (['re_str', 't.content', 're.DOTALL'], {}), '(re_str, t.content, re.DOTALL)\n', (10963, 10993), False, 'import re\n'), ((11197, 11232), 'app.core.models.Domain.objects.filter', 'Domain.objects.filter', ([], {'id': 'domain_id'}), '(id=domain_id)\n', (11218, 11232), False, 'from app.core.models import Mailbox, DomainAttr, Domain\n'), ((11293, 11321), 'django.core.urlresolvers.reverse', 'reverse', (['"""security_antispam"""'], {}), "('security_antispam')\n", (11300, 11321), False, 'from django.core.urlresolvers import reverse\n'), ((11339, 11417), 'app.core.models.DomainAttr.objects.filter', 'DomainAttr.objects.filter', ([], {'domain_id': 'obj.id', 'type': '"""system"""', 'item': '"""cf_antispam"""'}), "(domain_id=obj.id, type='system', item='cf_antispam')\n", (11364, 11417), False, 'from app.core.models import Mailbox, DomainAttr, Domain\n'), ((12445, 12480), 'app.core.models.Domain.objects.filter', 'Domain.objects.filter', ([], {'id': 'domain_id'}), '(id=domain_id)\n', (12466, 12480), False, 'from app.core.models import Mailbox, DomainAttr, Domain\n'), ((12544, 12573), 'django.core.urlresolvers.reverse', 'reverse', (['"""security_frequency"""'], {}), "('security_frequency')\n", (12551, 12573), False, 'from django.core.urlresolvers import reverse\n'), ((12596, 12683), 'app.core.models.DomainAttr.objects.filter', 'DomainAttr.objects.filter', ([], {'domain_id': 'domain.id', 'type': '"""system"""', 'item': '"""cf_sendlimit"""'}), "(domain_id=domain.id, type='system', item=\n 'cf_sendlimit')\n", (12621, 12683), False, 'from app.core.models import Mailbox, DomainAttr, Domain\n'), ((13399, 13418), 'lib.tools.clear_redis_cache', 'clear_redis_cache', ([], {}), '()\n', (13416, 13418), False, 'from lib.tools import clear_redis_cache\n'), ((13527, 13555), 'django.core.urlresolvers.reverse', 'reverse', (['"""password_weaklist"""'], {}), "('password_weaklist')\n", (13534, 13555), False, 'from django.core.urlresolvers import reverse\n'), ((13948, 13976), 'django.db.models.Q', 'Q', ([], {'password__contains': 'search'}), '(password__contains=search)\n', (13949, 13976), False, 'from django.db.models import Q\n'), ((15163, 15203), 're.findall', 're.findall', (['re_str', 't.content', 're.DOTALL'], {}), '(re_str, t.content, re.DOTALL)\n', (15173, 15203), False, 'import re\n'), ((1683, 1693), 'django.utils.translation.ugettext_lazy', '_', (['u"""删除成功"""'], {}), "(u'删除成功')\n", (1684, 1693), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((2259, 2284), 'django.db.models.Q', 'Q', ([], {'name__icontains': 'search'}), '(name__icontains=search)\n', (2260, 2284), False, 'from django.db.models import Q\n'), ((2287, 2313), 'django.db.models.Q', 'Q', ([], {'proto__icontains': 'search'}), '(proto__icontains=search)\n', (2288, 2313), False, 'from django.db.models import Q\n'), ((3851, 3863), 'django.utils.translation.ugettext_lazy', '_', (['u"""添加规则成功"""'], {}), "(u'添加规则成功')\n", (3852, 3863), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((3905, 3933), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_rulelist"""'], {}), "('fail2ban_rulelist')\n", (3912, 3933), False, 'from django.core.urlresolvers import reverse\n'), ((4397, 4409), 'django.utils.translation.ugettext_lazy', '_', (['u"""修改规则成功"""'], {}), "(u'修改规则成功')\n", (4398, 4409), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((4451, 4479), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_rulelist"""'], {}), "('fail2ban_rulelist')\n", (4458, 4479), False, 'from django.core.urlresolvers import reverse\n'), ((4961, 4971), 'django.utils.translation.ugettext_lazy', '_', (['u"""删除成功"""'], {}), "(u'删除成功')\n", (4962, 4971), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((5498, 5523), 'django.db.models.Q', 'Q', ([], {'name__icontains': 'search'}), '(name__icontains=search)\n', (5499, 5523), False, 'from django.db.models import Q\n'), ((5526, 5549), 'django.db.models.Q', 'Q', ([], {'ip__icontains': 'search'}), '(ip__icontains=search)\n', (5527, 5549), False, 'from django.db.models import Q\n'), ((7099, 7109), 'django.utils.translation.ugettext_lazy', '_', (['u"""添加成功"""'], {}), "(u'添加成功')\n", (7100, 7109), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((7151, 7180), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_blocklist"""'], {}), "('fail2ban_blocklist')\n", (7158, 7180), False, 'from django.core.urlresolvers import reverse\n'), ((7663, 7673), 'django.utils.translation.ugettext_lazy', '_', (['u"""修改成功"""'], {}), "(u'修改成功')\n", (7664, 7673), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((7715, 7744), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_blocklist"""'], {}), "('fail2ban_blocklist')\n", (7722, 7744), False, 'from django.core.urlresolvers import reverse\n'), ((8228, 8238), 'django.utils.translation.ugettext_lazy', '_', (['u"""删除成功"""'], {}), "(u'删除成功')\n", (8229, 8238), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((8695, 8705), 'django.utils.translation.ugettext_lazy', '_', (['u"""添加成功"""'], {}), "(u'添加成功')\n", (8696, 8705), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((8747, 8776), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_whitelist"""'], {}), "('fail2ban_whitelist')\n", (8754, 8776), False, 'from django.core.urlresolvers import reverse\n'), ((9269, 9279), 'django.utils.translation.ugettext_lazy', '_', (['u"""修改成功"""'], {}), "(u'修改成功')\n", (9270, 9279), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((9321, 9350), 'django.core.urlresolvers.reverse', 'reverse', (['"""fail2ban_whitelist"""'], {}), "('fail2ban_whitelist')\n", (9328, 9350), False, 'from django.core.urlresolvers import reverse\n'), ((9795, 9820), 'django.db.models.Q', 'Q', ([], {'name__icontains': 'search'}), '(name__icontains=search)\n', (9796, 9820), False, 'from django.db.models import Q\n'), ((9823, 9846), 'django.db.models.Q', 'Q', ([], {'ip__icontains': 'search'}), '(ip__icontains=search)\n', (9824, 9846), False, 'from django.db.models import Q\n'), ((11746, 11758), 'django.utils.translation.ugettext_lazy', '_', (['u"""修改设置成功"""'], {}), "(u'修改设置成功')\n", (11747, 11758), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((11800, 11828), 'django.core.urlresolvers.reverse', 'reverse', (['"""security_antispam"""'], {}), "('security_antispam')\n", (11807, 11828), False, 'from django.core.urlresolvers import reverse\n'), ((11902, 11922), 'django.utils.translation.ugettext_lazy', '_', (['u"""修改设置失败,请检查输入参数"""'], {}), "(u'修改设置失败,请检查输入参数')\n", (11903, 11922), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((12959, 12971), 'django.utils.translation.ugettext_lazy', '_', (['u"""修改设置成功"""'], {}), "(u'修改设置成功')\n", (12960, 12971), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((13479, 13489), 'django.utils.translation.ugettext_lazy', '_', (['u"""删除成功"""'], {}), "(u'删除成功')\n", (13480, 13489), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((16631, 16687), 'xlrd.open_workbook', 'xlrd.open_workbook', ([], {'filename': 'None', 'file_contents': 'content'}), '(filename=None, file_contents=content)\n', (16649, 16687), False, 'import xlrd\n'), ((17689, 17717), 'django.core.urlresolvers.reverse', 'reverse', (['"""password_weaklist"""'], {}), "('password_weaklist')\n", (17696, 17717), False, 'from django.core.urlresolvers import reverse\n'), ((16160, 16185), 'csv.reader', 'csv.reader', (['form.file_obj'], {}), '(form.file_obj)\n', (16170, 16185), False, 'import csv\n'), ((17573, 17610), 'django.utils.translation.ugettext_lazy', '_', (['u"""批量添加成功%(success)s个, 失败%(fail)s个"""'], {}), "(u'批量添加成功%(success)s个, 失败%(fail)s个')\n", (17574, 17610), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((17438, 17461), 'django.utils.translation.ugettext_lazy', '_', (['u"""批量添加失败 : %(fail)s"""'], {}), "(u'批量添加失败 : %(fail)s')\n", (17439, 17461), True, 'from django.utils.translation import ugettext_lazy as _\n')] |
#
# Copyright (C) 2020 IBM. All Rights Reserved.
#
# See LICENSE.txt file in the root directory
# of this source tree for licensing information.
#
import os
from pathlib import Path
from clai.tools.colorize_console import Colorize
from clai.server.searchlib.data import Datastore
from clai.server.agent import Agent
from clai.server.command_message import State, Action, NOOP_COMMAND
from clai.server.logger import current_logger as logger
class HelpMeAgent(Agent):
def __init__(self):
super(HelpMeAgent, self).__init__()
inifile_path = os.path.join(str(Path(__file__).parent.absolute()), 'config.ini')
self.store = Datastore(inifile_path)
def compute_simple_token_similarity(self, src_sequence, tgt_sequence):
src_tokens = set([x.lower().strip() for x in src_sequence.split()])
tgt_tokens = set([x.lower().strip() for x in tgt_sequence.split()])
return len(src_tokens & tgt_tokens) / len(src_tokens)
def compute_confidence(self, query, forum, manpage):
"""
Computes the confidence based on query, stack-exchange post answer and manpage
Algorithm:
1. Compute token-wise similarity b/w query and forum text
2. Compute token-wise similarity b/w forum text and manpage description
3. Return product of two similarities
Args:
query (str): standard error captured in state variable
forum (str): answer text from most relevant stack exchange post w.r.t query
manpage (str): manpage description for most relevant manpage w.r.t. forum
Returns:
confidence (float): confidence on the returned manpage w.r.t. query
"""
query_forum_similarity = self.compute_simple_token_similarity(query, forum[0]['Content'])
forum_manpage_similarity = self.compute_simple_token_similarity(forum[0]['Answer'], manpage)
confidence = query_forum_similarity * forum_manpage_similarity
return confidence
def get_next_action(self, state: State) -> Action:
return Action(suggested_command=state.command)
def post_execute(self, state: State) -> Action:
logger.info("==================== In Helpme Bot:post_execute ============================")
logger.info("State:\n\tCommand: {}\n\tError Code: {}\n\tStderr: {}".format(state.command,
state.result_code,
state.stderr))
logger.info("============================================================================")
if state.result_code == '0':
return Action(suggested_command=state.command)
apis:OrderedDict=self.store.get_apis()
helpWasFound = False
for provider in apis:
# We don't want to process the manpages provider... thats the provider
# that we use to clarify results from other providers
if provider == "manpages":
logger.info(f"Skipping search provider 'manpages'")
continue
thisAPI:Provider = apis[provider]
# Skip this provider if it isn't supported on the target OS
if not thisAPI.can_run_on_this_os():
logger.info(f"Skipping search provider '{provider}'")
logger.info(f"==> Excluded on platforms: {str(thisAPI.get_excludes())}")
continue # Move to next provider in list
logger.info(f"Processing search provider '{provider}'")
if thisAPI.has_variants():
logger.info(f"==> Has search variants: {str(thisAPI.get_variants())}")
variants:List = thisAPI.get_variants()
else:
logger.info(f"==> Has no search variants")
variants:List = [None]
# For each search variant supported by the current API, query
# the data store to find the closest matching data. If there are
# no search variants (ie: the singleton variant case), the variants
# list will only contain a single, Nonetype value.
for variant in variants:
if variant is not None:
logger.info(f"==> Searching variant '{variant}'")
data = self.store.search(state.stderr, service=provider, size=1, searchType=variant)
else:
data = self.store.search(state.stderr, service=provider, size=1)
if data:
apiString = str(thisAPI)
if variant is not None:
apiString = f"{apiString} '{variant}' variant"
logger.info(f"==> Success!!! Found a result in the {apiString}")
# Find closest match b/w relevant data and manpages for unix
searchResult = thisAPI.extract_search_result(data)
manpages = self.store.search(searchResult, service='manpages', size=5)
if manpages:
logger.info("==> Success!!! found relevant manpages.")
command = manpages['commands'][-1]
confidence = manpages['dists'][-1]
# FIXME: Artificially boosted confidence
confidence = 1.0
logger.info("==> Command: {} \t Confidence:{}".format(command, confidence))
# Set return data
suggested_command="man {}".format(command)
description=Colorize() \
.emoji(Colorize.EMOJI_ROBOT).append(f"I did little bit of Internet searching for you, ") \
.append(f"and found this in the {thisAPI}:\n") \
.info() \
.append(thisAPI.get_printable_output(data)) \
.warning() \
.append("Do you want to try: man {}".format(command)) \
.to_console()
# Mark that help was indeed found
helpWasFound = True
# We've found help; no need to keep searching
break
# If we found help, then break out of the outer loop as well
if helpWasFound:
break
if not helpWasFound:
logger.info("Failure: Unable to be helpful")
logger.info("============================================================================")
suggested_command=NOOP_COMMAND
description=Colorize().emoji(Colorize.EMOJI_ROBOT) \
.append(
f"Sorry. It looks like you have stumbled across a problem that even the Internet doesn't have answer to.\n") \
.info() \
.append(f"Have you tried turning it OFF and ON again. ;)") \
.to_console()
confidence=0.0
return Action(suggested_command=suggested_command,
description=description,
confidence=confidence)
| [
"clai.server.searchlib.data.Datastore",
"clai.tools.colorize_console.Colorize",
"clai.server.logger.current_logger.info",
"clai.server.command_message.Action",
"pathlib.Path"
] | [((650, 673), 'clai.server.searchlib.data.Datastore', 'Datastore', (['inifile_path'], {}), '(inifile_path)\n', (659, 673), False, 'from clai.server.searchlib.data import Datastore\n'), ((2081, 2120), 'clai.server.command_message.Action', 'Action', ([], {'suggested_command': 'state.command'}), '(suggested_command=state.command)\n', (2087, 2120), False, 'from clai.server.command_message import State, Action, NOOP_COMMAND\n'), ((2183, 2284), 'clai.server.logger.current_logger.info', 'logger.info', (['"""==================== In Helpme Bot:post_execute ============================"""'], {}), "(\n '==================== In Helpme Bot:post_execute ============================'\n )\n", (2194, 2284), True, 'from clai.server.logger import current_logger as logger\n'), ((2581, 2682), 'clai.server.logger.current_logger.info', 'logger.info', (['"""============================================================================"""'], {}), "(\n '============================================================================'\n )\n", (2592, 2682), True, 'from clai.server.logger import current_logger as logger\n'), ((7396, 7491), 'clai.server.command_message.Action', 'Action', ([], {'suggested_command': 'suggested_command', 'description': 'description', 'confidence': 'confidence'}), '(suggested_command=suggested_command, description=description,\n confidence=confidence)\n', (7402, 7491), False, 'from clai.server.command_message import State, Action, NOOP_COMMAND\n'), ((2738, 2777), 'clai.server.command_message.Action', 'Action', ([], {'suggested_command': 'state.command'}), '(suggested_command=state.command)\n', (2744, 2777), False, 'from clai.server.command_message import State, Action, NOOP_COMMAND\n'), ((3608, 3663), 'clai.server.logger.current_logger.info', 'logger.info', (['f"""Processing search provider \'{provider}\'"""'], {}), '(f"Processing search provider \'{provider}\'")\n', (3619, 3663), True, 'from clai.server.logger import current_logger as logger\n'), ((6778, 6822), 'clai.server.logger.current_logger.info', 'logger.info', (['"""Failure: Unable to be helpful"""'], {}), "('Failure: Unable to be helpful')\n", (6789, 6822), True, 'from clai.server.logger import current_logger as logger\n'), ((6835, 6936), 'clai.server.logger.current_logger.info', 'logger.info', (['"""============================================================================"""'], {}), "(\n '============================================================================'\n )\n", (6846, 6936), True, 'from clai.server.logger import current_logger as logger\n'), ((3097, 3148), 'clai.server.logger.current_logger.info', 'logger.info', (['f"""Skipping search provider \'manpages\'"""'], {}), '(f"Skipping search provider \'manpages\'")\n', (3108, 3148), True, 'from clai.server.logger import current_logger as logger\n'), ((3383, 3436), 'clai.server.logger.current_logger.info', 'logger.info', (['f"""Skipping search provider \'{provider}\'"""'], {}), '(f"Skipping search provider \'{provider}\'")\n', (3394, 3436), True, 'from clai.server.logger import current_logger as logger\n'), ((3892, 3934), 'clai.server.logger.current_logger.info', 'logger.info', (['f"""==> Has no search variants"""'], {}), "(f'==> Has no search variants')\n", (3903, 3934), True, 'from clai.server.logger import current_logger as logger\n'), ((4396, 4445), 'clai.server.logger.current_logger.info', 'logger.info', (['f"""==> Searching variant \'{variant}\'"""'], {}), '(f"==> Searching variant \'{variant}\'")\n', (4407, 4445), True, 'from clai.server.logger import current_logger as logger\n'), ((4905, 4969), 'clai.server.logger.current_logger.info', 'logger.info', (['f"""==> Success!!! Found a result in the {apiString}"""'], {}), "(f'==> Success!!! Found a result in the {apiString}')\n", (4916, 4969), True, 'from clai.server.logger import current_logger as logger\n'), ((5275, 5329), 'clai.server.logger.current_logger.info', 'logger.info', (['"""==> Success!!! found relevant manpages."""'], {}), "('==> Success!!! found relevant manpages.')\n", (5286, 5329), True, 'from clai.server.logger import current_logger as logger\n'), ((580, 594), 'pathlib.Path', 'Path', (['__file__'], {}), '(__file__)\n', (584, 594), False, 'from pathlib import Path\n'), ((7007, 7017), 'clai.tools.colorize_console.Colorize', 'Colorize', ([], {}), '()\n', (7015, 7017), False, 'from clai.tools.colorize_console import Colorize\n'), ((5839, 5849), 'clai.tools.colorize_console.Colorize', 'Colorize', ([], {}), '()\n', (5847, 5849), False, 'from clai.tools.colorize_console import Colorize\n')] |
from .app import data_path
from .optionswin import OptionsWin
from .camera import Camera, CameraControl, getCameraDevices
from .camlabel import CamLabel
from PyQt5.QtCore import pyqtSlot
from PyQt5.QtGui import QImage, QIcon
from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit
import functools
import logging
import os
import glob
import sys
import time
_data_path = os.path.join(os.path.dirname(os.path.abspath(__file__)), "data")
class Action(QAction):
def __init__(self, parent, text, action, shortcut=None, enabled=True):
super().__init__(text, parent)
if shortcut:
self.setShortcut(shortcut)
self.triggered.connect(action)
self.setEnabled(enabled)
class MainWin(QMainWindow):
def __init__(self):
super().__init__()
self.options = OptionsWin(self)
self.options.saveSignal.connect(self.saveOptionsSlot)
self.cameras = []
self.cameraComboBox = QComboBox()
self.camActions = []
self.loadCameras()
self.folderLineEdit = QLineEdit()
self.switching = False
self.camControl = None
self.camLabel = CamLabel(self)
self.imgLabel = CamLabel(self)
self.createWindow()
self.createMenu()
self.createLayout()
def createWindow(self):
self.setWindowIcon(QIcon(os.path.join(data_path, "img", "icon.png")))
self.show()
def createMenu(self):
self.mainMenu = self.menuBar()
fileMenu = self.mainMenu.addMenu("File")
self.snapAction = Action(self, "Snap", self.on_snapAction, "Space", False)
fileMenu.addAction(self.snapAction)
self.saveAction = Action(self, "Save", self.on_saveAction, "Ctrl+S", False)
fileMenu.addAction(self.saveAction)
self.saveAsAction = Action(self, "Save As...", self.on_saveAsAction, "Ctrl+Shift+S", False)
fileMenu.addAction(self.saveAsAction)
fileMenu.addAction(Action(self, "Quit", lambda: self.close(), "Ctrl+Q"))
toolsMenu = self.mainMenu.addMenu("Tools")
toolsMenu.addAction(Action(self, "Options", self.options.show))
helpMenu = self.mainMenu.addMenu("Help")
helpMenu.addAction(Action(self, "About", self.on_aboutAction))
helpMenu.addAction(Action(self, "About Qt", lambda: QMessageBox.aboutQt(self)))
def createLayout(self):
w = QWidget()
vbox = QVBoxLayout()
w.setLayout(vbox)
hbox = QHBoxLayout()
hbox.addWidget(QLabel("Camera:"))
self.cameraComboBox.currentIndexChanged.connect(self.cameraChangedSlot)
hbox.addWidget(self.cameraComboBox)
hbox.addStretch()
hbox.addWidget(QLabel("Folder:"))
hbox.addWidget(self.folderLineEdit)
self.folderLineEdit.returnPressed.connect(lambda: self.folderLineEdit.clearFocus())
vbox.addLayout(hbox)
self.setCamera(None)
vbox.addWidget(self.camLabel)
self.imgLabel.setImage(QImage(os.path.join(data_path, "img", "images.png")))
vbox.addWidget(self.imgLabel)
self.setCentralWidget(w)
self.restoreGeometry(self.options.geometry)
def loadCameras(self):
# Clear old shortcuts
for action in self.camActions:
self.removeAction(action)
# Read camera files
path = os.path.join(self.options.cfgPath, "*.json")
cameras = [Camera.fromJSON(fn) for fn in glob.glob(path)]
cameras.sort(key=lambda cam: cam.name)
self.cameras = [None] + cameras
# Update our camera combo box
items = ["None"] + [cam.name for cam in cameras]
self.cameraComboBox.clear()
self.cameraComboBox.addItems(items)
# Add shortcuts for cameras
for i in range(len(self.cameras)):
f = functools.partial(self.cameraComboBox.setCurrentIndex, i)
action = Action(self, "", f, "Ctrl+%d" % i)
self.addAction(action)
self.camActions.append(action)
def close(self):
if self.camControl:
self.camControl.stopGrab()
super().close()
def on_snapAction(self):
self.snapAction.setEnabled(False)
image = self.camControl.snapshot()
self.imgLabel.setImage(image)
self.snapAction.setEnabled(True)
# Enable image saving
self.saveAction.setEnabled(True)
self.saveAsAction.setEnabled(True)
if self.options.autoSave:
self.on_saveAction()
def savePath(self):
path = os.path.join(
self.options.outputPath,
self.folderLineEdit.text().strip()
)
if not os.path.exists(path):
os.mkdir(path)
fn = os.path.join(path, "%d.jpg" % int(time.time()*1000))
return fn
def saveImage(self, path):
image = self.imgLabel.image()
if not image:
return
logging.debug("saving '%s'" % path)
image = image.mirrored(
horizontal=self.options.flipHoriz,
vertical=self.options.flipVert
)
if not image.save(path, quality=100):
QMessageBox.critical(self, "Couldn't Save Image", "Couldn't Save Image '%s'." % path)
def on_saveAction(self):
path = self.savePath()
self.saveImage(path)
def on_saveAsAction(self):
path = QFileDialog.getSaveFileName(
self,
"Save Image",
self.options.outputPath, "Image File (*.png *.jpg *.bmp)"
)
if path[0]:
self.saveImage(path[0])
def on_aboutAction(self):
msg = (
"{} v{}<br>"
"<br>"
"Copyright (C) 2018 <a href=\"mailto:<EMAIL>\"><NAME></a><br>"
"<br>"
"This software is licensed under WTFPL. See COPYING file for details.<br>"
)
QMessageBox.about(
self,
"About %s" % QApplication.applicationName(),
msg.format(QApplication.applicationName(), QApplication.applicationVersion())
)
def setCamera(self, cam):
if self.switching:
return False
self.switching = True
self.snapAction.setEnabled(False)
# Stop the current camera
if self.camControl:
self.camControl.stopGrab()
self.camControl = None
# Show blank image if we don't have camera
if cam == None:
self.camLabel.setImage(QImage(os.path.join(data_path, "img", "camera.png")))
self.switching = False
return True
# Try to open camera
try:
if not cam.open():
raise Exception()
self.camControl = CameraControl(self, self.camLabel, cam)
self.camControl.startGrab()
except:
QMessageBox.critical(self, "Couldn't Open Camera", "Couldn't Open Camera '%s'." % cam.name)
self.camControl = None
return self.setCamera(None)
# Camera opened successfully
self.snapAction.setEnabled(True)
self.switching = False
return True
@pyqtSlot(int)
def cameraChangedSlot(self, index):
if index >= 0:
self.setCamera(self.cameras[index])
@pyqtSlot()
def saveOptionsSlot(self):
self.loadCameras()
def closeEvent(self, e):
self.options.geometry = self.saveGeometry()
self.options.save()
| [
"os.mkdir",
"PyQt5.QtWidgets.QVBoxLayout",
"glob.glob",
"PyQt5.QtWidgets.QMessageBox.critical",
"os.path.join",
"PyQt5.QtWidgets.QMessageBox.aboutQt",
"PyQt5.QtWidgets.QLabel",
"os.path.abspath",
"PyQt5.QtWidgets.QWidget",
"os.path.exists",
"PyQt5.QtWidgets.QComboBox",
"functools.partial",
"PyQt5.QtWidgets.QApplication.applicationName",
"PyQt5.QtWidgets.QHBoxLayout",
"PyQt5.QtWidgets.QApplication.applicationVersion",
"logging.debug",
"PyQt5.QtWidgets.QLineEdit",
"time.time",
"PyQt5.QtWidgets.QFileDialog.getSaveFileName",
"PyQt5.QtCore.pyqtSlot"
] | [((6212, 6225), 'PyQt5.QtCore.pyqtSlot', 'pyqtSlot', (['int'], {}), '(int)\n', (6220, 6225), False, 'from PyQt5.QtCore import pyqtSlot\n'), ((6323, 6333), 'PyQt5.QtCore.pyqtSlot', 'pyqtSlot', ([], {}), '()\n', (6331, 6333), False, 'from PyQt5.QtCore import pyqtSlot\n'), ((514, 539), 'os.path.abspath', 'os.path.abspath', (['__file__'], {}), '(__file__)\n', (529, 539), False, 'import os\n'), ((995, 1006), 'PyQt5.QtWidgets.QComboBox', 'QComboBox', ([], {}), '()\n', (1004, 1006), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((1078, 1089), 'PyQt5.QtWidgets.QLineEdit', 'QLineEdit', ([], {}), '()\n', (1087, 1089), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((2273, 2282), 'PyQt5.QtWidgets.QWidget', 'QWidget', ([], {}), '()\n', (2280, 2282), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((2292, 2305), 'PyQt5.QtWidgets.QVBoxLayout', 'QVBoxLayout', ([], {}), '()\n', (2303, 2305), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((2338, 2351), 'PyQt5.QtWidgets.QHBoxLayout', 'QHBoxLayout', ([], {}), '()\n', (2349, 2351), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((3103, 3147), 'os.path.join', 'os.path.join', (['self.options.cfgPath', '"""*.json"""'], {}), "(self.options.cfgPath, '*.json')\n", (3115, 3147), False, 'import os\n'), ((4418, 4453), 'logging.debug', 'logging.debug', (['("saving \'%s\'" % path)'], {}), '("saving \'%s\'" % path)\n', (4431, 4453), False, 'import logging\n'), ((4800, 4910), 'PyQt5.QtWidgets.QFileDialog.getSaveFileName', 'QFileDialog.getSaveFileName', (['self', '"""Save Image"""', 'self.options.outputPath', '"""Image File (*.png *.jpg *.bmp)"""'], {}), "(self, 'Save Image', self.options.outputPath,\n 'Image File (*.png *.jpg *.bmp)')\n", (4827, 4910), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((2372, 2389), 'PyQt5.QtWidgets.QLabel', 'QLabel', (['"""Camera:"""'], {}), "('Camera:')\n", (2378, 2389), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((2543, 2560), 'PyQt5.QtWidgets.QLabel', 'QLabel', (['"""Folder:"""'], {}), "('Folder:')\n", (2549, 2560), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((3514, 3571), 'functools.partial', 'functools.partial', (['self.cameraComboBox.setCurrentIndex', 'i'], {}), '(self.cameraComboBox.setCurrentIndex, i)\n', (3531, 3571), False, 'import functools\n'), ((4216, 4236), 'os.path.exists', 'os.path.exists', (['path'], {}), '(path)\n', (4230, 4236), False, 'import os\n'), ((4241, 4255), 'os.mkdir', 'os.mkdir', (['path'], {}), '(path)\n', (4249, 4255), False, 'import os\n'), ((4599, 4689), 'PyQt5.QtWidgets.QMessageBox.critical', 'QMessageBox.critical', (['self', '"""Couldn\'t Save Image"""', '("Couldn\'t Save Image \'%s\'." % path)'], {}), '(self, "Couldn\'t Save Image", \n "Couldn\'t Save Image \'%s\'." % path)\n', (4619, 4689), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((1330, 1372), 'os.path.join', 'os.path.join', (['data_path', '"""img"""', '"""icon.png"""'], {}), "(data_path, 'img', 'icon.png')\n", (1342, 1372), False, 'import os\n'), ((2802, 2846), 'os.path.join', 'os.path.join', (['data_path', '"""img"""', '"""images.png"""'], {}), "(data_path, 'img', 'images.png')\n", (2814, 2846), False, 'import os\n'), ((3191, 3206), 'glob.glob', 'glob.glob', (['path'], {}), '(path)\n', (3200, 3206), False, 'import glob\n'), ((5230, 5260), 'PyQt5.QtWidgets.QApplication.applicationName', 'QApplication.applicationName', ([], {}), '()\n', (5258, 5260), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((5276, 5306), 'PyQt5.QtWidgets.QApplication.applicationName', 'QApplication.applicationName', ([], {}), '()\n', (5304, 5306), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((5308, 5341), 'PyQt5.QtWidgets.QApplication.applicationVersion', 'QApplication.applicationVersion', ([], {}), '()\n', (5339, 5341), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((5951, 6047), 'PyQt5.QtWidgets.QMessageBox.critical', 'QMessageBox.critical', (['self', '"""Couldn\'t Open Camera"""', '("Couldn\'t Open Camera \'%s\'." % cam.name)'], {}), '(self, "Couldn\'t Open Camera", \n "Couldn\'t Open Camera \'%s\'." % cam.name)\n', (5971, 6047), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((2212, 2237), 'PyQt5.QtWidgets.QMessageBox.aboutQt', 'QMessageBox.aboutQt', (['self'], {}), '(self)\n', (2231, 2237), False, 'from PyQt5.QtWidgets import QApplication, QWidget, QMainWindow, QAction, QVBoxLayout, QHBoxLayout, QMessageBox, QFileDialog, QLabel, QPushButton, QComboBox, QLineEdit\n'), ((5681, 5725), 'os.path.join', 'os.path.join', (['data_path', '"""img"""', '"""camera.png"""'], {}), "(data_path, 'img', 'camera.png')\n", (5693, 5725), False, 'import os\n'), ((4297, 4308), 'time.time', 'time.time', ([], {}), '()\n', (4306, 4308), False, 'import time\n')] |
import sys
from os.path import join
from threading import Timer
import numpy as np
from openal.audio import SoundSource
assets_root = getattr(sys, '_MEIPASS', '.')
def get_sfx(name):
return join(assets_root, 'assets', name)
def new_pt(*values):
return np.array(values or (0, 0, 0), dtype=float)
def vec_mag(vec: np.array):
return np.sqrt(vec.dot(vec))
def vec_dist(a: np.array, b: np.array):
return vec_mag(a - b)
class ContinuousSoundSource(SoundSource):
def __init__(self, sound_generator):
super().__init__()
def play_sound():
sound = sound_generator()
self.queue(sound)
self.__dict__['timer'] = timer = Timer(self.calc_length(sound), play_sound)
timer.daemon = True
timer.start()
play_sound()
@staticmethod
def calc_length(sound):
return sound.size / (sound.frequency * sound.bitrate / 8)
| [
"numpy.array",
"os.path.join"
] | [((198, 231), 'os.path.join', 'join', (['assets_root', '"""assets"""', 'name'], {}), "(assets_root, 'assets', name)\n", (202, 231), False, 'from os.path import join\n'), ((266, 308), 'numpy.array', 'np.array', (['(values or (0, 0, 0))'], {'dtype': 'float'}), '(values or (0, 0, 0), dtype=float)\n', (274, 308), True, 'import numpy as np\n')] |
import cirq
import numpy as np
from cirq import Circuit
from cirq.devices import GridQubit
# creating circuit with 5 qubit
length = 5
qubits = [cirq.GridQubit(i, j) for i in range(length) for j in range(length)]
print(qubits)
circuit = cirq.Circuit()
H1 = cirq.H(qubits[0])
H2 = cirq.H(qubits[1])
H3 = cirq.H(qubits[2])
H4 = cirq.H(qubits[3])
H5 = cirq.H(qubits[4])
C1 = cirq.CNOT(qubits[0],qubits[1])
C2 = cirq.CNOT(qubits[1],qubits[2])
C3 = cirq.CNOT(qubits[2],qubits[3])
C4 = cirq.CNOT(qubits[3],qubits[4])
#swap
S1 = cirq.SWAP(qubits[0],qubits[4])
#Rotation
X1 = cirq.X(qubits[0])
X2 = cirq.X(qubits[1])
X3 = cirq.X(qubits[2])
X4 = cirq.X(qubits[3])
X5 = cirq.X(qubits[4])
moment1 = cirq.Moment([H1])
moment2 = cirq.Moment([H2])
moment3 = cirq.Moment([H3])
moment4 = cirq.Moment([H4])
moment5 = cirq.Moment([H5])
moment6 = cirq.Moment([C1])
moment7 = cirq.Moment([C2])
moment8 = cirq.Moment([C3])
moment9 = cirq.Moment([S1])
moment10 = cirq.Moment([X1])
moment11 = cirq.Moment([X2])
moment12 = cirq.Moment([X3])
moment13 = cirq.Moment([X4])
moment14 = cirq.Moment([X5])
#circuit
circuit = cirq.Circuit((moment1, moment2, moment3, moment4, moment5 ,moment6 ,moment7, moment8, moment9, moment10, moment11, moment12, moment13, moment14))
print(circuit)
| [
"cirq.GridQubit",
"cirq.H",
"cirq.SWAP",
"cirq.CNOT",
"cirq.Circuit",
"cirq.Moment",
"cirq.X"
] | [((240, 254), 'cirq.Circuit', 'cirq.Circuit', ([], {}), '()\n', (252, 254), False, 'import cirq\n'), ((260, 277), 'cirq.H', 'cirq.H', (['qubits[0]'], {}), '(qubits[0])\n', (266, 277), False, 'import cirq\n'), ((283, 300), 'cirq.H', 'cirq.H', (['qubits[1]'], {}), '(qubits[1])\n', (289, 300), False, 'import cirq\n'), ((306, 323), 'cirq.H', 'cirq.H', (['qubits[2]'], {}), '(qubits[2])\n', (312, 323), False, 'import cirq\n'), ((329, 346), 'cirq.H', 'cirq.H', (['qubits[3]'], {}), '(qubits[3])\n', (335, 346), False, 'import cirq\n'), ((352, 369), 'cirq.H', 'cirq.H', (['qubits[4]'], {}), '(qubits[4])\n', (358, 369), False, 'import cirq\n'), ((376, 407), 'cirq.CNOT', 'cirq.CNOT', (['qubits[0]', 'qubits[1]'], {}), '(qubits[0], qubits[1])\n', (385, 407), False, 'import cirq\n'), ((412, 443), 'cirq.CNOT', 'cirq.CNOT', (['qubits[1]', 'qubits[2]'], {}), '(qubits[1], qubits[2])\n', (421, 443), False, 'import cirq\n'), ((448, 479), 'cirq.CNOT', 'cirq.CNOT', (['qubits[2]', 'qubits[3]'], {}), '(qubits[2], qubits[3])\n', (457, 479), False, 'import cirq\n'), ((484, 515), 'cirq.CNOT', 'cirq.CNOT', (['qubits[3]', 'qubits[4]'], {}), '(qubits[3], qubits[4])\n', (493, 515), False, 'import cirq\n'), ((527, 558), 'cirq.SWAP', 'cirq.SWAP', (['qubits[0]', 'qubits[4]'], {}), '(qubits[0], qubits[4])\n', (536, 558), False, 'import cirq\n'), ((574, 591), 'cirq.X', 'cirq.X', (['qubits[0]'], {}), '(qubits[0])\n', (580, 591), False, 'import cirq\n'), ((597, 614), 'cirq.X', 'cirq.X', (['qubits[1]'], {}), '(qubits[1])\n', (603, 614), False, 'import cirq\n'), ((620, 637), 'cirq.X', 'cirq.X', (['qubits[2]'], {}), '(qubits[2])\n', (626, 637), False, 'import cirq\n'), ((643, 660), 'cirq.X', 'cirq.X', (['qubits[3]'], {}), '(qubits[3])\n', (649, 660), False, 'import cirq\n'), ((666, 683), 'cirq.X', 'cirq.X', (['qubits[4]'], {}), '(qubits[4])\n', (672, 683), False, 'import cirq\n'), ((696, 713), 'cirq.Moment', 'cirq.Moment', (['[H1]'], {}), '([H1])\n', (707, 713), False, 'import cirq\n'), ((724, 741), 'cirq.Moment', 'cirq.Moment', (['[H2]'], {}), '([H2])\n', (735, 741), False, 'import cirq\n'), ((752, 769), 'cirq.Moment', 'cirq.Moment', (['[H3]'], {}), '([H3])\n', (763, 769), False, 'import cirq\n'), ((780, 797), 'cirq.Moment', 'cirq.Moment', (['[H4]'], {}), '([H4])\n', (791, 797), False, 'import cirq\n'), ((808, 825), 'cirq.Moment', 'cirq.Moment', (['[H5]'], {}), '([H5])\n', (819, 825), False, 'import cirq\n'), ((836, 853), 'cirq.Moment', 'cirq.Moment', (['[C1]'], {}), '([C1])\n', (847, 853), False, 'import cirq\n'), ((864, 881), 'cirq.Moment', 'cirq.Moment', (['[C2]'], {}), '([C2])\n', (875, 881), False, 'import cirq\n'), ((892, 909), 'cirq.Moment', 'cirq.Moment', (['[C3]'], {}), '([C3])\n', (903, 909), False, 'import cirq\n'), ((920, 937), 'cirq.Moment', 'cirq.Moment', (['[S1]'], {}), '([S1])\n', (931, 937), False, 'import cirq\n'), ((949, 966), 'cirq.Moment', 'cirq.Moment', (['[X1]'], {}), '([X1])\n', (960, 966), False, 'import cirq\n'), ((978, 995), 'cirq.Moment', 'cirq.Moment', (['[X2]'], {}), '([X2])\n', (989, 995), False, 'import cirq\n'), ((1007, 1024), 'cirq.Moment', 'cirq.Moment', (['[X3]'], {}), '([X3])\n', (1018, 1024), False, 'import cirq\n'), ((1036, 1053), 'cirq.Moment', 'cirq.Moment', (['[X4]'], {}), '([X4])\n', (1047, 1053), False, 'import cirq\n'), ((1065, 1082), 'cirq.Moment', 'cirq.Moment', (['[X5]'], {}), '([X5])\n', (1076, 1082), False, 'import cirq\n'), ((1103, 1252), 'cirq.Circuit', 'cirq.Circuit', (['(moment1, moment2, moment3, moment4, moment5, moment6, moment7, moment8,\n moment9, moment10, moment11, moment12, moment13, moment14)'], {}), '((moment1, moment2, moment3, moment4, moment5, moment6, moment7,\n moment8, moment9, moment10, moment11, moment12, moment13, moment14))\n', (1115, 1252), False, 'import cirq\n'), ((146, 166), 'cirq.GridQubit', 'cirq.GridQubit', (['i', 'j'], {}), '(i, j)\n', (160, 166), False, 'import cirq\n')] |
import networkx as nx
from parse import read_input_file, write_output_file
from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast
import sys
import time
import multiprocessing
def solve(G, depth):
"""
Args:
G: networkx.Graph
Returns:
T: networkx.Graph
"""
result = []
STs = genST(G, depth)
print("STs gen!")
i = 0
for ST in STs:
weight = 0
for edge in ST.edges:
weight += ST.edges[edge]['weight']
for ST in STs:
if i < depth:
i += 1
result += [starter(ST,G)]
print("MDT gen!")
result = sorted(result, key=lambda G: average_pairwise_distance_fast(G))
#t = time.time() - start_time
#print("total time takes:%d"%t)
#print(result[0])
return result[0]
def deletenode(T,O):
oldcost = average_pairwise_distance_fast(T)
leaves = []
P = T.copy()
for node in T.nodes:
if T.degree[node] == 1:
leaves += [node]
leaves = sorted( leaves, key=lambda node: T.edges[ (list(T[node])[0], node) ]['weight'],reverse=True)
for i in range(len(leaves)):
G = T.copy()
G.remove_node(leaves[i])
if is_valid_network(O,G):
newcost = average_pairwise_distance_fast(G)
if newcost < oldcost:
P = deletenode(G,O)
return P
return P
def starter(T,O):
GraphArray = []
oldcost = average_pairwise_distance_fast(T)
leaves = []
for node in T.nodes:
if T.degree[node] == 1:
leaves += [node]
leaves = sorted( leaves, key=lambda node: T.edges[ (list(T[node])[0], node) ]['weight'],reverse=True)
for i in range(len(leaves)):
G = T.copy()
G.remove_node(leaves[i])
if is_valid_network(O,G):
newcost = average_pairwise_distance_fast(G)
if newcost < oldcost:
GraphArray += [G]
if len(GraphArray) < 2:
return deletenode(T,O)
elif len(GraphArray) == 2:
return delete3node_S(GraphArray,O)
else:
return delete3node(GraphArray[:3], O)
def delete3node_S(GraphArray,O):
newGraphArray = GraphArray.copy()
for T in GraphArray:
oldcost = average_pairwise_distance_fast(T)
leaves = []
for node in T.nodes:
if T.degree[node] == 1:
leaves += [node]
leaves = sorted( leaves, key=lambda node: T.edges[ (list(T[node])[0], node) ]['weight'],reverse=True)
cnt = 0
for i in range(len(leaves)):
if cnt < 3:
G = T.copy()
G.remove_node(leaves[i])
if is_valid_network(O,G):
cnt += 1
newcost = average_pairwise_distance_fast(G)
if newcost < oldcost:
newGraphArray += [G]
newGraphArray = sorted( newGraphArray, key=lambda tree: average_pairwise_distance_fast(tree))
if len(newGraphArray) == 2:
return newGraphArray[0]
else:
newGraphArray = newGraphArray[:3]
return delete3node(newGraphArray,O)
def delete3node(GraphArray,O):
newGraphArray = GraphArray.copy()
for T in GraphArray:
oldcost = average_pairwise_distance_fast(T)
leaves = []
for node in T.nodes:
if T.degree[node] == 1:
leaves += [node]
leaves = sorted( leaves, key=lambda node: T.edges[ (list(T[node])[0], node) ]['weight'],reverse=True)
cnt = 0
for i in range(len(leaves)):
if cnt < 3:
G = T.copy()
G.remove_node(leaves[i])
if is_valid_network(O,G):
cnt += 1
newcost = average_pairwise_distance_fast(G)
if newcost < oldcost:
newGraphArray += [G]
newGraphArray = sorted( newGraphArray, key=lambda tree: average_pairwise_distance_fast(tree))
if len(newGraphArray) == 3:
return newGraphArray[0]
else:
newGraphArray = newGraphArray[:3]
return delete3node(newGraphArray,O)
def genST(G, depth):
output = []
outgraphs = []
for u, v in G.edges:
G.edges[u, v]['property'] = 'normal'
List = {G}
G.graph['MST'] = KruskalMST(G)
MST = {tuple(G.graph['MST'])}
if depth == -1:
while len(MST) != 0:
temp = min(List, key = lambda g: g.graph['cost'])
output.append(temp.graph['MST'])
List.remove(temp)
MST.remove(tuple(temp.graph['MST']))
Partition(temp, List, MST)
else:
while len(MST) != 0 and len(output) < depth:
temp = min(List, key = lambda g: g.graph['cost'])
output.append(temp.graph['MST'])
List.remove(temp)
MST.remove(tuple(temp.graph['MST']))
Partition(temp, List, MST)
for edges in output:
P = nx.Graph()
for edge in edges:
P.add_edge(edge[0], edge[1])
P.edges[edge[0], edge[1]]['weight'] = G.edges[edge[0], edge[1]]['weight']
outgraphs += [P]
return outgraphs
def Partition(P, List, MST):
P1 = nx.Graph()
P2 = nx.Graph()
P1 = P.copy()
P2 = P.copy()
for u, v in P.graph['MST']:
if P.edges[u, v]['property'] == 'normal':
P1.edges[u, v]['property'] = 'excluded'
P2.edges[u, v]['property'] = 'included'
MSTP1 = KruskalMST(P1)
P1.graph['MST'] = MSTP1
#check if P1 is connected
P3 = P1.copy()
for u, v in P1.edges:
if P1.edges[u, v]['property'] == 'excluded':
P3.remove_edge(u, v)
if len(list(nx.dfs_edges(P3, source=1))) == P3.number_of_nodes() - 1:
List.add(P1)
MST.add(tuple(MSTP1))
P1 = P2.copy()
def KruskalMST(P):
G = P.copy()
cost = 0
normal_edges = [] #store all the normal edges
result =[] #This will store the resultant MST
i = 0 # An index variable, used for sorted edges
e = 0 # An index variable, used for result[]
for node in G.nodes:
G.nodes[node]['parent'] = node
G.nodes[node]['rank'] = 0
for u, v in G.edges:
if G.edges[u, v]['property'] == 'included':
x = find(G, u)
y = find(G ,v)
union(G, x, y)
result.append((u, v))
e += 1
elif G.edges[u, v]['property'] == 'excluded':
G.edges[u, v]['weight'] = 1000
normal_edges.append((u, v))
else: normal_edges.append((u, v))
# Step 1: Sort all the edges in non-decreasing
# order of their
# weight. If we are not allowed to change the
# given graph, we can create a copy of graph
if len(normal_edges) == 0:
return result
sortedges = sorted( normal_edges, key=lambda edge: G.edges[edge]['weight'])
# Create V subsets with single elements
# Number of edges to be taken is equal to V-1
while e < G.number_of_nodes() - 1:
# Step 2: Pick the smallest edge and increment
# the index for next iteration
if i > len(sortedges) - 1:
return []
u,v = sortedges[i]
i = i + 1
x = find(G, u)
y = find(G ,v)
# If including this edge does't cause cycle,
# include it in result and increment the index
# of result for next edge
if x != y:
e = e + 1
result.append((u,v))
union(G, x, y)
# Else discard the edge
for i,j in result:
cost += P.edges[i, j]['weight']
P.graph['cost'] = cost
P.graph['MST'] = result
return result
def union(G, x, y):
xroot = find(G, x)
yroot = find(G, y)
# Attach smaller rank tree under root of
# high rank tree (Union by Rank)
if G.nodes[xroot]['rank'] < G.nodes[yroot]['rank']:
G.nodes[xroot]['parent'] = yroot
elif G.nodes[xroot]['rank'] > G.nodes[yroot]['rank']:
G.nodes[yroot]['parent'] = xroot
# If ranks are same, then make one as root
# and increment its rank by one
else :
G.nodes[yroot]['parent'] = xroot
G.nodes[xroot]['rank'] += 1
def find(G, i):
if G.nodes[i]['parent'] == i:
return i
return find(G, G.nodes[i]['parent'])
# Here's an example of how to run your solver.
# Usage: python3 solver.py
def solver_multi_threading(i, depth = 1000):
path = "inputs/{}-{}.in".format(i[0], i[1])
G = read_input_file(path)
print("Input {} success!".format(path))
T = solve(G, depth)
#print("Average pairwise distance: {}".format(average_pairwise_distance_fast(T)))
print("Output {} success!".format(path))
write_output_file("outputs/{}-{}.out".format(i[0], i[1]), T)
def main():
tt = sys.argv[1]
cores = multiprocessing.cpu_count()
pool = multiprocessing.Pool(processes=cores)
task = []
small_index = list(range(1, 304))
med_index = list(range(304, 607))
large_index = list(range(607, 1007))
if tt == "all":
task = large_index + med_index + small_index
elif tt == 'small':
task = small_index
elif tt == 'medium':
task = med_index
elif tt == 'large':
task = large_index
pool.map(solver_multi_threading, task)
def p_main():
path = sys.argv[1]
f = open(path, 'r')
lines = f.readlines()
task = []
for line in lines:
(l, r) = line.split()
(n, i) = l.split('-')
i = int(i)
print(n,i,r)
if(int(r) > 10):
task.append((n, i))
cores = multiprocessing.cpu_count()
pool = multiprocessing.Pool(processes=cores)
pool.map(solver_multi_threading, task)
if __name__ == "__main__":
p_main()
| [
"networkx.dfs_edges",
"Utility.is_valid_network",
"Utility.average_pairwise_distance_fast",
"networkx.Graph",
"parse.read_input_file",
"multiprocessing.Pool",
"multiprocessing.cpu_count"
] | [((866, 899), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['T'], {}), '(T)\n', (896, 899), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((1464, 1497), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['T'], {}), '(T)\n', (1494, 1497), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((5209, 5219), 'networkx.Graph', 'nx.Graph', ([], {}), '()\n', (5217, 5219), True, 'import networkx as nx\n'), ((5229, 5239), 'networkx.Graph', 'nx.Graph', ([], {}), '()\n', (5237, 5239), True, 'import networkx as nx\n'), ((8629, 8650), 'parse.read_input_file', 'read_input_file', (['path'], {}), '(path)\n', (8644, 8650), False, 'from parse import read_input_file, write_output_file\n'), ((8967, 8994), 'multiprocessing.cpu_count', 'multiprocessing.cpu_count', ([], {}), '()\n', (8992, 8994), False, 'import multiprocessing\n'), ((9006, 9043), 'multiprocessing.Pool', 'multiprocessing.Pool', ([], {'processes': 'cores'}), '(processes=cores)\n', (9026, 9043), False, 'import multiprocessing\n'), ((9744, 9771), 'multiprocessing.cpu_count', 'multiprocessing.cpu_count', ([], {}), '()\n', (9769, 9771), False, 'import multiprocessing\n'), ((9783, 9820), 'multiprocessing.Pool', 'multiprocessing.Pool', ([], {'processes': 'cores'}), '(processes=cores)\n', (9803, 9820), False, 'import multiprocessing\n'), ((1223, 1245), 'Utility.is_valid_network', 'is_valid_network', (['O', 'G'], {}), '(O, G)\n', (1239, 1245), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((1804, 1826), 'Utility.is_valid_network', 'is_valid_network', (['O', 'G'], {}), '(O, G)\n', (1820, 1826), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((2256, 2289), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['T'], {}), '(T)\n', (2286, 2289), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((3258, 3291), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['T'], {}), '(T)\n', (3288, 3291), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((4959, 4969), 'networkx.Graph', 'nx.Graph', ([], {}), '()\n', (4967, 4969), True, 'import networkx as nx\n'), ((1268, 1301), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['G'], {}), '(G)\n', (1298, 1301), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((1849, 1882), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['G'], {}), '(G)\n', (1879, 1882), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((682, 715), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['G'], {}), '(G)\n', (712, 715), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((2684, 2706), 'Utility.is_valid_network', 'is_valid_network', (['O', 'G'], {}), '(O, G)\n', (2700, 2706), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((2947, 2983), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['tree'], {}), '(tree)\n', (2977, 2983), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((3686, 3708), 'Utility.is_valid_network', 'is_valid_network', (['O', 'G'], {}), '(O, G)\n', (3702, 3708), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((3949, 3985), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['tree'], {}), '(tree)\n', (3979, 3985), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((2766, 2799), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['G'], {}), '(G)\n', (2796, 2799), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((3768, 3801), 'Utility.average_pairwise_distance_fast', 'average_pairwise_distance_fast', (['G'], {}), '(G)\n', (3798, 3801), False, 'from Utility import is_valid_network, average_pairwise_distance, average_pairwise_distance_fast\n'), ((5758, 5784), 'networkx.dfs_edges', 'nx.dfs_edges', (['P3'], {'source': '(1)'}), '(P3, source=1)\n', (5770, 5784), True, 'import networkx as nx\n')] |
"""
Contains functions related to Discord-specific features, such as embeds.
"""
import discord
import datetime
import time
from botforces.utils.constants import (
NUMBER_OF_ACS,
USER_WEBSITE_URL,
PROBLEM_WEBSITE_URL,
)
from botforces.utils.services import enclose_tags_in_spoilers
"""
User embeds.
"""
async def create_user_embed(user, author, color):
"""
Creates an embed with user information.
"""
Embed = discord.Embed(
title=user["handle"],
url=f"{USER_WEBSITE_URL}{user['handle']}",
color=color,
)
Embed.set_thumbnail(url=user["avatar"])
if "firstName" in user and "lastName" in user:
Embed.add_field(
name="Name",
value=f"{user['firstName']} {user['lastName']}",
inline=False,
)
if "city" in user and "country" in user:
Embed.add_field(
name="City",
value=f"{user['city']}, {user['country']}",
inline=False,
)
if "rank" in user:
Embed.add_field(
name="Rank",
value=user["rank"].title(),
inline=False,
)
else:
Embed.add_field(name="Rank", value="Unranked", inline=False)
if "rating" in user:
Embed.add_field(
name="Rating",
value=user["rating"],
inline=False,
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
"""
Problem embeds.
"""
async def create_problem_embed(problem, author):
"""
Creates an embed with problem information.
"""
Embed = discord.Embed(
title=f"{problem['contestId']}{problem['contestIndex']}. {problem['name']}",
url=f"{PROBLEM_WEBSITE_URL}{problem['contestId']}/{problem['contestIndex']}",
color=0xFF0000,
)
Embed.add_field(name="Rating", value=problem[4], inline=False)
# Printing the tags in spoilers
if problem["tags"] != "[]":
tags = await enclose_tags_in_spoilers(problem["tags"])
Embed.add_field(name="Tags", value=tags)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
"""
Upcoming contests embeds.
"""
async def create_contest_embed(contestList, author):
"""
Creates an embed with contest information.
"""
Embed = discord.Embed(title="List of upcoming contests", color=0xFF0000)
# Adding each contest as a field to the embed
for contest in contestList:
# Obtaining the start time of the contest
date = datetime.datetime.fromtimestamp(contest["startTimeSeconds"])
dateString = date.strftime("%b %d, %Y, %H:%M")
# Obtaining contest duration
duration = datetime.timedelta(seconds=contest["durationSeconds"])
hours = duration.seconds // 3600
minutes = (duration.seconds // 60) % 60
Embed.add_field(
name=contest["name"],
value=f"{contest['id']} - {dateString} {time.tzname[0]} - {hours} hrs, {minutes} mins",
inline=False,
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
"""
Stalk embeds.
"""
async def create_submissions_embed(submissions, count, handle, author):
"""
Creates an embed with information about a user's last n solved problems.
"""
Embed = discord.Embed(
title=f"Last {count} solved by {handle}",
description=submissions,
color=0xFF0000,
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
"""
Graph embeds.
"""
async def create_rating_plot_embed(handle, author):
"""
Creates an embed with the rating plot of a user.
"""
Embed = discord.Embed(
title=f"{handle}'s solved problems",
description="Note: ? refers to problems that do not have a rating on Codeforces.",
color=0xFF0000,
)
Embed.set_image(url="attachment://figure.png")
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_index_plot_embed(handle, author):
"""
Creates an embed with the index plot of a user.
"""
Embed = discord.Embed(title=f"{handle}'s solved problems", color=0xFF0000)
Embed.set_image(url="attachment://figure.png")
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_tags_plot_embed(handle, author):
"""
Creates an embed with the tags plot of a user.
"""
Embed = discord.Embed(title=f"{handle}'s solved problems", color=0xFF0000)
Embed.set_image(url="attachment://figure.png")
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
"""
Help embeds.
"""
async def create_general_help_embed(author):
"""
Displays an embed with instructions on how to use all commands.
"""
Embed = discord.Embed(
title="Help Menu",
description="Type `-help command` to learn about a specific command.",
color=0xFF0000,
)
Embed.add_field(
name="user", value="Displays information about a user.", inline=False
)
Embed.add_field(
name="stalk",
value="Displays the last n problems solved by a user.",
inline=False,
)
Embed.add_field(name="problem", value="Displays a random problem.", inline=False)
Embed.add_field(
name="upcoming",
value="Displays the list of upcoming Codeforces contests.",
inline=False,
)
Embed.add_field(
name="duel",
value="Challenges another user to a duel over a problem.",
inline=False,
)
Embed.add_field(
name="plotrating",
value="Plots the problems done by a user, grouped by rating.",
inline=False,
)
Embed.add_field(
name="plotindex",
value="Plots the problems done by a user, grouped by contest index.",
inline=False,
)
Embed.add_field(
name="plottags",
value="Plots the problems done by a user, grouped by tags.",
inline=False,
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_user_help_embed(author):
"""
Displays an embed with instructions on how to use the user command.
"""
Embed = discord.Embed(
title="user", description="Displays information about a user.", color=0xFF0000
)
Embed.add_field(name="Syntax", value="`-user <codeforces_handle>`", inline=False)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_stalk_help_embed(author):
"""
Displays an embed with instructions on how to use the stalk command.
"""
Embed = discord.Embed(
title="stalk",
description=f"Displays the last n problems solved by a user ({NUMBER_OF_ACS} by default).",
color=0xFF0000,
)
Embed.add_field(
name="Syntax",
value=f"`-stalk <codeforces_handle>` - Displays last {NUMBER_OF_ACS} submissions of the user\n`-stalk <codeforces_handle> <n>` - Displays last n submissions of the user",
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_problem_help_embed(author):
"""
Displays an embed with instructions on how to use the problem command.
"""
Embed = discord.Embed(
title="problem",
description="Displays a random problem of optional rating and/or tags.",
color=0xFF0000,
)
Embed.add_field(
name="Syntax",
value='`-problem` - Displays a random problem.\n`-problem <rating>` - Displays a random problem of that rating.\n`-problem <list_of_tags>` - Displays a random problem of those tags (multiple tags are allowed).\n`-problem <rating> <list_of_tags>` - Displays a random problem of those tags and rating (order does not matter).\n\nNote: For tags like "binary search", enclose the tag in double quotes.',
inline=False,
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_upcoming_help_embed(author):
"""
Displays an embed with instructions on how to use the upcoming command.
"""
Embed = discord.Embed(
title="upcoming",
description="Displays information about upcoming contests.",
color=0xFF0000,
)
Embed.add_field(name="Syntax", value="`-upcoming`", inline=False)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_duel_help_embed(author):
"""
Displays an embed with instructions on how to use the duel command.
"""
Embed = discord.Embed(
title="duel",
description="Challenges another user to a duel over a problem.",
color=0xFF0000,
)
Embed.add_field(
name="Syntax",
value="`-duel @<discord_user> <optional_rating> <optional_tags>` - To challenge a user\n`-endduel` - To end a duel and decide the result (only if a duel is in progress).",
inline=False,
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_plotrating_help_embed(author):
"""
Displays an embed with instructions on how to use the plotrating command.
"""
Embed = discord.Embed(
title="plotrating",
description="Plots the problems done by a user, grouped by rating.",
color=0xFF0000,
)
Embed.add_field(
name="Syntax", value="`-plotrating <codeforces_handle>`", inline=False
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_plotindex_help_embed(author):
"""
Displays an embed with instructions on how to use the plotindex command.
"""
Embed = discord.Embed(
title="plotindex",
description="Plots the problems done by a user, grouped by contest index.",
color=0xFF0000,
)
Embed.add_field(
name="Syntax", value="`-plotindex <codeforces_handle>`", inline=False
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
async def create_plottags_help_embed(author):
"""
Displays an embed with instructions on how to use the plottags command.
"""
Embed = discord.Embed(
title="plottags",
description="Plots the problems done by a user, grouped by tags.",
color=0xFF0000,
)
Embed.add_field(
name="Syntax", value="`-plottags <codeforces_handle>`", inline=False
)
Embed.set_footer(icon_url=author.avatar_url, text=str(author))
return Embed
"""
Duel embeds.
"""
async def create_duel_begin_embed(problem, author, opponent):
"""
Displays an embed with information about the duel.
"""
Embed = discord.Embed(
title=f"{problem['contestId']}{problem['contestIndex']}. {problem['name']}",
url=f"{PROBLEM_WEBSITE_URL}{problem['contestId']}/{problem['contestIndex']}",
description="The duel starts now!",
color=0xFF0000,
)
Embed.add_field(name="Rating", value=problem["rating"], inline=False)
# Printing the tags in spoilers
if problem["tags"] != "[]":
tags = await enclose_tags_in_spoilers(problem["tags"])
Embed.add_field(name="Tags", value=tags)
Embed.add_field(
name="Duel",
value=f"{author.display_name} vs {opponent.display_name}",
inline=False,
)
return Embed
async def create_duels_embed(duels):
"""
Displays an embed with information about all ongoing duels.
"""
Embed = discord.Embed(
title="Ongoing duels",
color=0xFF0000,
)
# Adding fields to embed
for duel in duels:
date = datetime.datetime.strptime(
duel["startTime"], "%Y-%m-%d %H:%M:%S.%f"
).strftime("%b %d, %Y %H:%M:%S")
Embed.add_field(
name=f"{duel['handle_1']} vs {duel['handle_2']}",
value=f"Problem: {PROBLEM_WEBSITE_URL}{duel['contestId']}/{duel['contestIndex']}\nStart Time: {date} {time.tzname[0]}",
inline=False,
)
return Embed
| [
"botforces.utils.services.enclose_tags_in_spoilers",
"discord.Embed",
"datetime.datetime.strptime",
"datetime.timedelta",
"datetime.datetime.fromtimestamp"
] | [((445, 541), 'discord.Embed', 'discord.Embed', ([], {'title': "user['handle']", 'url': 'f"""{USER_WEBSITE_URL}{user[\'handle\']}"""', 'color': 'color'}), '(title=user[\'handle\'], url=\n f"{USER_WEBSITE_URL}{user[\'handle\']}", color=color)\n', (458, 541), False, 'import discord\n'), ((1616, 1818), 'discord.Embed', 'discord.Embed', ([], {'title': 'f"""{problem[\'contestId\']}{problem[\'contestIndex\']}. {problem[\'name\']}"""', 'url': 'f"""{PROBLEM_WEBSITE_URL}{problem[\'contestId\']}/{problem[\'contestIndex\']}"""', 'color': '(16711680)'}), '(title=\n f"{problem[\'contestId\']}{problem[\'contestIndex\']}. {problem[\'name\']}",\n url=\n f"{PROBLEM_WEBSITE_URL}{problem[\'contestId\']}/{problem[\'contestIndex\']}",\n color=16711680)\n', (1629, 1818), False, 'import discord\n'), ((2334, 2398), 'discord.Embed', 'discord.Embed', ([], {'title': '"""List of upcoming contests"""', 'color': '(16711680)'}), "(title='List of upcoming contests', color=16711680)\n", (2347, 2398), False, 'import discord\n'), ((3351, 3452), 'discord.Embed', 'discord.Embed', ([], {'title': 'f"""Last {count} solved by {handle}"""', 'description': 'submissions', 'color': '(16711680)'}), "(title=f'Last {count} solved by {handle}', description=\n submissions, color=16711680)\n", (3364, 3452), False, 'import discord\n'), ((3725, 3883), 'discord.Embed', 'discord.Embed', ([], {'title': 'f"""{handle}\'s solved problems"""', 'description': '"""Note: ? refers to problems that do not have a rating on Codeforces."""', 'color': '(16711680)'}), '(title=f"{handle}\'s solved problems", description=\n \'Note: ? refers to problems that do not have a rating on Codeforces.\',\n color=16711680)\n', (3738, 3883), False, 'import discord\n'), ((4176, 4242), 'discord.Embed', 'discord.Embed', ([], {'title': 'f"""{handle}\'s solved problems"""', 'color': '(16711680)'}), '(title=f"{handle}\'s solved problems", color=16711680)\n', (4189, 4242), False, 'import discord\n'), ((4511, 4577), 'discord.Embed', 'discord.Embed', ([], {'title': 'f"""{handle}\'s solved problems"""', 'color': '(16711680)'}), '(title=f"{handle}\'s solved problems", color=16711680)\n', (4524, 4577), False, 'import discord\n'), ((4881, 5005), 'discord.Embed', 'discord.Embed', ([], {'title': '"""Help Menu"""', 'description': '"""Type `-help command` to learn about a specific command."""', 'color': '(16711680)'}), "(title='Help Menu', description=\n 'Type `-help command` to learn about a specific command.', color=16711680)\n", (4894, 5005), False, 'import discord\n'), ((6312, 6410), 'discord.Embed', 'discord.Embed', ([], {'title': '"""user"""', 'description': '"""Displays information about a user."""', 'color': '(16711680)'}), "(title='user', description=\n 'Displays information about a user.', color=16711680)\n", (6325, 6410), False, 'import discord\n'), ((6738, 6884), 'discord.Embed', 'discord.Embed', ([], {'title': '"""stalk"""', 'description': 'f"""Displays the last n problems solved by a user ({NUMBER_OF_ACS} by default)."""', 'color': '(16711680)'}), "(title='stalk', description=\n f'Displays the last n problems solved by a user ({NUMBER_OF_ACS} by default).'\n , color=16711680)\n", (6751, 6884), False, 'import discord\n'), ((7371, 7500), 'discord.Embed', 'discord.Embed', ([], {'title': '"""problem"""', 'description': '"""Displays a random problem of optional rating and/or tags."""', 'color': '(16711680)'}), "(title='problem', description=\n 'Displays a random problem of optional rating and/or tags.', color=16711680\n )\n", (7384, 7500), False, 'import discord\n'), ((8240, 8353), 'discord.Embed', 'discord.Embed', ([], {'title': '"""upcoming"""', 'description': '"""Displays information about upcoming contests."""', 'color': '(16711680)'}), "(title='upcoming', description=\n 'Displays information about upcoming contests.', color=16711680)\n", (8253, 8353), False, 'import discord\n'), ((8680, 8793), 'discord.Embed', 'discord.Embed', ([], {'title': '"""duel"""', 'description': '"""Challenges another user to a duel over a problem."""', 'color': '(16711680)'}), "(title='duel', description=\n 'Challenges another user to a duel over a problem.', color=16711680)\n", (8693, 8793), False, 'import discord\n'), ((9314, 9437), 'discord.Embed', 'discord.Embed', ([], {'title': '"""plotrating"""', 'description': '"""Plots the problems done by a user, grouped by rating."""', 'color': '(16711680)'}), "(title='plotrating', description=\n 'Plots the problems done by a user, grouped by rating.', color=16711680)\n", (9327, 9437), False, 'import discord\n'), ((9810, 9944), 'discord.Embed', 'discord.Embed', ([], {'title': '"""plotindex"""', 'description': '"""Plots the problems done by a user, grouped by contest index."""', 'color': '(16711680)'}), "(title='plotindex', description=\n 'Plots the problems done by a user, grouped by contest index.', color=\n 16711680)\n", (9823, 9944), False, 'import discord\n'), ((10309, 10428), 'discord.Embed', 'discord.Embed', ([], {'title': '"""plottags"""', 'description': '"""Plots the problems done by a user, grouped by tags."""', 'color': '(16711680)'}), "(title='plottags', description=\n 'Plots the problems done by a user, grouped by tags.', color=16711680)\n", (10322, 10428), False, 'import discord\n'), ((10815, 11053), 'discord.Embed', 'discord.Embed', ([], {'title': 'f"""{problem[\'contestId\']}{problem[\'contestIndex\']}. {problem[\'name\']}"""', 'url': 'f"""{PROBLEM_WEBSITE_URL}{problem[\'contestId\']}/{problem[\'contestIndex\']}"""', 'description': '"""The duel starts now!"""', 'color': '(16711680)'}), '(title=\n f"{problem[\'contestId\']}{problem[\'contestIndex\']}. {problem[\'name\']}",\n url=\n f"{PROBLEM_WEBSITE_URL}{problem[\'contestId\']}/{problem[\'contestIndex\']}",\n description=\'The duel starts now!\', color=16711680)\n', (10828, 11053), False, 'import discord\n'), ((11619, 11671), 'discord.Embed', 'discord.Embed', ([], {'title': '"""Ongoing duels"""', 'color': '(16711680)'}), "(title='Ongoing duels', color=16711680)\n", (11632, 11671), False, 'import discord\n'), ((2548, 2608), 'datetime.datetime.fromtimestamp', 'datetime.datetime.fromtimestamp', (["contest['startTimeSeconds']"], {}), "(contest['startTimeSeconds'])\n", (2579, 2608), False, 'import datetime\n'), ((2721, 2775), 'datetime.timedelta', 'datetime.timedelta', ([], {'seconds': "contest['durationSeconds']"}), "(seconds=contest['durationSeconds'])\n", (2739, 2775), False, 'import datetime\n'), ((1990, 2031), 'botforces.utils.services.enclose_tags_in_spoilers', 'enclose_tags_in_spoilers', (["problem['tags']"], {}), "(problem['tags'])\n", (2014, 2031), False, 'from botforces.utils.services import enclose_tags_in_spoilers\n'), ((11240, 11281), 'botforces.utils.services.enclose_tags_in_spoilers', 'enclose_tags_in_spoilers', (["problem['tags']"], {}), "(problem['tags'])\n", (11264, 11281), False, 'from botforces.utils.services import enclose_tags_in_spoilers\n'), ((11763, 11832), 'datetime.datetime.strptime', 'datetime.datetime.strptime', (["duel['startTime']", '"""%Y-%m-%d %H:%M:%S.%f"""'], {}), "(duel['startTime'], '%Y-%m-%d %H:%M:%S.%f')\n", (11789, 11832), False, 'import datetime\n')] |
"""
Test the ability to ignore undriven inputs (useful for formal verification
tools that use undriven inputs to mark wires that can take on any value)
"""
import pytest
import magma as m
from magma.testing import check_files_equal
def test_ignore_unused_undriven_basic():
class Main(m.Circuit):
_ignore_undriven_ = True
io = m.IO(I=m.In(m.Bit), O=m.Out(m.Bit))
temp = ~io.I
m.compile("build/test_ignore_unused_undriven_basic", Main, inline=True,
drive_undriven=True, terminate_unused=True)
assert check_files_equal(__file__,
"build/test_ignore_unused_undriven_basic.v",
"gold/test_ignore_unused_undriven_basic.v")
def test_ignore_unused_undriven_hierarchy():
# For backwards compatability test
with pytest.warns(DeprecationWarning):
Bar = m.DeclareCircuit("Bar", "I", m.In(m.Bit))
class Foo(m.Circuit):
io = m.IO(I0=m.In(m.Bit), I1=m.In(m.Bit),
O0=m.Out(m.Bit), O1=m.Out(m.Bit))
io.O1 @= io.I0
Bar()(io.I1)
class Main(m.Circuit):
_ignore_undriven_ = True
io = m.IO(I0=m.In(m.Bit), I1=m.In(m.Bit),
O0=m.Out(m.Bit), O1=m.Out(m.Bit),
O2=m.Out(m.Tuple[m.Bit, m.Bit]),
O3=m.Out(m.Array[2, m.Bit]))
foo = Foo()
foo.I0 @= io.I0
io.O0 @= foo.O0
# partially undriven
io.O2[0] @= 1
io.O3[0] @= 1
m.compile("build/test_ignore_unused_undriven_hierarchy", Main, inline=True,
drive_undriven=True, terminate_unused=True)
assert check_files_equal(__file__,
"build/test_ignore_unused_undriven_hierarchy.v",
"gold/test_ignore_unused_undriven_hierarchy.v")
def test_ignore_undriven_coreir():
class Foo(m.Circuit):
_ignore_undriven_ = True
io = m.IO(I0=m.In(m.Bit), O0=m.Out(m.Bit), O1=m.Out(m.Bit))
io += m.ClockIO()
io.O1 @= io.I0
class Main(m.Circuit):
_ignore_undriven_ = True
io = m.IO(I0=m.In(m.Bits[2]), I1=m.In(m.Bits[2]), O0=m.Out(m.Bit),
O1=m.Out(m.Bit)) + m.ClockIO()
foo = Foo()
foo.I0 @= io.I0 == io.I1
io.O0 @= foo.O0
m.compile("build/test_ignore_undriven_coreir", Main, output="coreir",
drive_undriven=True, terminate_unused=True)
assert check_files_equal(__file__,
"build/test_ignore_undriven_coreir.json",
"gold/test_ignore_undriven_coreir.json")
| [
"magma.ClockIO",
"magma.In",
"magma.testing.check_files_equal",
"pytest.warns",
"magma.Out",
"magma.compile"
] | [((413, 532), 'magma.compile', 'm.compile', (['"""build/test_ignore_unused_undriven_basic"""', 'Main'], {'inline': '(True)', 'drive_undriven': '(True)', 'terminate_unused': '(True)'}), "('build/test_ignore_unused_undriven_basic', Main, inline=True,\n drive_undriven=True, terminate_unused=True)\n", (422, 532), True, 'import magma as m\n'), ((554, 674), 'magma.testing.check_files_equal', 'check_files_equal', (['__file__', '"""build/test_ignore_unused_undriven_basic.v"""', '"""gold/test_ignore_unused_undriven_basic.v"""'], {}), "(__file__, 'build/test_ignore_unused_undriven_basic.v',\n 'gold/test_ignore_unused_undriven_basic.v')\n", (571, 674), False, 'from magma.testing import check_files_equal\n'), ((1497, 1620), 'magma.compile', 'm.compile', (['"""build/test_ignore_unused_undriven_hierarchy"""', 'Main'], {'inline': '(True)', 'drive_undriven': '(True)', 'terminate_unused': '(True)'}), "('build/test_ignore_unused_undriven_hierarchy', Main, inline=True,\n drive_undriven=True, terminate_unused=True)\n", (1506, 1620), True, 'import magma as m\n'), ((1642, 1770), 'magma.testing.check_files_equal', 'check_files_equal', (['__file__', '"""build/test_ignore_unused_undriven_hierarchy.v"""', '"""gold/test_ignore_unused_undriven_hierarchy.v"""'], {}), "(__file__, 'build/test_ignore_unused_undriven_hierarchy.v',\n 'gold/test_ignore_unused_undriven_hierarchy.v')\n", (1659, 1770), False, 'from magma.testing import check_files_equal\n'), ((2308, 2425), 'magma.compile', 'm.compile', (['"""build/test_ignore_undriven_coreir"""', 'Main'], {'output': '"""coreir"""', 'drive_undriven': '(True)', 'terminate_unused': '(True)'}), "('build/test_ignore_undriven_coreir', Main, output='coreir',\n drive_undriven=True, terminate_unused=True)\n", (2317, 2425), True, 'import magma as m\n'), ((2447, 2561), 'magma.testing.check_files_equal', 'check_files_equal', (['__file__', '"""build/test_ignore_undriven_coreir.json"""', '"""gold/test_ignore_undriven_coreir.json"""'], {}), "(__file__, 'build/test_ignore_undriven_coreir.json',\n 'gold/test_ignore_undriven_coreir.json')\n", (2464, 2561), False, 'from magma.testing import check_files_equal\n'), ((824, 856), 'pytest.warns', 'pytest.warns', (['DeprecationWarning'], {}), '(DeprecationWarning)\n', (836, 856), False, 'import pytest\n'), ((2003, 2014), 'magma.ClockIO', 'm.ClockIO', ([], {}), '()\n', (2012, 2014), True, 'import magma as m\n'), ((901, 912), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (905, 912), True, 'import magma as m\n'), ((2212, 2223), 'magma.ClockIO', 'm.ClockIO', ([], {}), '()\n', (2221, 2223), True, 'import magma as m\n'), ((357, 368), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (361, 368), True, 'import magma as m\n'), ((372, 384), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (377, 384), True, 'import magma as m\n'), ((962, 973), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (966, 973), True, 'import magma as m\n'), ((978, 989), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (982, 989), True, 'import magma as m\n'), ((1012, 1024), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (1017, 1024), True, 'import magma as m\n'), ((1029, 1041), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (1034, 1041), True, 'import magma as m\n'), ((1170, 1181), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (1174, 1181), True, 'import magma as m\n'), ((1186, 1197), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (1190, 1197), True, 'import magma as m\n'), ((1220, 1232), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (1225, 1232), True, 'import magma as m\n'), ((1237, 1249), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (1242, 1249), True, 'import magma as m\n'), ((1272, 1300), 'magma.Out', 'm.Out', (['m.Tuple[m.Bit, m.Bit]'], {}), '(m.Tuple[m.Bit, m.Bit])\n', (1277, 1300), True, 'import magma as m\n'), ((1323, 1347), 'magma.Out', 'm.Out', (['m.Array[2, m.Bit]'], {}), '(m.Array[2, m.Bit])\n', (1328, 1347), True, 'import magma as m\n'), ((1942, 1953), 'magma.In', 'm.In', (['m.Bit'], {}), '(m.Bit)\n', (1946, 1953), True, 'import magma as m\n'), ((1958, 1970), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (1963, 1970), True, 'import magma as m\n'), ((1975, 1987), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (1980, 1987), True, 'import magma as m\n'), ((2121, 2136), 'magma.In', 'm.In', (['m.Bits[2]'], {}), '(m.Bits[2])\n', (2125, 2136), True, 'import magma as m\n'), ((2141, 2156), 'magma.In', 'm.In', (['m.Bits[2]'], {}), '(m.Bits[2])\n', (2145, 2156), True, 'import magma as m\n'), ((2161, 2173), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (2166, 2173), True, 'import magma as m\n'), ((2196, 2208), 'magma.Out', 'm.Out', (['m.Bit'], {}), '(m.Bit)\n', (2201, 2208), True, 'import magma as m\n')] |
import re
from typing import Optional, List, NamedTuple, Dict, Any
import requests
import bs4
GENO_REGEX = re.compile(r"\(.;.\)")
DESC_STYLE = (
"border: 1px; background-color: #FFFFC0;"
+ "border-style: solid; margin:1em; width:90%;"
)
class SNP:
def __init__(
self, rsid: str, table: Optional[list] = None, description: Optional[str] = None
):
self.rsid = rsid
self.table = table
self.description = description
def table_to_dict(table: bs4.element.Tag) -> Dict[str, Any]:
html_headers = table.find_all("th")
headers: List[str] = []
for header in html_headers:
h_str = header.string
if not h_str:
link = header.find("a")
h_str = link.string
headers.append(h_str.strip().lower())
DataTuple = NamedTuple("Row", ((header, str) for header in headers)) # type: ignore
html_rows = table.find_all("tr")
data: Dict[str, DataTuple] = {}
for row in html_rows:
cols = row.find_all("td")
if not cols:
continue
row_data = []
for col in cols:
data_str = col.string
if not data_str:
link = col.find("a")
data_str = link.string
data_str = data_str.strip()
if re.match(GENO_REGEX, data_str):
data_str = "".join(c for c in data_str if c not in ["(", ";", ")"])
row_data.append(data_str)
tup = DataTuple(*row_data)
data[tup.geno] = tup # type: ignore
return data
def get_snp_details(rsid: str) -> SNP:
snp_kwargs: Dict[str, Any] = {}
snp_url = f"https://bots.snpedia.com/index.php/{rsid}"
res = requests.get(snp_url)
if not res.ok:
raise Exception(f"Received code: {res.status_code} from {snp_url}")
bs = bs4.BeautifulSoup(res.text, "html.parser")
table = bs.find("table", {"class": "sortable smwtable"})
if table:
snp_kwargs["table"] = table_to_dict(table)
description_table = bs.find("table", {"style": DESC_STYLE})
if description_table:
description_html = description_table.find("td")
if description_html:
snp_kwargs["description"] = description_html.string
return SNP(rsid, **snp_kwargs)
if __name__ == "__main__":
snp = get_snp_details("rs28937869")
print(snp.table)
| [
"re.match",
"typing.NamedTuple",
"requests.get",
"bs4.BeautifulSoup",
"re.compile"
] | [((109, 132), 're.compile', 're.compile', (['"""\\\\(.;.\\\\)"""'], {}), "('\\\\(.;.\\\\)')\n", (119, 132), False, 'import re\n'), ((813, 869), 'typing.NamedTuple', 'NamedTuple', (['"""Row"""', '((header, str) for header in headers)'], {}), "('Row', ((header, str) for header in headers))\n", (823, 869), False, 'from typing import Optional, List, NamedTuple, Dict, Any\n'), ((1704, 1725), 'requests.get', 'requests.get', (['snp_url'], {}), '(snp_url)\n', (1716, 1725), False, 'import requests\n'), ((1832, 1874), 'bs4.BeautifulSoup', 'bs4.BeautifulSoup', (['res.text', '"""html.parser"""'], {}), "(res.text, 'html.parser')\n", (1849, 1874), False, 'import bs4\n'), ((1304, 1334), 're.match', 're.match', (['GENO_REGEX', 'data_str'], {}), '(GENO_REGEX, data_str)\n', (1312, 1334), False, 'import re\n')] |
import time
import math as m
import redis
import struct
import numpy as np
from adafruit_servokit import ServoKit
r = redis.Redis(host='localhost', port=6379, db=0)
kit = ServoKit(channels=16)
#controllable variables
def rget_and_float(name, default = None):
output = r.get(name)
if output == None:
return default
else:
return float(output)
rear_diff_locked = int(rget_and_float('rear_diff_locked', 1))
front_diff_locked = int(rget_and_float('front_diff_locked', 1))
gear = int(rget_and_float('gear', 1))
low_battery_voltage = rget_and_float('low_battery_voltage', 3.5)
#----
speed_cap = 45 #percentage of max speed
#steering angle 30 - 150
throttle_stop = 72
throttle_full_forward = 180
throttle_full_reverse = 0
steering_pin = 15
esc_pin = 14
frontdiff_pin = 11
reardiff_pin = 13
gearbox_pin = 12
gear_servo_pos = [0, 60, 110]
rear_diff_servo_pos = [78, 15] #0 locked, 1 open
front_diff_servo_pos = [120, 55] #0 locked, 1 open
def steering_angle(angle):
if angle > 55:
angle = 55
if angle < -55:
angle = -55
kit.servo[steering_pin].angle = -angle + 88
def driving_speed_signal(speed):
if speed > 100:
speed = 100
if speed < -72:
speed = -72
kit.servo[esc_pin].angle = speed * speed_cap / 100 + 72
driving = True
in_motion_start = time.time()
while driving:
rear_diff_locked = int(rget_and_float('rear_diff_locked', 1))
front_diff_locked = int(rget_and_float('front_diff_locked', 1))
gear = int(rget_and_float('gear', 1))
kit.servo[gearbox_pin].angle = gear_servo_pos[gear]
kit.servo[reardiff_pin].angle = rear_diff_servo_pos[rear_diff_locked]
kit.servo[frontdiff_pin].angle = front_diff_servo_pos[front_diff_locked]
low_battery_voltage = rget_and_float('low_battery_voltage', 3.5)
voltages_received = r.get('voltages')
if voltages_received is None:
print("no battery info")
break
else:
voltages = np.array(struct.unpack('%sf' %2, voltages_received))
if voltages.min() < low_battery_voltage:
print(voltages.min())
break
target_speed = r.get('target_speed')
current_speed_received = r.get('current_speed')
if current_speed_received is not None:
current_speed = float(current_speed_received)
#print(current_speed)
if target_speed is None:
#print("no driving input received")
driving_speed_signal(0)
in_motion_start = time.time()
else:
target_speed = float(target_speed)
if target_speed > 0:
if current_speed < 0.05 and time.time() - in_motion_start > 2:
driving_speed_signal(target_speed * 1.5)
#print("driving faster")
else:
driving_speed_signal(target_speed * 1)
#print("driving normal speed")
else:
driving_speed_signal(0)
#print("stopped")
in_motion_start = time.time()
angle_received = r.get('angle')
if angle_received is None:
#print("no steering input received")
steering_angle(0)
else:
steering_angle(float(angle_received))
r.psetex('log_driving_running', 1000, "on")
time.sleep(0.03) # ???
print("stopping")
driving_speed_signal(0)
steering_angle(-20)
time.sleep(1)
steering_angle(20)
time.sleep(1)
steering_angle(-20)
time.sleep(1)
steering_angle(0)
| [
"redis.Redis",
"struct.unpack",
"adafruit_servokit.ServoKit",
"time.sleep",
"time.time"
] | [((119, 165), 'redis.Redis', 'redis.Redis', ([], {'host': '"""localhost"""', 'port': '(6379)', 'db': '(0)'}), "(host='localhost', port=6379, db=0)\n", (130, 165), False, 'import redis\n'), ((172, 193), 'adafruit_servokit.ServoKit', 'ServoKit', ([], {'channels': '(16)'}), '(channels=16)\n', (180, 193), False, 'from adafruit_servokit import ServoKit\n'), ((1332, 1343), 'time.time', 'time.time', ([], {}), '()\n', (1341, 1343), False, 'import time\n'), ((3309, 3322), 'time.sleep', 'time.sleep', (['(1)'], {}), '(1)\n', (3319, 3322), False, 'import time\n'), ((3342, 3355), 'time.sleep', 'time.sleep', (['(1)'], {}), '(1)\n', (3352, 3355), False, 'import time\n'), ((3376, 3389), 'time.sleep', 'time.sleep', (['(1)'], {}), '(1)\n', (3386, 3389), False, 'import time\n'), ((3222, 3238), 'time.sleep', 'time.sleep', (['(0.03)'], {}), '(0.03)\n', (3232, 3238), False, 'import time\n'), ((2465, 2476), 'time.time', 'time.time', ([], {}), '()\n', (2474, 2476), False, 'import time\n'), ((1974, 2017), 'struct.unpack', 'struct.unpack', (["('%sf' % 2)", 'voltages_received'], {}), "('%sf' % 2, voltages_received)\n", (1987, 2017), False, 'import struct\n'), ((2962, 2973), 'time.time', 'time.time', ([], {}), '()\n', (2971, 2973), False, 'import time\n'), ((2599, 2610), 'time.time', 'time.time', ([], {}), '()\n', (2608, 2610), False, 'import time\n')] |
#!/usr/bin/env python3
#pylint: disable = C, R
#pylint: disable = E1101 # no-member (generated-members)
#pylint: disable = C0302 # too-many-lines
"""
This code features the article
"Pareto-based evaluation of national responses to COVID-19 pandemic shows
that saving lives and protecting economy are non-trade-off objectives"
by Kochanczyk & Lipniacki (Scientific Reports, 2021).
License: MIT
Last changes: November 09, 2020
"""
# --------------------------------------------------------------------------------------------------
import re
from operator import itemgetter
from multiprocessing import Pool
import pandas as pd
import seaborn as sns
import numpy as np
import scipy.stats
import statsmodels.stats.weightstats as wstats
import matplotlib.pyplot as plt
import matplotlib.dates as dts
import matplotlib.ticker as tckr
import matplotlib.patheffects as pthff
from colorsys import rgb_to_hls
from pandas.plotting import register_matplotlib_converters
import locale
import dill
import gzip
from shared import *
register_matplotlib_converters()
locate_set = False
try:
locale.setlocale(locale.LC_TIME, 'en_US')
locale.setlocale(locale.LC_ALL, 'en_US')
locate_set = True
except:
try:
locale.setlocale(locale.LC_TIME, 'en_US.utf8')
locale.setlocale(locale.LC_ALL, 'en_US.utf8')
locate_set = True
except:
locale.setlocale(locale.LC_TIME, 'POSIX')
locale.setlocale(locale.LC_ALL, 'POSIX')
if not locate_set:
print('Warning: US English locale could not be set. Check tick labels in generated figures.')
# -- Shared plot settings --------------------------------------------------------------------------
plt.rcParams['axes.linewidth'] = 0.5
plt.rcParams['xtick.major.width'] = 0.5
plt.rcParams['ytick.major.width'] = 0.5
plt.rcParams['xtick.minor.width'] = 0.5
plt.rcParams['ytick.minor.width'] = 0.5
plt.rcParams['xtick.major.pad'] = 1.67
plt.rcParams['ytick.major.pad'] = 1.33
plt.rc('font', size=8, family='sans-serif')
plt.rc('text', usetex=True)
plt.rc('text.latex', preamble=r'''\usepackage{cmbright}''')
# -- Plotting auxiliary functions ------------------------------------------------------------------
# manual tweaks:
OUT_OF_FRONT = ['Greece', 'Hungary', 'Canada', 'Netherlands', 'Czechia']
# colors:
SNAIL_GREEN, SNAIL_NONGREEN, SNAIL_ORANGE = '#77ffaa', '#aabbdd', '#885500'
ANNOT_COLOR = '#777777'
def color_of(country, dull_color=(0.15, 0.15, 0.15)):
colors = {
'Austria': plt.cm.tab10(6),
'Belgium': plt.cm.tab10(5),
'Bulgaria': plt.cm.tab10(2),
'Croatia': (0.50, 0.55, 0.00),
'Czechia': plt.cm.tab10(4),
'Denmark': (0.85, 0.20, 0.00),
'Finland': plt.cm.tab10(9),
'France': (0.95, 0.25, 0.75),
'Germany': (0.55, 0.25, 0.70),
'Hungary': (0.35, 0.35, 0.35),
'Greece': (0.45, 0.75, 1.00),
'Italy': plt.cm.tab10(2),
'Netherlands': (0.88, 0.50, 0.00),
'Norway': plt.cm.tab10(0),
'Poland': (0.15, 0.65, 1.00),
'Portugal': (0.95, 0.65, 0.00),
'Romania': plt.cm.tab10(8),
'Russia': (0.80, 0.45, 0.15),
'Slovakia': (0.25, 0.90, 0.50),
'Slovenia': plt.cm.tab10(1),
'Spain': plt.cm.tab10(3),
'Sweden': (0.10, 0.20, 0.90),
'Switzerland': (1.00, 0.05, 0.05),
'United Kingdom': (0.20, 0.00, 0.99),
'Japan': (0.9, 0.00, 0.00),
'South Korea': (0.70, 0.60, 0.65),
'Taiwan': (0.10, 0.80, 0.00),
'California': (0.90, 0.70, 0.00),
'Canada': (0.00, 0.45, 0.80),
'Florida': (0.95, 0.40, 0.00),
'Georgia': (0.80, 0.10, 0.60),
'Illinois': (0.75, 0.50, 0.00),
'Michigan': (0.05, 0.50, 0.15),
'North Carolina': (0.10, 0.00, 0.95),
'New York': (0.60, 0.30, 0.00),
'Ohio': (0.65, 0.00, 0.00),
'Pennsylvania': (0.20, 0.25, 1.00),
'Texas': (0.35, 0.40, 0.40),
'Argentina': (0.30, 0.75, 1.00),
'Bolivia': (0.20, 0.65, 0.00),
'Brazil': (0.00, 0.70, 0.20),
'Chile': (0.65, 0.15, 0.00),
'Colombia': (0.00, 0.10, 0.65),
'Ecuador': (0.65, 0.65, 0.00),
'Mexico': (0.00, 0.50, 0.60),
'Peru': (0.75, 0.50, 0.25),
}
if country in colors.keys():
return colors[country]
else:
return dull_color
def correlations(values, weights):
rho = scipy.stats.pearsonr(values[:,0], values[:,1])[0]
wrho = wstats.DescrStatsW(values, weights=weights).corrcoef[0][1]
return (rho, wrho)
def adjust_spines(ax, spines, left_shift=15, bottom_shift=0):
for loc, spine in ax.spines.items():
if loc in spines:
if loc == 'left':
spine.set_position(('outward', left_shift))
elif loc == 'bottom':
spine.set_position(('outward', bottom_shift))
else:
spine.set_color('none')
if 'left' in spines:
ax.yaxis.set_ticks_position('left')
else:
ax.yaxis.set_ticks([])
if 'bottom' in spines:
ax.xaxis.set_ticks_position('bottom')
else:
ax.xaxis.set_ticks([])
def set_ticks_lengths(ax):
ax.tick_params(which='major', length=2., labelsize=7)
ax.tick_params(which='minor', length=1.)
def darken(color, scale=0.5):
lightness = min(1, rgb_to_hls(*color[0:3])[1] * scale)
return sns.set_hls_values(color=color, h=None, l=lightness, s=None)
def pareto_front(data, optima=True):
sorted_data = sorted(data, key=itemgetter(0, 1), reverse=not optima) # x-ascending
front = [ sorted_data[0][2] ]
cutoff = sorted_data[0][1]
for sd in sorted_data[1:]:
if (optima and sd[1] < cutoff) or (not optima and sd[1] > cutoff):
front += [sd[2]]
cutoff = sd[1]
return front
def put_final_dot(ax, location, x, y, is_extra_country=False, is_tail_shown=False,
show_population_halo=False, label_shifting='A', italic=False):
label_shifts = {
'Denmark': (940, 1.0 ),
'Norway': ( 20, 0.88 ),
'South Korea': ( 52, 0.59 ),
'Portugal': ( 0, 0.97 ),
'Bulgaria': (830, 0.994),
'Switzerland': ( 80, 0.92 ),
'Ohio': ( 40, 1.014),
'Michigan': (800, 1.018),
'Florida': ( 0, 0.987),
'Illinois': ( 90, 1.016),
'North Carolina': (-10, 0.97 ),
'Pennsylvania': ( 0, 0.999),
'Georgia': (825, 0.991)
} if label_shifting == 'A' else {}
if show_population_halo:
marker_size = 3.5
diameter = np.sqrt(population(location)) * 3
light_color = color_of(location)
ax.plot([x], [y], '-.', marker='8' if is_extra_country else 'o',
linewidth=1, markersize=diameter, markeredgewidth=0, alpha=0.2, clip_on=False,
color=light_color, markerfacecolor=light_color)
else:
marker_size = 6
ax.plot([x], [y], '-.', marker='8' if is_extra_country else 'o',
linewidth=1, markersize=marker_size, markeredgewidth=0, alpha=0.8, clip_on=False,
color=color_of(location), markerfacecolor=color_of(location))
loc = location.replace('United Kingdom', 'UK')
if italic:
loc = r'\textit{' + loc + r'}'
if label_shifting == 'A':
ax.annotate(loc, xycoords='data',
xy=(x + 65 - (0 if location not in label_shifts else label_shifts[location][0]),
y**0.9999 * (1 if location not in label_shifts else label_shifts[location][1])),
color=sns.set_hls_values(color_of(location), l=0.3), clip_on=False)
else:
ax.annotate(loc, xycoords='data',
xy=(x + 0.13,
y + 0.04),
color=sns.set_hls_values(color_of(location), l=0.3), clip_on=False)
def jointly_trimmed_trajs(trajs, locations, cols, force_end=None, skipped=None, cleanup=True,
verbose=False):
assert len(cols) == 2
col1, col2 = cols
days_of_last_available_data = set()
for country in locations:
if skipped and country in skipped:
continue
df = trajs[country]
df_sel = df[ ~df[col1].isnull() & ~df[col2].isnull() ]
last_day = df_sel.iloc[-1].name
days_of_last_available_data.add(last_day)
if verbose:
print(country, last_day.strftime('%b%d'))
day_of_last_available_data = min(days_of_last_available_data)
if force_end is None:
if verbose:
print(f"Last shared available day ({' & '.join(cols)}):",
day_of_last_available_data.strftime('%b%d'))
else:
if verbose:
print(f"Last shared available day ({' & '.join(cols)}):",
day_of_last_available_data.strftime('%b%d'), '==FORCED=>',
force_end.strftime('%b%d'))
day_of_last_available_data = force_end
edited_trajs = {}
assert len(cols) == 2
for country in locations:
df = trajs[country].loc[:day_of_last_available_data]
edited_trajs[country] = df[ ~df[col1].isnull() & ~df[col2].isnull() ] if cleanup else df
return day_of_last_available_data, edited_trajs
def extract_cumulative_immobilization_and_deaths(trajectories, country, interval):
trajectory = trajectories[country]
immobi = -trajectory[['mobility_reduction']]
deaths = trajectory[['new_deaths']].astype('Float64')
ppl = population(country)
if interval == 'monthly':
immobi = immobi.cumsum().groupby(pd.Grouper(freq='M')).nth(0)
deaths = deaths.cumsum().groupby(pd.Grouper(freq='M')).nth(0) / ppl
df = immobi.join(deaths).rename(columns={
'mobility_reduction': f"immobilization_cumul_{country}",
'new_deaths': f"new_deaths_cumul_per_1M_{country}"})
ii = df.index
df.index = [i.replace(day=1) for i in ii]
return df
elif interval == 'weekly':
immobi = immobi.resample('W').sum().cumsum()
deaths = deaths.resample('W').sum().cumsum() / ppl
df = immobi.join(deaths).rename(columns={
'mobility_reduction': f"immobilization_cumul_{country}",
'new_deaths': f"new_deaths_cumul_per_1M_{country}"})
return df
elif interval == 'daily':
immobi = immobi.cumsum()
deaths = deaths.cumsum() / ppl
df = immobi.join(deaths).rename(columns={
'mobility_reduction': f"immobilization_cumul_{country}",
'new_deaths': f"new_deaths_cumul_per_1M_{country}"})
return df
def make_sqrt_deaths_yaxis(ax, ymax=40, sep=5):
ax.set_ylim((0, ymax))
ticks = list(range(0, ymax + sep, sep))
ax.set_yticks(ticks)
ax.set_yticklabels(['0'] + [r'$\sqrt{' + str(t**2) + '}$' for t in ticks[1:]])
def plot_cumulative_immobilization_and_deaths(trajectories, locations, final_day, show_fronts,
show_tail, show_corr_history, show_population_halo,
fig_name='X', scale_deaths=np.sqrt):
def draw_pareto_fronts_(ax, finals, n_fronts, optimal):
fronts = []
for i in range(n_fronts):
fronts_locations = [__ for _ in fronts for __ in _]
finals_remaining = [(*im_de, loc) for loc, im_de in finals.items()
if loc not in fronts_locations and loc not in OUT_OF_FRONT]
front = pareto_front(finals_remaining, optimal)
fronts.append(front)
for front_i, front in enumerate(fronts):
color = sns.set_hls_values('gray', l=0.1 + 0.04*(max(0, front_i - 1*optimal))) # TMP: was 0.15+0.1*
front_coords = np.array([finals[loc] for loc in front]).T
if len(front_coords.T) > 1:
ax.plot(*front_coords, ':' if optimal else '--', c=color, alpha=0.8,
linewidth=1.1 if optimal else 0.8)
else:
if optimal:
front_coords = [[front_coords[0][0] + 0.707*180 + 180*np.cos((180 + i)/360*2*3.14159),
front_coords[1][0] + 0.8 + 1.2*np.sin((180 + i)/360*2*3.14159)]
for i in range(0, 91, 10)]
else:
front_coords = [[front_coords[0][0] - 0.707*180 + 180*np.cos((180 + i)/360*2*3.14159),
front_coords[1][0] - 0.8 + 1.2*np.sin((180 + i)/360*2*3.14159)]
for i in range(180+0, 180+91, 10)]
ax.plot(*np.array(front_coords).T, ':' if optimal else '--', c=color, alpha=0.8,
linewidth=1.1 if optimal else 0.8, clip_on=False)
def make_subplot_(ax, trajs, locations, final_day, show_fronts, panel_letter=None):
adjust_spines(ax, ['left', 'bottom'], left_shift=10)
ax.set_xlim((0, 8e3))
ax.set_xlabel(r'Cumulative lockdown')
ax.set_ylabel(r'$\sqrt{\textrm{\sf Cumulative deaths/M}}$')
make_sqrt_deaths_yaxis(ax)
# plot "flares" (tails are optional)
finals = {}
for loc in locations:
im, de = extract_cumulative_immobilization_and_deaths(trajs, loc, 'monthly').values.T
de = scale_deaths(de)
put_final_dot(ax, loc, im[-1], de[-1], show_population_halo=show_population_halo)
if show_tail:
color = color_of(loc)
darker_color = darken(color_of(loc))
alpha = 0.7
ax.plot(im, de, '-', linewidth=0.8, alpha=alpha, color=color)
for i in range(1, len(im)):
m, ms = [('s', 1.7), ('D', 1.55), ('p', 2.2)][i % 3]
ax.plot(im[-1 - i], de[-1 - i], '.', marker=m, markersize=ms,
fillstyle=None, markeredgewidth=0.33, markerfacecolor=darken(color, 0.9),
markeredgecolor=darker_color, alpha=alpha)
ax.plot(im[-1], de[-1], '.', marker='o', markersize=1., markeredgewidth=0,
markerfacecolor=darker_color, alpha=alpha)
finals[loc] = (im[-1], de[-1])
if show_fronts:
draw_pareto_fronts_(ax, finals, n_fronts=3+2, optimal=True)
draw_pareto_fronts_(ax, finals, n_fronts=2, optimal=False)
# annotation: last day
ax.annotate(str('Date:' if show_corr_history else 'Last day:') + \
f" {final_day.strftime('%B %d, %Y')}", xy=(0.0, 1.01), xycoords='axes fraction',
color=ANNOT_COLOR)
# annotation: correlation coefficients
values = np.array(list(finals.values()))
weights = np.array([population(loc) for loc in finals.keys()])
rho, wrho = correlations(values, weights)
ax.annotate(r'Correlation:',
xy=(0.0, 0.97), xycoords='axes fraction', color=ANNOT_COLOR)
ax.annotate(r"(non-weighted) Pearson's $\rho$ = " + f"{rho:.2f}",
xy=(0.16 - 0.03*show_tail, 0.97), xycoords='axes fraction', color=ANNOT_COLOR)
ax.annotate(r"population-weighted Pearson's $\rho$ = " + f"{wrho:.2f}",
xy=(0.16 - 0.03*show_tail, 0.94), xycoords='axes fraction', color=ANNOT_COLOR)
# export coordinates
if panel_letter is not None:
csv_fn = f"Figure{fig_name}{panel_letter}.csv"
np.savetxt(csv_fn, values, header='lockdown,sqrt_deaths', delimiter=',')
cols = ['mobility', 'new_deaths']
# set up the figure
if show_corr_history:
fig, axes = plt.subplots(ncols=2, figsize=(11, 5))
for i, fday in enumerate(final_day):
last_avail_day, trajs = jointly_trimmed_trajs(trajectories, locations, cols, force_end=fday)
assert fday <= last_avail_day
panel_letter = chr(ord('A') + i)
make_subplot_(axes[i], trajs, locations, fday, show_fronts=show_fronts and i>0,
panel_letter=panel_letter)
axes[i].annotate(r'\large\textbf{' + panel_letter + r'}',
xy=(-0.175, 1.04), xycoords='axes fraction', clip_on=False)
ax = axes[1].inset_axes([0.92, 0.09, 0.45, 0.2])
adjust_spines(ax, ['left', 'bottom'], left_shift=7)
ax.annotate(r'\large\textbf{C}', xy=(-0.275, 1.06), xycoords='axes fraction', clip_on=False)
x, y1, y2 = [], [], []
for i in range(9):
points, weights = [], []
for loc in locations:
im_de = extract_cumulative_immobilization_and_deaths(trajs, loc, 'monthly').iloc[-1 - i]
points.append([im_de[0], scale_deaths(im_de[1])])
weights.append(population(loc))
points = np.array(points)
rho, wrho = correlations(points, weights)
x.append(im_de.name)
y1.append(rho)
y2.append(wrho)
ax.xaxis.set_major_formatter(dts.DateFormatter('%b')) # %d
ax.yaxis.set_major_locator(tckr.MultipleLocator(0.1))
ax.plot(x, y2, '.-', linestyle='dotted', linewidth=0.5, color='#333333', markersize=7,
markerfacecolor='#00000000', markeredgecolor='black', markeredgewidth=0.5,
label=r'population-weighted $\rho$')
ax.plot(x, y1, '.-', linestyle='dashed', linewidth=0.5, color='#333333', markersize=5.5,
label=r'non-weighted $\rho$')
ax.set_ylim((0.5, 0.9))
ax.set_xlabel(r'First days of months of 2020')
ax.set_ylabel(r"Pearson's $\rho$")
ax.legend(loc='upper center', bbox_to_anchor=(0.5, 1.48), fancybox=False, fontsize=6.75)
for item in (ax.xaxis.label, ax.yaxis.label): item.set_fontsize(7.00)
for label in (ax.get_xticklabels() + ax.get_yticklabels()): label.set_fontsize(6.25)
else:
last_avail_day, trajs = jointly_trimmed_trajs(trajectories, locations, cols, force_end=final_day)
assert final_day <= last_avail_day
fig, axes = plt.subplots(ncols=1, figsize=(6, 5))
make_subplot_(axes, trajs, locations, final_day, show_fronts=False, panel_letter='_')
# export
fig.tight_layout()
fn = f"Figure{fig_name}.pdf" # _{last_day.strftime('%b%d')}
fig.savefig(fn)
print(f"Saved figure file {fn}.")
return fig
def put_legend_cases(ax_leg, thr_weekly_cases_per_1M):
z = [3, 10, 30, 100, 300, 1000, 3000, 10000]
x = np.array(list(range(len(z))))
y1 = np.ones(len(x))*0.62
y2 = np.ones(len(x))*0.31
y3 = np.ones(len(x))*0.0
ax_leg.set_xlim((0 +0, len(z)-1 -0))
ax_leg.set_ylim((0, 1))
# tracer line
for y in [y1, y2, y3]:
xx = [float(x[0]) + 0.125] + list(x[1:-1]) + [float(x[-1]) - 0.125]
ax_leg.plot(xx, y, linestyle='-', linewidth=0.75, alpha=1, solid_capstyle='round',
color='#ffaaee', clip_on=False, zorder=10)
# variable thickness line (BEGIN)
lwidths = [0.7 * (0 + np.log(z))]
points = np.array([x, y1]).T.reshape(-1, 1, 2)
segments = np.concatenate([points[:-1], points[1:]], axis=1)
for segi, seg in enumerate(segments):
seg = seg.T
color = sns.set_hls_values(SNAIL_NONGREEN, l=0.15 + (lwidths[0][segi] - 0.)/8)
ax_leg.plot(seg[0]+0.05, seg[1], '-', color=color, linewidth=lwidths[0][segi],
alpha=1, solid_capstyle='butt', zorder=20, clip_on=False)
# variable thickness line (END)
points = np.array([x, y2]).T.reshape(-1, 1, 2)
segments = np.concatenate([points[:-1], points[1:]], axis=1)
for segi, seg in enumerate(segments):
seg = seg.T
el = min(1, 0.075 + ((lwidths[0][segi] - 0.)/7)**1.3)
co = sns.set_hls_values(SNAIL_GREEN, l=el)
ax_leg.plot(seg[0]+0.05, seg[1], '-', color=co, linewidth=lwidths[0][segi],
alpha=1, solid_capstyle='butt', zorder=20, clip_on=False)
# dots + thin black
for y in [y1, y2, y3]:
xx, yy = x[:-1], y[:-1]
ax_leg.scatter(xx + 0.5, yy, s=0.025, marker='o', facecolor='#000000', alpha=0.5,
clip_on=False, zorder=30)
ax_leg.plot(xx + 0.5, yy, linestyle='--', linewidth=0.1, color='#000000', alpha=0.33,
clip_on=False, zorder=40)
ax_leg.annotate(text=r'Tests per case:', xy=(0.5, 0.84), xycoords='axes fraction', fontsize=8,
ha="center", va="center")
ax_leg.annotate(text=r'when \textbf{$>$ ' + str(thr_weekly_cases_per_1M) + r'} '
r'new cases /week /M', xy=(0.5, 0.62-0.09),
xycoords='axes fraction', fontsize=6.5, ha="center", va="center")
ax_leg.annotate(text=r'when \textbf{$<$ ' + str(thr_weekly_cases_per_1M) + '} '
r'new cases /week /M', xy=(0.5, 0.31-0.09),
xycoords='axes fraction', fontsize=6.5, ha="center", va="center")
ax_leg.annotate(text=r'no data on testing', xy=(0.5, 0.055), xycoords='axes fraction',
fontsize=6.5, ha="center", va="center")
for vi, v in enumerate(z):
for y in [y1, y2]:
extra_shift = -0.08 if v in [100, 300, 1000] else 0
ax_leg.annotate(text=f"{v}"[::-1].replace('000', 'k')[::-1], color='black',
xy=(x[vi]+extra_shift + 0.5, y[vi]+0.05+0.005*vi), xycoords='data',
fontsize=5.75, ha="center", va="center", zorder=30, clip_on=False)
def put_legend_deaths(ax_leg):
z = [1, 3, 10, 30, 100, 300]
x = np.array(list(range(len(z))))
y2 = np.ones(len(x))*0.37
ax_leg.set_xlim((0-0.1, len(z)-1+0.1))
ax_leg.set_ylim((0, 1))
# variable thickness line (BEGIN)
lwidths = [1*np.log(1 + np.array(z))]
points = np.array([x, y2]).T.reshape(-1, 1, 2)
segments = np.concatenate([points[:-1], points[1:]], axis=1)
for segi, seg in enumerate(segments):
seg = seg.T
el = 0.1 + (lwidths[0][segi] - 0.)/14
color = sns.set_hls_values(SNAIL_ORANGE, l=el)
ax_leg.plot(seg[0]-0.025, seg[1], '-', color=color, linewidth=lwidths[0][segi],
alpha=1, solid_capstyle='butt',
zorder=20, clip_on=False)
# dots + thin black
for y in [y2]:
xx, yy = x[:-1], y[:-1]
ax_leg.scatter(xx + 0.5, yy, s=0.025, marker='o', facecolor='black', alpha=0.5,
clip_on=False, zorder=30)
ax_leg.plot(xx + 0.5, yy, linestyle='--', linewidth=0.1, color='black', alpha=0.33,
clip_on=False, zorder=40)
ax_leg.annotate(s=r'Cases per death:', xy=(0.5, 0.63), xycoords='axes fraction', fontsize=8,
ha="center", va="center")
ax_leg.annotate(s=r'when \textbf{at least 1} new death /week /M', xy=(0.5, 0.22),
xycoords='axes fraction', fontsize=6.5, ha="center", va="center")
for vi, v in enumerate(z):
for y in [y2]:
ax_leg.annotate(s=f"{v}", xy=(x[vi] + 0.5, y[vi]+0.05 + 0.005*vi), xycoords='data',
fontsize=6, ha="center", va="center", zorder=30, clip_on=False,
color='black')
def plot_R_vs_mobility_reduction(trajs, locations, final_day, missing_days, fig_name, kind='cases',
thr_weekly_cases_per_1M=20):
assert kind in ('cases', 'deaths')
trajs_orig = trajs.copy()
low_mortality_locations = ['Taiwan', 'Slovakia', 'New Zealand']
mob_col, Rt_col = f"mobility_historical_{kind}", f"Rt_{kind}"
last_day, trajs_trimmed = jointly_trimmed_trajs(trajs, locations, [mob_col, Rt_col],
force_end=final_day,
skipped=low_mortality_locations)
def by_per_capita(cc):
if kind == 'cases':
assert last_day in trajs[cc].index, \
print(f"Day {last_day} not available for {cc} that ends on",
trajs[cc].tail(1).index)
return trajs[cc].loc[last_day, f"total_{kind}"] / population(cc) + 1e6*is_USA_state(cc)
elif kind == 'deaths':
if cc in low_mortality_locations:
return trajs[cc].loc[last_day, f"total_{kind}"] / 1e9 + 1e6*is_USA_state(cc)
else:
return trajs[cc].loc[last_day, f"total_{kind}"] / population(cc) + 1e6*is_USA_state(cc)
locations = sorted(locations, key=by_per_capita, reverse=True)
facecolor = '#f8f6f4'
ncols = 6
nrows = (len(locations))//ncols + 1
fig, _ = plt.subplots(nrows=nrows, ncols=ncols, figsize=(8/5*ncols, 8/6*nrows))
for ci, country in enumerate(locations):
ax = fig.axes[ci]
ax.set_facecolor(facecolor)
# PLOT: deaths in low-mortality locations
if kind == 'deaths' and country in low_mortality_locations:
ax.annotate(s=country, xy=(0.5, 0.88), xycoords='axes fraction', fontsize=9,
color='#666666', ha="center", va="center", clip_on=False, zorder=100)
total = trajs_orig[country].loc[last_day, f"total_{kind}"]
ax.annotate(s="{:d} {:s} in total".format(int(round(total)), kind),
xy=(0.5, 0.77), xycoords='axes fraction', fontsize=6.5, color='#666666',
ha="center", va="center", clip_on=False, zorder=100)
ax.annotate(s="(plot not shown)",
xy=(0.5, 0.67), xycoords='axes fraction', fontsize=6.5, color='#666666',
ha="center", va="center", clip_on=False, zorder=100)
adjust_spines(ax, ['left', 'bottom'] if ax.is_first_col() else ['bottom'])
ax.set_xticks(())
continue
# PLOT: X-axis
row_i = ci//ncols
if row_i == nrows-1:
ax.set_xlabel('Mobility', labelpad=-1)
ax.set_xlim((-100, 0))
ax.set_xticks((-100, 0))
#ax.xaxis.set_major_formatter(tckr.PercentFormatter(decimals=0))
ax.set_xticklabels((r'$-100\%$', r'$0\%$'))
# PLOT: Y-axis
if ax.is_first_col():
ax.set_ylabel(r'$R$')
ax.set_ylim((0, 4))
ax.yaxis.set_major_locator(tckr.MultipleLocator(1))
ax.axhline(1, linestyle='--', linewidth=0.5, color='#666666')
# DATA
df = trajs_trimmed[country].copy()
# DATA: begin each trajectory since 100 cumulative cases
min_cumul = 100
above_min_cumul_indices = df['total_cases'] >= min_cumul # cases even if kind == 'deaths'
df = df[above_min_cumul_indices]
# DATA: nullify missing days to obtain visual discontinuities
for missing_day in missing_days[country]:
if df.index[0] <= missing_day and missing_day <= FINAL_DAY:
df.at[missing_day,mob_col] = np.nan # cannot be pd.NA because used in mpl.plot
df.at[missing_day, Rt_col] = np.nan # cannot be pd.NA because used in mpl.plot
df.sort_index(inplace=True)
if kind == 'cases': # ==---
# PLOT: pink tracer line
ax.plot(*df[[mob_col, Rt_col]].values.T, linestyle='-', linewidth=0.75, alpha=1,
solid_capstyle='round', color='#ffaaee', clip_on=True, zorder=10)
# DATA: partition trajectory into temporally-ordered stretches
df_freq = df[f"new_{kind}"].ffill().rolling(window=7, min_periods=7, **ROLL_OPTS).sum()\
/ population(country)
assert len(df_freq) == len(df)
green_indices = df[df_freq < thr_weekly_cases_per_1M].index
nongreen_indices = df[df_freq >= thr_weekly_cases_per_1M].index
green_stretches, nongreen_stretches = [], []
last_index_is_green = None
for index, value in df.iterrows():
if index in green_indices:
if last_index_is_green is None or last_index_is_green == False:
green_stretches += [ [index] ]
elif last_index_is_green == True:
green_stretches[-1] += [index]
last_index_is_green = True
elif index in nongreen_indices:
if last_index_is_green is None or last_index_is_green == True:
if green_stretches:
green_stretches[-1] += [index] # extra point for smooth joins
nongreen_stretches += [ [index] ]
elif last_index_is_green == False:
nongreen_stretches[-1] += [index]
last_index_is_green = False
stretches = [( g, SNAIL_GREEN ) for g in green_stretches] \
+ [(ng, SNAIL_NONGREEN) for ng in nongreen_stretches]
def by_first_day(cs): return cs[0][0]
stretches = sorted(stretches, key=by_first_day)
# PLOT: variable thickness line
for stretch, color in stretches:
x, y = df.loc[stretch, [mob_col, Rt_col]].values.T
points = np.array([x, y]).T.reshape(-1, 1, 2)
segments = np.concatenate([points[:-1], points[1:]], axis=1)
tests_per_hit = df.loc[stretch, 'tests_per_hit'].values
np.place(tests_per_hit, np.isinf(tests_per_hit) | (tests_per_hit > 10000), 10000)
z = 0.7*np.log(0 + tests_per_hit)
np.place(z, np.isnan(z), 0)
np.place(z, np.isinf(z), 1000)
np.place(z, z < 0, 0)
lwidths = [z]
for segi, seg in enumerate(segments):
seg = seg.T
if kind == 'cases': el = 0.15 + lwidths[0][segi] / 8
else: el = 0.10 + lwidths[0][segi] / 14
co = sns.set_hls_values(color, l=el)
ax.plot(seg[0], seg[1], '-', color=co, linewidth=lwidths[0][segi],
alpha=1, solid_capstyle='round', zorder=20)
elif kind == 'deaths': # ==---
days_back = 14
x, y = df[[mob_col, Rt_col]].values.T
points = np.array([x, y]).T.reshape(-1, 1, 2)
segments = np.concatenate([points[:-1], points[1:]], axis=1)
de = df[['new_deaths14']]
ca = df[['new_cases14' ]]
ca = ca.set_index( ca.index.shift(+days_back, freq ='D') ) # <-- THIS
#de = de.set_index( de.index.shift(-days_back, freq ='D') ) # <-- not this
z = de.join(ca)
z['cases14_per_death14'] = z['new_cases14'] / z['new_deaths14']
z = z['cases14_per_death14'].values
np.place(z, np.isnan(z), 0)
np.place(z, np.isinf(z), 1000)
np.place(z, z < 0, 0)
lwidths = [1*np.log(1 + z)]
for segi, seg in enumerate(segments):
seg = seg.T
if kind == 'cases': el = 0.15 + lwidths[0][segi] / 8
else: el = 0.10 + lwidths[0][segi] / 14
co = sns.set_hls_values(SNAIL_ORANGE, l=el)
ax.plot(seg[0], seg[1], '-', color=co, linewidth=lwidths[0][segi],
alpha=1, solid_capstyle='round', zorder=20)
# PLOT: dots + thin black
x, y = df[[mob_col, Rt_col]].values.T
ax.scatter(x, y, s=0.025, marker='o', facecolor='#000000', alpha=0.5, clip_on=True, zorder=30)
ax.plot(x, y, linestyle='--', linewidth=0.1, color='#000000', alpha=0.33, zorder=40)
# PLOT: panel title
ax.annotate(text=country, xy=(0.5, 0.88), xycoords='axes fraction', fontsize=9, ha="center",
va="center", clip_on=False, zorder=100,
path_effects=[pthff.Stroke(linewidth=2, foreground=facecolor), pthff.Normal()])
pop = population(country)
total_per_1M = trajs_orig[country].loc[last_day, f"total_{kind}"] / pop
heading = "{:d} {:s}/M".format(int(round(total_per_1M)), kind)
ax.annotate(text=heading, xy=(0.5, 0.77), xycoords='axes fraction', fontsize=6.5,
ha="center", va="center", clip_on=False, zorder=100,
path_effects=[pthff.Stroke(linewidth=1.33, foreground=facecolor),
pthff.Normal()])
adjust_spines(ax, ['left', 'bottom'] if ax.is_first_col() else ['bottom'])
set_ticks_lengths(ax)
# PLOT: legend
for ax in fig.axes:
if ax.is_last_row() and ax.is_last_col():
ax.set_axis_off()
if kind == 'cases':
put_legend_cases(fig.axes[-1], thr_weekly_cases_per_1M)
elif kind == 'deaths':
put_legend_deaths(fig.axes[-1])
# PLOT: export and return
fig.tight_layout(w_pad=0.4, h_pad=0.15)
l, b, w, h = fig.axes[-1].get_position().bounds
fig.axes[-1].set_position([l, b - 0.0185, w, h])
fig.axes[-1].annotate('Last day:' + f" {final_day.strftime('%B %d, %Y')}",
xy=(0.0, 1.01), xycoords='axes fraction', color=ANNOT_COLOR)
fn = f"Figure{fig_name}_{last_day.strftime('%b%d')}.pdf"
fig.savefig(fn)
print(f"Saved figure file {fn}.")
return fig
def plot_cumulative_immobilization_and_gdp_drop(trajectories, locations, final_day, gdp_2020h1,
fig_name):
df = pd.DataFrame(columns='location cumul_2020H1_mobility_reduction gdp_2020H1_drop'.split())
df = df.set_index('location')
for loc in locations:
if not loc in gdp_2020h1:
print(f"{loc}: missing GDP data in figure {fig_name}")
continue
gdp_drop = -gdp_2020h1[loc]
immob, _ = extract_cumulative_immobilization_and_deaths(trajectories, loc, 'daily').loc[final_day]
df.loc[loc] = [immob, gdp_drop]
fig, ax = plt.subplots(figsize=(5, 5))
adjust_spines(ax, ['left', 'bottom'], left_shift=10)
set_ticks_lengths(ax)
ax.set_xlabel(r'Cumulated mobility reduction in the 1\textsuperscript{st} half of 2020')
ax.set_ylabel(r'GDP loss in the 1\textsuperscript{st} half of 2020 (year-on-year \%)')
ax.set_xlim((0, 5000))
ax.set_ylim((-2, 14))
slope, intercept, r_value, p_value, std_err = scipy.stats.linregress(*df.values.T)
ax.plot([0, 5000], [intercept, intercept + slope*5000],
linewidth=0.75, linestyle='--', color='#aaaaaa', zorder=5)
weights = []
for _, row in df.iterrows():
location = row.name
color = color_of(location)
mob_red, gdp_drop = row[['cumul_2020H1_mobility_reduction', 'gdp_2020H1_drop']]
ax.scatter([mob_red], [gdp_drop], color=color, zorder=10)
ax.annotate(text=location.replace('United Kingdom', 'UK'),
xy=(mob_red + 49, gdp_drop + 0.028), xycoords='data',
color=sns.set_hls_values(color, l=0.3), fontsize=7, zorder=10)
weights.append(population(location))
rho, wrho = correlations(df.values, weights)
ax.annotate(r'Correlation:',
xy=(0.0, 0.97), xycoords='axes fraction', color=ANNOT_COLOR)
ax.annotate(r"(non-weighted) Pearson's $\rho$ = " + f"{rho:.2f}",
xy=(0.15, 0.97), xycoords='axes fraction', color=ANNOT_COLOR)
ax.annotate(r"population-weighted Pearson's $\rho$ = " + f"{wrho:.2f}",
xy=(0.15, 0.94), xycoords='axes fraction', color=ANNOT_COLOR)
# export coordinates
csv_fn = f"Figure{fig_name}.csv"
np.savetxt(csv_fn, df.values, header='lockdown,gdp_loss', delimiter=',')
# export image as PDF
fig.tight_layout()
fn = f"Figure{fig_name}.pdf"
fig.savefig(fn)
print(f"Saved figure file {fn}.")
return fig
def plot_gdp_drop_and_excess_deaths(trajectories, locations, final_day, excess_deaths, gdp_2020h1,
fig_name, scale_deaths=np.sqrt):
fig, ax = plt.subplots(figsize=(5, 5))
adjust_spines(ax, ['left', 'bottom'], left_shift=10)
ax.set_xlabel(r'GDP loss in the 1\textsuperscript{st} half of 2020 (year-on-year \%)')
ax.set_ylabel(r'$\sqrt{\textrm{\sf COVID-19-related deaths in the 1\textsuperscript{st} half of 2020 / M}}$')
ax.set_xlim((-2, 14))
make_sqrt_deaths_yaxis(ax)
ed_locations = excess_deaths.keys()
points, weights = [], []
points_eur, weights_eur = [], []
for loc in locations:
if population(loc) < MIN_POPULATION_M or loc=='Serbia':
print(f"{loc} skipped in figure {fig_name}")
continue
if loc not in ed_locations:
print(f"{loc} in figure {fig_name}: deaths will be used in place of excess deaths")
if loc not in gdp_2020h1:
print(f"{loc} skipped in figure {fig_name} because of missing GDP data")
continue
is_in_Europe = not loc in STATE_TO_ABBREV and not loc in ['Canada', 'Taiwan', 'Japan', 'South Korea']
deaths = max(excess_deaths[loc] if loc in excess_deaths else 0,
trajectories[loc].loc[final_day]['total_deaths'])
x, y = -gdp_2020h1[loc], np.sqrt(deaths / population(loc) )
put_final_dot(ax, loc, x, y, show_population_halo=True, label_shifting=False,
italic=not is_in_Europe)
points.append([x, y])
weights.append(population(loc))
if is_in_Europe:
points_eur.append([x, y])
weights_eur.append(population(loc))
values, values_eur = np.array(points), np.array(points_eur)
rho, wrho = correlations(values, weights)
rho_eur, wrho_eur = correlations(values_eur, weights_eur)
ax.annotate(r'Correlation:',
xy=(-0.01, 0.97), xycoords='axes fraction', color=ANNOT_COLOR)
ax.annotate(r"(non-weighted) Pearson's $\rho$ = " + f"{rho:.2f} (Europe-only: {rho_eur:.2f})",
xy=(0.155, 0.97), xycoords='axes fraction', color=ANNOT_COLOR)
ax.annotate(r"population-weighted Pearson's $\rho$ = " + f"{wrho:.2f} (Europe-only: {wrho_eur:.2f})",
xy=(0.155, 0.94), xycoords='axes fraction', color=ANNOT_COLOR)
# export coordinates
csv_fn = f"Figure{fig_name}_all.csv"
np.savetxt(csv_fn, values, header='gdp_loss,sqrt_deaths', delimiter=',')
csv_fn = f"Figure{fig_name}_eur.csv"
np.savetxt(csv_fn, values_eur, header='gdp_loss,sqrt_deaths', delimiter=',')
# export image as PDF
fig.tight_layout()
fn = f"Figure{fig_name}.pdf"
fig.savefig(fn)
print(f"Saved figure file {fn}.")
return fig
if __name__ == '__main__':
with gzip.open('processed_data.dill.gz', 'rb') as f:
trajectories, locations, final_day, missing_days, excess_deaths, gdp_2020h1 = dill.load(f)
print('Locations count:', len(locations))
jul01 = pd.to_datetime('2020-07-01')
fig1 = plot_cumulative_immobilization_and_deaths(trajectories, locations, [jul01, final_day],
show_fronts=True, show_tail=False, show_corr_history=True, show_population_halo=True,
fig_name='1')
figS1 = plot_cumulative_immobilization_and_deaths(trajectories, locations, final_day,
show_fronts=False, show_tail=True, show_corr_history=False, show_population_halo=False,
fig_name='S1')
fig2 = plot_R_vs_mobility_reduction(trajectories, locations, jul01, missing_days, fig_name='2')
fig4 = plot_cumulative_immobilization_and_gdp_drop(trajectories, locations, jul01, gdp_2020h1,
fig_name='4')
fig5 = plot_gdp_drop_and_excess_deaths(trajectories, locations, jul01, excess_deaths,
gdp_2020h1, fig_name='5')
| [
"colorsys.rgb_to_hls",
"numpy.isnan",
"numpy.sin",
"pandas.Grouper",
"locale.setlocale",
"matplotlib.patheffects.Normal",
"matplotlib.pyplot.cm.tab10",
"numpy.savetxt",
"dill.load",
"numpy.place",
"matplotlib.dates.DateFormatter",
"matplotlib.patheffects.Stroke",
"matplotlib.pyplot.rc",
"matplotlib.ticker.MultipleLocator",
"matplotlib.pyplot.subplots",
"statsmodels.stats.weightstats.DescrStatsW",
"numpy.isinf",
"pandas.to_datetime",
"numpy.cos",
"numpy.concatenate",
"gzip.open",
"numpy.log",
"pandas.plotting.register_matplotlib_converters",
"numpy.array",
"seaborn.set_hls_values",
"operator.itemgetter"
] | [((1038, 1070), 'pandas.plotting.register_matplotlib_converters', 'register_matplotlib_converters', ([], {}), '()\n', (1068, 1070), False, 'from pandas.plotting import register_matplotlib_converters\n'), ((1971, 2014), 'matplotlib.pyplot.rc', 'plt.rc', (['"""font"""'], {'size': '(8)', 'family': '"""sans-serif"""'}), "('font', size=8, family='sans-serif')\n", (1977, 2014), True, 'import matplotlib.pyplot as plt\n'), ((2015, 2042), 'matplotlib.pyplot.rc', 'plt.rc', (['"""text"""'], {'usetex': '(True)'}), "('text', usetex=True)\n", (2021, 2042), True, 'import matplotlib.pyplot as plt\n'), ((2043, 2098), 'matplotlib.pyplot.rc', 'plt.rc', (['"""text.latex"""'], {'preamble': '"""\\\\usepackage{cmbright}"""'}), "('text.latex', preamble='\\\\usepackage{cmbright}')\n", (2049, 2098), True, 'import matplotlib.pyplot as plt\n'), ((1100, 1141), 'locale.setlocale', 'locale.setlocale', (['locale.LC_TIME', '"""en_US"""'], {}), "(locale.LC_TIME, 'en_US')\n", (1116, 1141), False, 'import locale\n'), ((1146, 1186), 'locale.setlocale', 'locale.setlocale', (['locale.LC_ALL', '"""en_US"""'], {}), "(locale.LC_ALL, 'en_US')\n", (1162, 1186), False, 'import locale\n'), ((5691, 5751), 'seaborn.set_hls_values', 'sns.set_hls_values', ([], {'color': 'color', 'h': 'None', 'l': 'lightness', 's': 'None'}), '(color=color, h=None, l=lightness, s=None)\n', (5709, 5751), True, 'import seaborn as sns\n'), ((19487, 19536), 'numpy.concatenate', 'np.concatenate', (['[points[:-1], points[1:]]'], {'axis': '(1)'}), '([points[:-1], points[1:]], axis=1)\n', (19501, 19536), True, 'import numpy as np\n'), ((19954, 20003), 'numpy.concatenate', 'np.concatenate', (['[points[:-1], points[1:]]'], {'axis': '(1)'}), '([points[:-1], points[1:]], axis=1)\n', (19968, 20003), True, 'import numpy as np\n'), ((22231, 22280), 'numpy.concatenate', 'np.concatenate', (['[points[:-1], points[1:]]'], {'axis': '(1)'}), '([points[:-1], points[1:]], axis=1)\n', (22245, 22280), True, 'import numpy as np\n'), ((24974, 25052), 'matplotlib.pyplot.subplots', 'plt.subplots', ([], {'nrows': 'nrows', 'ncols': 'ncols', 'figsize': '(8 / 5 * ncols, 8 / 6 * nrows)'}), '(nrows=nrows, ncols=ncols, figsize=(8 / 5 * ncols, 8 / 6 * nrows))\n', (24986, 25052), True, 'import matplotlib.pyplot as plt\n'), ((34202, 34230), 'matplotlib.pyplot.subplots', 'plt.subplots', ([], {'figsize': '(5, 5)'}), '(figsize=(5, 5))\n', (34214, 34230), True, 'import matplotlib.pyplot as plt\n'), ((35836, 35908), 'numpy.savetxt', 'np.savetxt', (['csv_fn', 'df.values'], {'header': '"""lockdown,gdp_loss"""', 'delimiter': '""","""'}), "(csv_fn, df.values, header='lockdown,gdp_loss', delimiter=',')\n", (35846, 35908), True, 'import numpy as np\n'), ((36224, 36252), 'matplotlib.pyplot.subplots', 'plt.subplots', ([], {'figsize': '(5, 5)'}), '(figsize=(5, 5))\n', (36236, 36252), True, 'import matplotlib.pyplot as plt\n'), ((38475, 38547), 'numpy.savetxt', 'np.savetxt', (['csv_fn', 'values'], {'header': '"""gdp_loss,sqrt_deaths"""', 'delimiter': '""","""'}), "(csv_fn, values, header='gdp_loss,sqrt_deaths', delimiter=',')\n", (38485, 38547), True, 'import numpy as np\n'), ((38593, 38669), 'numpy.savetxt', 'np.savetxt', (['csv_fn', 'values_eur'], {'header': '"""gdp_loss,sqrt_deaths"""', 'delimiter': '""","""'}), "(csv_fn, values_eur, header='gdp_loss,sqrt_deaths', delimiter=',')\n", (38603, 38669), True, 'import numpy as np\n'), ((39074, 39102), 'pandas.to_datetime', 'pd.to_datetime', (['"""2020-07-01"""'], {}), "('2020-07-01')\n", (39088, 39102), True, 'import pandas as pd\n'), ((2505, 2520), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(6)'], {}), '(6)\n', (2517, 2520), True, 'import matplotlib.pyplot as plt\n'), ((2548, 2563), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(5)'], {}), '(5)\n', (2560, 2563), True, 'import matplotlib.pyplot as plt\n'), ((2591, 2606), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(2)'], {}), '(2)\n', (2603, 2606), True, 'import matplotlib.pyplot as plt\n'), ((2680, 2695), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(4)'], {}), '(4)\n', (2692, 2695), True, 'import matplotlib.pyplot as plt\n'), ((2769, 2784), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(9)'], {}), '(9)\n', (2781, 2784), True, 'import matplotlib.pyplot as plt\n'), ((2996, 3011), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(2)'], {}), '(2)\n', (3008, 3011), True, 'import matplotlib.pyplot as plt\n'), ((3085, 3100), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(0)'], {}), '(0)\n', (3097, 3100), True, 'import matplotlib.pyplot as plt\n'), ((3220, 3235), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(8)'], {}), '(8)\n', (3232, 3235), True, 'import matplotlib.pyplot as plt\n'), ((3355, 3370), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(1)'], {}), '(1)\n', (3367, 3370), True, 'import matplotlib.pyplot as plt\n'), ((3398, 3413), 'matplotlib.pyplot.cm.tab10', 'plt.cm.tab10', (['(3)'], {}), '(3)\n', (3410, 3413), True, 'import matplotlib.pyplot as plt\n'), ((16018, 16056), 'matplotlib.pyplot.subplots', 'plt.subplots', ([], {'ncols': '(2)', 'figsize': '(11, 5)'}), '(ncols=2, figsize=(11, 5))\n', (16030, 16056), True, 'import matplotlib.pyplot as plt\n'), ((18457, 18494), 'matplotlib.pyplot.subplots', 'plt.subplots', ([], {'ncols': '(1)', 'figsize': '(6, 5)'}), '(ncols=1, figsize=(6, 5))\n', (18469, 18494), True, 'import matplotlib.pyplot as plt\n'), ((19615, 19688), 'seaborn.set_hls_values', 'sns.set_hls_values', (['SNAIL_NONGREEN'], {'l': '(0.15 + (lwidths[0][segi] - 0.0) / 8)'}), '(SNAIL_NONGREEN, l=0.15 + (lwidths[0][segi] - 0.0) / 8)\n', (19633, 19688), True, 'import seaborn as sns\n'), ((20141, 20178), 'seaborn.set_hls_values', 'sns.set_hls_values', (['SNAIL_GREEN'], {'l': 'el'}), '(SNAIL_GREEN, l=el)\n', (20159, 20178), True, 'import seaborn as sns\n'), ((22405, 22443), 'seaborn.set_hls_values', 'sns.set_hls_values', (['SNAIL_ORANGE'], {'l': 'el'}), '(SNAIL_ORANGE, l=el)\n', (22423, 22443), True, 'import seaborn as sns\n'), ((37782, 37798), 'numpy.array', 'np.array', (['points'], {}), '(points)\n', (37790, 37798), True, 'import numpy as np\n'), ((37800, 37820), 'numpy.array', 'np.array', (['points_eur'], {}), '(points_eur)\n', (37808, 37820), True, 'import numpy as np\n'), ((38867, 38908), 'gzip.open', 'gzip.open', (['"""processed_data.dill.gz"""', '"""rb"""'], {}), "('processed_data.dill.gz', 'rb')\n", (38876, 38908), False, 'import gzip\n'), ((39001, 39013), 'dill.load', 'dill.load', (['f'], {}), '(f)\n', (39010, 39013), False, 'import dill\n'), ((1235, 1281), 'locale.setlocale', 'locale.setlocale', (['locale.LC_TIME', '"""en_US.utf8"""'], {}), "(locale.LC_TIME, 'en_US.utf8')\n", (1251, 1281), False, 'import locale\n'), ((1290, 1335), 'locale.setlocale', 'locale.setlocale', (['locale.LC_ALL', '"""en_US.utf8"""'], {}), "(locale.LC_ALL, 'en_US.utf8')\n", (1306, 1335), False, 'import locale\n'), ((5826, 5842), 'operator.itemgetter', 'itemgetter', (['(0)', '(1)'], {}), '(0, 1)\n', (5836, 5842), False, 'from operator import itemgetter\n'), ((15833, 15905), 'numpy.savetxt', 'np.savetxt', (['csv_fn', 'values'], {'header': '"""lockdown,sqrt_deaths"""', 'delimiter': '""","""'}), "(csv_fn, values, header='lockdown,sqrt_deaths', delimiter=',')\n", (15843, 15905), True, 'import numpy as np\n'), ((17185, 17201), 'numpy.array', 'np.array', (['points'], {}), '(points)\n', (17193, 17201), True, 'import numpy as np\n'), ((17381, 17404), 'matplotlib.dates.DateFormatter', 'dts.DateFormatter', (['"""%b"""'], {}), "('%b')\n", (17398, 17404), True, 'import matplotlib.dates as dts\n'), ((17447, 17472), 'matplotlib.ticker.MultipleLocator', 'tckr.MultipleLocator', (['(0.1)'], {}), '(0.1)\n', (17467, 17472), True, 'import matplotlib.ticker as tckr\n'), ((26607, 26630), 'matplotlib.ticker.MultipleLocator', 'tckr.MultipleLocator', (['(1)'], {}), '(1)\n', (26627, 26630), True, 'import matplotlib.ticker as tckr\n'), ((1383, 1424), 'locale.setlocale', 'locale.setlocale', (['locale.LC_TIME', '"""POSIX"""'], {}), "(locale.LC_TIME, 'POSIX')\n", (1399, 1424), False, 'import locale\n'), ((1433, 1473), 'locale.setlocale', 'locale.setlocale', (['locale.LC_ALL', '"""POSIX"""'], {}), "(locale.LC_ALL, 'POSIX')\n", (1449, 1473), False, 'import locale\n'), ((4782, 4825), 'statsmodels.stats.weightstats.DescrStatsW', 'wstats.DescrStatsW', (['values'], {'weights': 'weights'}), '(values, weights=weights)\n', (4800, 4825), True, 'import statsmodels.stats.weightstats as wstats\n'), ((5644, 5667), 'colorsys.rgb_to_hls', 'rgb_to_hls', (['*color[0:3]'], {}), '(*color[0:3])\n', (5654, 5667), False, 'from colorsys import rgb_to_hls\n'), ((12112, 12152), 'numpy.array', 'np.array', (['[finals[loc] for loc in front]'], {}), '([finals[loc] for loc in front])\n', (12120, 12152), True, 'import numpy as np\n'), ((19409, 19418), 'numpy.log', 'np.log', (['z'], {}), '(z)\n', (19415, 19418), True, 'import numpy as np\n'), ((19434, 19451), 'numpy.array', 'np.array', (['[x, y1]'], {}), '([x, y1])\n', (19442, 19451), True, 'import numpy as np\n'), ((19901, 19918), 'numpy.array', 'np.array', (['[x, y2]'], {}), '([x, y2])\n', (19909, 19918), True, 'import numpy as np\n'), ((22178, 22195), 'numpy.array', 'np.array', (['[x, y2]'], {}), '([x, y2])\n', (22186, 22195), True, 'import numpy as np\n'), ((29562, 29611), 'numpy.concatenate', 'np.concatenate', (['[points[:-1], points[1:]]'], {'axis': '(1)'}), '([points[:-1], points[1:]], axis=1)\n', (29576, 29611), True, 'import numpy as np\n'), ((29939, 29960), 'numpy.place', 'np.place', (['z', '(z < 0)', '(0)'], {}), '(z, z < 0, 0)\n', (29947, 29960), True, 'import numpy as np\n'), ((30642, 30691), 'numpy.concatenate', 'np.concatenate', (['[points[:-1], points[1:]]'], {'axis': '(1)'}), '([points[:-1], points[1:]], axis=1)\n', (30656, 30691), True, 'import numpy as np\n'), ((31185, 31206), 'numpy.place', 'np.place', (['z', '(z < 0)', '(0)'], {}), '(z, z < 0, 0)\n', (31193, 31206), True, 'import numpy as np\n'), ((35205, 35237), 'seaborn.set_hls_values', 'sns.set_hls_values', (['color'], {'l': '(0.3)'}), '(color, l=0.3)\n', (35223, 35237), True, 'import seaborn as sns\n'), ((9917, 9937), 'pandas.Grouper', 'pd.Grouper', ([], {'freq': '"""M"""'}), "(freq='M')\n", (9927, 9937), True, 'import pandas as pd\n'), ((22151, 22162), 'numpy.array', 'np.array', (['z'], {}), '(z)\n', (22159, 22162), True, 'import numpy as np\n'), ((29806, 29831), 'numpy.log', 'np.log', (['(0 + tests_per_hit)'], {}), '(0 + tests_per_hit)\n', (29812, 29831), True, 'import numpy as np\n'), ((29860, 29871), 'numpy.isnan', 'np.isnan', (['z'], {}), '(z)\n', (29868, 29871), True, 'import numpy as np\n'), ((29904, 29915), 'numpy.isinf', 'np.isinf', (['z'], {}), '(z)\n', (29912, 29915), True, 'import numpy as np\n'), ((30252, 30283), 'seaborn.set_hls_values', 'sns.set_hls_values', (['color'], {'l': 'el'}), '(color, l=el)\n', (30270, 30283), True, 'import seaborn as sns\n'), ((31114, 31125), 'numpy.isnan', 'np.isnan', (['z'], {}), '(z)\n', (31122, 31125), True, 'import numpy as np\n'), ((31154, 31165), 'numpy.isinf', 'np.isinf', (['z'], {}), '(z)\n', (31162, 31165), True, 'import numpy as np\n'), ((31488, 31526), 'seaborn.set_hls_values', 'sns.set_hls_values', (['SNAIL_ORANGE'], {'l': 'el'}), '(SNAIL_ORANGE, l=el)\n', (31506, 31526), True, 'import seaborn as sns\n'), ((32178, 32225), 'matplotlib.patheffects.Stroke', 'pthff.Stroke', ([], {'linewidth': '(2)', 'foreground': 'facecolor'}), '(linewidth=2, foreground=facecolor)\n', (32190, 32225), True, 'import matplotlib.patheffects as pthff\n'), ((32227, 32241), 'matplotlib.patheffects.Normal', 'pthff.Normal', ([], {}), '()\n', (32239, 32241), True, 'import matplotlib.patheffects as pthff\n'), ((32626, 32676), 'matplotlib.patheffects.Stroke', 'pthff.Stroke', ([], {'linewidth': '(1.33)', 'foreground': 'facecolor'}), '(linewidth=1.33, foreground=facecolor)\n', (32638, 32676), True, 'import matplotlib.patheffects as pthff\n'), ((32712, 32726), 'matplotlib.patheffects.Normal', 'pthff.Normal', ([], {}), '()\n', (32724, 32726), True, 'import matplotlib.patheffects as pthff\n'), ((9987, 10007), 'pandas.Grouper', 'pd.Grouper', ([], {'freq': '"""M"""'}), "(freq='M')\n", (9997, 10007), True, 'import pandas as pd\n'), ((29724, 29747), 'numpy.isinf', 'np.isinf', (['tests_per_hit'], {}), '(tests_per_hit)\n', (29732, 29747), True, 'import numpy as np\n'), ((31232, 31245), 'numpy.log', 'np.log', (['(1 + z)'], {}), '(1 + z)\n', (31238, 31245), True, 'import numpy as np\n'), ((12998, 13020), 'numpy.array', 'np.array', (['front_coords'], {}), '(front_coords)\n', (13006, 13020), True, 'import numpy as np\n'), ((29498, 29514), 'numpy.array', 'np.array', (['[x, y]'], {}), '([x, y])\n', (29506, 29514), True, 'import numpy as np\n'), ((30582, 30598), 'numpy.array', 'np.array', (['[x, y]'], {}), '([x, y])\n', (30590, 30598), True, 'import numpy as np\n'), ((12460, 12497), 'numpy.cos', 'np.cos', (['((180 + i) / 360 * 2 * 3.14159)'], {}), '((180 + i) / 360 * 2 * 3.14159)\n', (12466, 12497), True, 'import numpy as np\n'), ((12568, 12605), 'numpy.sin', 'np.sin', (['((180 + i) / 360 * 2 * 3.14159)'], {}), '((180 + i) / 360 * 2 * 3.14159)\n', (12574, 12605), True, 'import numpy as np\n'), ((12761, 12798), 'numpy.cos', 'np.cos', (['((180 + i) / 360 * 2 * 3.14159)'], {}), '((180 + i) / 360 * 2 * 3.14159)\n', (12767, 12798), True, 'import numpy as np\n'), ((12869, 12906), 'numpy.sin', 'np.sin', (['((180 + i) / 360 * 2 * 3.14159)'], {}), '((180 + i) / 360 * 2 * 3.14159)\n', (12875, 12906), True, 'import numpy as np\n')] |
from django.db import models
from django.utils.translation import ugettext_lazy as _
from utilities.models import BaseDateTime
class Contact(BaseDateTime):
title = models.CharField(
_('TITLE_LABEL'),
max_length=255
)
name = models.CharField(
_('NAME_LABEL'),
max_length=100
)
email = models.EmailField(
_('EMAIL_LABEL'),
max_length=255
)
body = models.TextField(_('MESSAGE_LABEL'))
def __unicode__(self):
return self.name
class Meta:
verbose_name = _('CONTACTS_TITLE')
verbose_name_plural = _('CONTACTS_TITLE_PLURAL')
get_latest_by = 'created'
ordering = ('-id',)
db_table = 'contact_form_contacts'
app_label = 'contact_form'
| [
"django.utils.translation.ugettext_lazy"
] | [((211, 227), 'django.utils.translation.ugettext_lazy', '_', (['"""TITLE_LABEL"""'], {}), "('TITLE_LABEL')\n", (212, 227), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((311, 326), 'django.utils.translation.ugettext_lazy', '_', (['"""NAME_LABEL"""'], {}), "('NAME_LABEL')\n", (312, 326), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((415, 431), 'django.utils.translation.ugettext_lazy', '_', (['"""EMAIL_LABEL"""'], {}), "('EMAIL_LABEL')\n", (416, 431), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((503, 521), 'django.utils.translation.ugettext_lazy', '_', (['"""MESSAGE_LABEL"""'], {}), "('MESSAGE_LABEL')\n", (504, 521), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((628, 647), 'django.utils.translation.ugettext_lazy', '_', (['"""CONTACTS_TITLE"""'], {}), "('CONTACTS_TITLE')\n", (629, 647), True, 'from django.utils.translation import ugettext_lazy as _\n'), ((679, 705), 'django.utils.translation.ugettext_lazy', '_', (['"""CONTACTS_TITLE_PLURAL"""'], {}), "('CONTACTS_TITLE_PLURAL')\n", (680, 705), True, 'from django.utils.translation import ugettext_lazy as _\n')] |
import numpy as np
from absl.testing import parameterized
from keras.preprocessing import image
from keras.utils import data_utils
from tensorflow.python.platform import test
from ..bit import BiT_S_R50x1, BiT_S_R50x3, BiT_S_R101x1, BiT_S_R101x3, BiT_S_R152x4
from ..bit import BiT_M_R50x1, BiT_M_R50x3, BiT_M_R101x1, BiT_M_R101x3, BiT_M_R152x4
from ..bit import preprocess_input
MODEL_LIST_S = [
BiT_S_R50x1,
# Bad weights
# BiT_S_R50x3, BiT_S_R101x1,
BiT_S_R101x3, BiT_S_R152x4
]
MODEL_LIST_M = [BiT_M_R50x1, BiT_M_R50x3, BiT_M_R101x1, BiT_M_R101x3, BiT_M_R152x4]
TEST_IMAGE_PATH = ('https://storage.googleapis.com/tensorflow/'
'keras-applications/tests/elephant.jpg')
_IMAGENET_CLASSES = 1000
class ApplicationsLoadWeightTest(test.TestCase, parameterized.TestCase):
@parameterized.parameters(*MODEL_LIST_S)
def test_application_predict_odd_s(self, app):
model = app()
_assert_shape_equal(model.output_shape, (None, _IMAGENET_CLASSES))
x = _get_elephant((224, 224))
x = preprocess_input(x)
preds = model.predict(x)
label = np.argmax(preds[0], axis=-1)
self.assertIn(label, [348, 386])
@parameterized.parameters(*MODEL_LIST_S)
def test_application_predict_even_s(self, app):
model = app()
_assert_shape_equal(model.output_shape, (None, _IMAGENET_CLASSES))
x = _get_elephant((299, 299))
x = preprocess_input(x)
preds = model.predict(x)
label = np.argmax(preds[0], axis=-1)
self.assertIn(label, [348, 386])
# @parameterized.parameters(*MODEL_LIST_M)
# def test_application_predict_odd_m(self, app):
# model = app()
# _assert_shape_equal(model.output_shape, (None, 21843))
# x = _get_elephant((224, 224))
# x = preprocess_input(x)
# preds = model.predict(x)
# label = np.argmax(preds[0], axis=-1)
# self.assertIn(label, [3671, 3673, 3674])
#
#
# @parameterized.parameters(*MODEL_LIST_M)
# def test_application_predict_even_m(self, app):
# model = app()
# _assert_shape_equal(model.output_shape, (None, 21843))
# x = _get_elephant((299, 299))
# x = preprocess_input(x)
# preds = model.predict(x)
# label = np.argmax(preds[0], axis=-1)
# self.assertIn(label, [3671, 3673, 3674])
def _get_elephant(target_size):
# For models that don't include a Flatten step,
# the default is to accept variable-size inputs
# even when loading ImageNet weights (since it is possible).
# In this case, default to 299x299.
if target_size[0] is None:
target_size = (299, 299)
test_image = data_utils.get_file('elephant.jpg', TEST_IMAGE_PATH)
img = image.load_img(test_image, target_size=tuple(target_size))
x = image.img_to_array(img)
return np.expand_dims(x, axis=0)
def _assert_shape_equal(shape1, shape2):
if len(shape1) != len(shape2):
raise AssertionError(
'Shapes are different rank: %s vs %s' % (shape1, shape2))
if shape1 != shape2:
raise AssertionError('Shapes differ: %s vs %s' % (shape1, shape2))
if __name__ == '__main__':
test.main()
| [
"tensorflow.python.platform.test.main",
"numpy.argmax",
"numpy.expand_dims",
"absl.testing.parameterized.parameters",
"keras.utils.data_utils.get_file",
"keras.preprocessing.image.img_to_array"
] | [((814, 853), 'absl.testing.parameterized.parameters', 'parameterized.parameters', (['*MODEL_LIST_S'], {}), '(*MODEL_LIST_S)\n', (838, 853), False, 'from absl.testing import parameterized\n'), ((1197, 1236), 'absl.testing.parameterized.parameters', 'parameterized.parameters', (['*MODEL_LIST_S'], {}), '(*MODEL_LIST_S)\n', (1221, 1236), False, 'from absl.testing import parameterized\n'), ((2705, 2757), 'keras.utils.data_utils.get_file', 'data_utils.get_file', (['"""elephant.jpg"""', 'TEST_IMAGE_PATH'], {}), "('elephant.jpg', TEST_IMAGE_PATH)\n", (2724, 2757), False, 'from keras.utils import data_utils\n'), ((2835, 2858), 'keras.preprocessing.image.img_to_array', 'image.img_to_array', (['img'], {}), '(img)\n', (2853, 2858), False, 'from keras.preprocessing import image\n'), ((2870, 2895), 'numpy.expand_dims', 'np.expand_dims', (['x'], {'axis': '(0)'}), '(x, axis=0)\n', (2884, 2895), True, 'import numpy as np\n'), ((3207, 3218), 'tensorflow.python.platform.test.main', 'test.main', ([], {}), '()\n', (3216, 3218), False, 'from tensorflow.python.platform import test\n'), ((1121, 1149), 'numpy.argmax', 'np.argmax', (['preds[0]'], {'axis': '(-1)'}), '(preds[0], axis=-1)\n', (1130, 1149), True, 'import numpy as np\n'), ((1505, 1533), 'numpy.argmax', 'np.argmax', (['preds[0]'], {'axis': '(-1)'}), '(preds[0], axis=-1)\n', (1514, 1533), True, 'import numpy as np\n')] |
#!/usr/bin/env python3
from Adafruit_PCA9685 import PCA9685
import time
pwm = PCA9685()
servo_min = 250
servo_max = 450
pulse = servo_min
increasing = True
step_size = 1
while True:
pwm.set_pwm(0, 0, pulse)
if pulse < servo_max and increasing:
pulse += step_size
increasing = True
elif pulse > servo_min:
pulse -= step_size
increasing = False
else:
pulse += step_size
increasing = True
time.sleep(0.01)
print(pulse)
while False:
pwm.set_pwm(0, 0, servo_min)
time.sleep(0.5)
pwm.set_pwm(0, 0, servo_max)
time.sleep(0.5)
pwm.set_pwm(0, 0, 0)
| [
"Adafruit_PCA9685.PCA9685",
"time.sleep"
] | [((79, 88), 'Adafruit_PCA9685.PCA9685', 'PCA9685', ([], {}), '()\n', (86, 88), False, 'from Adafruit_PCA9685 import PCA9685\n'), ((457, 473), 'time.sleep', 'time.sleep', (['(0.01)'], {}), '(0.01)\n', (467, 473), False, 'import time\n'), ((542, 557), 'time.sleep', 'time.sleep', (['(0.5)'], {}), '(0.5)\n', (552, 557), False, 'import time\n'), ((595, 610), 'time.sleep', 'time.sleep', (['(0.5)'], {}), '(0.5)\n', (605, 610), False, 'import time\n')] |
from setuptools import setup, find_packages
NAME = "passari_web_ui"
DESCRIPTION = (
"Web interface for Passari workflow"
)
LONG_DESCRIPTION = DESCRIPTION
AUTHOR = "<NAME>"
AUTHOR_EMAIL = "<EMAIL>"
setup(
name=NAME,
description=DESCRIPTION,
long_description=LONG_DESCRIPTION,
author=AUTHOR,
author_email=AUTHOR_EMAIL,
packages=find_packages("src"),
include_package_data=True,
package_dir={"passari_web_ui": "src/passari_web_ui"},
install_requires=[
"Flask",
"Flask-Security-Too",
"click>=7", "click<8",
"SQLAlchemy",
"psycopg2",
"rq>=1",
"rq-dashboard>=0.6",
"toml",
"bcrypt",
"Flask-SQLAlchemy",
"Flask-WTF",
"flask-talisman",
"arrow"
],
classifiers=[
"Development Status :: 5 - Production/Stable",
"Operating System :: POSIX :: Linux",
"Programming Language :: Python :: 3",
"Programming Language :: Python :: 3.6",
"License :: OSI Approved :: MIT License",
"Framework :: Flask",
],
python_requires=">=3.6",
use_scm_version=True,
command_options={
"build_sphinx": {
"project": ("setup.py", NAME),
"source_dir": ("setup.py", "docs")
}
},
setup_requires=["setuptools_scm", "sphinx", "sphinxcontrib-apidoc"],
extras_require={
"sphinx": ["sphinxcontrib-apidoc"]
}
)
| [
"setuptools.find_packages"
] | [((358, 378), 'setuptools.find_packages', 'find_packages', (['"""src"""'], {}), "('src')\n", (371, 378), False, 'from setuptools import setup, find_packages\n')] |
from django.urls import path
from . import views
app_name="blog" #Works as namespace
urlpatterns = [
path('', views.blogs, name="blog"),
path('<int:blog_id>', views.detail, name="detail")
] | [
"django.urls.path"
] | [((107, 141), 'django.urls.path', 'path', (['""""""', 'views.blogs'], {'name': '"""blog"""'}), "('', views.blogs, name='blog')\n", (111, 141), False, 'from django.urls import path\n'), ((147, 197), 'django.urls.path', 'path', (['"""<int:blog_id>"""', 'views.detail'], {'name': '"""detail"""'}), "('<int:blog_id>', views.detail, name='detail')\n", (151, 197), False, 'from django.urls import path\n')] |
from pyreact import setTitle, useEffect, useState, render, createElement as el
def App():
newTask, setNewTask = useState("")
editTask, setEditTask = useState(None)
taskList, setTaskList = useState([])
taskCount, setTaskCount = useState(0)
taskFilter, setTaskFilter = useState("all")
def handleSubmit(event):
event.preventDefault()
new_list = list(taskList) # Make a copy
if editTask is not None: # In edit mode
taskIndex = new_list.index(editTask) # Get list position
new_list[taskIndex].update({'name': newTask}) # Update name
else: # In add mode
new_list.append({'name': newTask, 'status': False}) # Add new item
setTaskList(new_list) # Update our state
setNewTask("") # Clear the new item value
setEditTask(None) # Clear the edit item value
def handleEdit(task):
setNewTask(task['name']) # Set the new item value
setEditTask(task) # Set the edit item value
def handleDelete(task):
new_list = list(taskList) # Make a copy
new_list.remove(task) # Remove the specified item
setTaskList(new_list) # Update our state
def handleChange(event):
target = event['target']
if target['name'] == 'taskFilter':
setTaskFilter(target['value'])
else:
setNewTask(target['value'])
def handleChangeStatus(event, task):
target = event['target']
new_list = list(taskList) # Make a copy
taskIndex = new_list.index(task) # Get list position
new_list[taskIndex].update({'status': target['checked']}) # Update
setTaskList(new_list) # Update our state
def ListItem(props):
task = props['task']
if taskFilter == "all" or \
(taskFilter == "open" and not task['status']) or \
(taskFilter == "closed" and task['status']):
return el('li', None,
task['name'] + " ",
el('button',
{'type': 'button',
'onClick': lambda: handleDelete(task)
}, "Delete"
),
el('button',
{'type': 'button',
'onClick': lambda: handleEdit(task)
}, "Edit"
),
el('label', {'htmlFor': 'status'}, " Completed:"),
el('input',
{'type': 'checkbox',
'id': 'status',
'onChange': lambda e: handleChangeStatus(e, task),
'checked': task['status']
}
),
)
else:
return None
def ListItems():
return [el(ListItem, {'key': task['name'], 'task': task}) for task in taskList]
def updateCount():
if taskFilter == 'open':
new_list = [task for task in taskList if not task['status']]
elif taskFilter == 'closed':
new_list = [task for task in taskList if task['status']]
else:
new_list = [task for task in taskList]
setTaskCount(len(new_list))
useEffect(lambda: setTitle("ToDo List"), [])
useEffect(updateCount, [taskList, taskFilter])
return el('form', {'onSubmit': handleSubmit},
el('div', None, f"Number of Tasks: {taskCount}"),
el('div', None,
el('label', {'htmlFor': 'all'}, "All Tasks:"),
el('input', {'type': 'radio',
'name': 'taskFilter',
'id': 'all',
'value': 'all',
'onChange': handleChange,
'checked': taskFilter == 'all'
}
),
el('label', {'htmlFor': 'open'}, " Active:"),
el('input', {'type': 'radio',
'name': 'taskFilter',
'id': 'open',
'value': 'open',
'onChange': handleChange,
'checked': taskFilter == 'open'
}
),
el('label', {'htmlFor': 'closed'}, " Completed:"),
el('input', {'type': 'radio',
'name': 'taskFilter',
'id': 'closed',
'value': 'closed',
'onChange': handleChange,
'checked': taskFilter == 'closed'
}
),
),
el('label', {'htmlFor': 'editBox'},
"Edit Task: " if editTask is not None else "Add Task: "
),
el('input', {'id': 'editBox',
'onChange': handleChange,
'value': newTask
}
),
el('input', {'type': 'submit'}),
el('ol', None,
el(ListItems, None)
),
)
render(App, None, 'root')
| [
"pyreact.useState",
"pyreact.setTitle",
"pyreact.render",
"pyreact.createElement",
"pyreact.useEffect"
] | [((5328, 5353), 'pyreact.render', 'render', (['App', 'None', '"""root"""'], {}), "(App, None, 'root')\n", (5334, 5353), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((117, 129), 'pyreact.useState', 'useState', (['""""""'], {}), "('')\n", (125, 129), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((158, 172), 'pyreact.useState', 'useState', (['None'], {}), '(None)\n', (166, 172), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((201, 213), 'pyreact.useState', 'useState', (['[]'], {}), '([])\n', (209, 213), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((244, 255), 'pyreact.useState', 'useState', (['(0)'], {}), '(0)\n', (252, 255), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((288, 303), 'pyreact.useState', 'useState', (['"""all"""'], {}), "('all')\n", (296, 303), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((3358, 3404), 'pyreact.useEffect', 'useEffect', (['updateCount', '[taskList, taskFilter]'], {}), '(updateCount, [taskList, taskFilter])\n', (3367, 3404), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((3470, 3518), 'pyreact.createElement', 'el', (['"""div"""', 'None', 'f"""Number of Tasks: {taskCount}"""'], {}), "('div', None, f'Number of Tasks: {taskCount}')\n", (3472, 3518), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((4864, 4960), 'pyreact.createElement', 'el', (['"""label"""', "{'htmlFor': 'editBox'}", "('Edit Task: ' if editTask is not None else 'Add Task: ')"], {}), "('label', {'htmlFor': 'editBox'}, 'Edit Task: ' if editTask is not None else\n 'Add Task: ')\n", (4866, 4960), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((5006, 5080), 'pyreact.createElement', 'el', (['"""input"""', "{'id': 'editBox', 'onChange': handleChange, 'value': newTask}"], {}), "('input', {'id': 'editBox', 'onChange': handleChange, 'value': newTask})\n", (5008, 5080), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((5194, 5225), 'pyreact.createElement', 'el', (['"""input"""', "{'type': 'submit'}"], {}), "('input', {'type': 'submit'})\n", (5196, 5225), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((2894, 2943), 'pyreact.createElement', 'el', (['ListItem', "{'key': task['name'], 'task': task}"], {}), "(ListItem, {'key': task['name'], 'task': task})\n", (2896, 2943), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((3327, 3348), 'pyreact.setTitle', 'setTitle', (['"""ToDo List"""'], {}), "('ToDo List')\n", (3335, 3348), False, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((3567, 3612), 'pyreact.createElement', 'el', (['"""label"""', "{'htmlFor': 'all'}", '"""All Tasks:"""'], {}), "('label', {'htmlFor': 'all'}, 'All Tasks:')\n", (3569, 3612), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((3631, 3774), 'pyreact.createElement', 'el', (['"""input"""', "{'type': 'radio', 'name': 'taskFilter', 'id': 'all', 'value': 'all',\n 'onChange': handleChange, 'checked': taskFilter == 'all'}"], {}), "('input', {'type': 'radio', 'name': 'taskFilter', 'id': 'all', 'value':\n 'all', 'onChange': handleChange, 'checked': taskFilter == 'all'})\n", (3633, 3774), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((3989, 4033), 'pyreact.createElement', 'el', (['"""label"""', "{'htmlFor': 'open'}", '""" Active:"""'], {}), "('label', {'htmlFor': 'open'}, ' Active:')\n", (3991, 4033), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((4052, 4198), 'pyreact.createElement', 'el', (['"""input"""', "{'type': 'radio', 'name': 'taskFilter', 'id': 'open', 'value': 'open',\n 'onChange': handleChange, 'checked': taskFilter == 'open'}"], {}), "('input', {'type': 'radio', 'name': 'taskFilter', 'id': 'open', 'value':\n 'open', 'onChange': handleChange, 'checked': taskFilter == 'open'})\n", (4054, 4198), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((4413, 4462), 'pyreact.createElement', 'el', (['"""label"""', "{'htmlFor': 'closed'}", '""" Completed:"""'], {}), "('label', {'htmlFor': 'closed'}, ' Completed:')\n", (4415, 4462), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((4481, 4633), 'pyreact.createElement', 'el', (['"""input"""', "{'type': 'radio', 'name': 'taskFilter', 'id': 'closed', 'value': 'closed',\n 'onChange': handleChange, 'checked': taskFilter == 'closed'}"], {}), "('input', {'type': 'radio', 'name': 'taskFilter', 'id': 'closed', 'value':\n 'closed', 'onChange': handleChange, 'checked': taskFilter == 'closed'})\n", (4483, 4633), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((5273, 5292), 'pyreact.createElement', 'el', (['ListItems', 'None'], {}), '(ListItems, None)\n', (5275, 5292), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n'), ((2439, 2488), 'pyreact.createElement', 'el', (['"""label"""', "{'htmlFor': 'status'}", '""" Completed:"""'], {}), "('label', {'htmlFor': 'status'}, ' Completed:')\n", (2441, 2488), True, 'from pyreact import setTitle, useEffect, useState, render, createElement as el\n')] |
from io import open
from setuptools import setup
from setuptools.command.test import test as TestCommand
import appstore
class Tox(TestCommand):
def finalize_options(self):
TestCommand.finalize_options(self)
self.test_args = []
self.test_suite = True
def run_tests(self):
import tox
errno = tox.cmdline(self.test_args)
exit(errno)
with open('README.rst', encoding='utf-8') as reader:
readme = reader.read()
setup(
name='appstore',
version=appstore.__version__,
description='App Store -- user-oriented front-end for pip.',
long_description=readme,
author='<NAME>',
author_email='<EMAIL>',
url='http://www.grantjenks.com/docs/appstore/',
license='Apache 2.0',
packages=['appstore'],
tests_require=['tox'],
cmdclass={'test': Tox},
install_requires=[],
classifiers=(
'Development Status :: 1 - Planning',
'Intended Audience :: Developers',
'License :: OSI Approved :: Apache Software License',
'Natural Language :: English',
'Programming Language :: Python',
'Programming Language :: Python :: 2',
'Programming Language :: Python :: 2.7',
'Programming Language :: Python :: 3',
'Programming Language :: Python :: 3.5',
'Programming Language :: Python :: 3.6',
'Programming Language :: Python :: 3.7',
'Programming Language :: Python :: Implementation :: CPython',
),
)
| [
"tox.cmdline",
"setuptools.command.test.test.finalize_options",
"setuptools.setup",
"io.open"
] | [((473, 1387), 'setuptools.setup', 'setup', ([], {'name': '"""appstore"""', 'version': 'appstore.__version__', 'description': '"""App Store -- user-oriented front-end for pip."""', 'long_description': 'readme', 'author': '"""<NAME>"""', 'author_email': '"""<EMAIL>"""', 'url': '"""http://www.grantjenks.com/docs/appstore/"""', 'license': '"""Apache 2.0"""', 'packages': "['appstore']", 'tests_require': "['tox']", 'cmdclass': "{'test': Tox}", 'install_requires': '[]', 'classifiers': "('Development Status :: 1 - Planning', 'Intended Audience :: Developers',\n 'License :: OSI Approved :: Apache Software License',\n 'Natural Language :: English', 'Programming Language :: Python',\n 'Programming Language :: Python :: 2',\n 'Programming Language :: Python :: 2.7',\n 'Programming Language :: Python :: 3',\n 'Programming Language :: Python :: 3.5',\n 'Programming Language :: Python :: 3.6',\n 'Programming Language :: Python :: 3.7',\n 'Programming Language :: Python :: Implementation :: CPython')"}), "(name='appstore', version=appstore.__version__, description=\n 'App Store -- user-oriented front-end for pip.', long_description=\n readme, author='<NAME>', author_email='<EMAIL>', url=\n 'http://www.grantjenks.com/docs/appstore/', license='Apache 2.0',\n packages=['appstore'], tests_require=['tox'], cmdclass={'test': Tox},\n install_requires=[], classifiers=('Development Status :: 1 - Planning',\n 'Intended Audience :: Developers',\n 'License :: OSI Approved :: Apache Software License',\n 'Natural Language :: English', 'Programming Language :: Python',\n 'Programming Language :: Python :: 2',\n 'Programming Language :: Python :: 2.7',\n 'Programming Language :: Python :: 3',\n 'Programming Language :: Python :: 3.5',\n 'Programming Language :: Python :: 3.6',\n 'Programming Language :: Python :: 3.7',\n 'Programming Language :: Python :: Implementation :: CPython'))\n", (478, 1387), False, 'from setuptools import setup\n'), ((397, 433), 'io.open', 'open', (['"""README.rst"""'], {'encoding': '"""utf-8"""'}), "('README.rst', encoding='utf-8')\n", (401, 433), False, 'from io import open\n'), ((188, 222), 'setuptools.command.test.test.finalize_options', 'TestCommand.finalize_options', (['self'], {}), '(self)\n', (216, 222), True, 'from setuptools.command.test import test as TestCommand\n'), ((342, 369), 'tox.cmdline', 'tox.cmdline', (['self.test_args'], {}), '(self.test_args)\n', (353, 369), False, 'import tox\n')] |
# %%
from trainer import Trainer
from network import ResUnet3D, ResAttrUnet3D, ResAttrUnet3D2, ResAttrBNUnet3D
from loss import Dice, HybirdLoss, DiceLoss, FocalLoss
from data import CaseDataset
from torchvision.transforms import Compose
from transform import Crop, RandomCrop, ToTensor, CombineLabels, \
RandomBrightness, RandomContrast, RandomGamma, \
RandomRescale, RandomRescaleCrop, RandomMirror
from torch.optim import Adam
from torch.optim.lr_scheduler import ReduceLROnPlateau
from datetime import datetime
model = ResUnet3D(out_channels=3).cuda()
optimizer = Adam(model.parameters(), lr=1e-4)
loss = HybirdLoss(weight_v=[1, 148, 191], alpha=0.9, beta=0.1)
metrics = {'dsc': DiceLoss(weight_v=[1, 148, 191], alpha=0.9, beta=0.1),
'focal': FocalLoss(weight_v=[1, 148, 191]),
'a_dsc': Dice(weight_v=[0, 1, 0]),
'v_dsc': Dice(weight_v=[0, 0, 1])}
scheduler = ReduceLROnPlateau(optimizer, factor=0.2, patience=25)
dataset = CaseDataset('data/Task20_Kidney/vessel_region_norm')
patch_size = (128, 128, 128)
train_transform = Compose([
RandomRescaleCrop(0.1,
patch_size,
crop_mode='random'),
RandomMirror((0.5, 0.5, 0.5)),
RandomContrast(0.1),
RandomBrightness(0.1),
RandomGamma(0.1),
ToTensor()
])
valid_transform = Compose([
RandomCrop(patch_size),
ToTensor()
])
# ckpt = torch.load('logs/Task20_Kidney/av-loss-last.pt')
# model.load_state_dict(ckpt['model_state_dict'])
# optimizer.load_state_dict(ckpt['optimizer_state_dict'])
trainer = Trainer(
model=model,
optimizer=optimizer,
loss=loss,
metrics=metrics,
dataset=dataset,
scheduler=scheduler,
train_transform=train_transform,
valid_transform=valid_transform,
batch_size=2,
valid_split=0.0,
num_samples=200,
)
# %%
save_dir = "logs/DOC/iib-H-09-{}".format(datetime.now().strftime("%y%m%d%H%M"))
save_dir = 'logs/DOC/iib-H-09-2006150257'
trainer.load_checkpoint('logs/DOC/iib-H-09-2006150257-last.pt')
trainer.fit(
num_epochs=800,
use_amp=True,
save_dir=save_dir
)
# %%
| [
"transform.RandomMirror",
"data.CaseDataset",
"torch.optim.lr_scheduler.ReduceLROnPlateau",
"datetime.datetime.now",
"loss.FocalLoss",
"transform.ToTensor",
"transform.RandomRescaleCrop",
"loss.Dice",
"transform.RandomGamma",
"network.ResUnet3D",
"transform.RandomContrast",
"trainer.Trainer",
"loss.DiceLoss",
"loss.HybirdLoss",
"transform.RandomBrightness",
"transform.RandomCrop"
] | [((621, 676), 'loss.HybirdLoss', 'HybirdLoss', ([], {'weight_v': '[1, 148, 191]', 'alpha': '(0.9)', 'beta': '(0.1)'}), '(weight_v=[1, 148, 191], alpha=0.9, beta=0.1)\n', (631, 676), False, 'from loss import Dice, HybirdLoss, DiceLoss, FocalLoss\n'), ((909, 962), 'torch.optim.lr_scheduler.ReduceLROnPlateau', 'ReduceLROnPlateau', (['optimizer'], {'factor': '(0.2)', 'patience': '(25)'}), '(optimizer, factor=0.2, patience=25)\n', (926, 962), False, 'from torch.optim.lr_scheduler import ReduceLROnPlateau\n'), ((973, 1025), 'data.CaseDataset', 'CaseDataset', (['"""data/Task20_Kidney/vessel_region_norm"""'], {}), "('data/Task20_Kidney/vessel_region_norm')\n", (984, 1025), False, 'from data import CaseDataset\n'), ((1567, 1800), 'trainer.Trainer', 'Trainer', ([], {'model': 'model', 'optimizer': 'optimizer', 'loss': 'loss', 'metrics': 'metrics', 'dataset': 'dataset', 'scheduler': 'scheduler', 'train_transform': 'train_transform', 'valid_transform': 'valid_transform', 'batch_size': '(2)', 'valid_split': '(0.0)', 'num_samples': '(200)'}), '(model=model, optimizer=optimizer, loss=loss, metrics=metrics,\n dataset=dataset, scheduler=scheduler, train_transform=train_transform,\n valid_transform=valid_transform, batch_size=2, valid_split=0.0,\n num_samples=200)\n', (1574, 1800), False, 'from trainer import Trainer\n'), ((695, 748), 'loss.DiceLoss', 'DiceLoss', ([], {'weight_v': '[1, 148, 191]', 'alpha': '(0.9)', 'beta': '(0.1)'}), '(weight_v=[1, 148, 191], alpha=0.9, beta=0.1)\n', (703, 748), False, 'from loss import Dice, HybirdLoss, DiceLoss, FocalLoss\n'), ((770, 803), 'loss.FocalLoss', 'FocalLoss', ([], {'weight_v': '[1, 148, 191]'}), '(weight_v=[1, 148, 191])\n', (779, 803), False, 'from loss import Dice, HybirdLoss, DiceLoss, FocalLoss\n'), ((825, 849), 'loss.Dice', 'Dice', ([], {'weight_v': '[0, 1, 0]'}), '(weight_v=[0, 1, 0])\n', (829, 849), False, 'from loss import Dice, HybirdLoss, DiceLoss, FocalLoss\n'), ((871, 895), 'loss.Dice', 'Dice', ([], {'weight_v': '[0, 0, 1]'}), '(weight_v=[0, 0, 1])\n', (875, 895), False, 'from loss import Dice, HybirdLoss, DiceLoss, FocalLoss\n'), ((535, 560), 'network.ResUnet3D', 'ResUnet3D', ([], {'out_channels': '(3)'}), '(out_channels=3)\n', (544, 560), False, 'from network import ResUnet3D, ResAttrUnet3D, ResAttrUnet3D2, ResAttrBNUnet3D\n'), ((1087, 1141), 'transform.RandomRescaleCrop', 'RandomRescaleCrop', (['(0.1)', 'patch_size'], {'crop_mode': '"""random"""'}), "(0.1, patch_size, crop_mode='random')\n", (1104, 1141), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1191, 1220), 'transform.RandomMirror', 'RandomMirror', (['(0.5, 0.5, 0.5)'], {}), '((0.5, 0.5, 0.5))\n', (1203, 1220), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1226, 1245), 'transform.RandomContrast', 'RandomContrast', (['(0.1)'], {}), '(0.1)\n', (1240, 1245), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1251, 1272), 'transform.RandomBrightness', 'RandomBrightness', (['(0.1)'], {}), '(0.1)\n', (1267, 1272), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1278, 1294), 'transform.RandomGamma', 'RandomGamma', (['(0.1)'], {}), '(0.1)\n', (1289, 1294), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1300, 1310), 'transform.ToTensor', 'ToTensor', ([], {}), '()\n', (1308, 1310), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1347, 1369), 'transform.RandomCrop', 'RandomCrop', (['patch_size'], {}), '(patch_size)\n', (1357, 1369), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1375, 1385), 'transform.ToTensor', 'ToTensor', ([], {}), '()\n', (1383, 1385), False, 'from transform import Crop, RandomCrop, ToTensor, CombineLabels, RandomBrightness, RandomContrast, RandomGamma, RandomRescale, RandomRescaleCrop, RandomMirror\n'), ((1883, 1897), 'datetime.datetime.now', 'datetime.now', ([], {}), '()\n', (1895, 1897), False, 'from datetime import datetime\n')] |
from serial import Serial
import time
import platform
import socket
serialPort = Serial('COM3' if platform.system() == 'Windows' else '/dev/ttyUSB0', 9600)
time.sleep(2)
server = socket.socket(socket.AF_INET, socket.SOCK_STREAM)
server.bind(('', 2222))
server.listen(1)
while True:
(client, address) = server.accept()
print('Connected')
while True:
data = client.recv(6)#.decode()
if 'CLOSE' in data: break
#print(data)
serialPort.write(data)
| [
"platform.system",
"socket.socket",
"time.sleep"
] | [((157, 170), 'time.sleep', 'time.sleep', (['(2)'], {}), '(2)\n', (167, 170), False, 'import time\n'), ((181, 230), 'socket.socket', 'socket.socket', (['socket.AF_INET', 'socket.SOCK_STREAM'], {}), '(socket.AF_INET, socket.SOCK_STREAM)\n', (194, 230), False, 'import socket\n'), ((99, 116), 'platform.system', 'platform.system', ([], {}), '()\n', (114, 116), False, 'import platform\n')] |
from django.forms import ModelForm, Textarea, TextInput
from .models import Review
from django import forms
from django.contrib.auth.models import User
# Form to take display to take user's review
class ReviewForm(ModelForm):
class Meta:
model = Review
fields = ['rating', 'comment']
#user_name = forms.CharField(widget=forms.TextInput(attrs={'placeholder': 'abcd'}))
widgets = {
'comment' : Textarea(attrs={'cols':35, 'rows':10}),
#'user_name' : TextInput(attrs={'placeholder':User.username,})
}
class LoginForm(forms.Form):
username = forms.CharField(widget=forms.TextInput(attrs={'class':'forminput'}))
password = forms.CharField(widget=forms.PasswordInput)
| [
"django.forms.TextInput",
"django.forms.CharField",
"django.forms.Textarea"
] | [((697, 740), 'django.forms.CharField', 'forms.CharField', ([], {'widget': 'forms.PasswordInput'}), '(widget=forms.PasswordInput)\n', (712, 740), False, 'from django import forms\n'), ((442, 482), 'django.forms.Textarea', 'Textarea', ([], {'attrs': "{'cols': 35, 'rows': 10}"}), "(attrs={'cols': 35, 'rows': 10})\n", (450, 482), False, 'from django.forms import ModelForm, Textarea, TextInput\n'), ((636, 681), 'django.forms.TextInput', 'forms.TextInput', ([], {'attrs': "{'class': 'forminput'}"}), "(attrs={'class': 'forminput'})\n", (651, 681), False, 'from django import forms\n')] |
from flax import nn
import jax
from haiku._src.typing import PRNGKey
from jax import random
import jax.numpy as jnp
import numpy as onp
from typing import List, Tuple
from utils import gaussian_likelihood
class TD3Actor(nn.Module):
def apply(self, x, action_dim, max_action):
x = nn.Dense(x, features=256)
x = nn.relu(x)
x = nn.Dense(x, features=256)
x = nn.relu(x)
x = nn.Dense(x, features=action_dim)
return max_action * nn.tanh(x)
class TD3Critic(nn.Module):
def apply(self, state, action, Q1=False):
state_action = jnp.concatenate([state, action], axis=1)
q1 = nn.Dense(state_action, features=256)
q1 = nn.relu(q1)
q1 = nn.Dense(q1, features=256)
q1 = nn.relu(q1)
q1 = nn.Dense(q1, features=1)
if Q1:
return q1
q2 = nn.Dense(state_action, features=256)
q2 = nn.relu(q2)
q2 = nn.Dense(q2, features=256)
q2 = nn.relu(q2)
q2 = nn.Dense(q2, features=1)
return q1, q2
class DoubleCritic(nn.Module):
def apply(self, state, action, Q1=False):
state_action = jnp.concatenate([state, action], axis=1)
q1 = nn.Dense(state_action, features=500)
q1 = nn.LayerNorm(q1)
q1 = nn.tanh(q1)
q1 = nn.Dense(q1, features=500)
q1 = nn.elu(q1)
q1 = nn.Dense(q1, features=1)
if Q1:
return q1
q2 = nn.Dense(state_action, features=500)
q2 = nn.LayerNorm(q2)
q2 = nn.tanh(q2)
q2 = nn.Dense(q2, features=500)
q2 = nn.elu(q2)
q2 = nn.Dense(q2, features=1)
return q1, q2
class GaussianPolicy(nn.Module):
def apply(
self,
x,
action_dim,
max_action,
key=None,
MPO=False,
sample=False,
log_sig_min=-20,
log_sig_max=2,
):
x = nn.Dense(x, features=200)
x = nn.LayerNorm(x)
x = nn.tanh(x)
x = nn.Dense(x, features=200)
x = nn.elu(x)
x = nn.Dense(x, features=2 * action_dim)
mu, log_sig = jnp.split(x, 2, axis=-1)
log_sig = nn.softplus(log_sig)
log_sig = jnp.clip(log_sig, log_sig_min, log_sig_max)
if MPO:
return mu, log_sig
if not sample:
return max_action * nn.tanh(mu), log_sig
else:
pi = mu + random.normal(key, mu.shape) * jnp.exp(log_sig)
log_pi = gaussian_likelihood(pi, mu, log_sig)
pi = nn.tanh(pi)
log_pi -= jnp.sum(jnp.log(nn.relu(1 - pi ** 2) + 1e-6), axis=1)
return max_action * pi, log_pi
class Constant(nn.Module):
def apply(self, start_value, dtype=jnp.float32):
value = self.param("value", (1,), nn.initializers.ones)
return start_value * jnp.asarray(value, dtype)
def build_constant_model(start_value, init_rng):
constant = Constant.partial(start_value=start_value)
_, init_params = constant.init(init_rng)
return nn.Model(constant, init_params)
def build_td3_actor_model(input_shapes, action_dim, max_action, init_rng):
actor = TD3Actor.partial(action_dim=action_dim, max_action=max_action)
_, init_params = actor.init_by_shape(init_rng, input_shapes)
return nn.Model(actor, init_params)
def build_td3_critic_model(input_shapes, init_rng):
critic = TD3Critic.partial()
_, init_params = critic.init_by_shape(init_rng, input_shapes)
return nn.Model(critic, init_params)
def build_model(module: nn.Module, key: PRNGKey, input_shapes):
_, init_params = module.init_by_shape(key, input_shapes)
return nn.Model(module, init_params)
def build_double_critic_model(input_shapes, init_rng):
critic = DoubleCritic.partial()
_, init_params = critic.init_by_shape(init_rng, input_shapes)
return nn.Model(critic, init_params)
def build_gaussian_policy_model(input_shapes, action_dim, max_action, init_rng):
actor = GaussianPolicy.partial(action_dim=action_dim, max_action=max_action)
_, init_params = actor.init_by_shape(init_rng, input_shapes)
return nn.Model(actor, init_params)
| [
"jax.random.normal",
"flax.nn.softplus",
"jax.numpy.concatenate",
"jax.numpy.exp",
"utils.gaussian_likelihood",
"jax.numpy.asarray",
"flax.nn.elu",
"flax.nn.LayerNorm",
"jax.numpy.split",
"flax.nn.tanh",
"jax.numpy.clip",
"flax.nn.Model",
"flax.nn.Dense",
"flax.nn.relu"
] | [((3025, 3056), 'flax.nn.Model', 'nn.Model', (['constant', 'init_params'], {}), '(constant, init_params)\n', (3033, 3056), False, 'from flax import nn\n'), ((3286, 3314), 'flax.nn.Model', 'nn.Model', (['actor', 'init_params'], {}), '(actor, init_params)\n', (3294, 3314), False, 'from flax import nn\n'), ((3480, 3509), 'flax.nn.Model', 'nn.Model', (['critic', 'init_params'], {}), '(critic, init_params)\n', (3488, 3509), False, 'from flax import nn\n'), ((3648, 3677), 'flax.nn.Model', 'nn.Model', (['module', 'init_params'], {}), '(module, init_params)\n', (3656, 3677), False, 'from flax import nn\n'), ((3849, 3878), 'flax.nn.Model', 'nn.Model', (['critic', 'init_params'], {}), '(critic, init_params)\n', (3857, 3878), False, 'from flax import nn\n'), ((4120, 4148), 'flax.nn.Model', 'nn.Model', (['actor', 'init_params'], {}), '(actor, init_params)\n', (4128, 4148), False, 'from flax import nn\n'), ((295, 320), 'flax.nn.Dense', 'nn.Dense', (['x'], {'features': '(256)'}), '(x, features=256)\n', (303, 320), False, 'from flax import nn\n'), ((333, 343), 'flax.nn.relu', 'nn.relu', (['x'], {}), '(x)\n', (340, 343), False, 'from flax import nn\n'), ((356, 381), 'flax.nn.Dense', 'nn.Dense', (['x'], {'features': '(256)'}), '(x, features=256)\n', (364, 381), False, 'from flax import nn\n'), ((394, 404), 'flax.nn.relu', 'nn.relu', (['x'], {}), '(x)\n', (401, 404), False, 'from flax import nn\n'), ((417, 449), 'flax.nn.Dense', 'nn.Dense', (['x'], {'features': 'action_dim'}), '(x, features=action_dim)\n', (425, 449), False, 'from flax import nn\n'), ((588, 628), 'jax.numpy.concatenate', 'jnp.concatenate', (['[state, action]'], {'axis': '(1)'}), '([state, action], axis=1)\n', (603, 628), True, 'import jax.numpy as jnp\n'), ((643, 679), 'flax.nn.Dense', 'nn.Dense', (['state_action'], {'features': '(256)'}), '(state_action, features=256)\n', (651, 679), False, 'from flax import nn\n'), ((693, 704), 'flax.nn.relu', 'nn.relu', (['q1'], {}), '(q1)\n', (700, 704), False, 'from flax import nn\n'), ((718, 744), 'flax.nn.Dense', 'nn.Dense', (['q1'], {'features': '(256)'}), '(q1, features=256)\n', (726, 744), False, 'from flax import nn\n'), ((758, 769), 'flax.nn.relu', 'nn.relu', (['q1'], {}), '(q1)\n', (765, 769), False, 'from flax import nn\n'), ((783, 807), 'flax.nn.Dense', 'nn.Dense', (['q1'], {'features': '(1)'}), '(q1, features=1)\n', (791, 807), False, 'from flax import nn\n'), ((860, 896), 'flax.nn.Dense', 'nn.Dense', (['state_action'], {'features': '(256)'}), '(state_action, features=256)\n', (868, 896), False, 'from flax import nn\n'), ((910, 921), 'flax.nn.relu', 'nn.relu', (['q2'], {}), '(q2)\n', (917, 921), False, 'from flax import nn\n'), ((935, 961), 'flax.nn.Dense', 'nn.Dense', (['q2'], {'features': '(256)'}), '(q2, features=256)\n', (943, 961), False, 'from flax import nn\n'), ((975, 986), 'flax.nn.relu', 'nn.relu', (['q2'], {}), '(q2)\n', (982, 986), False, 'from flax import nn\n'), ((1000, 1024), 'flax.nn.Dense', 'nn.Dense', (['q2'], {'features': '(1)'}), '(q2, features=1)\n', (1008, 1024), False, 'from flax import nn\n'), ((1150, 1190), 'jax.numpy.concatenate', 'jnp.concatenate', (['[state, action]'], {'axis': '(1)'}), '([state, action], axis=1)\n', (1165, 1190), True, 'import jax.numpy as jnp\n'), ((1205, 1241), 'flax.nn.Dense', 'nn.Dense', (['state_action'], {'features': '(500)'}), '(state_action, features=500)\n', (1213, 1241), False, 'from flax import nn\n'), ((1255, 1271), 'flax.nn.LayerNorm', 'nn.LayerNorm', (['q1'], {}), '(q1)\n', (1267, 1271), False, 'from flax import nn\n'), ((1285, 1296), 'flax.nn.tanh', 'nn.tanh', (['q1'], {}), '(q1)\n', (1292, 1296), False, 'from flax import nn\n'), ((1310, 1336), 'flax.nn.Dense', 'nn.Dense', (['q1'], {'features': '(500)'}), '(q1, features=500)\n', (1318, 1336), False, 'from flax import nn\n'), ((1350, 1360), 'flax.nn.elu', 'nn.elu', (['q1'], {}), '(q1)\n', (1356, 1360), False, 'from flax import nn\n'), ((1374, 1398), 'flax.nn.Dense', 'nn.Dense', (['q1'], {'features': '(1)'}), '(q1, features=1)\n', (1382, 1398), False, 'from flax import nn\n'), ((1451, 1487), 'flax.nn.Dense', 'nn.Dense', (['state_action'], {'features': '(500)'}), '(state_action, features=500)\n', (1459, 1487), False, 'from flax import nn\n'), ((1501, 1517), 'flax.nn.LayerNorm', 'nn.LayerNorm', (['q2'], {}), '(q2)\n', (1513, 1517), False, 'from flax import nn\n'), ((1531, 1542), 'flax.nn.tanh', 'nn.tanh', (['q2'], {}), '(q2)\n', (1538, 1542), False, 'from flax import nn\n'), ((1556, 1582), 'flax.nn.Dense', 'nn.Dense', (['q2'], {'features': '(500)'}), '(q2, features=500)\n', (1564, 1582), False, 'from flax import nn\n'), ((1596, 1606), 'flax.nn.elu', 'nn.elu', (['q2'], {}), '(q2)\n', (1602, 1606), False, 'from flax import nn\n'), ((1620, 1644), 'flax.nn.Dense', 'nn.Dense', (['q2'], {'features': '(1)'}), '(q2, features=1)\n', (1628, 1644), False, 'from flax import nn\n'), ((1909, 1934), 'flax.nn.Dense', 'nn.Dense', (['x'], {'features': '(200)'}), '(x, features=200)\n', (1917, 1934), False, 'from flax import nn\n'), ((1947, 1962), 'flax.nn.LayerNorm', 'nn.LayerNorm', (['x'], {}), '(x)\n', (1959, 1962), False, 'from flax import nn\n'), ((1975, 1985), 'flax.nn.tanh', 'nn.tanh', (['x'], {}), '(x)\n', (1982, 1985), False, 'from flax import nn\n'), ((1998, 2023), 'flax.nn.Dense', 'nn.Dense', (['x'], {'features': '(200)'}), '(x, features=200)\n', (2006, 2023), False, 'from flax import nn\n'), ((2036, 2045), 'flax.nn.elu', 'nn.elu', (['x'], {}), '(x)\n', (2042, 2045), False, 'from flax import nn\n'), ((2058, 2094), 'flax.nn.Dense', 'nn.Dense', (['x'], {'features': '(2 * action_dim)'}), '(x, features=2 * action_dim)\n', (2066, 2094), False, 'from flax import nn\n'), ((2118, 2142), 'jax.numpy.split', 'jnp.split', (['x', '(2)'], {'axis': '(-1)'}), '(x, 2, axis=-1)\n', (2127, 2142), True, 'import jax.numpy as jnp\n'), ((2161, 2181), 'flax.nn.softplus', 'nn.softplus', (['log_sig'], {}), '(log_sig)\n', (2172, 2181), False, 'from flax import nn\n'), ((2200, 2243), 'jax.numpy.clip', 'jnp.clip', (['log_sig', 'log_sig_min', 'log_sig_max'], {}), '(log_sig, log_sig_min, log_sig_max)\n', (2208, 2243), True, 'import jax.numpy as jnp\n'), ((478, 488), 'flax.nn.tanh', 'nn.tanh', (['x'], {}), '(x)\n', (485, 488), False, 'from flax import nn\n'), ((2474, 2510), 'utils.gaussian_likelihood', 'gaussian_likelihood', (['pi', 'mu', 'log_sig'], {}), '(pi, mu, log_sig)\n', (2493, 2510), False, 'from utils import gaussian_likelihood\n'), ((2528, 2539), 'flax.nn.tanh', 'nn.tanh', (['pi'], {}), '(pi)\n', (2535, 2539), False, 'from flax import nn\n'), ((2834, 2859), 'jax.numpy.asarray', 'jnp.asarray', (['value', 'dtype'], {}), '(value, dtype)\n', (2845, 2859), True, 'import jax.numpy as jnp\n'), ((2348, 2359), 'flax.nn.tanh', 'nn.tanh', (['mu'], {}), '(mu)\n', (2355, 2359), False, 'from flax import nn\n'), ((2405, 2433), 'jax.random.normal', 'random.normal', (['key', 'mu.shape'], {}), '(key, mu.shape)\n', (2418, 2433), False, 'from jax import random\n'), ((2436, 2452), 'jax.numpy.exp', 'jnp.exp', (['log_sig'], {}), '(log_sig)\n', (2443, 2452), True, 'import jax.numpy as jnp\n'), ((2578, 2598), 'flax.nn.relu', 'nn.relu', (['(1 - pi ** 2)'], {}), '(1 - pi ** 2)\n', (2585, 2598), False, 'from flax import nn\n')] |
# Anagram Utility
# License: MIT
""" Tests for anagram"""
import unittest
import errno
import shutil
from os.path import join
import anagram.anagram as anagram
class TestAnagram(unittest.TestCase):
@classmethod
def setUpClass(cls):
cls.parser = anagram.args_options()
cls.mock_path = '/path/to/folder'
@classmethod
def tearDownClass(cls):
try:
shutil.rmtree('path')
except OSError as exc:
if exc.errno != errno.ENOENT:
raise
def test_incorrect_dict_path(self):
""" Test read from non-existant file """
args = ['--input', 'tests/samples/test']
with self.assertRaises(IOError):
anagram.main(self.parser.parse_args(args))
def test_negative_threshold(self):
""" Test an negative value for the character threshold """
args = ['--count', '-1']
with self.assertRaises(ValueError):
anagram.main(self.parser.parse_args(args))
def test_empty_output(self):
""" Test an empty output """
args = ['--input', 'tests/samples/empty']
self.assertEquals(anagram.main(self.parser.parse_args(args)),
'Input dataset is empty')
| [
"shutil.rmtree",
"anagram.anagram.args_options"
] | [((254, 276), 'anagram.anagram.args_options', 'anagram.args_options', ([], {}), '()\n', (274, 276), True, 'import anagram.anagram as anagram\n'), ((363, 384), 'shutil.rmtree', 'shutil.rmtree', (['"""path"""'], {}), "('path')\n", (376, 384), False, 'import shutil\n')] |
from fractions import Fraction
from dice_stats import Dice
def test_totalchance():
d6 = Dice.from_dice(6)
for c in [
Fraction(1),
Fraction(1, 2),
Fraction(1, 6),
]:
assert d6 @ c * 2 == 2 * d6 @ c
def test_nested_d6():
d6 = Dice.from_dice(6)
d6_a = Dice.sum(v * d6 for v, c in d6.items())
d6_b = Dice.sum([1 * d6, 2 * d6, 3 * d6, 4 * d6, 5 * d6, 6 * d6])
assert d6_a == d6_b
assert d6_a._total_chance == Fraction(6)
def test_nested_d6_chance():
d6 = Dice.from_dice(6)
d6_a = Dice.sum(v * d6 @ c for v, c in d6.items())
c = Fraction(1, 6)
d6_b = Dice.sum(
[1 * d6 @ c, 2 * d6 @ c, 3 * d6 @ c, 4 * d6 @ c, 5 * d6 @ c, 6 * d6 @ c,]
)
assert d6_a == d6_b
assert d6_a._total_chance == Fraction(1)
def test_nested_d6_chance_squared():
d6 = Dice.from_dice(6)
d6_a = Dice.sum(v * d6 @ c for v, c in d6.items())
c = Fraction(1, 6)
d6_b = Dice.sum(
[d6 @ c * 1, d6 @ c * 2, d6 @ c * 3, d6 @ c * 4, d6 @ c * 5, d6 @ c * 6,]
)
assert d6_a == d6_b
def test_applyfunction():
d6 = Dice.from_dice(6)
result = d6.apply_functions({(1,): lambda d: d6 @ d}, lambda d: d)
expected = Dice.from_full(
{
1: Fraction(1, 36),
2: Fraction(7, 36),
3: Fraction(7, 36),
4: Fraction(7, 36),
5: Fraction(7, 36),
6: Fraction(7, 36),
}
)
assert result == expected
assert result._total_chance == Fraction(1)
def test_applyfunction_old():
d6 = Dice.from_dice(6)
result = d6.apply_functions({(1,): lambda _: d6}, lambda d: d)
expected = Dice.from_external(
{
1: Fraction(1, 6),
2: Fraction(1, 3),
3: Fraction(1, 3),
4: Fraction(1, 3),
5: Fraction(1, 3),
6: Fraction(1, 3),
},
Fraction(11, 6),
)
assert result == expected
assert result._total_chance == Fraction(11, 6)
def test_applydice():
result = Dice.from_dice(3).apply_dice(
{(1,): Dice.from_dice(4, 2)}, Dice.from_dice(6),
)
expected = Dice.from_external(
{
1: Fraction(5, 18),
2: Fraction(5, 18),
3: Fraction(5, 18),
4: Fraction(5, 18),
5: Fraction(1, 9),
6: Fraction(1, 9),
},
Fraction(4, 3),
)
assert result == expected
def test_sum_to_one():
result = Dice.sum(
[Dice.from_dice(6) @ Fraction(1 / 2), Dice.from_dice(3) @ Fraction(1 / 2),]
)
expected = Dice.from_external(
{
1: Fraction(1, 4),
2: Fraction(1, 4),
3: Fraction(1, 4),
4: Fraction(1, 12),
5: Fraction(1, 12),
6: Fraction(1, 12),
},
Fraction(1),
)
assert result == expected
def test_sum_to_half():
result = Dice.sum([Dice.from_dice(6), Dice.from_dice(3) @ Fraction(1 / 2),])
expected = Dice.from_external(
{
1: Fraction(1, 3),
2: Fraction(1, 3),
3: Fraction(1, 3),
4: Fraction(1, 6),
5: Fraction(1, 6),
6: Fraction(1, 6),
},
Fraction(3, 2),
)
assert result == expected
| [
"fractions.Fraction",
"dice_stats.Dice.sum",
"dice_stats.Dice.from_dice"
] | [((95, 112), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (109, 112), False, 'from dice_stats import Dice\n'), ((278, 295), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (292, 295), False, 'from dice_stats import Dice\n'), ((358, 416), 'dice_stats.Dice.sum', 'Dice.sum', (['[1 * d6, 2 * d6, 3 * d6, 4 * d6, 5 * d6, 6 * d6]'], {}), '([1 * d6, 2 * d6, 3 * d6, 4 * d6, 5 * d6, 6 * d6])\n', (366, 416), False, 'from dice_stats import Dice\n'), ((527, 544), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (541, 544), False, 'from dice_stats import Dice\n'), ((608, 622), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (616, 622), False, 'from fractions import Fraction\n'), ((634, 720), 'dice_stats.Dice.sum', 'Dice.sum', (['[1 * d6 @ c, 2 * d6 @ c, 3 * d6 @ c, 4 * d6 @ c, 5 * d6 @ c, 6 * d6 @ c]'], {}), '([1 * d6 @ c, 2 * d6 @ c, 3 * d6 @ c, 4 * d6 @ c, 5 * d6 @ c, 6 *\n d6 @ c])\n', (642, 720), False, 'from dice_stats import Dice\n'), ((850, 867), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (864, 867), False, 'from dice_stats import Dice\n'), ((931, 945), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (939, 945), False, 'from fractions import Fraction\n'), ((957, 1043), 'dice_stats.Dice.sum', 'Dice.sum', (['[d6 @ c * 1, d6 @ c * 2, d6 @ c * 3, d6 @ c * 4, d6 @ c * 5, d6 @ c * 6]'], {}), '([d6 @ c * 1, d6 @ c * 2, d6 @ c * 3, d6 @ c * 4, d6 @ c * 5, d6 @\n c * 6])\n', (965, 1043), False, 'from dice_stats import Dice\n'), ((1117, 1134), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (1131, 1134), False, 'from dice_stats import Dice\n'), ((1574, 1591), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (1588, 1591), False, 'from dice_stats import Dice\n'), ((137, 148), 'fractions.Fraction', 'Fraction', (['(1)'], {}), '(1)\n', (145, 148), False, 'from fractions import Fraction\n'), ((158, 172), 'fractions.Fraction', 'Fraction', (['(1)', '(2)'], {}), '(1, 2)\n', (166, 172), False, 'from fractions import Fraction\n'), ((182, 196), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (190, 196), False, 'from fractions import Fraction\n'), ((475, 486), 'fractions.Fraction', 'Fraction', (['(6)'], {}), '(6)\n', (483, 486), False, 'from fractions import Fraction\n'), ((790, 801), 'fractions.Fraction', 'Fraction', (['(1)'], {}), '(1)\n', (798, 801), False, 'from fractions import Fraction\n'), ((1521, 1532), 'fractions.Fraction', 'Fraction', (['(1)'], {}), '(1)\n', (1529, 1532), False, 'from fractions import Fraction\n'), ((1909, 1924), 'fractions.Fraction', 'Fraction', (['(11)', '(6)'], {}), '(11, 6)\n', (1917, 1924), False, 'from fractions import Fraction\n'), ((1998, 2013), 'fractions.Fraction', 'Fraction', (['(11)', '(6)'], {}), '(11, 6)\n', (2006, 2013), False, 'from fractions import Fraction\n'), ((2119, 2136), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (2133, 2136), False, 'from dice_stats import Dice\n'), ((2398, 2412), 'fractions.Fraction', 'Fraction', (['(4)', '(3)'], {}), '(4, 3)\n', (2406, 2412), False, 'from fractions import Fraction\n'), ((2842, 2853), 'fractions.Fraction', 'Fraction', (['(1)'], {}), '(1)\n', (2850, 2853), False, 'from fractions import Fraction\n'), ((3249, 3263), 'fractions.Fraction', 'Fraction', (['(3)', '(2)'], {}), '(3, 2)\n', (3257, 3263), False, 'from fractions import Fraction\n'), ((1262, 1277), 'fractions.Fraction', 'Fraction', (['(1)', '(36)'], {}), '(1, 36)\n', (1270, 1277), False, 'from fractions import Fraction\n'), ((1294, 1309), 'fractions.Fraction', 'Fraction', (['(7)', '(36)'], {}), '(7, 36)\n', (1302, 1309), False, 'from fractions import Fraction\n'), ((1326, 1341), 'fractions.Fraction', 'Fraction', (['(7)', '(36)'], {}), '(7, 36)\n', (1334, 1341), False, 'from fractions import Fraction\n'), ((1358, 1373), 'fractions.Fraction', 'Fraction', (['(7)', '(36)'], {}), '(7, 36)\n', (1366, 1373), False, 'from fractions import Fraction\n'), ((1390, 1405), 'fractions.Fraction', 'Fraction', (['(7)', '(36)'], {}), '(7, 36)\n', (1398, 1405), False, 'from fractions import Fraction\n'), ((1422, 1437), 'fractions.Fraction', 'Fraction', (['(7)', '(36)'], {}), '(7, 36)\n', (1430, 1437), False, 'from fractions import Fraction\n'), ((1719, 1733), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (1727, 1733), False, 'from fractions import Fraction\n'), ((1750, 1764), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (1758, 1764), False, 'from fractions import Fraction\n'), ((1781, 1795), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (1789, 1795), False, 'from fractions import Fraction\n'), ((1812, 1826), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (1820, 1826), False, 'from fractions import Fraction\n'), ((1843, 1857), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (1851, 1857), False, 'from fractions import Fraction\n'), ((1874, 1888), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (1882, 1888), False, 'from fractions import Fraction\n'), ((2051, 2068), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(3)'], {}), '(3)\n', (2065, 2068), False, 'from dice_stats import Dice\n'), ((2096, 2116), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(4)', '(2)'], {}), '(4, 2)\n', (2110, 2116), False, 'from dice_stats import Dice\n'), ((2204, 2219), 'fractions.Fraction', 'Fraction', (['(5)', '(18)'], {}), '(5, 18)\n', (2212, 2219), False, 'from fractions import Fraction\n'), ((2236, 2251), 'fractions.Fraction', 'Fraction', (['(5)', '(18)'], {}), '(5, 18)\n', (2244, 2251), False, 'from fractions import Fraction\n'), ((2268, 2283), 'fractions.Fraction', 'Fraction', (['(5)', '(18)'], {}), '(5, 18)\n', (2276, 2283), False, 'from fractions import Fraction\n'), ((2300, 2315), 'fractions.Fraction', 'Fraction', (['(5)', '(18)'], {}), '(5, 18)\n', (2308, 2315), False, 'from fractions import Fraction\n'), ((2332, 2346), 'fractions.Fraction', 'Fraction', (['(1)', '(9)'], {}), '(1, 9)\n', (2340, 2346), False, 'from fractions import Fraction\n'), ((2363, 2377), 'fractions.Fraction', 'Fraction', (['(1)', '(9)'], {}), '(1, 9)\n', (2371, 2377), False, 'from fractions import Fraction\n'), ((2649, 2663), 'fractions.Fraction', 'Fraction', (['(1)', '(4)'], {}), '(1, 4)\n', (2657, 2663), False, 'from fractions import Fraction\n'), ((2680, 2694), 'fractions.Fraction', 'Fraction', (['(1)', '(4)'], {}), '(1, 4)\n', (2688, 2694), False, 'from fractions import Fraction\n'), ((2711, 2725), 'fractions.Fraction', 'Fraction', (['(1)', '(4)'], {}), '(1, 4)\n', (2719, 2725), False, 'from fractions import Fraction\n'), ((2742, 2757), 'fractions.Fraction', 'Fraction', (['(1)', '(12)'], {}), '(1, 12)\n', (2750, 2757), False, 'from fractions import Fraction\n'), ((2774, 2789), 'fractions.Fraction', 'Fraction', (['(1)', '(12)'], {}), '(1, 12)\n', (2782, 2789), False, 'from fractions import Fraction\n'), ((2806, 2821), 'fractions.Fraction', 'Fraction', (['(1)', '(12)'], {}), '(1, 12)\n', (2814, 2821), False, 'from fractions import Fraction\n'), ((2941, 2958), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (2955, 2958), False, 'from dice_stats import Dice\n'), ((3059, 3073), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (3067, 3073), False, 'from fractions import Fraction\n'), ((3090, 3104), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (3098, 3104), False, 'from fractions import Fraction\n'), ((3121, 3135), 'fractions.Fraction', 'Fraction', (['(1)', '(3)'], {}), '(1, 3)\n', (3129, 3135), False, 'from fractions import Fraction\n'), ((3152, 3166), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (3160, 3166), False, 'from fractions import Fraction\n'), ((3183, 3197), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (3191, 3197), False, 'from fractions import Fraction\n'), ((3214, 3228), 'fractions.Fraction', 'Fraction', (['(1)', '(6)'], {}), '(1, 6)\n', (3222, 3228), False, 'from fractions import Fraction\n'), ((2508, 2525), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(6)'], {}), '(6)\n', (2522, 2525), False, 'from dice_stats import Dice\n'), ((2528, 2543), 'fractions.Fraction', 'Fraction', (['(1 / 2)'], {}), '(1 / 2)\n', (2536, 2543), False, 'from fractions import Fraction\n'), ((2545, 2562), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(3)'], {}), '(3)\n', (2559, 2562), False, 'from dice_stats import Dice\n'), ((2565, 2580), 'fractions.Fraction', 'Fraction', (['(1 / 2)'], {}), '(1 / 2)\n', (2573, 2580), False, 'from fractions import Fraction\n'), ((2960, 2977), 'dice_stats.Dice.from_dice', 'Dice.from_dice', (['(3)'], {}), '(3)\n', (2974, 2977), False, 'from dice_stats import Dice\n'), ((2980, 2995), 'fractions.Fraction', 'Fraction', (['(1 / 2)'], {}), '(1 / 2)\n', (2988, 2995), False, 'from fractions import Fraction\n')] |
# Copyright 2019 The SQLFlow Authors. All rights reserved.
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import io
import pickle
import tarfile
import odps
import tensorflow as tf
from tensorflow.python.platform import gfile
from sqlflow_submitter import db
import os
def save(oss_model_dir, *meta):
'''
Save model descriptions like the training SQL statements to OSS directory.
Data are saved using pickle.
Args:
oss_model_dir: OSS URI that the model will be saved to.
*meta: python objects to be saved.
Return:
None
'''
uri_parts = oss_model_dir.split("?")
if len(uri_parts) != 2:
raise ValueError("error oss_model_dir: ", oss_model_dir)
oss_path = "/".join([uri_parts[0].rstrip("/"), "sqlflow_model_desc"])
writer = gfile.GFile(oss_path, mode='w')
pickle.dump(list(meta), writer)
writer.flush()
writer.close()
def load(oss_model_dir):
'''
Load and restore a directory and metadata that are saved by `model.save`
from a MaxCompute table
Args:
oss_model_dir: OSS URI that the model will be saved to.
Return:
A list contains the saved python objects
'''
uri_parts = oss_model_dir.split("?")
if len(uri_parts) != 2:
raise ValueError("error oss_model_dir: ", oss_model_dir)
oss_path = "/".join([uri_parts[0].rstrip("/"), "sqlflow_model_desc"])
reader = gfile.GFile(oss_path, mode='r')
return pickle.load(reader)
| [
"pickle.load",
"tensorflow.python.platform.gfile.GFile"
] | [((1287, 1318), 'tensorflow.python.platform.gfile.GFile', 'gfile.GFile', (['oss_path'], {'mode': '"""w"""'}), "(oss_path, mode='w')\n", (1298, 1318), False, 'from tensorflow.python.platform import gfile\n'), ((1897, 1928), 'tensorflow.python.platform.gfile.GFile', 'gfile.GFile', (['oss_path'], {'mode': '"""r"""'}), "(oss_path, mode='r')\n", (1908, 1928), False, 'from tensorflow.python.platform import gfile\n'), ((1940, 1959), 'pickle.load', 'pickle.load', (['reader'], {}), '(reader)\n', (1951, 1959), False, 'import pickle\n')] |
# Copyright (C) 2017 <NAME>
#
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in
# all copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN
# THE SOFTWARE.
import datetime
import json
import os
import operator
import shlex
import subprocess
from . import __version__
from .config import config
def get_houdini_environment_path(hou=None):
hou = hou or config.get('houdinienv', 'houdini16.0')
if not '/' in hou and not os.sep in hou:
hou = os.path.expanduser('~/Documents/' + hou + '/houdini.env')
return os.path.normpath(hou)
def get_houdini_user_prefs_directories():
directory = os.path.expanduser('~/Documents')
if not os.path.isdir(directory):
return []
result = []
for name in os.listdir(directory):
envfile = os.path.join(directory, name, 'houdini.env')
if name.startswith('houdini') and os.path.isfile(envfile):
result.append((name, envfile))
result.sort(key=operator.itemgetter(0), reverse=True)
return result
def load_library_config(directory):
config_file = os.path.join(directory, 'houdini-library.json')
if not os.path.isfile(config_file):
raise NotALibraryError('missing library configuration file: {}'.format(config_file))
with open(config_file) as fp:
return json.load(fp)
def install_library(env, directory, overwrite=False):
# Open the librarie's configuration file.
config = load_library_config(directory)
now = datetime.datetime.now().strftime('%Y-%m-%d %H:%M')
version = __version__
# Initialize the default section. It's purpose is to make sure that
# Houdini's default paths do not get messed up.
section = env.get_named_section('DEFAULT')
if not section:
section = env.add_named_section('DEFAULT', '', before=env.get_first_named_section())
else:
section.clear()
section.add_comment(' Automatically generated by houdini-manage v{}'.format(version))
section.add_comment(' Last update: {}'.format(now))
#for info in HOUDINI_PATH_ENVVARS:
# # Houdini will use the default value of the variable when it sees
# # the ampersand.
# section.add_variable(info['var'], '&')
section.add_variable('HOUDINI_PATH', '&')
section.add_variable('PYTHONPATH', '&')
# Create or update the section for this library.
directory = os.path.normpath(os.path.abspath(directory))
section = env.get_named_section('library:' + config['libraryName'])
if not section:
previous = False
section = env.add_named_section('library:' + config['libraryName'], '')
else:
previous = True
if not overwrite:
raise PreviousInstallationFoundError(config['libraryName'])
section.clear()
section.add_comment(' Automatically generated by houdini-manage v{}'.format(version))
section.add_comment(' Last update: {}'.format(now))
#for info in HOUDINI_PATH_ENVVARS:
# if not info['dir']: continue
# vardir = os.path.join(directory, info['dir'])
# if not os.path.isdir(vardir): continue
# section.add_variable(info['var'], '$' + info['var'], vardir)
section.add_variable('HOUDINI_PATH', '$HOUDINI_PATH', directory)
section.add_variable('PYTHONPATH', '$PYTHONPATH', os.path.join(directory, 'python'))
section.add_variable('HLIBPATH_' + config['libraryName'], directory)
section.add_variable('HLIBVERSION_' + config['libraryName'], config['libraryVersion'])
if config.get('environment'):
section.add_comment('Environment variables specified by the library:')
for line in config['environment']:
section.add_line(line)
def remove_library(env, name):
section = env.get_library(name)
if section:
env.remove_section(section)
return True
return False
def get_houdini_application_dir():
install_dir = config.get('houdiniapp')
if install_dir:
return install_dir
if os.name == 'nt':
import winreg
key = winreg.OpenKey(winreg.HKEY_CLASSES_ROOT, 'Houdini.hip\\shell\\open\\command')
path = shlex.split(winreg.QueryValue(key, None))[0]
path = os.path.dirname(os.path.dirname(path))
else:
path = ''
return path
def build_dso(hou_app_dir, library_dir):
hcustom = os.path.join(hou_app_dir, 'bin\\hcustom.exe' if os.name == 'nt' else 'bin/hcustom')
library_dir = os.path.abspath(library_dir)
config = load_library_config(library_dir)
dso_source = os.path.join(library_dir, config.get('dsoSource', 'dso_source'))
if not os.path.isdir(dso_source):
return 0, True
dso_dir = os.path.join(library_dir, 'dso')
if not os.path.isdir(dso_dir):
os.makedirs(dso_dir)
files = []
for name in os.listdir(dso_source):
ext = os.path.splitext(name)[1].lower()
if ext in ('.c', '.cc', '.cxx', '.cpp'):
files.append(os.path.join(dso_source, name))
if not files:
return 0, True
command = [hcustom]
if config.get('dsoDebug'):
command += '-g'
for path in config.get('dsoInclude', []):
command += ['-I', os.path.join(library_dir, path)]
for path in config.get('dsoLibdir', []):
command += ['-L', os.path.join(library_dir, path)]
for lib in config.get('dsoLibs', []):
command += ['-l', lib]
command += ['-i', dso_dir]
print('Building DSOs for "{}" ...'.format(config['libraryName']))
ok = True
for filename in files:
current_command = command + [filename]
print()
print(' {} ...'.format(os.path.basename(filename)))
print()
res = subprocess.call(current_command, cwd=dso_dir)
if res != 0:
print('Error: hcustom failed with exit code', res)
ok = False
print('Done.')
return len(files), ok
class InstallError(Exception):
pass
class NotALibraryError(InstallError):
pass
class PreviousInstallationFoundError(InstallError):
def __init__(self, library_name):
self.library_name = library_name
| [
"os.path.abspath",
"json.load",
"os.path.join",
"os.makedirs",
"os.path.basename",
"os.path.isdir",
"os.path.dirname",
"datetime.datetime.now",
"os.path.isfile",
"subprocess.call",
"os.path.normpath",
"winreg.QueryValue",
"os.path.splitext",
"operator.itemgetter",
"os.path.expanduser",
"os.listdir",
"winreg.OpenKey"
] | [((1446, 1467), 'os.path.normpath', 'os.path.normpath', (['hou'], {}), '(hou)\n', (1462, 1467), False, 'import os\n'), ((1526, 1559), 'os.path.expanduser', 'os.path.expanduser', (['"""~/Documents"""'], {}), "('~/Documents')\n", (1544, 1559), False, 'import os\n'), ((1637, 1658), 'os.listdir', 'os.listdir', (['directory'], {}), '(directory)\n', (1647, 1658), False, 'import os\n'), ((1945, 1992), 'os.path.join', 'os.path.join', (['directory', '"""houdini-library.json"""'], {}), "(directory, 'houdini-library.json')\n", (1957, 1992), False, 'import os\n'), ((4992, 5079), 'os.path.join', 'os.path.join', (['hou_app_dir', "('bin\\\\hcustom.exe' if os.name == 'nt' else 'bin/hcustom')"], {}), "(hou_app_dir, 'bin\\\\hcustom.exe' if os.name == 'nt' else\n 'bin/hcustom')\n", (5004, 5079), False, 'import os\n'), ((5092, 5120), 'os.path.abspath', 'os.path.abspath', (['library_dir'], {}), '(library_dir)\n', (5107, 5120), False, 'import os\n'), ((5314, 5346), 'os.path.join', 'os.path.join', (['library_dir', '"""dso"""'], {}), "(library_dir, 'dso')\n", (5326, 5346), False, 'import os\n'), ((5433, 5455), 'os.listdir', 'os.listdir', (['dso_source'], {}), '(dso_source)\n', (5443, 5455), False, 'import os\n'), ((1379, 1436), 'os.path.expanduser', 'os.path.expanduser', (["('~/Documents/' + hou + '/houdini.env')"], {}), "('~/Documents/' + hou + '/houdini.env')\n", (1397, 1436), False, 'import os\n'), ((1569, 1593), 'os.path.isdir', 'os.path.isdir', (['directory'], {}), '(directory)\n', (1582, 1593), False, 'import os\n'), ((1674, 1718), 'os.path.join', 'os.path.join', (['directory', 'name', '"""houdini.env"""'], {}), "(directory, name, 'houdini.env')\n", (1686, 1718), False, 'import os\n'), ((2002, 2029), 'os.path.isfile', 'os.path.isfile', (['config_file'], {}), '(config_file)\n', (2016, 2029), False, 'import os\n'), ((2163, 2176), 'json.load', 'json.load', (['fp'], {}), '(fp)\n', (2172, 2176), False, 'import json\n'), ((3191, 3217), 'os.path.abspath', 'os.path.abspath', (['directory'], {}), '(directory)\n', (3206, 3217), False, 'import os\n'), ((4034, 4067), 'os.path.join', 'os.path.join', (['directory', '"""python"""'], {}), "(directory, 'python')\n", (4046, 4067), False, 'import os\n'), ((4717, 4794), 'winreg.OpenKey', 'winreg.OpenKey', (['winreg.HKEY_CLASSES_ROOT', '"""Houdini.hip\\\\shell\\\\open\\\\command"""'], {}), "(winreg.HKEY_CLASSES_ROOT, 'Houdini.hip\\\\shell\\\\open\\\\command')\n", (4731, 4794), False, 'import winreg\n'), ((5255, 5280), 'os.path.isdir', 'os.path.isdir', (['dso_source'], {}), '(dso_source)\n', (5268, 5280), False, 'import os\n'), ((5356, 5378), 'os.path.isdir', 'os.path.isdir', (['dso_dir'], {}), '(dso_dir)\n', (5369, 5378), False, 'import os\n'), ((5384, 5404), 'os.makedirs', 'os.makedirs', (['dso_dir'], {}), '(dso_dir)\n', (5395, 5404), False, 'import os\n'), ((6239, 6284), 'subprocess.call', 'subprocess.call', (['current_command'], {'cwd': 'dso_dir'}), '(current_command, cwd=dso_dir)\n', (6254, 6284), False, 'import subprocess\n'), ((1757, 1780), 'os.path.isfile', 'os.path.isfile', (['envfile'], {}), '(envfile)\n', (1771, 1780), False, 'import os\n'), ((1837, 1859), 'operator.itemgetter', 'operator.itemgetter', (['(0)'], {}), '(0)\n', (1856, 1859), False, 'import operator\n'), ((2328, 2351), 'datetime.datetime.now', 'datetime.datetime.now', ([], {}), '()\n', (2349, 2351), False, 'import datetime\n'), ((4878, 4899), 'os.path.dirname', 'os.path.dirname', (['path'], {}), '(path)\n', (4893, 4899), False, 'import os\n'), ((5771, 5802), 'os.path.join', 'os.path.join', (['library_dir', 'path'], {}), '(library_dir, path)\n', (5783, 5802), False, 'import os\n'), ((5869, 5900), 'os.path.join', 'os.path.join', (['library_dir', 'path'], {}), '(library_dir, path)\n', (5881, 5900), False, 'import os\n'), ((4818, 4846), 'winreg.QueryValue', 'winreg.QueryValue', (['key', 'None'], {}), '(key, None)\n', (4835, 4846), False, 'import winreg\n'), ((5565, 5595), 'os.path.join', 'os.path.join', (['dso_source', 'name'], {}), '(dso_source, name)\n', (5577, 5595), False, 'import os\n'), ((6188, 6214), 'os.path.basename', 'os.path.basename', (['filename'], {}), '(filename)\n', (6204, 6214), False, 'import os\n'), ((5467, 5489), 'os.path.splitext', 'os.path.splitext', (['name'], {}), '(name)\n', (5483, 5489), False, 'import os\n')] |
from __future__ import print_function, absolute_import, unicode_literals, division
import six
from six.moves import (zip, filter, map, reduce, input, range)
# standard library
import functools
# third party
# project specific
from waldo.conf import settings
from waldo import wio
from . import secondary
from . import primary
__all__ = ['summarize']
CALLBACK_LOAD_FRAC = 0.02
CALLBACK_PRIMARY_FRAC = 0.90
CALLBACK_SECONDARY_FRAC = 0.08
# TODO remove ex_id from parameters. rely solely on experiment
def summarize(ex_id, experiment=None, verbose=False, callback=None):
"""
intermediate summary data.
"""
if verbose:
talk = print
else:
talk = lambda *a, **k: None
if callback:
def cb_load(p):
callback(CALLBACK_LOAD_FRAC * p)
def cb_pri(p):
callback(CALLBACK_LOAD_FRAC + CALLBACK_PRIMARY_FRAC * p)
def cb_sec(p):
callback(CALLBACK_LOAD_FRAC + CALLBACK_PRIMARY_FRAC +
CALLBACK_SECONDARY_FRAC * p)
def cb_pri_steps(p, step, num_steps):
cb_pri((step + p) / num_steps)
else:
cb_load = cb_pri = cb_sec = cb_pri_steps = None
talk('preparing blob files')
if experiment is None:
# load experiment
experiment = wio.Experiment(experiment_id=ex_id, callback=cb_load)
talk('Loaded experiment ID: {}'.format(experiment.id))
def save_processed_data(data, experiment):
talk(' - Saving to CSVs...')
dumped_keys = []
for key, value in six.iteritems(data):
talk(' - {}'.format(key))
experiment.prepdata.dump(data_type=key, dataframe=value, index=False)
dumped_keys.append(key)
# free up memory once this is saved
for key in dumped_keys:
del data[key]
# process the basic blob data
talk(' - Summarizing raw data...')
data = {}
for i, df_type in enumerate(['bounds', 'terminals', 'sizes']):
if callback:
cb = lambda x: cb_pri_steps(x, i, 3)
else:
cb = None
print(' - Summarizing {df} data...'.format(df=df_type))
data[df_type] = primary.create_primary_df(experiment, df_type, callback=cb)
save_processed_data(data, experiment)
# TODO: remove this commented method. it keeps failing.
# data = primary.summarize(experiment, callback=cb_pri)
# generate secondary data
talk(' - Generating secondary data...')
# data['roi'] = secondary.in_roi(experiment=experiment, bounds=data['bounds'])
data['roi'] = secondary.in_roi(experiment=experiment, bounds=None)
if callback:
cb_sec(0.4)
save_processed_data(data, experiment)
if callback:
cb_sec(0.6)
# data['moved'] = secondary.bodylengths_moved(bounds=data['bounds'], sizes=data['sizes'])
data['moved'] = secondary.bodylengths_moved(experiment=experiment)
if callback:
cb_sec(0.8)
save_processed_data(data, experiment)
if callback:
cb_sec(1)
# dump it out | [
"waldo.wio.Experiment",
"six.iteritems"
] | [((1286, 1339), 'waldo.wio.Experiment', 'wio.Experiment', ([], {'experiment_id': 'ex_id', 'callback': 'cb_load'}), '(experiment_id=ex_id, callback=cb_load)\n', (1300, 1339), False, 'from waldo import wio\n'), ((1540, 1559), 'six.iteritems', 'six.iteritems', (['data'], {}), '(data)\n', (1553, 1559), False, 'import six\n')] |
"""
Useful functions for creating encryption schemes.
"""
from math import gcd
from typing import Tuple
import sympy
from ._check_gmpy2 import USE_GMPY2
if USE_GMPY2:
import gmpy2
def randprime(low: int, high: int) -> int:
"""
Generate a random prime number in the range [low, high). Returns GMPY2 MPZ integer if available.
:param low: Lower bound (inclusive) of the range.
:param high: Upper bound (exclusive) of the range.
:return: Random prime number.
:raise ValueError: the lower bound should be strictly lower than the upper bound
"""
if low >= high:
raise ValueError(
"the lower bound should be smaller or equal to the upper bound"
)
if USE_GMPY2:
return gmpy2.mpz(sympy.ntheory.generate.randprime(low, high))
# else
return sympy.ntheory.generate.randprime(low, high)
def pow_mod(base: int, exponent: int, modulus: int) -> int:
"""
Compute base**exponent % modulus. Uses GMPY2 if available.
:param base: base
:param exponent: exponent
:param modulus: modulus
:return: base**exponent % modulus
"""
if USE_GMPY2:
return gmpy2.powmod(base, exponent, modulus)
# else
return pow(base, exponent, modulus)
def mod_inv(value: int, modulus: int) -> int:
"""
Compute the inverse of a number, given the modulus of the group.
Note that the inverse might not exist. Uses GMPY2 if available.
:param value: The number to be inverted.
:param modulus: The group modulus.
:raise ZeroDivisionError: Raised when the inverse of the value does not exist.
:return: The inverse of a under the modulus.
"""
value %= modulus
if USE_GMPY2:
return gmpy2.invert(value, modulus)
# else
gcd_, inverse, _ = extended_euclidean(value, modulus)
if gcd_ != 1:
raise ZeroDivisionError(f"Inverse of {value} mod {modulus} does not exist.")
return inverse
def extended_euclidean(num_a: int, num_b: int) -> Tuple[int, int, int]:
"""
Perform the extended euclidean algorithm on the input numbers.
The method returns gcd, x, y, such that a*x + b*y = gcd.
:param num_a: First number a.
:param num_b: Second number b.
:return: Tuple containing gcd, x, and y, such that a*x + b*y = gcd.
"""
# a*x + b*y = gcd
x_old, x_cur, y_old, y_cur = 0, 1, 1, 0
while num_a != 0:
quotient, num_b, num_a = num_b // num_a, num_a, num_b % num_a
y_old, y_cur = y_cur, y_old - quotient * y_cur
x_old, x_cur = x_cur, x_old - quotient * x_cur
return num_b, x_old, y_old
def lcm(num_a: int, num_b: int) -> int:
"""
Compute the least common multiple of two input numbers. Uses GMPY2 if available.
:param num_a: First number a.
:param num_b: Second number b.
:return: Least common multiple of a and b.
"""
if USE_GMPY2:
return gmpy2.lcm(num_a, num_b)
# else
return num_a * num_b // gcd(num_a, num_b)
def is_prime(number: int) -> bool:
"""
Check if the input number is a prime number. Uses GMPY2 if available
:param number: The number to check
:return: Whether the input is prime or not
"""
if USE_GMPY2:
return gmpy2.mpz(number).is_prime()
# else
return sympy.isprime(number)
| [
"gmpy2.invert",
"math.gcd",
"sympy.ntheory.generate.randprime",
"gmpy2.lcm",
"gmpy2.mpz",
"gmpy2.powmod",
"sympy.isprime"
] | [((821, 864), 'sympy.ntheory.generate.randprime', 'sympy.ntheory.generate.randprime', (['low', 'high'], {}), '(low, high)\n', (853, 864), False, 'import sympy\n'), ((3270, 3291), 'sympy.isprime', 'sympy.isprime', (['number'], {}), '(number)\n', (3283, 3291), False, 'import sympy\n'), ((1158, 1195), 'gmpy2.powmod', 'gmpy2.powmod', (['base', 'exponent', 'modulus'], {}), '(base, exponent, modulus)\n', (1170, 1195), False, 'import gmpy2\n'), ((1719, 1747), 'gmpy2.invert', 'gmpy2.invert', (['value', 'modulus'], {}), '(value, modulus)\n', (1731, 1747), False, 'import gmpy2\n'), ((2892, 2915), 'gmpy2.lcm', 'gmpy2.lcm', (['num_a', 'num_b'], {}), '(num_a, num_b)\n', (2901, 2915), False, 'import gmpy2\n'), ((2955, 2972), 'math.gcd', 'gcd', (['num_a', 'num_b'], {}), '(num_a, num_b)\n', (2958, 2972), False, 'from math import gcd\n'), ((754, 797), 'sympy.ntheory.generate.randprime', 'sympy.ntheory.generate.randprime', (['low', 'high'], {}), '(low, high)\n', (786, 797), False, 'import sympy\n'), ((3219, 3236), 'gmpy2.mpz', 'gmpy2.mpz', (['number'], {}), '(number)\n', (3228, 3236), False, 'import gmpy2\n')] |
import torch
import torch.nn as nn
from torchvision.models.utils import load_state_dict_from_url
model_urls = {
'vgg16': 'https://download.pytorch.org/models/vgg16-397923af.pth',
}
class VGG(nn.Module):
def __init__(self, features, num_classes=1000, init_weights=True):
super(VGG, self).__init__()
self.features = features
self.avgpool = nn.AdaptiveAvgPool2d((7, 7))
self.classifier = nn.Sequential(
nn.Linear(512 * 7 * 7, 4096),
nn.ReLU(True),
nn.Dropout(),
nn.Linear(4096, 4096),
nn.ReLU(True),
nn.Dropout(),
nn.Linear(4096, num_classes),
)
if init_weights:
self._initialize_weights()
def forward(self, x):
x = self.features(x)
x = self.avgpool(x)
x = torch.flatten(x, 1)
x = self.classifier(x)
return x
def _initialize_weights(self):
for m in self.modules():
if isinstance(m, nn.Conv2d):
nn.init.kaiming_normal_(m.weight, mode='fan_out', nonlinearity='relu')
if m.bias is not None:
nn.init.constant_(m.bias, 0)
elif isinstance(m, nn.BatchNorm2d):
nn.init.constant_(m.weight, 1)
nn.init.constant_(m.bias, 0)
elif isinstance(m, nn.Linear):
nn.init.normal_(m.weight, 0, 0.01)
nn.init.constant_(m.bias, 0)
def freeze_backbone(self):
for param in self.features.parameters():
param.requires_grad = False
def Unfreeze_backbone(self):
for param in self.features.parameters():
param.requires_grad = True
def make_layers(cfg, batch_norm=False):
layers = []
in_channels = 3
for v in cfg:
if v == 'M':
layers += [nn.MaxPool2d(kernel_size=2, stride=2)]
else:
conv2d = nn.Conv2d(in_channels, v, kernel_size=3, padding=1)
if batch_norm:
layers += [conv2d, nn.BatchNorm2d(v), nn.ReLU(inplace=True)]
else:
layers += [conv2d, nn.ReLU(inplace=True)]
in_channels = v
return nn.Sequential(*layers)
# 224,224,3 -> 224,224,64 -> 112,112,64 -> 112,112,128 -> 56,56,128 -> 56,56,256 -> 28,28,256 -> 28,28,512
# 14,14,512 -> 14,14,512 -> 7,7,512
cfgs = {
'D': [64, 64, 'M', 128, 128, 'M', 256, 256, 256, 'M', 512, 512, 512, 'M', 512, 512, 512, 'M'],
}
def vgg16(pretrained=False, progress=True, num_classes=1000):
model = VGG(make_layers(cfgs['D']))
if pretrained:
state_dict = load_state_dict_from_url(model_urls['vgg16'], model_dir='./model_data',
progress=progress)
model.load_state_dict(state_dict,strict=False)
if num_classes!=1000:
model.classifier = nn.Sequential(
nn.Linear(512 * 7 * 7, 4096),
nn.ReLU(True),
nn.Dropout(),
nn.Linear(4096, 4096),
nn.ReLU(True),
nn.Dropout(),
nn.Linear(4096, num_classes),
)
return model
| [
"torch.flatten",
"torch.nn.AdaptiveAvgPool2d",
"torch.nn.Dropout",
"torch.nn.ReLU",
"torch.nn.init.kaiming_normal_",
"torch.nn.Sequential",
"torch.nn.Conv2d",
"torch.nn.BatchNorm2d",
"torch.nn.init.constant_",
"torch.nn.init.normal_",
"torchvision.models.utils.load_state_dict_from_url",
"torch.nn.Linear",
"torch.nn.MaxPool2d"
] | [((2270, 2292), 'torch.nn.Sequential', 'nn.Sequential', (['*layers'], {}), '(*layers)\n', (2283, 2292), True, 'import torch.nn as nn\n'), ((386, 414), 'torch.nn.AdaptiveAvgPool2d', 'nn.AdaptiveAvgPool2d', (['(7, 7)'], {}), '((7, 7))\n', (406, 414), True, 'import torch.nn as nn\n'), ((867, 886), 'torch.flatten', 'torch.flatten', (['x', '(1)'], {}), '(x, 1)\n', (880, 886), False, 'import torch\n'), ((2701, 2795), 'torchvision.models.utils.load_state_dict_from_url', 'load_state_dict_from_url', (["model_urls['vgg16']"], {'model_dir': '"""./model_data"""', 'progress': 'progress'}), "(model_urls['vgg16'], model_dir='./model_data',\n progress=progress)\n", (2725, 2795), False, 'from torchvision.models.utils import load_state_dict_from_url\n'), ((470, 498), 'torch.nn.Linear', 'nn.Linear', (['(512 * 7 * 7)', '(4096)'], {}), '(512 * 7 * 7, 4096)\n', (479, 498), True, 'import torch.nn as nn\n'), ((513, 526), 'torch.nn.ReLU', 'nn.ReLU', (['(True)'], {}), '(True)\n', (520, 526), True, 'import torch.nn as nn\n'), ((541, 553), 'torch.nn.Dropout', 'nn.Dropout', ([], {}), '()\n', (551, 553), True, 'import torch.nn as nn\n'), ((568, 589), 'torch.nn.Linear', 'nn.Linear', (['(4096)', '(4096)'], {}), '(4096, 4096)\n', (577, 589), True, 'import torch.nn as nn\n'), ((604, 617), 'torch.nn.ReLU', 'nn.ReLU', (['(True)'], {}), '(True)\n', (611, 617), True, 'import torch.nn as nn\n'), ((632, 644), 'torch.nn.Dropout', 'nn.Dropout', ([], {}), '()\n', (642, 644), True, 'import torch.nn as nn\n'), ((659, 687), 'torch.nn.Linear', 'nn.Linear', (['(4096)', 'num_classes'], {}), '(4096, num_classes)\n', (668, 687), True, 'import torch.nn as nn\n'), ((1993, 2044), 'torch.nn.Conv2d', 'nn.Conv2d', (['in_channels', 'v'], {'kernel_size': '(3)', 'padding': '(1)'}), '(in_channels, v, kernel_size=3, padding=1)\n', (2002, 2044), True, 'import torch.nn as nn\n'), ((2981, 3009), 'torch.nn.Linear', 'nn.Linear', (['(512 * 7 * 7)', '(4096)'], {}), '(512 * 7 * 7, 4096)\n', (2990, 3009), True, 'import torch.nn as nn\n'), ((3024, 3037), 'torch.nn.ReLU', 'nn.ReLU', (['(True)'], {}), '(True)\n', (3031, 3037), True, 'import torch.nn as nn\n'), ((3052, 3064), 'torch.nn.Dropout', 'nn.Dropout', ([], {}), '()\n', (3062, 3064), True, 'import torch.nn as nn\n'), ((3079, 3100), 'torch.nn.Linear', 'nn.Linear', (['(4096)', '(4096)'], {}), '(4096, 4096)\n', (3088, 3100), True, 'import torch.nn as nn\n'), ((3115, 3128), 'torch.nn.ReLU', 'nn.ReLU', (['(True)'], {}), '(True)\n', (3122, 3128), True, 'import torch.nn as nn\n'), ((3143, 3155), 'torch.nn.Dropout', 'nn.Dropout', ([], {}), '()\n', (3153, 3155), True, 'import torch.nn as nn\n'), ((3170, 3198), 'torch.nn.Linear', 'nn.Linear', (['(4096)', 'num_classes'], {}), '(4096, num_classes)\n', (3179, 3198), True, 'import torch.nn as nn\n'), ((1068, 1138), 'torch.nn.init.kaiming_normal_', 'nn.init.kaiming_normal_', (['m.weight'], {'mode': '"""fan_out"""', 'nonlinearity': '"""relu"""'}), "(m.weight, mode='fan_out', nonlinearity='relu')\n", (1091, 1138), True, 'import torch.nn as nn\n'), ((1917, 1954), 'torch.nn.MaxPool2d', 'nn.MaxPool2d', ([], {'kernel_size': '(2)', 'stride': '(2)'}), '(kernel_size=2, stride=2)\n', (1929, 1954), True, 'import torch.nn as nn\n'), ((1200, 1228), 'torch.nn.init.constant_', 'nn.init.constant_', (['m.bias', '(0)'], {}), '(m.bias, 0)\n', (1217, 1228), True, 'import torch.nn as nn\n'), ((1295, 1325), 'torch.nn.init.constant_', 'nn.init.constant_', (['m.weight', '(1)'], {}), '(m.weight, 1)\n', (1312, 1325), True, 'import torch.nn as nn\n'), ((1343, 1371), 'torch.nn.init.constant_', 'nn.init.constant_', (['m.bias', '(0)'], {}), '(m.bias, 0)\n', (1360, 1371), True, 'import torch.nn as nn\n'), ((2109, 2126), 'torch.nn.BatchNorm2d', 'nn.BatchNorm2d', (['v'], {}), '(v)\n', (2123, 2126), True, 'import torch.nn as nn\n'), ((2128, 2149), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(True)'}), '(inplace=True)\n', (2135, 2149), True, 'import torch.nn as nn\n'), ((2206, 2227), 'torch.nn.ReLU', 'nn.ReLU', ([], {'inplace': '(True)'}), '(inplace=True)\n', (2213, 2227), True, 'import torch.nn as nn\n'), ((1433, 1467), 'torch.nn.init.normal_', 'nn.init.normal_', (['m.weight', '(0)', '(0.01)'], {}), '(m.weight, 0, 0.01)\n', (1448, 1467), True, 'import torch.nn as nn\n'), ((1485, 1513), 'torch.nn.init.constant_', 'nn.init.constant_', (['m.bias', '(0)'], {}), '(m.bias, 0)\n', (1502, 1513), True, 'import torch.nn as nn\n')] |
import gym
import gym_sokoban
from stable_baselines.common.vec_env import DummyVecEnv
from stable_baselines.deepq.policies import MlpPolicy
from stable_baselines import DQN
def run():
# hyperparameters
gamma = 0.99 #discount factor
learning_rate = 0.00025 #learning rate for adam optimizer
buffer_size = 50000 #size of the replay buffer
exploration_fraction=0.1 #fraction of entire training period over which the exploration rate is annealed
exploration_final_eps=0.02 #final value of random action probability
exploration_initial_eps=1.0 #initial value of random action probability
train_freq=1 #update the model every train_freq steps. set to None to disable printing
batch_size=32 #size of a batched sampled from replay buffer for training
double_q=True #whether to enable Double-Q learning or not.
learning_starts=100 #how many steps of the model to collect transitions for before learning starts
timesteps = 1000#2000
verbose = 1
env = gym.make('Boxoban-Train-v1')
model = DQN(MlpPolicy, env,
gamma=gamma,
learning_rate=learning_rate,
buffer_size=buffer_size,
exploration_fraction=exploration_fraction,
exploration_final_eps=exploration_final_eps,
exploration_initial_eps=exploration_initial_eps,
train_freq=train_freq,
batch_size=batch_size,
double_q=double_q,
learning_starts=learning_starts,
verbose=1)
model.learn(total_timesteps=timesteps)
model.save("trained_models/dqn_sokoban_model")
# Enjoy trained agent
obs = env.reset()
print(model.action_probability(obs))
while True:
action, _states = model.predict(obs)
obs, rewards, done, info = env.step(action)
env.render()
if __name__ == "__main__":
run() | [
"stable_baselines.DQN",
"gym.make"
] | [((1000, 1028), 'gym.make', 'gym.make', (['"""Boxoban-Train-v1"""'], {}), "('Boxoban-Train-v1')\n", (1008, 1028), False, 'import gym\n'), ((1042, 1392), 'stable_baselines.DQN', 'DQN', (['MlpPolicy', 'env'], {'gamma': 'gamma', 'learning_rate': 'learning_rate', 'buffer_size': 'buffer_size', 'exploration_fraction': 'exploration_fraction', 'exploration_final_eps': 'exploration_final_eps', 'exploration_initial_eps': 'exploration_initial_eps', 'train_freq': 'train_freq', 'batch_size': 'batch_size', 'double_q': 'double_q', 'learning_starts': 'learning_starts', 'verbose': '(1)'}), '(MlpPolicy, env, gamma=gamma, learning_rate=learning_rate, buffer_size=\n buffer_size, exploration_fraction=exploration_fraction,\n exploration_final_eps=exploration_final_eps, exploration_initial_eps=\n exploration_initial_eps, train_freq=train_freq, batch_size=batch_size,\n double_q=double_q, learning_starts=learning_starts, verbose=1)\n', (1045, 1392), False, 'from stable_baselines import DQN\n')] |
#!/usr/bin/env python
# Roobert V2 - second version of home robot project
# ________ ______ _____
# ___ __ \______________ /_______________ /_
# __ /_/ / __ \ __ \_ __ \ _ \_ ___/ __/
# _ _, _// /_/ / /_/ / /_/ / __/ / / /_
# /_/ |_| \____/\____//_.___/\___//_/ \__/
#
# Project website: http://roobert.springwald.de
#
# ########
# # Arms #
# ########
#
# Licensed under MIT License (MIT)
#
# Copyright (c) 2018 <NAME> | <EMAIL>
#
# Permission is hereby granted, free of charge, to any person obtaining
# a copy of this software and associated documentation files (the
# "Software"), to deal in the Software without restriction, including
# without limitation the rights to use, copy, modify, merge, publish,
# distribute, sublicense, and/or sell copies of the Software, and to permit
# persons to whom the Software is furnished to do so, subject to
# the following conditions:
#
# The above copyright notice and this permission notice shall be
# included in all copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS
# OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
# THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING
# FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER
# DEALINGS IN THE SOFTWARE.
from __future__ import division
import time, sys, os
my_file = os.path.abspath(__file__)
my_path ='/'.join(my_file.split('/')[0:-1])
sys.path.insert(0,my_path + "/../DanielsRasPiPythonLibs/multitasking")
sys.path.insert(0,my_path + "/../DanielsRasPiPythonLibs/hardware")
from MultiProcessing import *
from array import array
from SharedInts import SharedInts
from SharedFloats import SharedFloats
from LX16AServos import LX16AServos
from SmartServoManager import SmartServoManager
import atexit
clear = lambda: os.system('cls' if os.name=='nt' else 'clear')
class Arms():
_servoManager = None;
_released = False;
_armHanging = [[1,185],[3,273],[5,501],[6,541],[7,495],[8,499]]
_lookAtHand = [[1,226],[3,680],[5,346],[6,802],[7,830],[8,499]]
_wink1 = [[1,476],[3,770],[5,396],[6,866],[7,542],[8,499]]
_wink2 = [[1,459],[3,639],[5,396],[6,739],[7,601],[8,499]]
_stretchSide = [[1,335],[3,442],[5,542],[6,593],[7,770],[8,499]]
#_rightCenteredValues = [[1,370],[3,685],[5,510],[6,460],[7,495],[8,500]]
def __init__(self, smartServoManager, leftHandOpen=480, leftHandClose=580, rightHandOpen=540, rightHandClose=430):
self._servoManager = smartServoManager
self._leftHandOpen = leftHandOpen
self._leftHandClose = leftHandClose
self._rightHandOpen = rightHandOpen
self._rightHandClose = rightHandClose
self.DefineArms()
#self.SetArm(gesture=Arms._armHanging, left=False);
#self.SetHand(opened=True, left=False);
#self.SetArm(gesture=Arms._armHanging, left=True);
#self.SetHand(opened=True, left=True);
#self.WaitTillTargetsReached();
def DefineArms(self):
# right arm
self._servoManager.AddMasterServo(servoId=1, centeredValue=370);
self._servoManager.AddSlaveServo(servoId=2, masterServoId=1, reverseToMaster=-1, centeredValue=608);
self._servoManager.AddMasterServo(servoId=3, centeredValue=685);
self._servoManager.AddSlaveServo(servoId=4, masterServoId=3, reverseToMaster=-1, centeredValue=352);
self._servoManager.AddMasterServo(servoId=5, centeredValue=510);
self._servoManager.AddMasterServo(servoId=6, centeredValue=460);
self._servoManager.AddMasterServo(servoId=7, centeredValue=495);
self._servoManager.AddMasterServo(servoId=8, centeredValue=500);
# left arm
self._servoManager.AddMasterServo(servoId=11, centeredValue=545);
self._servoManager.AddSlaveServo(servoId=12, masterServoId=11, reverseToMaster=-1, centeredValue=459);
self._servoManager.AddMasterServo(servoId=13, centeredValue=329);
self._servoManager.AddSlaveServo(servoId=14, masterServoId=13, reverseToMaster=-1, centeredValue=700);
self._servoManager.AddMasterServo(servoId=15, centeredValue=477);
self._servoManager.AddMasterServo(servoId=16, centeredValue=486);
self._servoManager.AddMasterServo(servoId=17, centeredValue=501);
self._servoManager.AddMasterServo(servoId=18, centeredValue=503);
def PrintRightArmValues(self):
for id in range(1,8):
self._servoManager.SetIsReadOnly(servoId=id, isReadOnly=True);
self._servoManager.Start()
while(True):
self._servoManager.PrintReadOnlyServoValues()
time.sleep(0.1)
def PrintLeftArmValues(self):
for id in range(11,18):
self._servoManager.SetIsReadOnly(servoId=id, isReadOnly=True);
self._servoManager.Start()
while(True):
self._servoManager.PrintReadOnlyServoValues(onlyMasterServos=False)
time.sleep(0.1)
def MirrorRightArmToLeftStart(self):
for id in range(1,8):
self._servoManager.SetIsReadOnly(servoId=id, isReadOnly=True);
#self._servoManager.Start()
def MirrorRightArmToLeftUpdate(self):
for id in [1,3,5,6,7,8]:
value = self._servoManager.ReadServo(id);
#print (str(id) + ":" +str(value))
value = -(value - self._servoManager.GetCenteredValue(id)) + self._servoManager.GetCenteredValue(id+10)
self._servoManager.MoveServo(id+10, pos=value);
def MirrorRightArmToLeftEnd(self):
for id in range(1,8):
self._servoManager.SetIsReadOnly(servoId=id, isReadOnly=False);
def SetArm(self, gesture, left):
for p in range(0,len(gesture)):
id = gesture[p][0]
value = gesture[p][1]
if (left == True):
id = id + 10;
value = -(value - self._servoManager.GetCenteredValue(id-10)) + self._servoManager.GetCenteredValue(id)
self._servoManager.MoveServo(id,value);
#print ("left:" + str(id));
else:
self._servoManager.MoveServo(id,value);
#print ("right:" + str(id))
def WaitTillTargetsReached(self):
while (self._servoManager.allTargetsReached == False):
time.sleep(0.1);
def SetHand(self, opened, left):
if (left==True):
if (opened==True):
self._servoManager.MoveServo(18,self._leftHandOpen)
else:
self._servoManager.MoveServo(18,self._leftHandClose)
else:
if (opened==True):
self._servoManager.MoveServo(8,self._rightHandOpen);
else:
self._servoManager.MoveServo(8,self._rightHandClose);
def Release(self):
if (self._released == False):
self._released = True;
self.SetArm(gesture=Arms._armHanging, left=False);
self.SetArm(gesture=Arms._armHanging, left=True);
self.SetHand(opened=True, left=False);
self.SetHand(opened=True, left=True);
self.WaitTillTargetsReached();
def __del__(self):
self.Release()
def exit_handler():
tester.Release()
servoManager.Release()
servos.Release()
if __name__ == "__main__":
atexit.register(exit_handler)
ended = False;
servos = LX16AServos()
servoManager = SmartServoManager(lX16AServos=servos, ramp=0, maxSpeed=1)
tester = Arms(servoManager)
#tester.MirrorRightArmToLeft();
#tester.PrintRightArmValues()
tester.PrintLeftArmValues();
servoManager.Start();
#time.sleep(1);
#tester.SetArm(gesture=Arms._rightCenteredValues, left=True);
#tester.WaitTillTargetsReached();
#while(True):
# print()
while(True):
tester.SetArm(gesture=Arms._armHanging, left=False);
tester.SetArm(gesture=Arms._armHanging, left=True);
tester.WaitTillTargetsReached();
tester.SetArm(gesture=Arms._lookAtHand, left=False);
tester.WaitTillTargetsReached();
for i in range(1,4):
tester.SetArm(gesture=Arms._wink2, left=False);
tester.WaitTillTargetsReached();
tester.SetArm(gesture=Arms._wink1, left=False);
tester.WaitTillTargetsReached();
tester.SetArm(gesture=Arms._armHanging, left=True);
tester.WaitTillTargetsReached();
tester.SetArm(gesture=Arms._lookAtHand, left=True);
tester.WaitTillTargetsReached();
for i in range(1,4):
tester.SetArm(gesture=Arms._wink2, left=True);
tester.WaitTillTargetsReached();
tester.SetArm(gesture=Arms._wink1, left=True);
tester.WaitTillTargetsReached();
#plus = 100
#servoManager.Start()
#while(True):
#plus = - plus
##tester._servoManager.MoveServo(1,400+plus)
#tester._servoManager.MoveServo(3,600+plus)
#while (tester._servoManager.allTargetsReached == False):
#time.sleep(0.1)
#tester.SetHand(opened=False, left= True);
#tester.SetHand(opened=False, left= False);
#tester.WaitTillTargetsReached();
#time.sleep(1);
#tester.SetHand(opened=True, left= True);
#tester.SetHand(opened=True, left= False);
#tester.WaitTillTargetsReached();
#time.sleep(1);
##while(True):
## time.sleep(1)
## print("sleep")
#tester.SetArm(gesture=Arms._strechSide, left=True);
#tester.WaitTillTargetsReached();
##tester.SetArm(gesture=Arms._lookHand, left=False);
##tester.WaitTillTargetsReached();
#tester.SetArm(gesture=Arms._strechSide, left=True);
#tester.SetArm(gesture=Arms._strechSide, left=False);
#tester.WaitTillTargetsReached();
#tester.SetArm(gesture=Arms._wink1, left=True);
#tester.WaitTillTargetsReached();
#tester.SetArm(gesture=Arms._wink2, left= True);
#tester.WaitTillTargetsReached();
#tester.SetArm(gesture=Arms._wink1, left=True);
#tester.WaitTillTargetsReached();
#tester.SetArm(gesture=Arms._wink2, left= True);
#tester.WaitTillTargetsReached();
#tester.SetHand(opened=False, left= True);
#tester.SetArm(gesture=Arms._ghettoFist1, left= True);
#tester.WaitTillTargetsReached();
#tester.SetArm(gesture=Arms._ghettoFist2, left= True);
#tester.WaitTillTargetsReached();
print("done");
| [
"atexit.register",
"os.path.abspath",
"SmartServoManager.SmartServoManager",
"os.system",
"sys.path.insert",
"time.sleep",
"LX16AServos.LX16AServos"
] | [((1717, 1742), 'os.path.abspath', 'os.path.abspath', (['__file__'], {}), '(__file__)\n', (1732, 1742), False, 'import time, sys, os\n'), ((1788, 1859), 'sys.path.insert', 'sys.path.insert', (['(0)', "(my_path + '/../DanielsRasPiPythonLibs/multitasking')"], {}), "(0, my_path + '/../DanielsRasPiPythonLibs/multitasking')\n", (1803, 1859), False, 'import time, sys, os\n'), ((1859, 1926), 'sys.path.insert', 'sys.path.insert', (['(0)', "(my_path + '/../DanielsRasPiPythonLibs/hardware')"], {}), "(0, my_path + '/../DanielsRasPiPythonLibs/hardware')\n", (1874, 1926), False, 'import time, sys, os\n'), ((2169, 2217), 'os.system', 'os.system', (["('cls' if os.name == 'nt' else 'clear')"], {}), "('cls' if os.name == 'nt' else 'clear')\n", (2178, 2217), False, 'import time, sys, os\n'), ((6969, 6998), 'atexit.register', 'atexit.register', (['exit_handler'], {}), '(exit_handler)\n', (6984, 6998), False, 'import atexit\n'), ((7028, 7041), 'LX16AServos.LX16AServos', 'LX16AServos', ([], {}), '()\n', (7039, 7041), False, 'from LX16AServos import LX16AServos\n'), ((7058, 7115), 'SmartServoManager.SmartServoManager', 'SmartServoManager', ([], {'lX16AServos': 'servos', 'ramp': '(0)', 'maxSpeed': '(1)'}), '(lX16AServos=servos, ramp=0, maxSpeed=1)\n', (7075, 7115), False, 'from SmartServoManager import SmartServoManager\n'), ((4750, 4765), 'time.sleep', 'time.sleep', (['(0.1)'], {}), '(0.1)\n', (4760, 4765), False, 'import time, sys, os\n'), ((5011, 5026), 'time.sleep', 'time.sleep', (['(0.1)'], {}), '(0.1)\n', (5021, 5026), False, 'import time, sys, os\n'), ((6146, 6161), 'time.sleep', 'time.sleep', (['(0.1)'], {}), '(0.1)\n', (6156, 6161), False, 'import time, sys, os\n')] |
"""
The Colloid_output module contains classes to read LB Colloids simulation
outputs and perform post processing. Many classes are available to
provide plotting functionality. ModelPlot and CCModelPlot are useful for
visualizing colloid-surface forces and colloid-colloid forces respectively.
example import of the Colloid_output.py module is as follows
>>> from lb_colloids import ColloidOutput
>>> import matplotlib.pyplot as plt
>>>
>>> hdf = "mymodel.hdf5"
>>> mp = ColloidOutput.ModelPlot(hdf)
>>> # model plot accepts matplotlib args and kwargs!!!
>>> mp.plot('edl_x', cmap='viridis')
>>> plt.show()
"""
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
import h5py as H
class Breakthrough(object):
"""
Class to prepare and plot breakthrough curve data from endpoint
files.
Parameters:
----------
:param str filename: <>.endpoint file
Attributes:
----------
:ivar df: (pandas DataFrame): dataframe of endpoint data
:ivar resolution: (float): model resolution
:ivar timestep: (float): model timestep
:ivar continuous: (int): interval of continuous release, 0 means pulse
:ivar ncol: (float): number of colloids per release in simulation
:ivar total_ncol: (int): total number of colloids in simulation
"""
def __init__(self, filename):
if not filename.endswith('.endpoint'):
raise FileTypeError('.endpoint file must be supplied')
reader = ASCIIReader(filename)
self.df = reader.df
self.resolution = reader.resolution
self.timestep = reader.timestep
self.continuous = reader.continuous
# todo: replace this call with something from the header later!
self.ncol = reader.ncol
self.total_ncol = float(self.df.shape[0])
self.__breakthrough_curve = None
self.__reader = reader
@property
def breakthrough_curve(self):
"""
Property method that performs a dynamic
calculation of breakthrough curve data
"""
max_ts = self.df['nts'].max()
if self.__breakthrough_curve is None:
if not self.continuous:
bt_colloids = self.df.loc[self.df['flag'] == 3]
bt_colloids = bt_colloids.sort_values('end-ts')
ncols = []
nts = []
ncol = 0
for index, row in bt_colloids.iterrows():
ncol += 1
ncols.append(float(ncol))
nts.append(row['end-ts'])
ncols.append(float(ncol))
nts.append(max_ts)
df = pd.DataFrame({'nts': nts, 'ncol': ncols}).set_index('ncol')
self.__breakthrough_curve = df
else:
bt_colloids = self.df.loc[self.df['flag'] == 3]
bt_colloids = bt_colloids.sort_values('end-ts')
ncols = []
nts = []
ncol = 0
ncol_per_release = []
for index, row in bt_colloids.iterrows():
lower_ts = row['end-ts'] - self.continuous
upper_ts = row['end-ts']
t = bt_colloids.loc[(bt_colloids['end-ts'] >= lower_ts) & (bt_colloids['end-ts'] <= upper_ts)]
ncol += 1
ncols.append(float(ncol))
ncol_per_release.append(len(t))
nts.append(row['end-ts'])
ncols.append(float(ncol))
nts.append(max_ts)
ncol_per_release.append(len(bt_colloids.loc[(bt_colloids['end-ts'] >= max_ts - self.continuous)
& (bt_colloids['end-ts'] <= max_ts)]))
df = pd.DataFrame({'nts': nts, 'ncol': ncols, 'ncpr': ncol_per_release}).set_index('ncol')
self.__breakthrough_curve = df
return self.__breakthrough_curve
def pore_volume_conversion(self):
"""
Method to retrieve the pore volume calculation
conversion for plotting colloids.
"""
pv_factor = (abs(self.__reader.uy) * self.__reader.velocity_factor) /\
(self.__reader.ylen * self.resolution)
return pv_factor
def plot(self, time=True, *args, **kwargs):
"""
Convience method to plot data into a matplotlib
chart.
Parameters:
----------
:param bool time: if true x-axis is time, false is nts
:param *args: matplotlib args for 1d charts
:param **kwargs: matplotlib keyword arguments for 1d charts
"""
if time:
if self.continuous:
plt.plot(self.breakthrough_curve['nts'] * self.timestep,
self.breakthrough_curve['ncpr'] / float(self.ncol),
*args, **kwargs)
else:
plt.plot(self.breakthrough_curve['nts'] * self.timestep,
self.breakthrough_curve.index.values / float(self.ncol),
*args, **kwargs)
else:
if self.continuous:
plt.plot(self.breakthrough_curve['nts'] * self.timestep,
self.breakthrough_curve['ncpr'] / float(self.ncol),
*args, **kwargs)
else:
plt.plot(self.breakthrough_curve['nts'],
self.breakthrough_curve.index.values / float(self.ncol),
*args, **kwargs)
plt.ylim([0, 1])
def plot_pv(self, *args, **kwargs):
"""
Method to plot breakthrough data with pore
volumes (non-dimensional time)
Parameters:
----------
:param *args: matplotlib args for 1d plotting
:param **kwargs: matplotlib kwargs for 1d plotting
"""
pv_factor = self.pore_volume_conversion()
if self.continuous:
plt.plot(self.breakthrough_curve['nts'] * pv_factor * self.timestep,
self.breakthrough_curve['ncpr'] / float(self.ncol),
*args, **kwargs)
else:
plt.plot(self.breakthrough_curve['nts'] * pv_factor * self.timestep,
self.breakthrough_curve.index.values / float(self.ncol),
*args, **kwargs)
plt.ylim([0, 1])
plt.xlim([0, max(self.breakthrough_curve['nts'] * pv_factor * self.timestep)])
class DistributionFunction(object):
"""
Class to plot a probablity distribution function of colloid breakthrough
from endpoint files.
Parameters:
----------
:param str filename: <>.endpoint file name
:param int nbin: number of bins for pdf calculation
Attributes:
----------
:ivar df: (pandas DataFrame): dataframe of endpoint data
:ivar resolution: (float): model resolution
:ivar timestep: (float): model timestep
:ivar continuous: (int): interval of continuous release, 0 means pulse
:ivar ncol: (float): number of colloids per release in simulation
:ivar total_ncol: (int): total number of colloids in simulation
:ivar pdf: (np.recarray) colloid probability distribution function
"""
def __init__(self, filename, nbin=1000):
if not filename.endswith('.endpoint'):
raise FileTypeError('.endpoint file must be supplied')
reader = ASCIIReader(filename)
self.df = reader.df
self.resolution = reader.resolution
self.timestep = reader.timestep
self.continuous = reader.continuous
self.ncol = float(reader.ncol)
self.total_ncol = float(self.df.shape[0])
self.bin = nbin
self.pdf = None
self.reset_pdf(nbin)
self.__normalize = False
self.__reader = reader
def reset_pdf(self, nbin, normalize=False):
"""
Method to generate a probability distribution function
based upon user supplied bin size.
Parameters:
----------
:param int nbin: number of time steps to base bin on
:param bool normalize: method to calculate pdf by residence time or end time
"""
self.bin = nbin
self.__normalize = normalize
ts = []
ncols = []
lower_nts = 0
max_ts = self.df['nts'].max()
pdf_colloids = self.df.loc[self.df['flag'] == 3]
pdf_colloids = pdf_colloids.sort_values('delta-ts')
for upper_nts in range(0, int(max_ts) + 1, nbin):
ncol = 0
for index, row in pdf_colloids.iterrows():
if normalize:
if lower_nts < row['delta-ts'] <= upper_nts:
ncol += 1
else:
if lower_nts < row['end-ts'] <= upper_nts:
ncol += 1
ts.append(upper_nts)
ncols.append(ncol)
lower_nts = upper_nts
arr = np.recarray((len(ts),), dtype=[('nts', np.float),
('ncol', np.float)])
for idx, value in enumerate(ts):
arr[idx] = tuple([value, ncols[idx]])
self.pdf = arr
def pore_volume_conversion(self):
"""
Method to retrieve the pore volume calculation
conversion for plotting colloids.
"""
pv_factor = (abs(self.__reader.uy) * self.__reader.velocity_factor) /\
(self.__reader.ylen * self.resolution)
return pv_factor
def plot(self, time=True, *args, **kwargs):
"""
Method to plot data into a matplotlib chart.
Parameters:
----------
:param bool time: if true x-axis is time, false is nts
:param *args: matplotlib args for 1d charts
:param **kwargs: matplotlib keyword arguments for 1d charts
"""
if time:
if self.__normalize:
plt.plot(self.pdf['nts'] * self.timestep,
self.pdf['ncol'] / self.total_ncol,
*args, **kwargs)
else:
plt.plot(self.pdf['nts'] * self.timestep,
self.pdf['ncol'] / self.ncol,
*args, **kwargs)
else:
if self.__normalize:
plt.plot(self.pdf['nts'],
self.pdf['ncol'] / self.total_ncol,
*args, **kwargs)
else:
plt.plot(self.pdf['nts'],
self.pdf['ncol'] / self.ncol,
*args, **kwargs)
plt.ylim([0, 1])
def plot_pv(self, *args, **kwargs):
"""
Method to plot pdf data with pore volumes (non-dimensional time)
Parameters:
----------
:param *args: matplotlib args for 1d plotting
:param **kwargs: matplotlib kwargs for 1d plotting
"""
pv_factor = self.pore_volume_conversion()
plt.plot(self.pdf['nts'] * pv_factor * self.timestep,
self.pdf['ncol'] / self.ncol,
*args, **kwargs)
class ADE(object):
"""
Class to calculate macroscopic advection dispersion
equation parameters for field scale model parameterization
Class needs to be re-named and updated to CDE equation
Parameters:
----------
:param str filename: ascii output file name from colloid model
:param int nbin: number of timesteps to bin a pdf for calculation
"""
def __init__(self, filename, nbin=1000):
if not filename.endswith('.endpoint'):
raise FileTypeError('<>.endpoint file must be supplied')
reader = ASCIIReader(filename)
self.timestep = reader.timestep
self.resolution = reader.resolution
self.ylen = reader.ylen
self.ncol = reader.ncol
self.total_ncol = float(reader.df.shape[0])
self.uy = reader.uy
self.pdf = None
self.__dist_func = DistributionFunction(filename, nbin)
self.bt = Breakthrough(filename).breakthrough_curve
self.reset_pdf(nbin)
def __reset(self):
self.pdf = self.__dist_func.pdf
def reset_pdf(self, nbin, normalize=False):
"""
User method to reset values based on changing
the pdf bin values
Parameters:
----------
:param int nbin: number of timesteps to bin a pdf for calculation
:param bool normalize: flag to calculate pdf by residence time or end time
"""
self.__dist_func.reset_pdf(nbin, normalize)
self.pdf = self.__dist_func.pdf
def solve_jury_1991(self, D=0.01, R=0.01, ftol=1e-10,
max_nfev=1000, **kwargs):
"""
Scipy optimize method to solve least sqares
for jury 1991. Pulse flux.
Parameters:
----------
:param float D: Diffusivity initial guess. Cannot be 0
:param float R: Retardation initial guess. Cannot be 0
:param float ftol: scipy function tolerance for solution
:param int max_nfev: maximum number of function iterations
:param **kwargs: scipy least squares kwargs
Returns:
-------
:return: scipy least squares dictionary. Answer in dict['x']
"""
# todo: test this method! look up references for clearer examples!
from scipy.optimize import leastsq, minimize, least_squares
a = self.ncol
l = self.ylen * self.resolution
v = self.uy
pdf, t = self.__prep_data()
x0 = np.array([D, R])
return least_squares(self.__jury_residuals, x0,
args=(a, l, t, v, pdf),
ftol=ftol, max_nfev=max_nfev,
**kwargs)
def __jury_residuals(self, vars, A, L, t, v, pdf):
"""
Method to estimate residuals from jury 1991 equation
using data
Parameters
vars: (np.array) [dispersivity, retardation]
A: ncol
l: (float) ylen
v: (float) mean fluid_velocity
t: (float) time
pdf: pd.dataframe c/co of colloid pdf
"""
return pdf - self.__jury_1991(vars, A, L, t, v)
def __jury_1991(self, vars, A, L, t, v):
"""
Equation for Jury 1991 calculation of Dispersivity
and Retardation
Parameters
vars: (np.array) [dispersivity, retardation]
A: ncol
l: (float) ylen
v: (float) mean fluid_velocity
t: (float) time
"""
D = vars[0]
R = vars[1]
eq0 = (A * L * np.sqrt(R))
eq1 = 2 * np.sqrt(np.pi * D * t ** 3)
eq2 = -(R * L - v * t) ** 2
eq3 = 4 * R * D * t
x = (eq0 / eq1) * np.exp(eq2 / eq3)
x[0] = 0
return x
def solve_van_genuchten_1986(self, D=0.01, R=0.01, ftol=1e-10,
max_nfev=1000, **kwargs):
"""
Scipy optimize method to solve least squares
for van genuchten 1986. Miscable displacement.
Parameters:
----------
:param float D: Diffusivity initial guess. Cannot be 0
:param float R: Retardation initial guess. Cannot be 0
:param float ftol: scipy function tolerance for solution
:param int max_nfev: maximum number of function iterations
:param **kwargs: scipy least squares kwargs
Returns:
-------
:return: scipy least squares dictionary. Answer in dict['x']
"""
from scipy.optimize import least_squares
l = self.ylen * self.resolution
v = self.uy
t = self.bt['nts'].as_matrix() * self.timestep
bt = self.bt['ncpr'].as_matrix() / self.ncol
x0 = np.array([D, R])
return least_squares(self.__van_genuchten_residuals, x0,
args=(l, v, t, bt),
ftol=ftol, max_nfev=max_nfev,
**kwargs)
def __van_genuchten_residuals(self, vars, l, v, t, bt):
"""
Method to estimate residuals from vanGenuchten and Winerega
1986
Parameters:
vars: (np.array) [dispersivity, retardation]
x: (float) column length
v: (float) mean fluid velocity
t: (float) time
bt: (np.array) breakthrough curve
"""
return bt - self.__van_genuchten_1986(vars, l, v, t)
def __van_genuchten_1986(self, vars, l, v, t):
"""
Equation for <NAME> and Winerega 1986 to calculate
Dispersivity and Retardation from breakthrough data.
Parameters:
vars: (np.array) [dispersivity, retardation]
x: (float) column length
v: (float) mean fluid velocity
t: (float) time
"""
from scipy import special
D = vars[0]
R = vars[1]
eq0 = R * l - v * t
eq1 = np.sqrt(4 * D * R * t)
x = 0.5 * special.erfc(eq0/eq1)
if np.isnan(x[0]):
x[0] = 0
return x
def __prep_data(self):
"""
Prepares breakthrough data by stripping off trailing
zeros.
Returns:
pdf = (np.array) stripped pdf
t = (np.array) times
"""
strip_idx = None
seq = False
bt = False
for idx, rec in enumerate(self.pdf):
if not bt:
if rec['ncol'] != 0:
bt = True
else:
pass
else:
if rec['ncol'] == 0:
if not seq:
strip_idx = idx
seq = True
else:
pass
else:
seq = False
strip_idx = None
if strip_idx is not None:
pdf = self.pdf['ncol'][:strip_idx + 1]
time = self.pdf['nts'][:strip_idx + 1]
else:
pdf = self.pdf['ncol']
time = self.pdf['nts']
return pdf, time
class ModelPlot(object):
"""
Class to retrieve Colloid force arrays
and plot for data analysis.
Parameters:
----------
:param str hdf5: hdf5 file name
"""
def __init__(self, hdf5):
if not hdf5.endswith('hdf') and\
not hdf5.endswith('hdf5'):
raise FileTypeError('hdf or hdf5 file must be supplied')
self.__hdf = Hdf5Reader(hdf5)
@property
def keys(self):
return self.__hdf.keys
def get_data(self, key):
"""
Get data method to view and analyze colloid
force arrays
Parameters:
----------
:param str key: valid dictionary key from self.keys
Returns:
-------
:return: data <varies>
"""
return self.__hdf.get_data(key)
def get_data_by_path(self, path):
"""
Method to retrieve hdf5 data by specific path
Parameters:
----------
:param str path: hdf5 directory path to data
Returns:
-------
:return: data <varies>
"""
return self.__hdf.get_data_by_path(path)
def plot(self, key, ax=None, masked=False, *args, **kwargs):
"""
Hdf array plotting using Hdf5Reader keys
Parameters:
----------
:param str key: valid dictionary key from self.keys
:param object ax: matplotlib pyplot axes object (optional)
:param *args: matplotlib plotting args
:param **kwargs: matplotlib plotting kwargs
"""
# todo: create a function_fmt for axis options
mesh = None
if ax is None:
ax = plt.gca()
if key in ('lvdw_x', 'lvdw_y',
'lewis_x', 'lewis_y',
'edl_x', 'edl_y',
'dlvo_x', 'dlvo_y',
'attractive_x', 'attractive_y'):
x_axis = self.__hdf.get_data('distance_array')
arr = self.__hdf.get_data(key)
ax.plot(x_axis, arr, *args, **kwargs)
elif key in ('conversion_factor',
'gravity',
'bouyancy'):
raise KeyError('{}: key not valid for plotting'.format(key))
elif key in ('dlvo_fine', 'edl_fine',
'attractive_fine'):
x_axis = self.__hdf.get_data('distance_fine')
arr = self.__hdf.get_data(key)
ax.plot(x_axis, arr, *args, **kwargs)
elif key == "image":
arr = self.__hdf.get_data(key)
if masked:
arr = np.ma.masked_where(arr == 0, a=arr)
ax.imshow(arr, *args, **kwargs)
else:
arr = self.__hdf.get_data(key)
if masked:
img = self.__hdf.get_data("image")
arr = np.ma.masked_where(img == 1, a=arr)
mesh = ax.imshow(arr, *args, **kwargs)
if mesh is not None:
return mesh
else:
return ax
def plot_velocity_magnitude(self, nbin=10, dimensional=True,
masked=False, *args, **kwargs):
"""
Method to create a quiver plot to display the
magnitude and direction of velocity vectors within
the system.
Parameters:
----------
:param int nbin: refinement for quiver plotting
:param *args: matplotlib plotting args
:param **kwargs: matplotlib plotting kwargs
"""
if dimensional:
x = self.__hdf.get_data('velocity_x')
y = self.__hdf.get_data('velocity_y')
else:
x = self.__hdf.get_data('lb_velocity_x')
y = self.__hdf.get_data('lb_velocity_y')
xx = np.arange(0, x.shape[1])
yy = np.arange(0, x.shape[0])
xx, yy = np.meshgrid(xx, yy)
if masked:
img = self.__hdf.get_data('image')
xx = np.ma.masked_where(img == 1, a=xx)
yy = np.ma.masked_where(img == 1, a=yy)
x = np.ma.masked_where(img == 1, a=x)
y = np.ma.masked_where(img == 1, a=y)
Q = plt.quiver(xx[::nbin, ::nbin], yy[::nbin, ::nbin],
x[::nbin, ::nbin], y[::nbin, ::nbin],
units='width', *args, **kwargs)
qk = plt.quiverkey(Q, 0.9, 0.9, 0.01, r'$1 \frac{cm}{s}$',
coordinates='figure')
plt.xlim(0, x.shape[1])
plt.ylim(x.shape[0], 0)
class CCModelPlot(object):
"""
Class to query colloid-colloid interactions
and plot data as 1d or as a meshgrid object
More sophisticated than standard ModelPlot
Parameters:
----------
:param str hdf5: hdf5 file name
"""
data_paths = {'col_col_x': 'colloidcolloid/x',
'col_col_y': 'colloidcolloid/y',
'col_col': None,
'distance_x': 'colloid_colloid/distance/x',
'distance_y': 'colloid_colloid/distance/y',
'distance_fine_x': 'colloid_colloid/fine/distance/x',
'distance_fine_y': 'colloid_colloid/fine/distance/y',
'col_col_fine_x': 'colloid_colloid/fine/x',
'col_col_fine_y': 'colloid_colloid/fine/y',
'col_col_fine': None}
def __init__(self, hdf5):
if not hdf5.endswith('hdf') and\
not hdf5.endswith('hdf5'):
raise FileTypeError('hdf or hdf5 file must be supplied')
self.__hdf5 = Hdf5Reader(hdf5)
@property
def keys(self):
"""
Property method to return valid keys to obtain data
"""
return CCModelPlot.keys
def get_data(self, key):
"""
Method to return data by key
Parameters:
----------
:param str key: valid model key
"""
return self.__hdf5.get_data(key)
def get_data_by_path(self, path):
"""
Method to return data by hdf5 path
Parameters:
----------
:param str path: valid HDF5 data path
"""
return self.__hdf5.get_data_by_path(path)
def plot(self, key, *args, **kwargs):
"""
Plotting method for 1d colloid-colloid dlvo profiles
Parameters:
----------
:param str key: valid data key
:param *args: matplotlib plotting args
:param **kwargs: matplotlib plotting kwargs
"""
if key not in ('col_col_x', 'col_col_y',
'col_col_fine_x', 'col_col_fine_y'):
raise KeyError("{} is not a valid key".format(key))
colcol = self.__hdf5.get_data(key)
shape = colcol.shape
center = shape[0] // 2
if key == "<KEY>":
x = self.__hdf5.get_data('distance_x')
x = x[center, center:]
y = colcol[center, center:]
elif key == "col_col_y":
x = self.__hdf5.get_data('distance_y')
x = x.T[center, center:]
y = colcol.T[center, center:]
elif key == "col_col_fine_x":
x = self.__hdf5.get_data('distance_fine_x')
x = x[center, center:] # * 1e-6
y = colcol[center, center:]
else:
x = self.__hdf5.get_data('distance_fine_y')
x = x[center, center:] # * 1e-6
y = colcol[center, center:]
plt.plot(x, y * -1, *args, **kwargs)
def plot_mesh(self, key, ax=None, *args, **kwargs):
"""
Plotting method for 2d representation of colloid-colloid
dlvo profiles.
Parameters:
----------
:param str key: valid data key
:param object ax: matplotlib axes object (optional)
:param *args: matplotlib plotting args
:param **kwargs: matplotlib plotting kwargs
"""
from matplotlib.colors import LogNorm
if ax is None:
ax = plt.gca()
if key not in ('col_col', 'col_col_fine',
'col_col_x', 'col_col_y',
'col_col_fine_x', 'col_col_fine_y'):
raise KeyError("{} is not a valid key".format(key))
if key == 'col_col':
ccx = np.abs(self.__hdf5.get_data('col_col_x'))
ccy = np.abs(self.__hdf5.get_data('col_col_y'))
mesh = ccx + ccy
elif key == 'col_col_fine':
ccx = np.abs(self.__hdf5.get_data('col_col_fine_x'))
ccy = np.abs(self.__hdf5.get_data('col_col_fine_y'))
mesh = ccx + ccy
else:
mesh = self.__hdf5.get_data(key)
# find center and set to nearby value to prevent log scale crashing
shape = mesh.shape
center = shape[0] // 2
mesh[center, center] = mesh[center, center + 1]
xx, yy = np.meshgrid(np.arange(0, mesh.shape[0]+1),
np.arange(0, mesh.shape[1] + 1))
if mesh.max()/mesh.min() > 10:
vmin = mesh.min()
vmax = mesh.max()
if 'vmin' in kwargs:
vmin = kwargs.pop('vmin')
if 'vmax' in kwargs:
vamx = kwargs.pop('vmax')
p = ax.pcolormesh(xx, yy, mesh,
norm=LogNorm(vmin=mesh.min(),
vmax=mesh.max()),
*args, **kwargs)
else:
p = ax.pcolormesh(xx, yy, mesh,
*args, **kwargs)
ax.set_ylim([0, mesh.shape[0]])
ax.set_xlim([0, mesh.shape[1]])
center = mesh.shape[0] / 2.
ax.plot([center], [center], 'ko')
return p
class ColloidVelocity(object):
"""
Method to return colloid velocity and statistics
relating to colloid velocity for a simulation. Class
needs to be rebuilt to work with timeseries and pathline
files for a more precise velocity measurement
Parameters:
----------
:param str filename: endpoint file name
"""
def __init__(self, filename):
if not filename.endswith(".endpoint"):
raise FileTypeError('.endpoint file must be supplied')
reader = ASCIIReader(filename)
self.timestep = reader.timestep
self.resolution = reader.resolution
self.xlen = reader.xlen
self.ylen = reader.ylen
self.df = reader.df
self.ncol = reader.df.shape[0]
self.max_time = max(reader.df['nts']) * self.timestep
self.velocity = None
self.__get_velocity_array()
def __get_velocity_array(self):
"""
Built in method to calculate the mean velocity of
each colloid in the simulation
"""
colloid = []
velocity = []
for index, row in self.df.iterrows():
if np.isnan(row['y-position']):
velocity.append((self.ylen * self.resolution) /
(row['delta-ts'] * self.timestep))
else:
velocity.append((row['y-position'] * self.resolution) /
(row['nts'] * self.timestep))
colloid.append(index)
arr = np.recarray(len(colloid,), dtype=[('colloid', np.int),
('velocity', np.float)])
for idx, value in enumerate(colloid):
arr[idx] = tuple([value, velocity[idx]])
self.velocity = arr
@property
def max(self):
"""
:return: maximum colloid velocity
"""
return self.velocity['velocity'].max()
@property
def min(self):
"""
:return: minimum colloid velocity
"""
return self.velocity['velocity'].min()
@property
def mean(self):
"""
:return: mean colloid velocity
"""
return self.velocity['velocity'].mean()
@property
def var(self):
"""
:return: variance of colloid velocities
"""
return np.var(self.velocity['velocity'])
@property
def stdev(self):
"""
:return: standard deviation of colloid velocities
"""
return np.std(self.velocity['velocity'])
@property
def cv(self):
"""
:return: coeficient of variance of colloid velocities
"""
return (self.stdev / self.mean) * 100
def plot(self, *args, **kwargs):
"""
Method to plot distribution of velocities by
colloid for array of velocity.
Parameters
----------
:param *args: matplotlib plotting args
:param **kwargs: matplotlib plotting kwargs
"""
plt.scatter(self.velocity['colloid'],
self.velocity['velocity'],
*args, **kwargs)
def plot_histogram(self, nbin=10, width=0.01,
*args, **kwargs):
"""
User method to plot a histogram of velocities using
a bar chart.
Parameters:
----------
:param int nbin: number of specific bins for plotting
:param float width: matplotlib bar width.
:param *args: matplotlib plotting args
:param **kwargs: matplotlib plotting kwargs
"""
adjuster = 0.00001
bins = np.linspace(self.min - adjuster, self.max, nbin)
ncols = []
velocity = []
lower_v = self.min - adjuster
upper_v = 0
for upper_v in bins:
ncol = 0
for v in self.velocity['velocity']:
if lower_v < v <= upper_v:
ncol += 1
velocity.append((lower_v + upper_v)/2.)
ncols.append(ncol)
lower_v = upper_v - adjuster
velocity.append(upper_v + adjuster)
ncols.append(0)
plt.bar(velocity, ncols, width, *args, **kwargs)
# todo: think about this one. Does it belong here? Finish class. Integrate into LB
class LBOutput(object):
"""
Class to anaylze LB fluid/solid properties
Parameters:
----------
:param str hdf: hdf5 output filename
"""
data_paths = {'velocity_x': None,
'velocity_y': None,
'lb_velocity_x': None,
'lb_velocity_y': None,
'resolution': None,
'porosity': None,
'pore_diameter': None,
'conversion_factor': None,
'reynolds_number': None}
def __init__(self, hdf5):
if not hdf5.endswith('.hdf') and not\
hdf5.endswith('.hdf5'):
raise FileTypeError('hdf or hdf5 file must be supplied')
self.__hdf5 = Hdf5Reader(hdf5)
@property
def keys(self):
"""
:return: Lattice boltzmann data keys
"""
return LBOutput.data_paths.keys()
def get_data(self, key):
"""
Method to select data from hdf5 file based on key, instead
of data path
Parameters:
----------
:param str key: lattice boltzmann data key
Returns:
-------
:return: data
"""
if key in ("velocity_x", "velocity_y"):
factor = self.__hdf5.get_data("conversion_factor")
key = "lb_{}".format(key)
data = self.__hdf5.get_data(key) * factor
else:
data = self.__hdf5.get_data(key)
return data
class ASCIIReader(object):
"""
Class to read in text based output files <endpoint, timestep, pathline>
to a pandas dataframe
Parameters:
----------
:param str filename: output filename (ie. endpoint, timestep, or pathline)
"""
dtypes = {'colloid': np.int,
'flag': np.int,
'nts': np.int,
'x-position': np.float,
'y-position': np.float,
'x-model': np.float,
'y-model': np.float,
'start-ts': np.int,
'end-ts': np.int,
'delta-ts': np.int,
'continuous': np.int}
def __init__(self, filename):
self.timestep = 0
self.ncol = 0
self.resolution = 0
self.xlen = 0
self.ylen = 0
self.ux = 0
self.uy = 0
self.velocity_factor = 1.
self.continuous = 0
self.__data_startline = 0
self.__header = []
if filename.split('.')[-1] not in ('endpoint', 'timeseries', 'pathline'):
raise FileTypeError("{}: not in supported filetypes".format(filename))
else:
self.read_header(filename)
self.df = self.read_ascii(filename)
def read_header(self, filename):
"""
Method to read the header from ascii output files for LB-Colloids
Parameters:
----------
:param str filename: colloid model output filename (ie. endpoint, timestep, or pathline)
"""
with open(filename) as f:
for idx, line in enumerate(f):
if line.startswith("Timestep"):
t = line.split()
self.timestep = float(t[-1].rstrip())
elif line.startswith("Ncols"):
t = line.split()
self.ncol = int(t[-1].rstrip())
elif line.startswith('Resolution'):
t = line.split()
self.resolution = float(t[-1].rstrip())
elif line.startswith('xlen'):
t = line.split()
self.xlen = float(t[-1].rstrip())
elif line.startswith('ylen'):
t = line.split()
self.ylen = float(t[-1].rstrip())
elif line.startswith('ux'):
t = line.split()
self.ux = float(t[-1].rstrip())
elif line.startswith('uy'):
t = line.split()
self.uy = float(t[-1].rstrip())
elif line.startswith('velocity_factor'):
t = line.split()
self.velocity_factor = float(t[-1].rstrip())
elif line.startswith('Continuous'):
t = line.split()
self.continuous = int(t[-1].rstrip())
elif line.startswith("#"*10):
self.__data_startline = idx + 1
break
else:
pass
def read_ascii(self, filename):
"""
Method to read endpoint file data from from ascii files for LB-Colloids
Sets data to pandas dataframe
Parameters:
----------
:param str filename: colloid model output filename (ie. endpoint, timestep, or pathline)
"""
with open(filename) as f:
t = []
for idx, line in enumerate(f):
if idx < self.__data_startline:
pass
elif idx == self.__data_startline:
self.__header = [i.rstrip() for i in line.split()
if i not in ('\t', '', ' ', '\n')]
else:
t.append([self.__try_float(i.rstrip()) for i
in line.split() if i not in ('\t', '', ' ', '\n')])
temp = np.array(t).T
temp = {self.__header[idx]: data for idx, data in enumerate(temp)}
df = pd.DataFrame(temp)
df = df.reindex_axis(self.__header, axis=1)
df = df.set_index('colloid')
return df
@staticmethod
def __try_float(val):
try:
return float(val)
except ValueError:
return float('nan')
class Hdf5Reader(object):
"""
Reader object to read in HDF5 stored outputs
from colloid models. Contains a data_paths dictionary
which allows the user to use keys to access data
Parameters:
----------
:param str hdf5: LB-Colloid hdf5 file name
"""
data_paths = {'ac': "colloids/model_dict/ac",
'image': 'Binary_image',
'lb_velocity_x': 'results/uarray',
'lb_velocity_y': 'results/uarray',
'lb_mean_velocity_x': 'results/mean_ux',
'lb_mean_velocity_y': 'results/mean_uy',
'conversion_factor': 'results/velocity_factor',
'pore_diameter': 'results/pore_diameter',
'porosity': 'results/porosity',
'reynolds_number': 'results/reynolds_number',
'brownian_x': 'colloids/brownian/x',
'brownian_y': 'colloids/brownian/y',
'lvdw_x': 'colloids/lvdw/x',
'lvdw_y': 'colloids/lvdw/y',
'edl_x': 'colloids/edl/x',
'edl_y': 'colloids/edl/y',
'attractive_x': 'colloids/attractive/x',
'attractive_y': 'colloids/attractive/y',
'lewis_x': 'colloids/lewis_acid_base/x',
'lewis_y': 'colloids/lewis_acid_base/y',
'velocity_x': 'colloids/ux',
'velocity_y': 'colloids/uy',
'gravity': 'colloids/gravity',
'bouyancy': 'colloids/bouyancy',
'ionic': 'colloids/chemical_dict/I',
'distance_array': 'colloids/distance_arr',
'dlvo_x': None,
'dlvo_y': None,
'col_col_x': 'colloid_colloid/x',
'col_col_y': 'colloid_colloid/y',
'col_col': None,
'distance_x': 'colloid_colloid/distance/x',
'distance_y': 'colloid_colloid/distance/y',
'distance_fine_x': 'colloid_colloid/fine/distance/x',
'distance_fine_y': 'colloid_colloid/fine/distance/y',
'col_col_fine_x': 'colloid_colloid/fine/x',
'col_col_fine_y': 'colloid_colloid/fine/y',
'col_col_fine': None,
'edl_fine': 'colloids/edl_fine',
'attractive_fine': 'colloids/attractive_fine',
'dlvo_fine': None,
'distance_fine': 'colloids/distance_fine'}
def __init__(self, hdf5):
if not hdf5.endswith('hdf') and\
not hdf5.endswith('hdf5'):
raise FileTypeError('hdf or hdf5 file must be supplied')
self.file_name = hdf5
@property
def keys(self):
"""
:return: list of valid hdf5 data keys
"""
return [i for i in Hdf5Reader.data_paths]
def get_data(self, key):
"""
Method to retrieve hdf5 data by dict. key
Parameters:
----------
:param str key: valid dictionary key from self.keys
Returns:
-------
:return: data <varies>
"""
if key not in Hdf5Reader.data_paths:
raise KeyError('Dictionary key not in valid keys. Use get_data_by_path')
hdf = H.File(self.file_name, 'r')
if key == 'lb_velocity_x':
data = hdf[Hdf5Reader.data_paths[key]][()][1]
elif key == 'lb_velocity_y':
data = hdf[Hdf5Reader.data_paths[key]][()][0]
elif key == 'dlvo_x':
data = hdf[Hdf5Reader.data_paths['edl_x']][()] +\
hdf[Hdf5Reader.data_paths['attractive_x']][()]
# hdf[Hdf5Reader.data_paths['lewis_x']][()] +\
# hdf[Hdf5Reader.data_paths['lvdw_x']][()]
data = data[0]
elif key == 'dlvo_y':
data = hdf[Hdf5Reader.data_paths['edl_y']][()] +\
hdf[Hdf5Reader.data_paths['attractive_y']][()]
# hdf[Hdf5Reader.data_paths['lewis_y']][()] +\
# hdf[Hdf5Reader.data_paths['lvdw_y']][()]
data = data[0]
elif key == 'dlvo_fine':
data = hdf[Hdf5Reader.data_paths['edl_fine']][()] + \
hdf[Hdf5Reader.data_paths['attractive_fine']][()]
data = data[0]
elif key in ('lvdw_x', 'lvdw_y',
'lewis_x', 'lewis_y',
'edl_x', 'edl_y',
'dlvo_x', 'dlvo_y',
'attractive_x',
'attractive_y',
'distance_array',
'edl_fine',
'attractive_fine',
'distance_fine'):
data = hdf[Hdf5Reader.data_paths[key]][()][0]
else:
data = hdf[Hdf5Reader.data_paths[key]][()]
hdf.close()
return data
def get_data_by_path(self, path):
"""
Method to retrieve hdf5 data by specific hdf5 path
Parameters:
----------
:param str path: hdf5 directory path to data
Returns:
------
:return: data <varies>
"""
hdf = H.File(self.file_name, 'r')
data = hdf[path][()]
hdf.close()
return data
class FileTypeError(Exception):
pass
| [
"matplotlib.pyplot.bar",
"matplotlib.pyplot.quiver",
"numpy.isnan",
"numpy.arange",
"numpy.exp",
"matplotlib.pyplot.gca",
"pandas.DataFrame",
"numpy.meshgrid",
"numpy.std",
"scipy.special.erfc",
"scipy.optimize.least_squares",
"numpy.linspace",
"numpy.var",
"h5py.File",
"numpy.ma.masked_where",
"matplotlib.pyplot.ylim",
"matplotlib.pyplot.xlim",
"matplotlib.pyplot.plot",
"matplotlib.pyplot.scatter",
"numpy.array",
"matplotlib.pyplot.quiverkey",
"numpy.sqrt"
] | [((5546, 5562), 'matplotlib.pyplot.ylim', 'plt.ylim', (['[0, 1]'], {}), '([0, 1])\n', (5554, 5562), True, 'import matplotlib.pyplot as plt\n'), ((6361, 6377), 'matplotlib.pyplot.ylim', 'plt.ylim', (['[0, 1]'], {}), '([0, 1])\n', (6369, 6377), True, 'import matplotlib.pyplot as plt\n'), ((10592, 10608), 'matplotlib.pyplot.ylim', 'plt.ylim', (['[0, 1]'], {}), '([0, 1])\n', (10600, 10608), True, 'import matplotlib.pyplot as plt\n'), ((10958, 11062), 'matplotlib.pyplot.plot', 'plt.plot', (["(self.pdf['nts'] * pv_factor * self.timestep)", "(self.pdf['ncol'] / self.ncol)", '*args'], {}), "(self.pdf['nts'] * pv_factor * self.timestep, self.pdf['ncol'] /\n self.ncol, *args, **kwargs)\n", (10966, 11062), True, 'import matplotlib.pyplot as plt\n'), ((13541, 13557), 'numpy.array', 'np.array', (['[D, R]'], {}), '([D, R])\n', (13549, 13557), True, 'import numpy as np\n'), ((13574, 13682), 'scipy.optimize.least_squares', 'least_squares', (['self.__jury_residuals', 'x0'], {'args': '(a, l, t, v, pdf)', 'ftol': 'ftol', 'max_nfev': 'max_nfev'}), '(self.__jury_residuals, x0, args=(a, l, t, v, pdf), ftol=ftol,\n max_nfev=max_nfev, **kwargs)\n', (13587, 13682), False, 'from scipy.optimize import least_squares\n'), ((15775, 15791), 'numpy.array', 'np.array', (['[D, R]'], {}), '([D, R])\n', (15783, 15791), True, 'import numpy as np\n'), ((15808, 15922), 'scipy.optimize.least_squares', 'least_squares', (['self.__van_genuchten_residuals', 'x0'], {'args': '(l, v, t, bt)', 'ftol': 'ftol', 'max_nfev': 'max_nfev'}), '(self.__van_genuchten_residuals, x0, args=(l, v, t, bt), ftol=\n ftol, max_nfev=max_nfev, **kwargs)\n', (15821, 15922), False, 'from scipy.optimize import least_squares\n'), ((16964, 16986), 'numpy.sqrt', 'np.sqrt', (['(4 * D * R * t)'], {}), '(4 * D * R * t)\n', (16971, 16986), True, 'import numpy as np\n'), ((17039, 17053), 'numpy.isnan', 'np.isnan', (['x[0]'], {}), '(x[0])\n', (17047, 17053), True, 'import numpy as np\n'), ((21834, 21858), 'numpy.arange', 'np.arange', (['(0)', 'x.shape[1]'], {}), '(0, x.shape[1])\n', (21843, 21858), True, 'import numpy as np\n'), ((21872, 21896), 'numpy.arange', 'np.arange', (['(0)', 'x.shape[0]'], {}), '(0, x.shape[0])\n', (21881, 21896), True, 'import numpy as np\n'), ((21915, 21934), 'numpy.meshgrid', 'np.meshgrid', (['xx', 'yy'], {}), '(xx, yy)\n', (21926, 21934), True, 'import numpy as np\n'), ((22220, 22345), 'matplotlib.pyplot.quiver', 'plt.quiver', (['xx[::nbin, ::nbin]', 'yy[::nbin, ::nbin]', 'x[::nbin, ::nbin]', 'y[::nbin, ::nbin]', '*args'], {'units': '"""width"""'}), "(xx[::nbin, ::nbin], yy[::nbin, ::nbin], x[::nbin, ::nbin], y[::\n nbin, ::nbin], *args, units='width', **kwargs)\n", (22230, 22345), True, 'import matplotlib.pyplot as plt\n'), ((22400, 22475), 'matplotlib.pyplot.quiverkey', 'plt.quiverkey', (['Q', '(0.9)', '(0.9)', '(0.01)', '"""$1 \\\\frac{cm}{s}$"""'], {'coordinates': '"""figure"""'}), "(Q, 0.9, 0.9, 0.01, '$1 \\\\frac{cm}{s}$', coordinates='figure')\n", (22413, 22475), True, 'import matplotlib.pyplot as plt\n'), ((22511, 22534), 'matplotlib.pyplot.xlim', 'plt.xlim', (['(0)', 'x.shape[1]'], {}), '(0, x.shape[1])\n', (22519, 22534), True, 'import matplotlib.pyplot as plt\n'), ((22543, 22566), 'matplotlib.pyplot.ylim', 'plt.ylim', (['x.shape[0]', '(0)'], {}), '(x.shape[0], 0)\n', (22551, 22566), True, 'import matplotlib.pyplot as plt\n'), ((25466, 25502), 'matplotlib.pyplot.plot', 'plt.plot', (['x', '(y * -1)', '*args'], {}), '(x, y * -1, *args, **kwargs)\n', (25474, 25502), True, 'import matplotlib.pyplot as plt\n'), ((30048, 30081), 'numpy.var', 'np.var', (["self.velocity['velocity']"], {}), "(self.velocity['velocity'])\n", (30054, 30081), True, 'import numpy as np\n'), ((30215, 30248), 'numpy.std', 'np.std', (["self.velocity['velocity']"], {}), "(self.velocity['velocity'])\n", (30221, 30248), True, 'import numpy as np\n'), ((30714, 30800), 'matplotlib.pyplot.scatter', 'plt.scatter', (["self.velocity['colloid']", "self.velocity['velocity']", '*args'], {}), "(self.velocity['colloid'], self.velocity['velocity'], *args, **\n kwargs)\n", (30725, 30800), True, 'import matplotlib.pyplot as plt\n'), ((31327, 31375), 'numpy.linspace', 'np.linspace', (['(self.min - adjuster)', 'self.max', 'nbin'], {}), '(self.min - adjuster, self.max, nbin)\n', (31338, 31375), True, 'import numpy as np\n'), ((31850, 31898), 'matplotlib.pyplot.bar', 'plt.bar', (['velocity', 'ncols', 'width', '*args'], {}), '(velocity, ncols, width, *args, **kwargs)\n', (31857, 31898), True, 'import matplotlib.pyplot as plt\n'), ((37440, 37458), 'pandas.DataFrame', 'pd.DataFrame', (['temp'], {}), '(temp)\n', (37452, 37458), True, 'import pandas as pd\n'), ((41030, 41057), 'h5py.File', 'H.File', (['self.file_name', '"""r"""'], {}), "(self.file_name, 'r')\n", (41036, 41057), True, 'import h5py as H\n'), ((42895, 42922), 'h5py.File', 'H.File', (['self.file_name', '"""r"""'], {}), "(self.file_name, 'r')\n", (42901, 42922), True, 'import h5py as H\n'), ((14642, 14652), 'numpy.sqrt', 'np.sqrt', (['R'], {}), '(R)\n', (14649, 14652), True, 'import numpy as np\n'), ((14672, 14699), 'numpy.sqrt', 'np.sqrt', (['(np.pi * D * t ** 3)'], {}), '(np.pi * D * t ** 3)\n', (14679, 14699), True, 'import numpy as np\n'), ((14790, 14807), 'numpy.exp', 'np.exp', (['(eq2 / eq3)'], {}), '(eq2 / eq3)\n', (14796, 14807), True, 'import numpy as np\n'), ((17006, 17029), 'scipy.special.erfc', 'special.erfc', (['(eq0 / eq1)'], {}), '(eq0 / eq1)\n', (17018, 17029), False, 'from scipy import special\n'), ((19768, 19777), 'matplotlib.pyplot.gca', 'plt.gca', ([], {}), '()\n', (19775, 19777), True, 'import matplotlib.pyplot as plt\n'), ((22019, 22053), 'numpy.ma.masked_where', 'np.ma.masked_where', (['(img == 1)'], {'a': 'xx'}), '(img == 1, a=xx)\n', (22037, 22053), True, 'import numpy as np\n'), ((22071, 22105), 'numpy.ma.masked_where', 'np.ma.masked_where', (['(img == 1)'], {'a': 'yy'}), '(img == 1, a=yy)\n', (22089, 22105), True, 'import numpy as np\n'), ((22122, 22155), 'numpy.ma.masked_where', 'np.ma.masked_where', (['(img == 1)'], {'a': 'x'}), '(img == 1, a=x)\n', (22140, 22155), True, 'import numpy as np\n'), ((22172, 22205), 'numpy.ma.masked_where', 'np.ma.masked_where', (['(img == 1)'], {'a': 'y'}), '(img == 1, a=y)\n', (22190, 22205), True, 'import numpy as np\n'), ((25997, 26006), 'matplotlib.pyplot.gca', 'plt.gca', ([], {}), '()\n', (26004, 26006), True, 'import matplotlib.pyplot as plt\n'), ((26887, 26918), 'numpy.arange', 'np.arange', (['(0)', '(mesh.shape[0] + 1)'], {}), '(0, mesh.shape[0] + 1)\n', (26896, 26918), True, 'import numpy as np\n'), ((26947, 26978), 'numpy.arange', 'np.arange', (['(0)', '(mesh.shape[1] + 1)'], {}), '(0, mesh.shape[1] + 1)\n', (26956, 26978), True, 'import numpy as np\n'), ((28868, 28895), 'numpy.isnan', 'np.isnan', (["row['y-position']"], {}), "(row['y-position'])\n", (28876, 28895), True, 'import numpy as np\n'), ((37337, 37348), 'numpy.array', 'np.array', (['t'], {}), '(t)\n', (37345, 37348), True, 'import numpy as np\n'), ((9914, 10013), 'matplotlib.pyplot.plot', 'plt.plot', (["(self.pdf['nts'] * self.timestep)", "(self.pdf['ncol'] / self.total_ncol)", '*args'], {}), "(self.pdf['nts'] * self.timestep, self.pdf['ncol'] / self.\n total_ncol, *args, **kwargs)\n", (9922, 10013), True, 'import matplotlib.pyplot as plt\n'), ((10094, 10187), 'matplotlib.pyplot.plot', 'plt.plot', (["(self.pdf['nts'] * self.timestep)", "(self.pdf['ncol'] / self.ncol)", '*args'], {}), "(self.pdf['nts'] * self.timestep, self.pdf['ncol'] / self.ncol, *\n args, **kwargs)\n", (10102, 10187), True, 'import matplotlib.pyplot as plt\n'), ((10297, 10375), 'matplotlib.pyplot.plot', 'plt.plot', (["self.pdf['nts']", "(self.pdf['ncol'] / self.total_ncol)", '*args'], {}), "(self.pdf['nts'], self.pdf['ncol'] / self.total_ncol, *args, **kwargs)\n", (10305, 10375), True, 'import matplotlib.pyplot as plt\n'), ((10460, 10532), 'matplotlib.pyplot.plot', 'plt.plot', (["self.pdf['nts']", "(self.pdf['ncol'] / self.ncol)", '*args'], {}), "(self.pdf['nts'], self.pdf['ncol'] / self.ncol, *args, **kwargs)\n", (10468, 10532), True, 'import matplotlib.pyplot as plt\n'), ((2642, 2683), 'pandas.DataFrame', 'pd.DataFrame', (["{'nts': nts, 'ncol': ncols}"], {}), "({'nts': nts, 'ncol': ncols})\n", (2654, 2683), True, 'import pandas as pd\n'), ((3779, 3846), 'pandas.DataFrame', 'pd.DataFrame', (["{'nts': nts, 'ncol': ncols, 'ncpr': ncol_per_release}"], {}), "({'nts': nts, 'ncol': ncols, 'ncpr': ncol_per_release})\n", (3791, 3846), True, 'import pandas as pd\n'), ((20681, 20716), 'numpy.ma.masked_where', 'np.ma.masked_where', (['(arr == 0)'], {'a': 'arr'}), '(arr == 0, a=arr)\n', (20699, 20716), True, 'import numpy as np\n'), ((20915, 20950), 'numpy.ma.masked_where', 'np.ma.masked_where', (['(img == 1)'], {'a': 'arr'}), '(img == 1, a=arr)\n', (20933, 20950), True, 'import numpy as np\n')] |
# -*- coding: UTF-8 -*-
# !/usr/bin/python
# @time :2019/6/5 21:04
# @author :Mo
# @function :file of path
import os
# 项目的根目录
path_root = os.path.abspath(os.path.join(os.path.dirname(__file__), os.pardir))
path_root = path_root.replace('\\', '/')
# train out
path_out = path_root + "/out/"
# path of embedding
path_embedding = path_out + 'data/embeddings'
path_embedding_user_dict = path_embedding + '/user_dict.txt'
path_embedding_random_char = path_embedding + '/term_char.txt'
path_embedding_random_word = path_embedding + '/term_word.txt'
path_embedding_vector_word2vec_char = path_embedding + '/multi_label_char.vec'
path_embedding_vector_word2vec_word = path_embedding + '/multi_label_word.vec'
path_embedding_vector_word2vec_char_bin = path_embedding + '/multi_label_char.bin'
path_embedding_vector_word2vec_word_bin = path_embedding + '/multi_label_word.bin'
path_dataset = path_root +'/dataset'
path_category = path_dataset + '/category2labels.json'
path_l2i_i2l = path_dataset + '/l2i_i2l.json'
# classfiy multi labels 2021
path_multi_label = path_out + 'data/multi_label'
path_multi_label_train = path_multi_label + '/train.csv'
path_multi_label_valid = path_multi_label + '/valid.csv'
path_multi_label_labels = path_multi_label + '/labels.csv'
path_multi_label_tests = path_multi_label + '/tests.csv'
path_multi_label_error = path_multi_label + '/error.csv'
# 路径抽象层
path_label = path_multi_label_labels
path_train = path_multi_label_train
path_valid = path_multi_label_valid
path_tests = path_multi_label_tests
path_edata = path_multi_label_error
# 模型目录
path_model_dir = path_out + "data/model"
# 语料地址
path_model = path_model_dir + '/model_fast_text.h5'
# 超参数保存地址
path_hyper_parameters = path_model_dir + '/hyper_parameters.json'
# embedding微调保存地址
path_fineture = path_model_dir + "/embedding_trainable.h5"
| [
"os.path.dirname"
] | [((175, 200), 'os.path.dirname', 'os.path.dirname', (['__file__'], {}), '(__file__)\n', (190, 200), False, 'import os\n')] |
from rest_framework.authtoken.models import Token
from rest_framework.test import APITestCase
from users.models import User, GitHubProfile
class BaseTestCase(APITestCase):
USER = 'admin'
PASSWORD = '<PASSWORD>'
EMAIL = '<EMAIL>'
def setUp(self):
super(BaseTestCase, self).setUp()
user_authentication_token = Token.objects.create(user=self.user)
self.client.credentials(HTTP_AUTHORIZATION=f'Token {user_authentication_token.key}')
@classmethod
def setUpTestData(cls):
cls.user = User.objects.create_user(username=cls.USER, password=cls.PASSWORD, email=cls.EMAIL)
GitHubProfile.objects.create(user=cls.user)
| [
"rest_framework.authtoken.models.Token.objects.create",
"users.models.User.objects.create_user",
"users.models.GitHubProfile.objects.create"
] | [((344, 380), 'rest_framework.authtoken.models.Token.objects.create', 'Token.objects.create', ([], {'user': 'self.user'}), '(user=self.user)\n', (364, 380), False, 'from rest_framework.authtoken.models import Token\n'), ((539, 627), 'users.models.User.objects.create_user', 'User.objects.create_user', ([], {'username': 'cls.USER', 'password': 'cls.PASSWORD', 'email': 'cls.EMAIL'}), '(username=cls.USER, password=cls.PASSWORD, email=\n cls.EMAIL)\n', (563, 627), False, 'from users.models import User, GitHubProfile\n'), ((631, 674), 'users.models.GitHubProfile.objects.create', 'GitHubProfile.objects.create', ([], {'user': 'cls.user'}), '(user=cls.user)\n', (659, 674), False, 'from users.models import User, GitHubProfile\n')] |
"""
This is an example of importing data from a CKAN instance and converting it
into the JSON output suitable for the Open SDG reporting platform.
"""
import os
import sdg
import pandas as pd
# Input data from CKAN
endpoint = 'https://inventory.data.gov/api/action/datastore_search'
indicator_id_map = {
# The resource ID for indicator 4.2.2.
'f78445b3-e017-43b2-857f-b39d2004546b': '4-2-2'
}
data_input = sdg.inputs.InputCkan(
endpoint=endpoint,
indicator_id_map=indicator_id_map
)
# The data in this example is not exactly what sdg-build expects, so we need to
# add a "data alteration" function to correct it.
def data_alteration(df):
# The data in this example is in a "wide" format, so we need to convert it
# to the "tidy" format expected by sdg-build.
df = pd.melt(df, id_vars=['year'], var_name='gender', value_name='value')
# We also rename some columns to match what sdg-build expects.
df = df.rename(columns={'year': 'Year', 'value': 'Value'})
return df
data_input.add_data_alteration(data_alteration)
# Combine the inputs into one list.
inputs = [data_input]
# Use a Prose.io file for the metadata schema.
schema_path = os.path.join('tests', '_prose.yml')
schema = sdg.schemas.SchemaInputOpenSdg(schema_path=schema_path)
# Use SDG Translations for translations
tag = '0.8.1'
translations = sdg.translations.TranslationInputSdgTranslations(tag=tag)
# Create an "output" from these inputs and schema, for JSON for Open SDG.
opensdg_output = sdg.outputs.OutputOpenSdg(
inputs=inputs,
schema=schema,
output_folder='_site',
translations=translations)
# Validate the indicators.
validation_successful = opensdg_output.validate()
# If everything was valid, perform the build.
if validation_successful:
# Here are several ways you can generate the build:
# 1. Translated into a single language, like English: opensdg_output.execute('en')
# (the build will appear in '_site/en')
# 2. Translated into several languages: opensdg_output.execute_per_language(['es', 'ru', 'en'])
# (three builds will appear in '_site/es', '_site/ru', and '_site/en')
# 3. Untranslated: opensdg_output.execute()
# (the build will appear in '_site')
opensdg_output.execute_per_language(['es', 'ru', 'en'])
else:
raise Exception('There were validation errors. See output above.')
| [
"sdg.outputs.OutputOpenSdg",
"sdg.translations.TranslationInputSdgTranslations",
"sdg.inputs.InputCkan",
"sdg.schemas.SchemaInputOpenSdg",
"pandas.melt",
"os.path.join"
] | [((416, 490), 'sdg.inputs.InputCkan', 'sdg.inputs.InputCkan', ([], {'endpoint': 'endpoint', 'indicator_id_map': 'indicator_id_map'}), '(endpoint=endpoint, indicator_id_map=indicator_id_map)\n', (436, 490), False, 'import sdg\n'), ((1177, 1212), 'os.path.join', 'os.path.join', (['"""tests"""', '"""_prose.yml"""'], {}), "('tests', '_prose.yml')\n", (1189, 1212), False, 'import os\n'), ((1222, 1277), 'sdg.schemas.SchemaInputOpenSdg', 'sdg.schemas.SchemaInputOpenSdg', ([], {'schema_path': 'schema_path'}), '(schema_path=schema_path)\n', (1252, 1277), False, 'import sdg\n'), ((1348, 1405), 'sdg.translations.TranslationInputSdgTranslations', 'sdg.translations.TranslationInputSdgTranslations', ([], {'tag': 'tag'}), '(tag=tag)\n', (1396, 1405), False, 'import sdg\n'), ((1498, 1608), 'sdg.outputs.OutputOpenSdg', 'sdg.outputs.OutputOpenSdg', ([], {'inputs': 'inputs', 'schema': 'schema', 'output_folder': '"""_site"""', 'translations': 'translations'}), "(inputs=inputs, schema=schema, output_folder=\n '_site', translations=translations)\n", (1523, 1608), False, 'import sdg\n'), ((795, 863), 'pandas.melt', 'pd.melt', (['df'], {'id_vars': "['year']", 'var_name': '"""gender"""', 'value_name': '"""value"""'}), "(df, id_vars=['year'], var_name='gender', value_name='value')\n", (802, 863), True, 'import pandas as pd\n')] |
import geopandas as gpd
# required for MAUP: https://github.com/geopandas/geopandas/issues/2199
gpd.options.use_pygeos = False
import pandas as pd
import numpy as np
import shapely
import shapely.geometry
from shapely.geometry import Polygon, Point
from tqdm import tqdm
import maup
import os
#INTRO - need to edit values here for new city deployment
data_source = "census" #"census" or "ghsl"
city_crs = 32712
blocks_gdf_crs = gpd.read_file('prep_pop/tabblock2010_04_pophu.zip').to_crs(city_crs)
block_groups_gdf_crs = gpd.read_file('prep_pop/tl_2019_04_bg.zip').to_crs(city_crs)
veh_avail = pd.read_csv('prep_pop/B25044.csv').iloc[1:,]
bounds_gdf_latlon = gpd.GeoDataFrame(geometry = [
shapely.geometry.box(-111.124649,32.059300,-110.690002,32.366043)],
crs = 4326)
bounds_gdf_crs = bounds_gdf_latlon.to_crs(city_crs)
#define exception polygon
#this is the are within which the grid will be higher-resolution
point = Point(-71.411479,41.823544)
point_latlon = gpd.GeoDataFrame(geometry=[point], crs = 4326)
point_crs = point_latlon.to_crs(city_crs)
poly_crs = point_crs.buffer(1000).unary_union
exception_gdf_crs = gpd.GeoDataFrame(geometry = [poly_crs], crs=city_crs)
high_res = 250 #m to a side
low_res = 1000 #m to a side
# END INTRO actual code
def summarize_veh_avail(row):
total_pop = int(row['B25044_001E'])
if total_pop < 1:
return 0,0,1 #if no population, assume all 0 households have 2 cars
pct_carfree = (int(row['B25044_003E']) + int(row['B25044_010E'])) / total_pop
pct_onecar = (int(row['B25044_004E']) + int(row['B25044_011E'])) / total_pop
pct_twopluscars = 1 - pct_carfree - pct_onecar
return pct_carfree, pct_onecar, pct_twopluscars
def build_grid(bounds_poly_crs, low_resolution, exception_gdf_crs=None, high_resolution=None):
xmin,ymin,xmax,ymax = bounds_poly_crs.bounds
# thank you Faraz (https://gis.stackexchange.com/questions/269243/creating-polygon-grid-using-geopandas)
rows = int(np.ceil((ymax-ymin) / low_resolution))
cols = int(np.ceil((xmax-xmin) / low_resolution))
XleftOrigin = xmin
XrightOrigin = xmin + low_resolution
YtopOrigin = ymax
YbottomOrigin = ymax - low_resolution
lowres_cells = []
exception_cells = []
for i in range(cols):
Ytop = YtopOrigin
Ybottom = YbottomOrigin
for j in range(rows):
cell = Polygon([(XleftOrigin, Ytop), (XrightOrigin, Ytop), (XrightOrigin, Ybottom), (XleftOrigin, Ybottom)])
cell = cell.intersection(bounds_poly_crs)
if exception_gdf_crs is not None:
if not cell.intersects(exception_gdf_crs.unary_union):
lowres_cells.append(cell)
else:
exception_cells.append(cell)
else:
lowres_cells.append(cell)
Ytop = Ytop - low_resolution
Ybottom = Ybottom - low_resolution
XleftOrigin = XleftOrigin + low_resolution
XrightOrigin = XrightOrigin + low_resolution
highres_cells = []
if exception_gdf_crs is not None:
for exception_cell in exception_cells:
highres_cells += build_grid(exception_cell, high_resolution)
return lowres_cells + highres_cells
def populate_grid(grid, blocks, block_groups):
#blocks first, for simple population
blocks_pieces = maup.intersections(blocks, grid, area_cutoff=0)
blocks_weights = blocks['POP10'].groupby(maup.assign(blocks, blocks_pieces)).sum()
blocks_weights = maup.normalize(blocks_weights, level=0)
grid['POP10'] = maup.prorate(
blocks_pieces,
blocks['POP10'],
weights=blocks_weights,
)
#then block groups for car ownership
bg_pieces = maup.intersections(block_groups, grid)
bg_weights = grid['POP10'].groupby(maup.assign(grid, bg_pieces)).sum()
bg_weights = maup.normalize(bg_weights, level=0)
columns = ['pct_carfree', 'pct_onecar','pct_twopluscars']
grid[columns] = maup.prorate(
bg_pieces,
block_groups[columns],
weights=bg_weights,
aggregate_by='mean',
)
return grid
#clip blocks and block groups
blocks_gdf_crs = gpd.clip(blocks_gdf_crs, bounds_gdf_crs)
block_groups_gdf_crs = gpd.clip(block_groups_gdf_crs, bounds_gdf_crs)
#assign veh_avail and block_groups the same index
block_groups_gdf_crs.index = block_groups_gdf_crs.GEOID
newidx = []
for bgidx in veh_avail.GEO_ID:
newidx.append(bgidx[9:])
veh_avail.index = newidx
for bgidx in block_groups_gdf_crs.index:
pct_carfree, pct_onecar, pct_twopluscars = summarize_veh_avail(veh_avail.loc[bgidx])
total_pop = float(veh_avail.loc[bgidx,'B25044_001E'])
block_groups_gdf_crs.loc[bgidx,'total_pop'] = total_pop
block_groups_gdf_crs.loc[bgidx,'pct_carfree'] = pct_carfree
block_groups_gdf_crs.loc[bgidx,'pct_onecar'] = pct_onecar
block_groups_gdf_crs.loc[bgidx,'pct_twopluscars'] = pct_twopluscars
grid_cells = build_grid(bounds_gdf_crs.unary_union, 1000, exception_gdf_crs, 250)
grid_gdf_crs = gpd.GeoDataFrame(geometry=grid_cells, crs=city_crs)
grid_gdf_latlon = grid_gdf_crs.to_crs(4326)
grid_pop_gdf_crs = populate_grid(
grid_gdf_crs,
blocks_gdf_crs,
block_groups_gdf_crs,
)
grid_pop_gdf_crs['pop_dens'] = grid_pop_gdf_crs['POP10'] / grid_pop_gdf_crs.geometry.area
grid_pop_gdf_latlon = grid_pop_gdf_crs.to_crs(4326)
points = pd.DataFrame()
for idx in grid_pop_gdf_latlon.index:
if not np.isnan(grid_pop_gdf_latlon.loc[idx,'POP10']):
grid_pop_gdf_latlon.loc[idx,'id'] = idx
points.loc[idx,'id'] = idx
centroid = grid_pop_gdf_latlon.loc[idx,'geometry'].centroid
points.loc[idx,'lat'] = centroid.y
points.loc[idx,'lon'] = centroid.x
for col in ['POP10','pct_carfree','pct_onecar','pct_twopluscars','pop_dens']:
points.loc[idx, col] = grid_pop_gdf_latlon.loc[idx, col]
points.to_csv('pop_points.csv')
grid_pop_gdf_latlon.to_file('grid_pop.geojson',driver='GeoJSON') | [
"pandas.DataFrame",
"maup.normalize",
"shapely.geometry.Point",
"numpy.ceil",
"shapely.geometry.Polygon",
"pandas.read_csv",
"maup.assign",
"maup.prorate",
"numpy.isnan",
"geopandas.GeoDataFrame",
"maup.intersections",
"geopandas.clip",
"shapely.geometry.box",
"geopandas.read_file"
] | [((934, 962), 'shapely.geometry.Point', 'Point', (['(-71.411479)', '(41.823544)'], {}), '(-71.411479, 41.823544)\n', (939, 962), False, 'from shapely.geometry import Polygon, Point\n'), ((977, 1021), 'geopandas.GeoDataFrame', 'gpd.GeoDataFrame', ([], {'geometry': '[point]', 'crs': '(4326)'}), '(geometry=[point], crs=4326)\n', (993, 1021), True, 'import geopandas as gpd\n'), ((1132, 1183), 'geopandas.GeoDataFrame', 'gpd.GeoDataFrame', ([], {'geometry': '[poly_crs]', 'crs': 'city_crs'}), '(geometry=[poly_crs], crs=city_crs)\n', (1148, 1183), True, 'import geopandas as gpd\n'), ((4172, 4212), 'geopandas.clip', 'gpd.clip', (['blocks_gdf_crs', 'bounds_gdf_crs'], {}), '(blocks_gdf_crs, bounds_gdf_crs)\n', (4180, 4212), True, 'import geopandas as gpd\n'), ((4236, 4282), 'geopandas.clip', 'gpd.clip', (['block_groups_gdf_crs', 'bounds_gdf_crs'], {}), '(block_groups_gdf_crs, bounds_gdf_crs)\n', (4244, 4282), True, 'import geopandas as gpd\n'), ((5036, 5087), 'geopandas.GeoDataFrame', 'gpd.GeoDataFrame', ([], {'geometry': 'grid_cells', 'crs': 'city_crs'}), '(geometry=grid_cells, crs=city_crs)\n', (5052, 5087), True, 'import geopandas as gpd\n'), ((5387, 5401), 'pandas.DataFrame', 'pd.DataFrame', ([], {}), '()\n', (5399, 5401), True, 'import pandas as pd\n'), ((3347, 3394), 'maup.intersections', 'maup.intersections', (['blocks', 'grid'], {'area_cutoff': '(0)'}), '(blocks, grid, area_cutoff=0)\n', (3365, 3394), False, 'import maup\n'), ((3503, 3542), 'maup.normalize', 'maup.normalize', (['blocks_weights'], {'level': '(0)'}), '(blocks_weights, level=0)\n', (3517, 3542), False, 'import maup\n'), ((3563, 3631), 'maup.prorate', 'maup.prorate', (['blocks_pieces', "blocks['POP10']"], {'weights': 'blocks_weights'}), "(blocks_pieces, blocks['POP10'], weights=blocks_weights)\n", (3575, 3631), False, 'import maup\n'), ((3725, 3763), 'maup.intersections', 'maup.intersections', (['block_groups', 'grid'], {}), '(block_groups, grid)\n', (3743, 3763), False, 'import maup\n'), ((3856, 3891), 'maup.normalize', 'maup.normalize', (['bg_weights'], {'level': '(0)'}), '(bg_weights, level=0)\n', (3870, 3891), False, 'import maup\n'), ((3974, 4065), 'maup.prorate', 'maup.prorate', (['bg_pieces', 'block_groups[columns]'], {'weights': 'bg_weights', 'aggregate_by': '"""mean"""'}), "(bg_pieces, block_groups[columns], weights=bg_weights,\n aggregate_by='mean')\n", (3986, 4065), False, 'import maup\n'), ((432, 483), 'geopandas.read_file', 'gpd.read_file', (['"""prep_pop/tabblock2010_04_pophu.zip"""'], {}), "('prep_pop/tabblock2010_04_pophu.zip')\n", (445, 483), True, 'import geopandas as gpd\n'), ((524, 567), 'geopandas.read_file', 'gpd.read_file', (['"""prep_pop/tl_2019_04_bg.zip"""'], {}), "('prep_pop/tl_2019_04_bg.zip')\n", (537, 567), True, 'import geopandas as gpd\n'), ((597, 631), 'pandas.read_csv', 'pd.read_csv', (['"""prep_pop/B25044.csv"""'], {}), "('prep_pop/B25044.csv')\n", (608, 631), True, 'import pandas as pd\n'), ((1973, 2012), 'numpy.ceil', 'np.ceil', (['((ymax - ymin) / low_resolution)'], {}), '((ymax - ymin) / low_resolution)\n', (1980, 2012), True, 'import numpy as np\n'), ((2028, 2067), 'numpy.ceil', 'np.ceil', (['((xmax - xmin) / low_resolution)'], {}), '((xmax - xmin) / low_resolution)\n', (2035, 2067), True, 'import numpy as np\n'), ((5451, 5498), 'numpy.isnan', 'np.isnan', (["grid_pop_gdf_latlon.loc[idx, 'POP10']"], {}), "(grid_pop_gdf_latlon.loc[idx, 'POP10'])\n", (5459, 5498), True, 'import numpy as np\n'), ((697, 763), 'shapely.geometry.box', 'shapely.geometry.box', (['(-111.124649)', '(32.0593)', '(-110.690002)', '(32.366043)'], {}), '(-111.124649, 32.0593, -110.690002, 32.366043)\n', (717, 763), False, 'import shapely\n'), ((2375, 2480), 'shapely.geometry.Polygon', 'Polygon', (['[(XleftOrigin, Ytop), (XrightOrigin, Ytop), (XrightOrigin, Ybottom), (\n XleftOrigin, Ybottom)]'], {}), '([(XleftOrigin, Ytop), (XrightOrigin, Ytop), (XrightOrigin, Ybottom),\n (XleftOrigin, Ybottom)])\n', (2382, 2480), False, 'from shapely.geometry import Polygon, Point\n'), ((3440, 3474), 'maup.assign', 'maup.assign', (['blocks', 'blocks_pieces'], {}), '(blocks, blocks_pieces)\n', (3451, 3474), False, 'import maup\n'), ((3803, 3831), 'maup.assign', 'maup.assign', (['grid', 'bg_pieces'], {}), '(grid, bg_pieces)\n', (3814, 3831), False, 'import maup\n')] |
import time
import pickle
import redis
class ModelAgent:
def __init__(
self,
redis_broker='localhost:6379',
redis_queue='broker',
model_class=None,
model_config={},
batch_size=64,
model_sleep=0.1,
collection=False,
collection_limit=6000,
):
parse = lambda x: {'host': x.split(':')[0], 'port': int(x.split(':')[1])}
self.db = redis.StrictRedis(**parse(redis_broker))
self.redis_queue = redis_queue
assert 'predict' in dir(model_class), 'No predict function in model class'
self.model_class = model_class
self.model_config = model_config
self.batch_size = batch_size
self.model_sleep = model_sleep
self.collection = collection
self.collection_limit = collection_limit
def run(self, pre_process=lambda x: x, post_process=lambda x: x):
model = self.model_class(**self.model_config)
mq_miss = 0
print('model init')
while True:
with self.db.pipeline() as pipe:
pipe.lrange(self.redis_queue, 0, self.batch_size - 1)
pipe.ltrim(self.redis_queue, self.batch_size, -1)
queue, _ = pipe.execute()
if queue:
mq_miss = 0
if not model:
model = self.model_class(**self.model_config)
messages = [pickle.loads(x) for x in queue]
keys = [message.get('key') for message in messages]
model_inputs = [pre_process(message.get('model_input')) for message in messages]
results = [post_process(x) for x in model.predict(model_inputs)]
self.db.mset({key: pickle.dumps(result) for key, result in zip(keys, results)})
else:
mq_miss += 1
if mq_miss and mq_miss % self.collection_limit == 0:
mq_miss = 0
if self.collection and model:
model = None
print('model is collected')
time.sleep(self.model_sleep)
| [
"pickle.loads",
"pickle.dumps",
"time.sleep"
] | [((2073, 2101), 'time.sleep', 'time.sleep', (['self.model_sleep'], {}), '(self.model_sleep)\n', (2083, 2101), False, 'import time\n'), ((1419, 1434), 'pickle.loads', 'pickle.loads', (['x'], {}), '(x)\n', (1431, 1434), False, 'import pickle\n'), ((1732, 1752), 'pickle.dumps', 'pickle.dumps', (['result'], {}), '(result)\n', (1744, 1752), False, 'import pickle\n')] |
#!/usr/bin/env python
# coding: utf-8
# ## SIMPLE CONVOLUTIONAL NEURAL NETWORK
# In[1]:
import numpy as np
import tensorflow as tf
import matplotlib.pyplot as plt
from tensorflow.examples.tutorials.mnist import input_data
get_ipython().run_line_magic('matplotlib', 'inline')
print ("PACKAGES LOADED")
# # LOAD MNIST
# In[2]:
mnist = input_data.read_data_sets('data/', one_hot=True)
trainimg = mnist.train.images
trainlabel = mnist.train.labels
testimg = mnist.test.images
testlabel = mnist.test.labels
print ("MNIST ready")
# # SELECT DEVICE TO BE USED
# In[3]:
device_type = "/gpu:1"
# # DEFINE CNN
# In[4]:
with tf.device(device_type): # <= This is optional
n_input = 784
n_output = 10
weights = {
'wc1': tf.Variable(tf.random_normal([3, 3, 1, 64], stddev=0.1)),
'wd1': tf.Variable(tf.random_normal([14*14*64, n_output], stddev=0.1))
}
biases = {
'bc1': tf.Variable(tf.random_normal([64], stddev=0.1)),
'bd1': tf.Variable(tf.random_normal([n_output], stddev=0.1))
}
def conv_simple(_input, _w, _b):
# Reshape input
_input_r = tf.reshape(_input, shape=[-1, 28, 28, 1])
# Convolution
_conv1 = tf.nn.conv2d(_input_r, _w['wc1'], strides=[1, 1, 1, 1], padding='SAME')
# Add-bias
_conv2 = tf.nn.bias_add(_conv1, _b['bc1'])
# Pass ReLu
_conv3 = tf.nn.relu(_conv2)
# Max-pooling
_pool = tf.nn.max_pool(_conv3, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')
# Vectorize
_dense = tf.reshape(_pool, [-1, _w['wd1'].get_shape().as_list()[0]])
# Fully-connected layer
_out = tf.add(tf.matmul(_dense, _w['wd1']), _b['bd1'])
# Return everything
out = {
'input_r': _input_r, 'conv1': _conv1, 'conv2': _conv2, 'conv3': _conv3
, 'pool': _pool, 'dense': _dense, 'out': _out
}
return out
print ("CNN ready")
# # DEFINE COMPUTATIONAL GRAPH
# In[5]:
# tf Graph input
x = tf.placeholder(tf.float32, [None, n_input])
y = tf.placeholder(tf.float32, [None, n_output])
# Parameters
learning_rate = 0.001
training_epochs = 10
batch_size = 100
display_step = 1
# Functions!
with tf.device(device_type): # <= This is optional
_pred = conv_simple(x, weights, biases)['out']
cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(_pred, y))
optm = tf.train.AdamOptimizer(learning_rate=learning_rate).minimize(cost)
_corr = tf.equal(tf.argmax(_pred,1), tf.argmax(y,1)) # Count corrects
accr = tf.reduce_mean(tf.cast(_corr, tf.float32)) # Accuracy
init = tf.initialize_all_variables()
# Saver
save_step = 1;
savedir = "nets/"
saver = tf.train.Saver(max_to_keep=3)
print ("Network Ready to Go!")
# # OPTIMIZE
# ## DO TRAIN OR NOT
# In[6]:
do_train = 1
sess = tf.Session(config=tf.ConfigProto(allow_soft_placement=True))
sess.run(init)
# In[7]:
if do_train == 1:
for epoch in range(training_epochs):
avg_cost = 0.
total_batch = int(mnist.train.num_examples/batch_size)
# Loop over all batches
for i in range(total_batch):
batch_xs, batch_ys = mnist.train.next_batch(batch_size)
# Fit training using batch data
sess.run(optm, feed_dict={x: batch_xs, y: batch_ys})
# Compute average loss
avg_cost += sess.run(cost, feed_dict={x: batch_xs, y: batch_ys})/total_batch
# Display logs per epoch step
if epoch % display_step == 0:
print ("Epoch: %03d/%03d cost: %.9f" % (epoch, training_epochs, avg_cost))
train_acc = sess.run(accr, feed_dict={x: batch_xs, y: batch_ys})
print (" Training accuracy: %.3f" % (train_acc))
test_acc = sess.run(accr, feed_dict={x: testimg, y: testlabel})
print (" Test accuracy: %.3f" % (test_acc))
# Save Net
if epoch % save_step == 0:
saver.save(sess, "nets/cnn_mnist_simple.ckpt-" + str(epoch))
print ("Optimization Finished.")
# # RESTORE
# In[8]:
if do_train == 0:
epoch = training_epochs-1
saver.restore(sess, "nets/cnn_mnist_simple.ckpt-" + str(epoch))
print ("NETWORK RESTORED")
# # LET'S SEE HOW CNN WORKS
# In[9]:
with tf.device(device_type):
conv_out = conv_simple(x, weights, biases)
input_r = sess.run(conv_out['input_r'], feed_dict={x: trainimg[0:1, :]})
conv1 = sess.run(conv_out['conv1'], feed_dict={x: trainimg[0:1, :]})
conv2 = sess.run(conv_out['conv2'], feed_dict={x: trainimg[0:1, :]})
conv3 = sess.run(conv_out['conv3'], feed_dict={x: trainimg[0:1, :]})
pool = sess.run(conv_out['pool'], feed_dict={x: trainimg[0:1, :]})
dense = sess.run(conv_out['dense'], feed_dict={x: trainimg[0:1, :]})
out = sess.run(conv_out['out'], feed_dict={x: trainimg[0:1, :]})
# # Input
# In[10]:
# Let's see 'input_r'
print ("Size of 'input_r' is %s" % (input_r.shape,))
label = np.argmax(trainlabel[0, :])
print ("Label is %d" % (label))
# Plot !
plt.matshow(input_r[0, :, :, 0], cmap=plt.get_cmap('gray'))
plt.title("Label of this image is " + str(label) + "")
plt.colorbar()
plt.show()
# # Conv1 (convolution)
# In[11]:
# Let's see 'conv1'
print ("Size of 'conv1' is %s" % (conv1.shape,))
# Plot !
for i in range(3):
plt.matshow(conv1[0, :, :, i], cmap=plt.get_cmap('gray'))
plt.title(str(i) + "th conv1")
plt.colorbar()
plt.show()
# # Conv2 (+bias)
# In[12]:
# Let's see 'conv2'
print ("Size of 'conv2' is %s" % (conv2.shape,))
# Plot !
for i in range(3):
plt.matshow(conv2[0, :, :, i], cmap=plt.get_cmap('gray'))
plt.title(str(i) + "th conv2")
plt.colorbar()
plt.show()
# # Conv3 (ReLU)
# In[13]:
# Let's see 'conv3'
print ("Size of 'conv3' is %s" % (conv3.shape,))
# Plot !
for i in range(3):
plt.matshow(conv3[0, :, :, i], cmap=plt.get_cmap('gray'))
plt.title(str(i) + "th conv3")
plt.colorbar()
plt.show()
# # Pool (max_pool)
# In[14]:
# Let's see 'pool'
print ("Size of 'pool' is %s" % (pool.shape,))
# Plot !
for i in range(3):
plt.matshow(pool[0, :, :, i], cmap=plt.get_cmap('gray'))
plt.title(str(i) + "th pool")
plt.colorbar()
plt.show()
# # Dense
# In[15]:
# Let's see 'dense'
print ("Size of 'dense' is %s" % (dense.shape,))
# Let's see 'out'
print ("Size of 'out' is %s" % (out.shape,))
# # Convolution filters
# In[16]:
# Let's see weight!
wc1 = sess.run(weights['wc1'])
print ("Size of 'wc1' is %s" % (wc1.shape,))
# Plot !
for i in range(3):
plt.matshow(wc1[:, :, 0, i], cmap=plt.get_cmap('gray'))
plt.title(str(i) + "th conv filter")
plt.colorbar()
plt.show()
| [
"numpy.argmax",
"tensorflow.reshape",
"tensorflow.ConfigProto",
"tensorflow.matmul",
"tensorflow.nn.conv2d",
"tensorflow.nn.relu",
"tensorflow.nn.softmax_cross_entropy_with_logits",
"matplotlib.pyplot.colorbar",
"tensorflow.placeholder",
"tensorflow.cast",
"tensorflow.initialize_all_variables",
"tensorflow.nn.bias_add",
"matplotlib.pyplot.show",
"matplotlib.pyplot.get_cmap",
"tensorflow.train.Saver",
"tensorflow.nn.max_pool",
"tensorflow.random_normal",
"tensorflow.argmax",
"tensorflow.device",
"tensorflow.examples.tutorials.mnist.input_data.read_data_sets",
"tensorflow.train.AdamOptimizer"
] | [((342, 390), 'tensorflow.examples.tutorials.mnist.input_data.read_data_sets', 'input_data.read_data_sets', (['"""data/"""'], {'one_hot': '(True)'}), "('data/', one_hot=True)\n", (367, 390), False, 'from tensorflow.examples.tutorials.mnist import input_data\n'), ((2026, 2069), 'tensorflow.placeholder', 'tf.placeholder', (['tf.float32', '[None, n_input]'], {}), '(tf.float32, [None, n_input])\n', (2040, 2069), True, 'import tensorflow as tf\n'), ((2074, 2118), 'tensorflow.placeholder', 'tf.placeholder', (['tf.float32', '[None, n_output]'], {}), '(tf.float32, [None, n_output])\n', (2088, 2118), True, 'import tensorflow as tf\n'), ((2720, 2749), 'tensorflow.train.Saver', 'tf.train.Saver', ([], {'max_to_keep': '(3)'}), '(max_to_keep=3)\n', (2734, 2749), True, 'import tensorflow as tf\n'), ((4950, 4977), 'numpy.argmax', 'np.argmax', (['trainlabel[0, :]'], {}), '(trainlabel[0, :])\n', (4959, 4977), True, 'import numpy as np\n'), ((5136, 5150), 'matplotlib.pyplot.colorbar', 'plt.colorbar', ([], {}), '()\n', (5148, 5150), True, 'import matplotlib.pyplot as plt\n'), ((5151, 5161), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (5159, 5161), True, 'import matplotlib.pyplot as plt\n'), ((641, 663), 'tensorflow.device', 'tf.device', (['device_type'], {}), '(device_type)\n', (650, 663), True, 'import tensorflow as tf\n'), ((2238, 2260), 'tensorflow.device', 'tf.device', (['device_type'], {}), '(device_type)\n', (2247, 2260), True, 'import tensorflow as tf\n'), ((2640, 2669), 'tensorflow.initialize_all_variables', 'tf.initialize_all_variables', ([], {}), '()\n', (2667, 2669), True, 'import tensorflow as tf\n'), ((4274, 4296), 'tensorflow.device', 'tf.device', (['device_type'], {}), '(device_type)\n', (4283, 4296), True, 'import tensorflow as tf\n'), ((5401, 5415), 'matplotlib.pyplot.colorbar', 'plt.colorbar', ([], {}), '()\n', (5413, 5415), True, 'import matplotlib.pyplot as plt\n'), ((5420, 5430), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (5428, 5430), True, 'import matplotlib.pyplot as plt\n'), ((5665, 5679), 'matplotlib.pyplot.colorbar', 'plt.colorbar', ([], {}), '()\n', (5677, 5679), True, 'import matplotlib.pyplot as plt\n'), ((5684, 5694), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (5692, 5694), True, 'import matplotlib.pyplot as plt\n'), ((5928, 5942), 'matplotlib.pyplot.colorbar', 'plt.colorbar', ([], {}), '()\n', (5940, 5942), True, 'import matplotlib.pyplot as plt\n'), ((5947, 5957), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (5955, 5957), True, 'import matplotlib.pyplot as plt\n'), ((6189, 6203), 'matplotlib.pyplot.colorbar', 'plt.colorbar', ([], {}), '()\n', (6201, 6203), True, 'import matplotlib.pyplot as plt\n'), ((6208, 6218), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (6216, 6218), True, 'import matplotlib.pyplot as plt\n'), ((6648, 6662), 'matplotlib.pyplot.colorbar', 'plt.colorbar', ([], {}), '()\n', (6660, 6662), True, 'import matplotlib.pyplot as plt\n'), ((6667, 6677), 'matplotlib.pyplot.show', 'plt.show', ([], {}), '()\n', (6675, 6677), True, 'import matplotlib.pyplot as plt\n'), ((1135, 1176), 'tensorflow.reshape', 'tf.reshape', (['_input'], {'shape': '[-1, 28, 28, 1]'}), '(_input, shape=[-1, 28, 28, 1])\n', (1145, 1176), True, 'import tensorflow as tf\n'), ((1216, 1287), 'tensorflow.nn.conv2d', 'tf.nn.conv2d', (['_input_r', "_w['wc1']"], {'strides': '[1, 1, 1, 1]', 'padding': '"""SAME"""'}), "(_input_r, _w['wc1'], strides=[1, 1, 1, 1], padding='SAME')\n", (1228, 1287), True, 'import tensorflow as tf\n'), ((1324, 1357), 'tensorflow.nn.bias_add', 'tf.nn.bias_add', (['_conv1', "_b['bc1']"], {}), "(_conv1, _b['bc1'])\n", (1338, 1357), True, 'import tensorflow as tf\n'), ((1395, 1413), 'tensorflow.nn.relu', 'tf.nn.relu', (['_conv2'], {}), '(_conv2)\n', (1405, 1413), True, 'import tensorflow as tf\n'), ((1453, 1538), 'tensorflow.nn.max_pool', 'tf.nn.max_pool', (['_conv3'], {'ksize': '[1, 2, 2, 1]', 'strides': '[1, 2, 2, 1]', 'padding': '"""SAME"""'}), "(_conv3, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME'\n )\n", (1467, 1538), True, 'import tensorflow as tf\n'), ((2361, 2410), 'tensorflow.nn.softmax_cross_entropy_with_logits', 'tf.nn.softmax_cross_entropy_with_logits', (['_pred', 'y'], {}), '(_pred, y)\n', (2400, 2410), True, 'import tensorflow as tf\n'), ((2511, 2530), 'tensorflow.argmax', 'tf.argmax', (['_pred', '(1)'], {}), '(_pred, 1)\n', (2520, 2530), True, 'import tensorflow as tf\n'), ((2531, 2546), 'tensorflow.argmax', 'tf.argmax', (['y', '(1)'], {}), '(y, 1)\n', (2540, 2546), True, 'import tensorflow as tf\n'), ((2590, 2616), 'tensorflow.cast', 'tf.cast', (['_corr', 'tf.float32'], {}), '(_corr, tf.float32)\n', (2597, 2616), True, 'import tensorflow as tf\n'), ((2868, 2909), 'tensorflow.ConfigProto', 'tf.ConfigProto', ([], {'allow_soft_placement': '(True)'}), '(allow_soft_placement=True)\n', (2882, 2909), True, 'import tensorflow as tf\n'), ((5059, 5079), 'matplotlib.pyplot.get_cmap', 'plt.get_cmap', (['"""gray"""'], {}), "('gray')\n", (5071, 5079), True, 'import matplotlib.pyplot as plt\n'), ((768, 811), 'tensorflow.random_normal', 'tf.random_normal', (['[3, 3, 1, 64]'], {'stddev': '(0.1)'}), '([3, 3, 1, 64], stddev=0.1)\n', (784, 811), True, 'import tensorflow as tf\n'), ((841, 895), 'tensorflow.random_normal', 'tf.random_normal', (['[14 * 14 * 64, n_output]'], {'stddev': '(0.1)'}), '([14 * 14 * 64, n_output], stddev=0.1)\n', (857, 895), True, 'import tensorflow as tf\n'), ((943, 977), 'tensorflow.random_normal', 'tf.random_normal', (['[64]'], {'stddev': '(0.1)'}), '([64], stddev=0.1)\n', (959, 977), True, 'import tensorflow as tf\n'), ((1007, 1047), 'tensorflow.random_normal', 'tf.random_normal', (['[n_output]'], {'stddev': '(0.1)'}), '([n_output], stddev=0.1)\n', (1023, 1047), True, 'import tensorflow as tf\n'), ((1685, 1713), 'tensorflow.matmul', 'tf.matmul', (['_dense', "_w['wd1']"], {}), "(_dense, _w['wd1'])\n", (1694, 1713), True, 'import tensorflow as tf\n'), ((2423, 2474), 'tensorflow.train.AdamOptimizer', 'tf.train.AdamOptimizer', ([], {'learning_rate': 'learning_rate'}), '(learning_rate=learning_rate)\n', (2445, 2474), True, 'import tensorflow as tf\n'), ((5340, 5360), 'matplotlib.pyplot.get_cmap', 'plt.get_cmap', (['"""gray"""'], {}), "('gray')\n", (5352, 5360), True, 'import matplotlib.pyplot as plt\n'), ((5604, 5624), 'matplotlib.pyplot.get_cmap', 'plt.get_cmap', (['"""gray"""'], {}), "('gray')\n", (5616, 5624), True, 'import matplotlib.pyplot as plt\n'), ((5867, 5887), 'matplotlib.pyplot.get_cmap', 'plt.get_cmap', (['"""gray"""'], {}), "('gray')\n", (5879, 5887), True, 'import matplotlib.pyplot as plt\n'), ((6129, 6149), 'matplotlib.pyplot.get_cmap', 'plt.get_cmap', (['"""gray"""'], {}), "('gray')\n", (6141, 6149), True, 'import matplotlib.pyplot as plt\n'), ((6581, 6601), 'matplotlib.pyplot.get_cmap', 'plt.get_cmap', (['"""gray"""'], {}), "('gray')\n", (6593, 6601), True, 'import matplotlib.pyplot as plt\n')] |
import kivy
kivy.require('1.10.0')
from kivy.app import App
from kivy.uix.label import Label
from kivy.uix.button import Button
from kivy.uix.checkbox import CheckBox
from kivy.uix.dropdown import DropDown
from kivy.uix.gridlayout import GridLayout
from kivy.uix.screenmanager import Screen, ScreenManager
from sudokuboard import SudokuBoard
class GameScreen(Screen):
pass
class SolverScreen(Screen):
pass
class HelpScreen(Screen):
pass
class CreditsScreen(Screen):
pass
class MenuScreen(Screen):
pass
class Numpad(GridLayout):
def __init__(self, **kwargs):
super().__init__(**kwargs)
self.cols = 3
self.rows = 3
for i in range(self.cols * self.rows):
button = Button(text=str(i + 1))
button.font_size = button.height * 0.25
self.add_widget(button)
class ColorFilter(GridLayout):
def __init__(self, **kwargs):
super().__init__(**kwargs)
self.spacing = 8
self.padding = 10
self.cols = 8
self.rows = 5
for i in range(20):
self.add_widget(CheckBox(active=True, size_hint=(None, None), height=20, width=20))
self.add_widget(Button(size_hint=(0.5, None),size_hint_max_x=60, height=20))
class SudokuApp(App):
def build(self):
sm = ScreenManager()
sm.add_widget(MenuScreen(name='menu'))
sm.add_widget(GameScreen(name='game'))
sm.add_widget(HelpScreen(name='help'))
sm.add_widget(CreditsScreen(name='credits'))
sm.current = 'menu'
return sm
if __name__ == '__main__':
SudokuApp().run() | [
"kivy.require",
"kivy.uix.button.Button",
"kivy.uix.screenmanager.ScreenManager",
"kivy.uix.checkbox.CheckBox"
] | [((12, 34), 'kivy.require', 'kivy.require', (['"""1.10.0"""'], {}), "('1.10.0')\n", (24, 34), False, 'import kivy\n'), ((1323, 1338), 'kivy.uix.screenmanager.ScreenManager', 'ScreenManager', ([], {}), '()\n', (1336, 1338), False, 'from kivy.uix.screenmanager import Screen, ScreenManager\n'), ((1108, 1174), 'kivy.uix.checkbox.CheckBox', 'CheckBox', ([], {'active': '(True)', 'size_hint': '(None, None)', 'height': '(20)', 'width': '(20)'}), '(active=True, size_hint=(None, None), height=20, width=20)\n', (1116, 1174), False, 'from kivy.uix.checkbox import CheckBox\n'), ((1204, 1264), 'kivy.uix.button.Button', 'Button', ([], {'size_hint': '(0.5, None)', 'size_hint_max_x': '(60)', 'height': '(20)'}), '(size_hint=(0.5, None), size_hint_max_x=60, height=20)\n', (1210, 1264), False, 'from kivy.uix.button import Button\n')] |
import argparse
import inspect
import re
def bindSignatureArgs(func, src:dict) -> dict:
'''
Args:
func: Function/method from which the signature will be sourced.
src: Source dictionary that will provide values for dest.
Returns:
A new dictionary with argument values from src set
in dest.
'''
dest = {}
# Iterate over paramaters and values in the function's
# signature
for k,v in inspect.signature(func).parameters.items():
# Skip "self" references
if k == 'self': continue
# Extract the user supplied value when provided
if k in src: dest[k]=src[k]
# Use the default value other wise
else: dest[k]=v
return dest
class Module:
'''# Base Module Class
This class serves as a template for brute force modules. It builds
the interface subcommands by inspecting the __init__ method while
also enforcing restrictions on the __call__ method to ensure
BruteLoops can make authentication callbacks.
# The __init__ Method
This method can be used to set static values supporting a brute
force module. It's useful in situations when an upstream server
needs to be targeted.
# The __call__ Method
This method is called for each authentication attempt by BruteLoops
and should check the validity of a username and password. The method
signature must look like:
```
def __call__(self, username, password, *args, **kwargs):
success = False
# Do authentication and update success to True if successful
if success: return dict(outcome=1,username=username,password=password)
else: return dict(outcome=0,username=username,password=password,
```
Note the structure returned in the declaration above. The leading
integer value determines if authentication was successful, indicating
valid credentials: 1 means success, 0 means failure.
'''
# Name for the module that'll be shown in logging
name = None
# Brief description to display in the help menu
brief_description = None
# Description of the module that'll be shown in the interface
description = None
@classmethod
def initialize(cls, args):
'''Initialize and return the underlying brute force module.
'''
print('Initializing module!')
# Translate the argparse arguments to a dictionary
args = vars(args)
# Initialize a dictionary to hold all of the necessary argument
# to initialize the brute force module.
dct = bindSignatureArgs(func=cls.__init__, src=args)
# Initialize and return the module
instance = cls(**dct)
if hasattr(instance, '__post_init__'):
instance.__post_init__(
**bindSignatureArgs(
func=instance.__post_init__,
src=args))
return instance
@classmethod
def validate(cls):
# ==============================
# VALIDATING THE __call__ METHOD
# ==============================
# Ensure that it's declared
assert getattr(cls,'__call__'),('Modules must be callable. '
'Declare a __call__ method on the module: ' \
f'{cls.get_handle}')
# Get a list of parameter names
call_params = list(inspect.signature(cls.__call__).parameters \
.keys())
if call_params and call_params[0] == 'self':
call_params = call_params[1:3]
# Ensure there are two or greater params to be received
assert len(call_params) == 2,('__call__ must receive at ' \
'least two arguments: username, password')
# Ensure that the first two are 'username' and 'password'
assert ['username','password'] == call_params,('__call__ ' \
'must receive the first two arguments as username, ' \
f'password -- not: {call_params}')
@classmethod
def get_handle(cls):
'''Return a simple string to use as a module identifier.
'''
return '.'.join(cls.__module__.split('.')[-3:][:2])
@classmethod
def build_interface(cls,
subparsers: 'Argparse subparsers that will receive the subcommand') \
-> argparse.ArgumentParser:
'''Use the inspect module to iterate over each parameter
declared in __init__ and build an interface via argparse.
'''
epilog = None
if hasattr(cls, 'contributors'):
# ==========================
# FORMAT MODULE CONTRIBUTORS
# ==========================
epilog = 'Contributors:\n\n'
if not isinstance(cls.contributors, list):
raise ValueError(
'Module contributors must be a list of dictionary '
f'values, not {type(cls.contributors)}')
for cont in cls.contributors:
if not isinstance(cont, dict):
raise ValueError(
'contributor records must be dictionaries, '
f'not {type(cont)}')
name = cont.get('name')
additional = cont.get('additional')
if not name:
raise ValueError(
'contributor records must have a "name" field')
epilog += f'\n- {name}'
if additional:
if not isinstance(additional, dict):
raise ValueError(
'additional field of contributor records '
f'must be a dict, not {type(additional)}')
for k,v in additional.items():
epilog += f'\n {k}: {v}'
epilog += '\n'
if hasattr(cls, 'references'):
# ========================
# FORMAT MODULE REFERENCES
# ========================
epilog += f'\nReferences:\n'
references = cls.references
if not isinstance(references, list):
raise ValueError(
f'References must be a list, got {type(references)}')
for ref in references:
epilog += f'\n- {ref}'
# ======================
# BUILD MODULE ARGUMENTS
# ======================
'''Here we create a new argparse argument parser for the command
assoicated with the newly created module. This is how we bind
the name that the user will refernce at the commandline, along
with providing a mechanism to assign values to module parameters.
'''
parser = subparsers.add_parser(cls.get_handle(),
description=cls.description,
help=cls.brief_description,
parents=cls.args,
formatter_class=argparse.RawDescriptionHelpFormatter,
epilog=epilog)
parser.set_defaults(module=cls)
parser.add_argument('--database', '-db',
required=True,
help='Database to target.')
return parser
| [
"inspect.signature"
] | [((451, 474), 'inspect.signature', 'inspect.signature', (['func'], {}), '(func)\n', (468, 474), False, 'import inspect\n'), ((3388, 3419), 'inspect.signature', 'inspect.signature', (['cls.__call__'], {}), '(cls.__call__)\n', (3405, 3419), False, 'import inspect\n')] |
import os, sys
from subprocess import Popen, PIPE
from backupcommon import BackupLogger, info, debug, error, exception
from datetime import datetime, timedelta
from tempfile import mkstemp, TemporaryFile
class OracleExec(object):
oraclehome = None
tnspath = None
oraclesid = None
def __init__(self, oraclehome, tnspath, sid=None):
self.oraclehome = oraclehome
self.tnspath = tnspath
if sid is not None:
self.oraclesid = sid
debug("Oracle home: %s" % self.oraclehome)
def _setenv(self):
if self.oraclesid is None and os.environ.get('ORACLE_SID'):
del os.environ['ORACLE_SID']
if self.oraclesid is not None:
os.environ['ORACLE_SID'] = self.oraclesid
os.environ['ORACLE_HOME'] = self.oraclehome
os.environ['NLS_DATE_FORMAT'] = 'yyyy-mm-dd hh24:mi:ss'
os.environ['TNS_ADMIN'] = self.tnspath
def rman(self, finalscript):
self._setenv()
debug("RMAN execution starts")
BackupLogger.close()
starttime = datetime.now()
with TemporaryFile() as f:
p = Popen([os.path.join(self.oraclehome, 'bin', 'rman'), "log", BackupLogger.logfile, "append"], stdout=f, stderr=f, stdin=PIPE)
# Send the script to RMAN
p.communicate(input=finalscript)
endtime = datetime.now()
BackupLogger.init()
debug("RMAN execution time %s" % (endtime-starttime))
# If RMAN exists with any code except 0, then there was some error
if p.returncode != 0:
error("RMAN execution failed with code %d" % p.returncode)
raise Exception('rman', "RMAN exited with code %d" % p.returncode)
else:
debug("RMAN execution successful")
def sqlplus(self, finalscript, silent=False):
self._setenv()
with TemporaryFile() as f:
args = [os.path.join(self.oraclehome, 'bin', 'sqlplus')]
if silent:
args.append('-S')
args.append('/nolog')
debug("SQL*Plus execution starts")
BackupLogger.close()
p = Popen(args, stdout=f, stderr=f, stdin=PIPE)
p.communicate(input=finalscript)
BackupLogger.init()
if p.returncode != 0:
error("SQL*Plus exited with code %d" % p.returncode)
raise Exception('sqlplus', "sqlplus exited with code %d" % p.returncode)
else:
debug("SQL*Plus execution successful")
if silent:
f.seek(0,0)
return f.read()
def sqlldr(self, login, finalscript):
self._setenv()
debug("SQLLDR execution starts")
f1 = mkstemp(suffix=".ctl")
ftmp = os.fdopen(f1[0], "w")
ftmp.write(finalscript)
ftmp.close()
f2 = mkstemp(suffix=".log")
os.close(f2[0])
with TemporaryFile() as f:
p = Popen([os.path.join(self.oraclehome, 'bin', 'sqlldr'), login, "control=%s" % f1[1], "log=%s" % f2[1], "errors=0", "silent=all"], stdout=f, stderr=None, stdin=None)
p.communicate()
if p.returncode != 0:
error("SQLLDR exited with code %d" % p.returncode)
raise Exception('sqlldr', "sqlldr exited with code %d" % p.returncode)
else:
debug("SQLLDR execution successful")
os.unlink(f1[1])
os.unlink(f2[1])
def adrci(self, inputscriptfilename, outputfilehandle):
self._setenv()
p = Popen([os.path.join(self.oraclehome, 'bin', 'adrci'), "script=%s" % inputscriptfilename], stdout=outputfilehandle, stderr=None, stdin=None)
p.wait()
if p.returncode != 0:
raise Exception('adrci','Exit code was not 0.')
| [
"subprocess.Popen",
"os.unlink",
"tempfile.mkstemp",
"os.path.join",
"backupcommon.debug",
"os.environ.get",
"tempfile.TemporaryFile",
"backupcommon.BackupLogger.init",
"os.close",
"backupcommon.error",
"os.fdopen",
"backupcommon.BackupLogger.close",
"datetime.datetime.now"
] | [((486, 528), 'backupcommon.debug', 'debug', (["('Oracle home: %s' % self.oraclehome)"], {}), "('Oracle home: %s' % self.oraclehome)\n", (491, 528), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((983, 1013), 'backupcommon.debug', 'debug', (['"""RMAN execution starts"""'], {}), "('RMAN execution starts')\n", (988, 1013), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((1022, 1042), 'backupcommon.BackupLogger.close', 'BackupLogger.close', ([], {}), '()\n', (1040, 1042), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((1063, 1077), 'datetime.datetime.now', 'datetime.now', ([], {}), '()\n', (1075, 1077), False, 'from datetime import datetime, timedelta\n'), ((1355, 1369), 'datetime.datetime.now', 'datetime.now', ([], {}), '()\n', (1367, 1369), False, 'from datetime import datetime, timedelta\n'), ((1378, 1397), 'backupcommon.BackupLogger.init', 'BackupLogger.init', ([], {}), '()\n', (1395, 1397), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((1406, 1461), 'backupcommon.debug', 'debug', (["('RMAN execution time %s' % (endtime - starttime))"], {}), "('RMAN execution time %s' % (endtime - starttime))\n", (1411, 1461), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((2684, 2716), 'backupcommon.debug', 'debug', (['"""SQLLDR execution starts"""'], {}), "('SQLLDR execution starts')\n", (2689, 2716), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((2730, 2752), 'tempfile.mkstemp', 'mkstemp', ([], {'suffix': '""".ctl"""'}), "(suffix='.ctl')\n", (2737, 2752), False, 'from tempfile import mkstemp, TemporaryFile\n'), ((2768, 2789), 'os.fdopen', 'os.fdopen', (['f1[0]', '"""w"""'], {}), "(f1[0], 'w')\n", (2777, 2789), False, 'import os, sys\n'), ((2856, 2878), 'tempfile.mkstemp', 'mkstemp', ([], {'suffix': '""".log"""'}), "(suffix='.log')\n", (2863, 2878), False, 'from tempfile import mkstemp, TemporaryFile\n'), ((2887, 2902), 'os.close', 'os.close', (['f2[0]'], {}), '(f2[0])\n', (2895, 2902), False, 'import os, sys\n'), ((3413, 3429), 'os.unlink', 'os.unlink', (['f1[1]'], {}), '(f1[1])\n', (3422, 3429), False, 'import os, sys\n'), ((3438, 3454), 'os.unlink', 'os.unlink', (['f2[1]'], {}), '(f2[1])\n', (3447, 3454), False, 'import os, sys\n'), ((591, 619), 'os.environ.get', 'os.environ.get', (['"""ORACLE_SID"""'], {}), "('ORACLE_SID')\n", (605, 619), False, 'import os, sys\n'), ((1091, 1106), 'tempfile.TemporaryFile', 'TemporaryFile', ([], {}), '()\n', (1104, 1106), False, 'from tempfile import mkstemp, TemporaryFile\n'), ((1577, 1635), 'backupcommon.error', 'error', (["('RMAN execution failed with code %d' % p.returncode)"], {}), "('RMAN execution failed with code %d' % p.returncode)\n", (1582, 1635), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((1741, 1775), 'backupcommon.debug', 'debug', (['"""RMAN execution successful"""'], {}), "('RMAN execution successful')\n", (1746, 1775), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((1863, 1878), 'tempfile.TemporaryFile', 'TemporaryFile', ([], {}), '()\n', (1876, 1878), False, 'from tempfile import mkstemp, TemporaryFile\n'), ((2057, 2091), 'backupcommon.debug', 'debug', (['"""SQL*Plus execution starts"""'], {}), "('SQL*Plus execution starts')\n", (2062, 2091), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((2104, 2124), 'backupcommon.BackupLogger.close', 'BackupLogger.close', ([], {}), '()\n', (2122, 2124), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((2141, 2184), 'subprocess.Popen', 'Popen', (['args'], {'stdout': 'f', 'stderr': 'f', 'stdin': 'PIPE'}), '(args, stdout=f, stderr=f, stdin=PIPE)\n', (2146, 2184), False, 'from subprocess import Popen, PIPE\n'), ((2242, 2261), 'backupcommon.BackupLogger.init', 'BackupLogger.init', ([], {}), '()\n', (2259, 2261), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((2916, 2931), 'tempfile.TemporaryFile', 'TemporaryFile', ([], {}), '()\n', (2929, 2931), False, 'from tempfile import mkstemp, TemporaryFile\n'), ((1905, 1952), 'os.path.join', 'os.path.join', (['self.oraclehome', '"""bin"""', '"""sqlplus"""'], {}), "(self.oraclehome, 'bin', 'sqlplus')\n", (1917, 1952), False, 'import os, sys\n'), ((2312, 2364), 'backupcommon.error', 'error', (["('SQL*Plus exited with code %d' % p.returncode)"], {}), "('SQL*Plus exited with code %d' % p.returncode)\n", (2317, 2364), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((2488, 2526), 'backupcommon.debug', 'debug', (['"""SQL*Plus execution successful"""'], {}), "('SQL*Plus execution successful')\n", (2493, 2526), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((3196, 3246), 'backupcommon.error', 'error', (["('SQLLDR exited with code %d' % p.returncode)"], {}), "('SQLLDR exited with code %d' % p.returncode)\n", (3201, 3246), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((3368, 3404), 'backupcommon.debug', 'debug', (['"""SQLLDR execution successful"""'], {}), "('SQLLDR execution successful')\n", (3373, 3404), False, 'from backupcommon import BackupLogger, info, debug, error, exception\n'), ((3558, 3603), 'os.path.join', 'os.path.join', (['self.oraclehome', '"""bin"""', '"""adrci"""'], {}), "(self.oraclehome, 'bin', 'adrci')\n", (3570, 3603), False, 'import os, sys\n'), ((1136, 1180), 'os.path.join', 'os.path.join', (['self.oraclehome', '"""bin"""', '"""rman"""'], {}), "(self.oraclehome, 'bin', 'rman')\n", (1148, 1180), False, 'import os, sys\n'), ((2961, 3007), 'os.path.join', 'os.path.join', (['self.oraclehome', '"""bin"""', '"""sqlldr"""'], {}), "(self.oraclehome, 'bin', 'sqlldr')\n", (2973, 3007), False, 'import os, sys\n')] |
import mxnet as mx
import numpy as np
from rcnn.config import config
class LogLossMetric(mx.metric.EvalMetric):
def __init__(self):
super(LogLossMetric, self).__init__('LogLoss')
def update(self, labels, preds):
pred_cls = preds[0].asnumpy()
label = labels[0].asnumpy().astype('int32')
cls = pred_cls[np.arange(label.shape[0]), label]
cls += config.EPS
cls_loss = -1 * np.log(cls)
cls_loss = np.sum(cls_loss)
self.sum_metric += cls_loss
self.num_inst += label.shape[0]
class SmoothL1LossMetric(mx.metric.EvalMetric):
def __init__(self):
super(SmoothL1LossMetric, self).__init__('SmoothL1Loss')
def update(self, labels, preds):
bbox_loss = preds[0].asnumpy()
label = labels[0].asnumpy()
bbox_loss = np.sum(bbox_loss)
self.sum_metric += bbox_loss
self.num_inst += label.shape[0]
| [
"numpy.arange",
"numpy.sum",
"numpy.log"
] | [((460, 476), 'numpy.sum', 'np.sum', (['cls_loss'], {}), '(cls_loss)\n', (466, 476), True, 'import numpy as np\n'), ((825, 842), 'numpy.sum', 'np.sum', (['bbox_loss'], {}), '(bbox_loss)\n', (831, 842), True, 'import numpy as np\n'), ((429, 440), 'numpy.log', 'np.log', (['cls'], {}), '(cls)\n', (435, 440), True, 'import numpy as np\n'), ((345, 370), 'numpy.arange', 'np.arange', (['label.shape[0]'], {}), '(label.shape[0])\n', (354, 370), True, 'import numpy as np\n')] |
import pandas as pd
import os
class DataFile:
# 1日分のデータが格納された辞書
data_files = {}
def __init__(self,df,filepath,outpath,kind):
# 1ファイルの内容
self.df = df
# 入力ファイルパス
self.filename = filepath
# 出力先パス
self.output_dir = outpath
# データの種類
self.data_kind = kind
def edit_columns(self,column,start):
rem_list = []
for i in range(column-2):
rem_list.append(i)
for j in range(i+2,start-2):
rem_list.append(j)
edit_df = self.df.drop(self.df.index[rem_list])
edit_df.columns = edit_df.iloc[0].values
self.df = edit_df.drop(edit_df.index[0])
def conversion_time_column(self,time_name):
df = self.df.rename(columns={time_name: '時間'}) # 信号名称カラムが時間なので名前を変換
df['時間'] = pd.to_datetime(df['時間']) # 新しく時間列として定義
df = df.set_index('時間') # 時間列をインデックスとして定義
start_time = df.index[0] # 開始時間
end_time = df.index[-1] # 終了時間
day_gap = (end_time - start_time).days # 開始~終了までの日数を取得
df = pd.concat( # 最終整形データの定義
[
df.loc[str(start_time.year)+"-"+str(start_time.month)+"-"+str(start_time.day):str(end_time.year)+"-"+str(end_time.month)+"-"+str(end_time.day)].between_time('0:00','23:59',include_end=True)
]
)
print(df.index,start_time,end_time)
self.df = df
def select_input_data(self,floor):
print(self.df.columns)
df_C5F = self.df.loc[:,self.df.columns.str.contains('{}|信号名称|外気温'.format(floor))] # 5Fのカラムのみ抽出
df_bems = df_C5F.loc[:,df_C5F.columns.str.contains('吸込温度|設定温度|_運転|省エネレベル|運転モード|信号名称|風速|外気温')] # 5Fの中の特定のカラムのみ抽出
df_bems = df_bems.loc[:,df_bems.columns.str.contains('中|南|東|信号名称|省エネレベル|外気温')] # 抽出した中でもさらに絞り込み
self.df = df_bems
self.conversion_time_column('信号名称')
def control_mode_edit(self):
air_con_area = ['C5F 事務室中ペリ PACG_','C5F 事務室中 PACG_','C5F 事務室南ペリ PACG_','C5F 事務室南 PACG_','C5F 事務室東南 PAC_'] # 全てのカラムに含まれる接頭辞
for one in air_con_area:
self.df.loc[self.df[one+'運転']==0,one+'運転モード'] = 0 # 運連状態が0なら電源OFF(0)
self.df.loc[(self.df[one+'運転']==1) & ((self.df['C館 5F G50_省エネレベル'] == 2) | (self.df['C館 5F G50_省エネレベル'] == 3) | (self.df[one+'運転モード'] == 3)),one+'運転モード'] = 3 # 運転状態が1で省エネレベルが2,3または運転モードが3なら送風(3)
if self.df.index[0].month == 8: # 8月の場合
self.df.loc[(self.df[one+'運転']==1) & (self.df['C館 5F G50_省エネレベル'] == 1),one+'運転モード'] = 1 # 運転状態が1で省エネレベルが1の場合は冷房(1)
else: # 8月以外のとき
self.df.loc[(self.df[one+'運転']==1) & ((self.df['C館 5F G50_省エネレベル'] == 1) & (self.df[one+'運転モード'] == 2)),one+'運転モード'] = 2 # 運転状態が1で省エネレベルが1で運転モードが2のとき暖房(2)
if (one == 'C5F 事務室中 PACG_') or (one == 'C5F 事務室南 PACG_'): # 冬季のインペリ側
self.df.loc[(self.df[one+'運転']==1) & (self.df[one+'運転モード'] == 2),one+'吸込温度'] += 4 # インペリ側で運転ONかつ暖房のときは+4℃アップ制御
def convesion_airconditioning_data(self):
for column,data in self.df.iteritems():
if 'C5F 事務室南 PACG_' in column:
self.df.insert(self.df.columns.get_loc(column)+1,column+'_2',data)
self.df.insert(self.df.columns.get_loc(column)+2,column+'_3',data)
elif 'C5F 事務室東南 PAC_' not in column and 'B館 RF 外気温度' not in column:
self.df.insert(self.df.columns.get_loc(column)+1,column+'_2',data)
self.df.rename(columns={
"B館 RF 外気温度":"外気温",
"C5F 事務室中ペリ PACG_吸込温度":"吸込温度0",
"C5F 事務室中ペリ PACG_設定温度":"設定温度0",
"C5F 事務室中ペリ PACG_運転モード":"運転モード0",
"C5F 事務室中ペリ PACG_風速":"風速0",
"C5F 事務室中ペリ PACG_吸込温度_2":"吸込温度1",
"C5F 事務室中ペリ PACG_設定温度_2":"設定温度1",
"C5F 事務室中ペリ PACG_運転モード_2":"運転モード1",
"C5F 事務室中ペリ PACG_風速_2":"風速1",
"C5F 事務室中 PACG_吸込温度":"吸込温度2",
"C5F 事務室中 PACG_設定温度":"設定温度2",
"C5F 事務室中 PACG_運転モード":"運転モード2",
"C5F 事務室中 PACG_風速":"風速2",
"C5F 事務室中 PACG_吸込温度_2":"吸込温度3",
"C5F 事務室中 PACG_設定温度_2":"設定温度3",
"C5F 事務室中 PACG_運転モード_2":"運転モード3",
"C5F 事務室中 PACG_風速_2":"風速3",
"C5F 事務室南ペリ PACG_吸込温度":"吸込温度4",
"C5F 事務室南ペリ PACG_設定温度":"設定温度4",
"C5F 事務室南ペリ PACG_運転モード":"運転モード4",
"C5F 事務室南ペリ PACG_風速":"風速4",
"C5F 事務室南ペリ PACG_吸込温度_2":"吸込温度5",
"C5F 事務室南ペリ PACG_設定温度_2":"設定温度5",
"C5F 事務室南ペリ PACG_運転モード_2":"運転モード5",
"C5F 事務室南ペリ PACG_風速_2":"風速5",
"C5F 事務室南 PACG_吸込温度":"吸込温度6",
"C5F 事務室南 PACG_設定温度":"設定温度6",
"C5F 事務室南 PACG_運転モード":"運転モード6",
"C5F 事務室南 PACG_風速":"風速6",
"C5F 事務室南 PACG_吸込温度_2":"吸込温度7",
"C5F 事務室南 PACG_設定温度_2":"設定温度7",
"C5F 事務室南 PACG_運転モード_2":"運転モード7",
"C5F 事務室南 PACG_風速_2":"風速7",
"C5F 事務室南 PACG_吸込温度_3":"吸込温度8",
"C5F 事務室南 PACG_設定温度_3":"設定温度8",
"C5F 事務室南 PACG_運転モード_3":"運転モード8",
"C5F 事務室南 PACG_風速_3":"風速8",
"C5F 事務室東南 PAC_吸込温度":"吸込温度9",
"C5F 事務室東南 PAC_設定温度":"設定温度9",
"C5F 事務室東南 PAC_運転モード":"運転モード9",
"C5F 事務室東南 PAC_風速":"風速9"
}, inplace=True)
self.df = self.df.reindex(columns=[
"吸込温度0",
"設定温度0",
"運転モード0",
"風速0",
"吸込温度1",
"設定温度1",
"運転モード1",
"風速1",
"吸込温度2",
"設定温度2",
"運転モード2",
"風速2",
"吸込温度3",
"設定温度3",
"運転モード3",
"風速3",
"吸込温度4",
"設定温度4",
"運転モード4",
"風速4",
"吸込温度5",
"設定温度5",
"運転モード5",
"風速5",
"吸込温度6",
"設定温度6",
"運転モード6",
"風速6",
"吸込温度7",
"設定温度7",
"運転モード7",
"風速7",
"吸込温度8",
"設定温度8",
"運転モード8",
"風速8",
"吸込温度9",
"設定温度9",
"運転モード9",
"風速9",
"外気温",
])
def create_result_folder(self,month,day):
print("Creating a data output destination directory.........")
print("-------------------------------------------------------")
if month < 10:
month = "0" + str(month)
if day < 10:
day = "0" + str(day)
folder_name = "{0}-{1}".format(month,day)
output = "{0}\\{1}".format(self.output_dir,folder_name)
try:
os.makedirs(output)
print('Created folder' + output)
except FileExistsError:
pass
print("-------------------------------------------------------")
return output
def create_conversion_file(self,output,data,index):
def conversion_index(df):
df.index = list(map(lambda x:x[11:16],df.index.astype(str)))
df.index.name = '時間'
return df
print(output)
for key,value in data.items():
if key == "init_bems" and index == False:
result = value
result['時間'] = list(map(lambda x:x[11:16],result['時間'].astype(str)))
result.iloc[-1] = "EOF"
result.to_csv(output+"\\{}.csv".format(key),encoding='shift-jis',mode='w',index=index)
else:
result = conversion_index(value)
result.to_csv(output+"\\{}.csv".format(key),encoding='shift-jis',mode='w')
print("作成フォルダ:{}\nBEMSデータ整形完了しました".format(output))
print("Outputing formatted input data...")
print("-------------------------------------------------------")
def create_no_operation_conversion_data(self):
def formatted_no_operation_init_bems(df):
init_bems_list_time = []
for i in range(1,len(df)):
if i == 1:
pre_time = df.index[0]
curr_time = df.index[1]
init_bems_list_time.append(0)
else:
curr_time = df.index[i]
date_gap = (curr_time - pre_time).days
time_gap = (curr_time - pre_time).seconds
if date_gap != 0 or time_gap != 60:
init_bems_list_time.append(i)
pre_time = curr_time
df_re_index = df.reset_index()
df_re_index = df_re_index.loc[init_bems_list_time]
df_re_index.loc[-1] = "EOF"
# time_array = df_re_index['時間']
# time_array.append("EOF")
# df_re_index = df_re_index.drop('時間',axis=1)
# df_re_index.index = time_array
print(df_re_index)
return df_re_index
df_bems_control_list = []
self.df = self.df.loc[:,~self.df.columns.str.contains('ロスナイ|省エネ')]
self.convesion_airconditioning_data()
self.df = self.df[
(self.df['運転モード0'] == 0) &
(self.df['運転モード1'] == 0) &
(self.df['運転モード2'] == 0) &
(self.df['運転モード3'] == 0) &
(self.df['運転モード4'] == 0) &
(self.df['運転モード5'] == 0) &
(self.df['運転モード6'] == 0) &
(self.df['運転モード7'] == 0) &
(self.df['運転モード8'] == 0) &
(self.df['運転モード9'] == 0)
]
for month in range(1,13):
for day in range(1,32):
one_day_df = self.df[(self.df.index.month == month) & (self.df.index.day == day)]
# 含まれている時間がある時だけ処理
if len(one_day_df) > 1:
output_path_folder = self.create_result_folder(month,day)
df_bems_control = one_day_df.loc[:,one_day_df.columns.str.contains('設定温度|運転モード|風速')] # 制御ファイル
df_bems_init = one_day_df.loc[:,one_day_df.columns.str.contains('吸込温度|外気温')] # 初期ファイル
df_bems_init = formatted_no_operation_init_bems(df_bems_init) # 連続しない時間帯は初期値を先頭に設定する
df_bems_eval = one_day_df.loc[:,one_day_df.columns.str.contains('吸込温度')] # 評価用ファイル
result_data = {
'no_operation':df_bems_control,
'init_bems':df_bems_init,
'evaluation':df_bems_eval
}
self.create_conversion_file(output_path_folder,result_data,False)
def create_conversion_data(self):
df_bems_control_list = []
self.df = self.df.loc[:,~self.df.columns.str.contains('ロスナイ|省エネ')]
self.convesion_airconditioning_data()
for month in range(1,13):
for day in range(1,32):
one_day_df = self.df[(self.df.index.month == month) & (self.df.index.day == day)]
# 含まれている時間がある時だけ処理
if len(one_day_df) > 1:
output_path_folder = self.create_result_folder(month,day)
df_bems_control = one_day_df.loc[:,one_day_df.columns.str.contains('設定温度|運転モード|風速')] # 制御ファイル
df_bems_init = one_day_df.loc[:,one_day_df.columns.str.contains('吸込温度|外気温')] # 初期ファイル
df_bems_init = df_bems_init[df_bems_init.index.astype(str).str.contains(':00:00|:30:00')]
df_bems_eval = one_day_df.loc[:,one_day_df.columns.str.contains('吸込温度')] # 評価用ファイル
result_data = {
'control':df_bems_control,
'init_bems':df_bems_init,
'evaluation':df_bems_eval
}
self.create_conversion_file(output_path_folder,result_data,True)
class MeasureDataFile(DataFile):
def remove_null_data(self):
self.df = self.df.drop('@date()',axis=1).dropna(how='all')
def conversion_columns_name(self):
columns_list = []
for column in self.df.columns:
columns_list.append('温度取り_' + column)
self.df.columns = columns_list
def create_conversion_data(self):
print("Outputing formatted input data...")
print("-------------------------------------------------------")
df_bems_control_list = []
for month in range(1,13):
for day in range(1,32):
one_day_df = self.df[(self.df.index.month == month) & (self.df.index.day == day)]
# 含まれている時間がある時だけ処理
if len(one_day_df) > 1:
output_path_folder = self.create_result_folder(month,day)
result_data = {
'measure':one_day_df
}
self.create_conversion_file(output_path_folder,one_day_df,True) | [
"pandas.to_datetime",
"os.makedirs"
] | [((829, 853), 'pandas.to_datetime', 'pd.to_datetime', (["df['時間']"], {}), "(df['時間'])\n", (843, 853), True, 'import pandas as pd\n'), ((6645, 6664), 'os.makedirs', 'os.makedirs', (['output'], {}), '(output)\n', (6656, 6664), False, 'import os\n')] |
import os
import gensim
import pytest
import compress_fasttext
from sklearn.pipeline import make_pipeline
from sklearn.linear_model import LogisticRegression
from compress_fasttext.feature_extraction import FastTextTransformer
BIG_MODEL_FILE = os.path.join(os.path.dirname(os.path.dirname(__file__)), 'data/test_data/ft_leipzig_ru_mini.bin')
BASE_MODEL_URL = 'https://github.com/avidale/compress-fasttext/releases/download/'
def cosine_sim(x, y):
return sum(x * y) / (sum(x**2) * sum(y**2)) ** 0.5
@pytest.mark.parametrize('method, params', [
(compress_fasttext.quantize_ft, dict(qdim=32)),
(compress_fasttext.prune_ft_freq, dict(pq=False, new_ngrams_size=10_000, new_vocab_size=10_000)),
(compress_fasttext.prune_ft_freq, dict(pq=True, new_ngrams_size=10_000, new_vocab_size=10_000, qdim=16)),
(compress_fasttext.prune_ft, dict(new_ngrams_size=10_000, new_vocab_size=10_000)),
(compress_fasttext.svd_ft, dict(n_components=32)),
])
def test_prune_save_load(method, params):
word1 = 'синий'
word2 = 'белый'
big_ft = gensim.models.fasttext.FastTextKeyedVectors.load(BIG_MODEL_FILE)
vec0 = big_ft[word1]
small_model = method(big_ft, **params)
assert cosine_sim(vec0, small_model[word1]) > 0.75
out1 = small_model.most_similar(word1)
assert word2 in {w for w, sim in out1}
small_model.save('tmp_small.bin')
small_model2 = compress_fasttext.models.CompressedFastTextKeyedVectors.load('tmp_small.bin')
assert cosine_sim(vec0, small_model2[word1]) > 0.75
out2 = small_model2.most_similar(word1)
assert word2 in {w for w, sim in out2}
assert out1[0][1] == pytest.approx(out2[0][1])
@pytest.mark.parametrize('word1, word2, model_name', [
('белый', 'черный', 'gensim-4-draft/geowac_tokens_sg_300_5_2020-100K-20K-100.bin'),
('white', 'black', 'gensim-4-draft/ft_cc.en.300_freqprune_50K_5K_pq_100.bin'),
('white', 'black', 'v0.0.4/cc.en.300.compressed.bin'),
])
def test_loading_existing_models(word1, word2, model_name):
ft = compress_fasttext.models.CompressedFastTextKeyedVectors.load(BASE_MODEL_URL + model_name)
out = ft.most_similar(word1)
assert word2 in {w for w, sim in out}
def test_sklearn_wrapper():
small_model = compress_fasttext.models.CompressedFastTextKeyedVectors.load(
'https://github.com/avidale/compress-fasttext/releases/download/v0.0.4/cc.en.300.compressed.bin'
)
classifier = make_pipeline(
FastTextTransformer(model=small_model),
LogisticRegression()
).fit(
['banana', 'soup', 'burger', 'car', 'tree', 'city'],
[1, 1, 1, 0, 0, 0]
)
assert (classifier.predict(['jet', 'train', 'cake', 'apple']) == [0, 0, 1, 1]).all()
| [
"compress_fasttext.feature_extraction.FastTextTransformer",
"gensim.models.fasttext.FastTextKeyedVectors.load",
"os.path.dirname",
"sklearn.linear_model.LogisticRegression",
"pytest.mark.parametrize",
"pytest.approx",
"compress_fasttext.models.CompressedFastTextKeyedVectors.load"
] | [((1665, 1953), 'pytest.mark.parametrize', 'pytest.mark.parametrize', (['"""word1, word2, model_name"""', "[('белый', 'черный',\n 'gensim-4-draft/geowac_tokens_sg_300_5_2020-100K-20K-100.bin'), (\n 'white', 'black',\n 'gensim-4-draft/ft_cc.en.300_freqprune_50K_5K_pq_100.bin'), ('white',\n 'black', 'v0.0.4/cc.en.300.compressed.bin')]"], {}), "('word1, word2, model_name', [('белый', 'черный',\n 'gensim-4-draft/geowac_tokens_sg_300_5_2020-100K-20K-100.bin'), (\n 'white', 'black',\n 'gensim-4-draft/ft_cc.en.300_freqprune_50K_5K_pq_100.bin'), ('white',\n 'black', 'v0.0.4/cc.en.300.compressed.bin')])\n", (1688, 1953), False, 'import pytest\n'), ((1057, 1121), 'gensim.models.fasttext.FastTextKeyedVectors.load', 'gensim.models.fasttext.FastTextKeyedVectors.load', (['BIG_MODEL_FILE'], {}), '(BIG_MODEL_FILE)\n', (1105, 1121), False, 'import gensim\n'), ((1390, 1467), 'compress_fasttext.models.CompressedFastTextKeyedVectors.load', 'compress_fasttext.models.CompressedFastTextKeyedVectors.load', (['"""tmp_small.bin"""'], {}), "('tmp_small.bin')\n", (1450, 1467), False, 'import compress_fasttext\n'), ((2021, 2114), 'compress_fasttext.models.CompressedFastTextKeyedVectors.load', 'compress_fasttext.models.CompressedFastTextKeyedVectors.load', (['(BASE_MODEL_URL + model_name)'], {}), '(BASE_MODEL_URL +\n model_name)\n', (2081, 2114), False, 'import compress_fasttext\n'), ((2234, 2402), 'compress_fasttext.models.CompressedFastTextKeyedVectors.load', 'compress_fasttext.models.CompressedFastTextKeyedVectors.load', (['"""https://github.com/avidale/compress-fasttext/releases/download/v0.0.4/cc.en.300.compressed.bin"""'], {}), "(\n 'https://github.com/avidale/compress-fasttext/releases/download/v0.0.4/cc.en.300.compressed.bin'\n )\n", (2294, 2402), False, 'import compress_fasttext\n'), ((275, 300), 'os.path.dirname', 'os.path.dirname', (['__file__'], {}), '(__file__)\n', (290, 300), False, 'import os\n'), ((1636, 1661), 'pytest.approx', 'pytest.approx', (['out2[0][1]'], {}), '(out2[0][1])\n', (1649, 1661), False, 'import pytest\n'), ((2447, 2485), 'compress_fasttext.feature_extraction.FastTextTransformer', 'FastTextTransformer', ([], {'model': 'small_model'}), '(model=small_model)\n', (2466, 2485), False, 'from compress_fasttext.feature_extraction import FastTextTransformer\n'), ((2495, 2515), 'sklearn.linear_model.LogisticRegression', 'LogisticRegression', ([], {}), '()\n', (2513, 2515), False, 'from sklearn.linear_model import LogisticRegression\n')] |
import unittest, yaml
from pyreqgen.ReqParser import *
class TestParser(unittest.TestCase):
def test_files(self):
with open("../config.yaml", 'r+') as config_f:
configs = yaml.load(config_f, Loader=yaml.FullLoader)
print(configs)
py_files = ReqParser.__get_py_files(configs)
reqs = ReqParser.__get_reqs(py_files)
with open("requirements.txt", 'w+') as req_f:
req_f.write('\n'.join(reqs))
with open("requirements.txt", "r") as req_f:
lines = req_f.readlines()
print(lines.sort())
exp_lines = ['IPython\n',
'altair\n',
'bayes_opt\n',
'catboost\n',
'category_encoders\n',
'collections\n',
'datetime\n',
'eli5\n',
'gc\n',
'itertools\n',
'joblib\n',
'json\n',
'lightgbm\n',
'matplotlib\n',
'networkx\n',
'numba\n',
'numpy\n',
'os\n',
'pandas\n',
're\n',
'seaborn\n',
'shap\n',
'sklearn\n',
'time\n',
'tqdm\n',
'typing\n',
'warnings\n',
'xgboost\n']
lines = set(map(lambda x: x.strip(), lines))
exp_lines = set(map(lambda x: x.strip(), exp_lines))
self.assertEqual(lines, exp_lines)
if __name__ == "__main__":
unittest.main() | [
"unittest.main",
"yaml.load"
] | [((1211, 1226), 'unittest.main', 'unittest.main', ([], {}), '()\n', (1224, 1226), False, 'import unittest, yaml\n'), ((180, 223), 'yaml.load', 'yaml.load', (['config_f'], {'Loader': 'yaml.FullLoader'}), '(config_f, Loader=yaml.FullLoader)\n', (189, 223), False, 'import unittest, yaml\n')] |
import os
import sys
import xml.etree.ElementTree as xml
from ..Helpers import path_helper
from ..Helpers import xcrun_helper
from ..Helpers import logging_helper
from .XCSchemeActions.BuildAction import BuildAction
from .XCSchemeActions.TestAction import TestAction
from .XCSchemeActions.LaunchAction import LaunchAction
from .XCSchemeActions.ProfileAction import ProfileAction
from .XCSchemeActions.AnalyzeAction import AnalyzeAction
from .XCSchemeActions.ArchiveAction import ArchiveAction
def XCSchemeHasSharedSchemes(path):
return os.path.exists(os.path.join(path, 'xcshareddata'));
def XCSchemeHasUserSchemes(path):
return os.path.exists(os.path.join(path, 'xcuserdata'));
def XCSchemeGetSharedPath(path):
return os.path.join(path, 'xcshareddata/xcschemes');
def XCSchemeGetUserPath(path):
return os.path.join(path, 'xcuserdata/'+os.getlogin()+'.xcuserdatad/xcschemes/');
def XCSchemeParseDirectory(dir_path):
schemes = [];
if os.path.exists(dir_path) == True:
for scheme_file in os.listdir(dir_path):
scheme_file_path = os.path.join(dir_path, scheme_file);
if not scheme_file.startswith('.') and scheme_file_path.endswith('.xcscheme') and os.path.isfile(scheme_file_path):
scheme_xml = xcscheme(scheme_file_path);
if scheme_xml.isValid() == True:
schemes.append(scheme_xml);
else:
logging_helper.getLogger().warn('[xcscheme]: Invalid scheme file at path "%s"' % scheme_file_path);
else:
# skipping the known management file
if scheme_file != 'xcschememanagement.plist':
logging_helper.getLogger().warn('[xcscheme]: "%s" is not an xcscheme file!' % scheme_file_path);
else:
logging_helper.getLogger().warn('[xcscheme]: "%s" path does not exist!' % dir_path);
return schemes;
class xcscheme(object):
def __init__(self, path):
self.shared = False;
self.container = '';
self.path = path_helper(path, '');
self.name = os.path.basename(path).split('.xcscheme')[0];
self.contents = None;
try:
self.contents = xml.parse(self.path.obj_path);
except:
logging_helper.getLogger().error('[xcscheme]: Could not load contents of xcscheme file!');
def __repr__(self):
if self.isValid():
return '(%s : %s : %s)' % (type(self), self.name, self.path);
else:
return '(%s : INVALID OBJECT)' % (type(self));
def __attrs(self):
return (self.name, self.path);
def __eq__(self, other):
return isinstance(other, xcscheme) and self.name == other.name and self.path.root_path == other.path.root_path;
def __hash__(self):
return hash(self.__attrs());
def isValid(self):
return self.contents != None;
def actionLookup(self, action_name):
"""
This method returns the method for the passed action type, None otherwise.
"""
action_name = action_name.lower();
lookup = {
'build': self.buildAction,
'test': self.testAction,
'launch': self.launchAction,
'profile': self.profileAction,
'analyze': self.analyzeAction,
'archive': self.archiveAction
};
action = None;
if action_name in lookup.keys():
action = lookup[action_name];
return action;
def getAction(self, action_type):
"""
This method returns all the object for the passed action type, otherwise None.
"""
action = None;
if self.isValid():
action = filter(lambda action: action.tag == action_type, list(self.contents.getroot()))[0];
return action;
def buildAction(self, container):
"""
Returns the 'build' action for this scheme.
"""
action = None;
if self.isValid():
action = BuildAction(self.getAction('BuildAction'));
return action;
def testAction(self, container):
"""
Returns the 'test' action for this scheme.
"""
action = None;
if self.isValid():
action = TestAction(self.getAction('TestAction'));
action.root = BuildAction(self.getAction('BuildAction'))
return action;
def launchAction(self, container):
"""
Returns the 'launch' action for this scheme.
"""
action = None;
if self.isValid():
action = LaunchAction(self.getAction('LaunchAction'));
return action;
def profileAction(self, container):
"""
Returns the 'profile' action for this scheme.
"""
action = None;
if self.isValid():
action = ProfileAction(self.getAction('ProfileAction'));
return action;
def analyzeAction(self, container):
"""
Returns the 'analyze' action for this scheme.
"""
action = None;
if self.isValid():
action = AnalyzeAction(self.getAction('AnalyzeAction'));
action.root = BuildAction(self.getAction('BuildAction'))
return action;
def archiveAction(self, container):
"""
Returns the 'archive' action for this scheme.
"""
action = None;
if self.isValid():
action = ArchiveAction(self.getAction('ArchiveAction'));
action.root = BuildAction(self.getAction('BuildAction'))
return action;
| [
"xml.etree.ElementTree.parse",
"os.getlogin",
"os.path.basename",
"os.path.exists",
"os.path.isfile",
"os.path.join",
"os.listdir"
] | [((737, 781), 'os.path.join', 'os.path.join', (['path', '"""xcshareddata/xcschemes"""'], {}), "(path, 'xcshareddata/xcschemes')\n", (749, 781), False, 'import os\n'), ((559, 593), 'os.path.join', 'os.path.join', (['path', '"""xcshareddata"""'], {}), "(path, 'xcshareddata')\n", (571, 593), False, 'import os\n'), ((657, 689), 'os.path.join', 'os.path.join', (['path', '"""xcuserdata"""'], {}), "(path, 'xcuserdata')\n", (669, 689), False, 'import os\n'), ((965, 989), 'os.path.exists', 'os.path.exists', (['dir_path'], {}), '(dir_path)\n', (979, 989), False, 'import os\n'), ((1026, 1046), 'os.listdir', 'os.listdir', (['dir_path'], {}), '(dir_path)\n', (1036, 1046), False, 'import os\n'), ((1079, 1114), 'os.path.join', 'os.path.join', (['dir_path', 'scheme_file'], {}), '(dir_path, scheme_file)\n', (1091, 1114), False, 'import os\n'), ((2211, 2240), 'xml.etree.ElementTree.parse', 'xml.parse', (['self.path.obj_path'], {}), '(self.path.obj_path)\n', (2220, 2240), True, 'import xml.etree.ElementTree as xml\n'), ((859, 872), 'os.getlogin', 'os.getlogin', ([], {}), '()\n', (870, 872), False, 'import os\n'), ((1210, 1242), 'os.path.isfile', 'os.path.isfile', (['scheme_file_path'], {}), '(scheme_file_path)\n', (1224, 1242), False, 'import os\n'), ((2094, 2116), 'os.path.basename', 'os.path.basename', (['path'], {}), '(path)\n', (2110, 2116), False, 'import os\n')] |
# -*- coding: utf8 -*-
"""
Special action to recompress all data
"""
__author__ = 'sergey'
import sys
from multiprocessing import cpu_count
def do_recompress(options, _fuse):
"""
@param options: Commandline options
@type options: object
@param _fuse: FUSE wrapper
@type _fuse: dedupsqlfs.fuse.dedupfs.DedupFS
"""
isVerbose = _fuse.getOption("verbosity") > 0
tableHash = _fuse.operations.getTable("hash")
tableHashCT = _fuse.operations.getTable("hash_compression_type")
tableBlock = _fuse.operations.getTable("block")
tableSubvol = _fuse.operations.getTable("subvolume")
hashCount = tableHash.get_count()
if isVerbose:
print("Ready to recompress %s blocks." % hashCount)
cur = tableHash.getCursor(True)
_fuse.operations.getManager().setAutocommit(False)
tableBlock.begin()
tableHashCT.begin()
_fuse.operations.getManager().setAutocommit(True)
# Every 100*100 (4x symbols)
cntNth = int(hashCount/10000.0)
if cntNth < 1:
cntNth = 1
# Process Nth blocks and then - commit
maxBatch = 1000
offBatch = 0
cnt = cntNext = upd = 0
cpu_n = cpu_count() * 4
try:
toCompress = {}
toCompressM = {}
while cnt < hashCount:
cur.execute("SELECT `id` FROM `%s` LIMIT %s OFFSET %s" % (tableHash.getName(), maxBatch, offBatch,))
offBatch += maxBatch
for hashItem in iter(cur.fetchone, None):
cnt += 1
hashId = hashItem["id"]
blockItem = tableBlock.get(hashId)
hashCT = tableHashCT.get(hashId)
curMethod = _fuse.operations.getCompressionTypeName(hashCT["type_id"])
blockData = _fuse.decompressData(curMethod, blockItem["data"])
toCompress[ hashId ] = blockData
toCompressM[ hashId ] = curMethod
if cnt % cpu_n == 0:
for hashId, item in _fuse.compressData(toCompress):
cData, cMethod = item
curMethod = toCompressM[ hashId ]
if cMethod != curMethod:
cMethodId = _fuse.operations.getCompressionTypeId(cMethod)
res = tableBlock.update(hashId, cData)
res2 = tableHashCT.update(hashId, cMethodId)
if res and res2:
upd += 1
toCompress = {}
toCompressM = {}
if isVerbose:
if cnt >= cntNext:
cntNext += cntNth
prc = "%6.2f%%" % (cnt*100.0/hashCount)
sys.stdout.write("\r%s " % prc)
sys.stdout.flush()
# For ends - blocks commit
_fuse.operations.getManager().setAutocommit(False)
tableBlock.commit()
tableHashCT.commit()
tableBlock.shrinkMemory()
tableHash.shrinkMemory()
tableHashCT.shrinkMemory()
tableBlock.begin()
tableHashCT.begin()
_fuse.operations.getManager().setAutocommit(True)
if len(toCompress.keys()):
for hashId, item in _fuse.compressData(toCompress):
cData, cMethod = item
curMethod = toCompressM[hashId]
if cMethod != curMethod:
cMethodId = _fuse.operations.getCompressionTypeId(cMethod)
res = tableBlock.update(hashId, cData)
res2 = tableHashCT.update(hashId, cMethodId)
if res and res2:
upd += 1
except:
pass
if isVerbose:
sys.stdout.write("\n")
sys.stdout.flush()
if isVerbose:
print("Processed %s blocks, recompressed %s blocks." % (cnt, upd,))
if hashCount != cnt:
_fuse.operations.getManager().setAutocommit(False)
tableBlock.rollback()
tableHashCT.rollback()
_fuse.operations.getManager().setAutocommit(True)
print("Something went wrong? Changes are rolled back!")
return 1
_fuse.operations.getManager().setAutocommit(False)
tableBlock.commit()
tableHashCT.commit()
_fuse.operations.getManager().setAutocommit(True)
tableBlock.shrinkMemory()
tableHash.shrinkMemory()
tableHashCT.shrinkMemory()
subvCount = tableSubvol.get_count()
if isVerbose:
print("Recalculate filesystem and %s subvolumes statistics." % subvCount)
cur = tableSubvol.getCursor(True)
cur.execute("SELECT * FROM `%s`" % tableSubvol.getName())
_fuse.operations.getManager().setAutocommit(False)
tableSubvol.begin()
_fuse.operations.getManager().setAutocommit(True)
from dedupsqlfs.fuse.subvolume import Subvolume
sv = Subvolume(_fuse.operations)
cnt = cntNext = 0
cntNth = subvCount / 10000.0 / 3
if cntNth < 1:
cntNth = 1
for subvItem in iter(cur.fetchone, None):
sv.clean_stats(subvItem["name"])
cnt += 1
if isVerbose:
if cnt >= cntNext:
cntNext += cntNth
prc = "%6.2f%%" % (cnt * 100.0 / subvCount / 3)
sys.stdout.write("\r%s " % prc)
sys.stdout.flush()
sv.get_usage(subvItem["name"], True)
cnt += 1
if isVerbose:
if cnt >= cntNext:
cntNext += cntNth
prc = "%6.2f%%" % (cnt * 100.0 / subvCount / 3)
sys.stdout.write("\r%s " % prc)
sys.stdout.flush()
sv.get_root_diff(subvItem["name"])
cnt += 1
if isVerbose:
if cnt >= cntNext:
cntNext += cntNth
prc = "%6.2f%%" % (cnt * 100.0 / subvCount / 3)
sys.stdout.write("\r%s " % prc)
sys.stdout.flush()
if isVerbose:
sys.stdout.write("\n")
sys.stdout.flush()
_fuse.operations.getManager().setAutocommit(False)
tableSubvol.commit()
_fuse.operations.getManager().setAutocommit(True)
return 0
| [
"sys.stdout.write",
"sys.stdout.flush",
"dedupsqlfs.fuse.subvolume.Subvolume",
"multiprocessing.cpu_count"
] | [((4917, 4944), 'dedupsqlfs.fuse.subvolume.Subvolume', 'Subvolume', (['_fuse.operations'], {}), '(_fuse.operations)\n', (4926, 4944), False, 'from dedupsqlfs.fuse.subvolume import Subvolume\n'), ((1163, 1174), 'multiprocessing.cpu_count', 'cpu_count', ([], {}), '()\n', (1172, 1174), False, 'from multiprocessing import cpu_count\n'), ((3797, 3819), 'sys.stdout.write', 'sys.stdout.write', (['"""\n"""'], {}), "('\\n')\n", (3813, 3819), False, 'import sys\n'), ((3828, 3846), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (3844, 3846), False, 'import sys\n'), ((6005, 6027), 'sys.stdout.write', 'sys.stdout.write', (['"""\n"""'], {}), "('\\n')\n", (6021, 6027), False, 'import sys\n'), ((6036, 6054), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (6052, 6054), False, 'import sys\n'), ((5317, 5348), 'sys.stdout.write', 'sys.stdout.write', (["('\\r%s ' % prc)"], {}), "('\\r%s ' % prc)\n", (5333, 5348), False, 'import sys\n'), ((5365, 5383), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (5381, 5383), False, 'import sys\n'), ((5615, 5646), 'sys.stdout.write', 'sys.stdout.write', (["('\\r%s ' % prc)"], {}), "('\\r%s ' % prc)\n", (5631, 5646), False, 'import sys\n'), ((5663, 5681), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (5679, 5681), False, 'import sys\n'), ((5911, 5942), 'sys.stdout.write', 'sys.stdout.write', (["('\\r%s ' % prc)"], {}), "('\\r%s ' % prc)\n", (5927, 5942), False, 'import sys\n'), ((5959, 5977), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (5975, 5977), False, 'import sys\n'), ((2760, 2791), 'sys.stdout.write', 'sys.stdout.write', (["('\\r%s ' % prc)"], {}), "('\\r%s ' % prc)\n", (2776, 2791), False, 'import sys\n'), ((2816, 2834), 'sys.stdout.flush', 'sys.stdout.flush', ([], {}), '()\n', (2832, 2834), False, 'import sys\n')] |
# get_positions.py
import pandas as pd
from math import ceil
from sys import argv
'''
Current known problems:
- do schools at different times (ew)
- Bias towards double delegate committees
'''
class Team:
def __init__(self, name, num_delegates, preferences):
'''
num_delegats is an int of the total number of delegates
preferences is the ranked preferences as a list, in order (all committees must be present)
picks is the picks we assign to make the draft fair
assigned committees will be the committees assigned to be outputted
'''
self.name = name
self.num_delegates = num_delegates
self.preferences = preferences
self.picks = self._get_picks(list(range(len(preferences))), num_delegates)
self.assigned_committees = []
self.num_dels_assigned = 0
def _get_picks(self, sequence, num):
'''
Intersperses picks for small delegations.
Takes a list of possible rounds the number of picks and returns a list of picks that they get.
Thanks stack overflow!
http://stackoverflow.com/questions/9873626/choose-m-evenly-spaced-elements-from-a-sequence-of-length-n
'''
picks = []
length = float(len(sequence))
for i in range(num):
picks.append(sequence[int(ceil(i * length / num))])
return picks
class Committee:
def __init__(self, name, num_spots, delegation_size):
'''
name: name of committee
num_spots: maximum number of delegates that can be assigned to that committee
delegation size: 1 for single, 2 for double, and so on
assigned schools: the schools who have a spot on the committee
'''
self.name = name
self.num_spots = num_spots
self.delegation_size = delegation_size
self.assigned_schools = []
def read_info(school_info_filename, committee_info_filename):
'''
Takes the filepaths and returns the dataframes
'''
schools = pd.read_csv(school_info_filename)
comms = pd.read_csv(committee_info_filename)
return schools, comms
def format_for_main(schools, comms):
'''
Creates all the objects and fills in the information from the dataframes
inputs:
schools, comms: pandas dataframes from read_info
outputs:
teams, a list of Team objects
committees, a dict mapping committee names to Committee objects
'''
teams = []
committees = {}
max_at_conf = 0
comms.columns = ['Committee', 'Number of Spots', 'Delegation Size']
schools.columns = ['School', 'Number of Delegates'] + \
["Preference {}".format(str(i)) for i in range(len(comms))]
for index, row in comms.iterrows():
comm = Committee(row['Committee'], row['Number of Spots'], row['Delegation Size'])
committees[row['Committee']] = comm
max_at_conf += row['Delegation Size']
for index, row in schools.iterrows():
prefs = [j for j in row[2:]]
for i in range(ceil(row['Number of Delegates'] / max_at_conf)): # handling more delegates requested
# than there are committees.
num_dels = row['Number of Delegates'] - i * max_at_conf
if num_dels > max_at_conf:
team = Team(row['School']+str(i+2), max_at_conf, prefs)
teams.append(team)
else:
team = Team(row['School'], row['Number of Delegates'], prefs)
teams.append(team)
return teams, committees
def assign(teams, committees):
'''
My algorithm! Draft-based assignment. Takes the teams' constraints/preferences and committees and
simulates a draft. Each team got picks assigned at initialization (first round, fourth round, etc.),
and it iterates through each round of the draft until either all delegates are assigned or all
committees are filled.
Inputs:
teams, a list of Team objects from format_for_main
committees, a dict of committees (name : Committee object) from format_for_main
Outputs:
teams, a list of Team objects with assignments
committees, a dict of committees (formatted the same) with assignments
'''
for r in range(len(committees)):
print("round {}".format(r))
for team in teams:
if r in team.picks and len(team.assigned_committees) < team.num_delegates:
# print(team.name, team.preferences)
for pref in team.preferences:
p = team.preferences.pop(team.preferences.index(pref))
c = committees[p]
if len(c.assigned_schools) < c.num_spots and team.num_dels_assigned < team.num_delegates \
- 1 + c.delegation_size:
c.assigned_schools.append(team.name)
team.assigned_committees.append(c.name)
team.num_dels_assigned += c.delegation_size
if team.num_dels_assigned > team.num_delegates:
for i, val in enumerate(team.assigned_committees):
if committees[val].delegation_size == 1:
index_to_drop = i #no break so I can grab the last value
c_to_drop = val
committees[c_to_drop].assigned_schools.pop(committees[c_to_drop]\
.assigned_schools.index(team.name))
team.assigned_committees.pop(index_to_drop)
print("assigned {} to {}".format(team.name, c.name))
break
else:
continue
else:
continue
return teams, committees
def output(teams, committees):
'''
Outputs the master documents.
Inputs from assign
'''
all_school_assignments = []
all_comm_assignments = []
for team in teams:
all_school_assignments.append([team.name, team.num_delegates] + team.assigned_committees)
for comm in committees:
all_comm_assignments.append([comm, committees[comm].num_spots, committees[comm].delegation_size] \
+ committees[comm].assigned_schools)
schools_df = pd.DataFrame(all_school_assignments)
schools_df.rename(columns = {0:'School', 1:'Number of Delegates'}, inplace = True)
comm_df = pd.DataFrame(all_comm_assignments)
schools_df.to_csv('all_school_assignments.csv')
comm_df.to_csv("all_committees_assignments.csv")
for index, row in schools_df.iterrows():
row.to_csv("school_assignments/{}'s_assignments.csv".format(row['School']))
def go(school_filename, committee_filename):
'''
Runs the whole darn thing.
'''
schools, comms = read_info(school_filename, committee_filename)
teams, committees = format_for_main(schools, comms)
teams, committees = assign(teams, committees)
output(teams, committees)
s = 0
for i in teams: s += i.num_delegates
s2 = 0
for key in committees: s2 += len(committees[key].assigned_schools)*committees[key].delegation_size
if s == s2:
print("It worked! :)")
else:
print("There's a bug. Bad computer. :(")
if __name__ == "__main__":
try:
go(argv[1], argv[2])
except:
print("Something went wrong. Please make sure your usage is correct and files are formatted correctly.")
print("Usage: python3 get_positions.py [school_info_filepath] [committee info filepath]")
| [
"pandas.read_csv",
"pandas.DataFrame",
"math.ceil"
] | [((2044, 2077), 'pandas.read_csv', 'pd.read_csv', (['school_info_filename'], {}), '(school_info_filename)\n', (2055, 2077), True, 'import pandas as pd\n'), ((2090, 2126), 'pandas.read_csv', 'pd.read_csv', (['committee_info_filename'], {}), '(committee_info_filename)\n', (2101, 2126), True, 'import pandas as pd\n'), ((6474, 6510), 'pandas.DataFrame', 'pd.DataFrame', (['all_school_assignments'], {}), '(all_school_assignments)\n', (6486, 6510), True, 'import pandas as pd\n'), ((6612, 6646), 'pandas.DataFrame', 'pd.DataFrame', (['all_comm_assignments'], {}), '(all_comm_assignments)\n', (6624, 6646), True, 'import pandas as pd\n'), ((3059, 3105), 'math.ceil', 'ceil', (["(row['Number of Delegates'] / max_at_conf)"], {}), "(row['Number of Delegates'] / max_at_conf)\n", (3063, 3105), False, 'from math import ceil\n'), ((1355, 1377), 'math.ceil', 'ceil', (['(i * length / num)'], {}), '(i * length / num)\n', (1359, 1377), False, 'from math import ceil\n')] |
import re
class BaseClass:
def _get_keys(self):
attrs = self.get_attributes()
return attrs.keys()
def get_attributes(self):
attrs = self.__dict__
attrs_filtered = {k: v for k, v in attrs.items() if not k.startswith("_")}
return attrs_filtered
@staticmethod
def convert_string_to_list(string):
items = []
if string is not None and len(string) > 0:
items = re.split(r", |,", string)
return items
@staticmethod
def _is_key_or_section_name_valid(name, suppress_exceptions=False):
if name is None:
if not suppress_exceptions:
raise ValueError(f"Key or section name must be a string, not None")
else:
return False
if not isinstance(name, str):
if not suppress_exceptions:
raise ValueError(f"Key or section name must be a string. {name} is type {type(name)}")
else:
return False
if len(name) == 0:
if not suppress_exceptions:
raise ValueError(f"Key or section name must not be blank.")
else:
return False
if name[0] == "_":
if not suppress_exceptions:
raise ValueError(f"Key or section name must not begin with '_'")
else:
return False
if name[0].isnumeric():
if not suppress_exceptions:
raise ValueError(f"Key or section name must not begin with a number")
else:
return False
if re.search(r"[^a-zA-Z_0-9]", name) is not None:
if not suppress_exceptions:
raise ValueError(f"Key or section name must only contain letters, numbers and underscores")
else:
return False
return True
@staticmethod
def _is_line_a_heading(line):
if len(line) <= 2:
return False
return line[0] == "[" and line[-1] == "]"
@staticmethod
def _get_heading_from_line(line):
return line[1:-1]
@staticmethod
def _clean_line(line_raw):
line_cleaned = line_raw.rstrip()
line_cleaned = line_cleaned.replace("= ", "=")
line_cleaned = line_cleaned.replace(" =", "=")
return line_cleaned
@classmethod
def _is_line_an_entry(cls, line):
line = cls._clean_line(line)
try:
equal_index = line.index("=")
except ValueError:
return False
# check if line to left of equal sign is a valid key
return cls._is_key_or_section_name_valid(line[:equal_index], suppress_exceptions=True)
@classmethod
def _get_key_from_line(cls, line):
if not cls._is_line_an_entry(line):
return None
line = cls._clean_line(line)
equal_index = line.index("=")
return line[:equal_index]
@classmethod
def _get_value_from_line(cls, line, parse_bool=True, parse_float=True, parse_int=True):
if not cls._is_line_an_entry(line):
return None
line = cls._clean_line(line)
equal_index = line.index("=")
value = line[equal_index + 1:]
if parse_bool:
value = cls._attempt_parse_bool(value)
if parse_float:
value = cls._attempt_parse_float(value)
if parse_int and not isinstance(value, float):
value = cls._attempt_parse_int(value)
return value
@staticmethod
def _attempt_parse_bool(value):
if isinstance(value, str):
line_lower = value.lower()
if line_lower == "true":
return True
if line_lower == "false":
return False
return value
@staticmethod
def _attempt_parse_int(value):
if isinstance(value, str):
if value.count(".") == 0:
try:
return int(value)
except ValueError:
pass
return value
@staticmethod
def _attempt_parse_float(value):
if isinstance(value, str):
if value.count(".") > 0:
try:
return float(value)
except ValueError:
pass
return value
@staticmethod
def _generate_file_line(key, value):
return f"{key} = {value}\n"
| [
"re.split",
"re.search"
] | [((444, 468), 're.split', 're.split', (['""", |,"""', 'string'], {}), "(', |,', string)\n", (452, 468), False, 'import re\n'), ((1613, 1645), 're.search', 're.search', (['"""[^a-zA-Z_0-9]"""', 'name'], {}), "('[^a-zA-Z_0-9]', name)\n", (1622, 1645), False, 'import re\n')] |
from ccxt_microservice.bucket import Bucket
import pytest
@pytest.fixture
def the_bucket():
return Bucket(10, 1, 5)
def test_state(the_bucket):
assert 4.99 < the_bucket.state() < 5
def test_push(the_bucket):
the_bucket.push(5)
assert 9.99 < the_bucket.state() < 10
def test_timeToWait(the_bucket):
assert 4.99 < the_bucket.timeToWait(10) < 5
def test_add():
pass
def test_wait():
pass
| [
"ccxt_microservice.bucket.Bucket"
] | [((105, 121), 'ccxt_microservice.bucket.Bucket', 'Bucket', (['(10)', '(1)', '(5)'], {}), '(10, 1, 5)\n', (111, 121), False, 'from ccxt_microservice.bucket import Bucket\n')] |
#!/usr/bin/env python3
# NOTE: If you are using an alpine docker image
# such as pyaction-lite, the -S option above won't
# work. The above line works fine on other linux distributions
# such as debian, etc, so the above line will work fine
# if you use pyaction:4.0.0 or higher as your base docker image.
# Steps in this action:
# - check if correct files exist.
# - create symlink for index.html and crate.json
# - check validation?
import sys
import os
from pathlib import Path
import subprocess
import logging
from bs4 import BeautifulSoup
log = logging.getLogger('entrypoint')
class CrateObj():
def __init__(self, crate_dir):
self.crate_dir = crate_dir
self.metadata_path = Path(os.path.join(self.crate_dir, 'ro-crate-metadata.json'))
self.metadata_exists = False
self.preview_path = Path(os.path.join(self.crate_dir, 'ro-crate-preview.html'))
self.preview_exists = False
self.crate_valid = None
self.metadata_valid = None
self.preview_valid = None
def check_rocrate_valid(self):
# Checks if there are rocrate objects in directory
log.debug('Checking that rocrate files exist...')
if os.path.exists(self.metadata_path):
log.debug('ROCrate metadata json file exists: {0}'.format(self.metadata_path))
self.metadata_exists = True
elif os.path.exists(self.metadata_path.with_suffix('.jsonld')):
self.metadata_path = self.metadata_path.with_suffix('.jsonld')
log.debug('ROCrate metadata jsonld file exists: {0}'.format(self.metadata_path))
self.metadata_exists = True
else:
log.error('ROCrate metadata file DOES NOT exist: {0}'.format(self.metadata_path))
self.metadata_exists = False
self.crate_valid = False
exit(1)
if os.path.exists(self.preview_path):
log.debug('ROCrate preview file exists: {0}'.format(self.preview_path))
self.preview_exists = True
else:
log.warning('ROCrate preview file DOES NOT exist: {0}'.format(self.preview_path))
self.preview_exists = False
self.check_metadata()
self.check_preview()
if self.metadata_valid and self.preview_valid:
log.info('Crate passes validity checks.')
self.crate_valid = True
return
def check_metadata(self):
log.debug('Checking if metadata is valid...')
#TODO:some test
self.metadata_valid = True
return
def check_preview(self):
log.debug('Checking if preview is valid...')
#TODO:some test
self.preview_valid = True
return
def create_symlink(dst, src):
# This creates a symbolic link on python in tmp directory
log.debug(f'Creating symlink between {src} and {dst}')
try:
os.symlink(src, dst)
except Exception as err:
log.warning('Problem while creating symlink:')
log.warning(err)
return
def create_preview_html(crate_obj):
'''
This uses https://github.com/UTS-eResearch/ro-crate-html-js to create a preview.html
from a rocrate json file.
rochtml rocrate_datacrate_test/ro-crate-metadata.json
'''
log.info('Creating HTML preview file for {0}...'.format(crate_obj.metadata_path))
metadata_file = crate_obj.metadata_path
subprocess.check_call(f'rochtml {metadata_file}', shell=True)
# log.debug('Adding Header/Footer template to preview file...')
# #TODO: Find a better way of getting the header/footer templates.
# NOTE: Header/footer functionality moved to jekyll
# with open(crate_obj.preview_path, 'r') as preview_file:
# soup = BeautifulSoup(preview_file, 'html.parser')
# #Add Header
# header_path = './header.html'
# with open(header_path) as header_file:
# head_soup = BeautifulSoup(header_file, 'html.parser')
# soup.html.body.insert_before(head_soup)
# #Add Footer
# footer_path = './footer.html'
# with open(footer_path, 'r') as footer_file:
# foot_soup = BeautifulSoup(footer_file, 'html.parser')
# soup.html.body.append(foot_soup)
# # Write updated page to html file
# with open('./test_out.html','wb') as outfile:
# outfile.write(soup.prettify("utf-8"))
return
def publish_rocrate(crate_dir):
# steps to follow to create the correct files to publish to GH-Pages
log.info('Preparing to publish ROCrate.')
this_crate = CrateObj(crate_dir)
this_crate.check_rocrate_valid()
create_preview_html(this_crate)
# create_symlink('index.html', this_crate.preview_path)
# if this_crate.preview_exists:
# create_preview_html(this_crate)
# create_symlink('index.html', this_crate.preview_path)
# else:
# #Create index.html page
# create_preview_html(this_crate)
# create_symlink('index.html', this_crate.preview_path)
if this_crate.metadata_exists:
## Create symlink between the .json >> .jsonld file extensions depending on which exists
if os.path.splitext(this_crate.metadata_path) == '.json':
create_symlink('ro-crate-metadata.jsonld', this_crate.metadata_path)
elif os.path.splitext(this_crate.metadata_path) == '.jsonld':
create_symlink('ro-crate-metadata.json', this_crate.metadata_path)
log.info('ROCrate ready to publish')
if __name__ == "__main__" :
# Rename these variables to something meaningful
crate_path = sys.argv[1]
loglevel = sys.argv[2]
logging.basicConfig(
stream=sys.stdout,
format='%(asctime)s - %(levelname)s - %(name)s - %(message)s',
level=getattr(logging, loglevel))
log.setLevel(getattr(logging, loglevel))
# The work:
publish_rocrate(crate_path) | [
"os.path.exists",
"logging.getLogger",
"os.path.splitext",
"os.symlink",
"os.path.join",
"subprocess.check_call"
] | [((567, 598), 'logging.getLogger', 'logging.getLogger', (['"""entrypoint"""'], {}), "('entrypoint')\n", (584, 598), False, 'import logging\n'), ((3401, 3462), 'subprocess.check_call', 'subprocess.check_call', (['f"""rochtml {metadata_file}"""'], {'shell': '(True)'}), "(f'rochtml {metadata_file}', shell=True)\n", (3422, 3462), False, 'import subprocess\n'), ((1209, 1243), 'os.path.exists', 'os.path.exists', (['self.metadata_path'], {}), '(self.metadata_path)\n', (1223, 1243), False, 'import os\n'), ((1875, 1908), 'os.path.exists', 'os.path.exists', (['self.preview_path'], {}), '(self.preview_path)\n', (1889, 1908), False, 'import os\n'), ((2892, 2912), 'os.symlink', 'os.symlink', (['src', 'dst'], {}), '(src, dst)\n', (2902, 2912), False, 'import os\n'), ((723, 777), 'os.path.join', 'os.path.join', (['self.crate_dir', '"""ro-crate-metadata.json"""'], {}), "(self.crate_dir, 'ro-crate-metadata.json')\n", (735, 777), False, 'import os\n'), ((851, 904), 'os.path.join', 'os.path.join', (['self.crate_dir', '"""ro-crate-preview.html"""'], {}), "(self.crate_dir, 'ro-crate-preview.html')\n", (863, 904), False, 'import os\n'), ((5172, 5214), 'os.path.splitext', 'os.path.splitext', (['this_crate.metadata_path'], {}), '(this_crate.metadata_path)\n', (5188, 5214), False, 'import os\n'), ((5322, 5364), 'os.path.splitext', 'os.path.splitext', (['this_crate.metadata_path'], {}), '(this_crate.metadata_path)\n', (5338, 5364), False, 'import os\n')] |
"""
Because Gooey communicates with the host program
over stdin/out, we have to be able to differentiate what's
coming from gooey and structured, versus what is arbitrary
junk coming from the host's own logging.
To do this, we just prefix all written by gooey with the
literal string 'gooey::'. This lets us dig through all the
noisy stdout to find just the structured Gooey data we're
after.
"""
import json
from base64 import b64decode
from typing import Dict, Any
from gooey.python_bindings.schema import validate_public_state
from gooey.python_bindings.types import PublicGooeyState
prefix = 'gooey::'
def serialize_outbound(out: PublicGooeyState):
"""
Attaches a prefix to whatever is about to be written
to stdout so that we can differentiate it in the
sea of other stdout writes
"""
return prefix + json.dumps(out)
def deserialize_inbound(stdout: bytes, encoding):
"""
Deserializes the incoming stdout payload after
finding the relevant sections give the gooey prefix.
e.g.
std='foo\nbar\nstarting run\ngooey::{active_form: [...]}\n'
=> {active_form: [...]}
"""
data = json.loads(stdout.decode(encoding).split(prefix)[-1])
return validate_public_state(data)
def decode_payload(x):
"""
To avoid quoting shenanigans, the json state sent from
Gooey is b64ecoded for ease of CLI transfer. Argparse will
usually barf when trying to parse json directly
"""
return json.loads(b64decode(x))
| [
"base64.b64decode",
"gooey.python_bindings.schema.validate_public_state",
"json.dumps"
] | [((1205, 1232), 'gooey.python_bindings.schema.validate_public_state', 'validate_public_state', (['data'], {}), '(data)\n', (1226, 1232), False, 'from gooey.python_bindings.schema import validate_public_state\n'), ((836, 851), 'json.dumps', 'json.dumps', (['out'], {}), '(out)\n', (846, 851), False, 'import json\n'), ((1470, 1482), 'base64.b64decode', 'b64decode', (['x'], {}), '(x)\n', (1479, 1482), False, 'from base64 import b64decode\n')] |
import numpy as np
from pytest_cases import parametrize_with_cases, case
from snake_learner.direction import Direction
from snake_learner.linalg_util import block_distance, closest_direction, \
project_to_direction
CLOSEST_DIRECTION = "closest_direction"
PROJECT_TO_DIRECTION = "project_to_direction"
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_up_direction():
vec = Direction.UP.to_array()
distance = 1
direction = Direction.UP
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_down_direction():
vec = Direction.DOWN.to_array()
distance = 1
direction = Direction.DOWN
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_left_direction():
vec = Direction.LEFT.to_array()
distance = 1
direction = Direction.LEFT
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_right_direction():
vec = Direction.RIGHT.to_array()
distance = 1
direction = Direction.RIGHT
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_long_up_direction():
n = 8
vec = n * Direction.UP.to_array()
distance = n
direction = Direction.UP
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_long_down_direction():
n = 8
vec = n * Direction.DOWN.to_array()
distance = n
direction = Direction.DOWN
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_long_right_direction():
n = 8
vec = n * Direction.RIGHT.to_array()
distance = n
direction = Direction.RIGHT
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_long_left_direction():
n = 8
vec = n * Direction.LEFT.to_array()
distance = n
direction = Direction.LEFT
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_up_right_direction():
n, m = 3, 2
vec = n * Direction.UP.to_array() + m * Direction.RIGHT.to_array()
distance = n + m
direction = Direction.UP
return vec, distance, direction
@case(tags=[CLOSEST_DIRECTION])
def case_closest_direction_right_up_direction():
n, m = 3, 2
vec = m * Direction.UP.to_array() + n * Direction.RIGHT.to_array()
distance = n + m
direction = Direction.RIGHT
return vec, distance, direction
@case(tags=[PROJECT_TO_DIRECTION])
def case_project_to_direction_up():
vec = np.array([5, 2])
direction = Direction.UP
result = np.array([5, 2])
return vec, direction, result
@case(tags=[PROJECT_TO_DIRECTION])
def case_project_to_direction_right():
vec = np.array([5, 2])
direction = Direction.RIGHT
result = np.array([2, -5])
return vec, direction, result
@case(tags=[PROJECT_TO_DIRECTION])
def case_project_to_direction_down():
vec = np.array([5, 2])
direction = Direction.DOWN
result = np.array([-5, -2])
return vec, direction, result
@case(tags=[PROJECT_TO_DIRECTION])
def case_project_to_direction_left():
vec = np.array([5, 2])
direction = Direction.LEFT
result = np.array([-2, 5])
return vec, direction, result
@parametrize_with_cases(
argnames=["vec", "distance", "direction"], cases=".", has_tag=CLOSEST_DIRECTION
)
def test_closest_direction(vec, distance, direction):
assert block_distance(vec) == distance
assert closest_direction(vec) == direction
@parametrize_with_cases(
argnames=["vec", "direction", "result"], cases=".", has_tag=PROJECT_TO_DIRECTION
)
def test_project_to_direction(vec, direction, result):
np.testing.assert_array_equal(
project_to_direction(sight_vector=vec, direction=direction), result
) | [
"snake_learner.direction.Direction.RIGHT.to_array",
"snake_learner.linalg_util.block_distance",
"snake_learner.linalg_util.closest_direction",
"snake_learner.direction.Direction.UP.to_array",
"snake_learner.linalg_util.project_to_direction",
"numpy.array",
"pytest_cases.case",
"pytest_cases.parametrize_with_cases",
"snake_learner.direction.Direction.DOWN.to_array",
"snake_learner.direction.Direction.LEFT.to_array"
] | [((310, 340), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (314, 340), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((503, 533), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (507, 533), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((702, 732), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (706, 732), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((901, 931), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (905, 931), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((1103, 1133), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (1107, 1133), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((1315, 1345), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (1319, 1345), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((1533, 1563), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (1537, 1563), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((1754, 1784), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (1758, 1784), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((1972, 2002), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (1976, 2002), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((2228, 2258), 'pytest_cases.case', 'case', ([], {'tags': '[CLOSEST_DIRECTION]'}), '(tags=[CLOSEST_DIRECTION])\n', (2232, 2258), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((2487, 2520), 'pytest_cases.case', 'case', ([], {'tags': '[PROJECT_TO_DIRECTION]'}), '(tags=[PROJECT_TO_DIRECTION])\n', (2491, 2520), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((2680, 2713), 'pytest_cases.case', 'case', ([], {'tags': '[PROJECT_TO_DIRECTION]'}), '(tags=[PROJECT_TO_DIRECTION])\n', (2684, 2713), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((2880, 2913), 'pytest_cases.case', 'case', ([], {'tags': '[PROJECT_TO_DIRECTION]'}), '(tags=[PROJECT_TO_DIRECTION])\n', (2884, 2913), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((3079, 3112), 'pytest_cases.case', 'case', ([], {'tags': '[PROJECT_TO_DIRECTION]'}), '(tags=[PROJECT_TO_DIRECTION])\n', (3083, 3112), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((3277, 3384), 'pytest_cases.parametrize_with_cases', 'parametrize_with_cases', ([], {'argnames': "['vec', 'distance', 'direction']", 'cases': '"""."""', 'has_tag': 'CLOSEST_DIRECTION'}), "(argnames=['vec', 'distance', 'direction'], cases='.',\n has_tag=CLOSEST_DIRECTION)\n", (3299, 3384), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((3535, 3643), 'pytest_cases.parametrize_with_cases', 'parametrize_with_cases', ([], {'argnames': "['vec', 'direction', 'result']", 'cases': '"""."""', 'has_tag': 'PROJECT_TO_DIRECTION'}), "(argnames=['vec', 'direction', 'result'], cases='.',\n has_tag=PROJECT_TO_DIRECTION)\n", (3557, 3643), False, 'from pytest_cases import parametrize_with_cases, case\n'), ((394, 417), 'snake_learner.direction.Direction.UP.to_array', 'Direction.UP.to_array', ([], {}), '()\n', (415, 417), False, 'from snake_learner.direction import Direction\n'), ((589, 614), 'snake_learner.direction.Direction.DOWN.to_array', 'Direction.DOWN.to_array', ([], {}), '()\n', (612, 614), False, 'from snake_learner.direction import Direction\n'), ((788, 813), 'snake_learner.direction.Direction.LEFT.to_array', 'Direction.LEFT.to_array', ([], {}), '()\n', (811, 813), False, 'from snake_learner.direction import Direction\n'), ((988, 1014), 'snake_learner.direction.Direction.RIGHT.to_array', 'Direction.RIGHT.to_array', ([], {}), '()\n', (1012, 1014), False, 'from snake_learner.direction import Direction\n'), ((2567, 2583), 'numpy.array', 'np.array', (['[5, 2]'], {}), '([5, 2])\n', (2575, 2583), True, 'import numpy as np\n'), ((2626, 2642), 'numpy.array', 'np.array', (['[5, 2]'], {}), '([5, 2])\n', (2634, 2642), True, 'import numpy as np\n'), ((2763, 2779), 'numpy.array', 'np.array', (['[5, 2]'], {}), '([5, 2])\n', (2771, 2779), True, 'import numpy as np\n'), ((2825, 2842), 'numpy.array', 'np.array', (['[2, -5]'], {}), '([2, -5])\n', (2833, 2842), True, 'import numpy as np\n'), ((2962, 2978), 'numpy.array', 'np.array', (['[5, 2]'], {}), '([5, 2])\n', (2970, 2978), True, 'import numpy as np\n'), ((3023, 3041), 'numpy.array', 'np.array', (['[-5, -2]'], {}), '([-5, -2])\n', (3031, 3041), True, 'import numpy as np\n'), ((3161, 3177), 'numpy.array', 'np.array', (['[5, 2]'], {}), '([5, 2])\n', (3169, 3177), True, 'import numpy as np\n'), ((3222, 3239), 'numpy.array', 'np.array', (['[-2, 5]'], {}), '([-2, 5])\n', (3230, 3239), True, 'import numpy as np\n'), ((1206, 1229), 'snake_learner.direction.Direction.UP.to_array', 'Direction.UP.to_array', ([], {}), '()\n', (1227, 1229), False, 'from snake_learner.direction import Direction\n'), ((1420, 1445), 'snake_learner.direction.Direction.DOWN.to_array', 'Direction.DOWN.to_array', ([], {}), '()\n', (1443, 1445), False, 'from snake_learner.direction import Direction\n'), ((1639, 1665), 'snake_learner.direction.Direction.RIGHT.to_array', 'Direction.RIGHT.to_array', ([], {}), '()\n', (1663, 1665), False, 'from snake_learner.direction import Direction\n'), ((1859, 1884), 'snake_learner.direction.Direction.LEFT.to_array', 'Direction.LEFT.to_array', ([], {}), '()\n', (1882, 1884), False, 'from snake_learner.direction import Direction\n'), ((3452, 3471), 'snake_learner.linalg_util.block_distance', 'block_distance', (['vec'], {}), '(vec)\n', (3466, 3471), False, 'from snake_learner.linalg_util import block_distance, closest_direction, project_to_direction\n'), ((3495, 3517), 'snake_learner.linalg_util.closest_direction', 'closest_direction', (['vec'], {}), '(vec)\n', (3512, 3517), False, 'from snake_learner.linalg_util import block_distance, closest_direction, project_to_direction\n'), ((3744, 3803), 'snake_learner.linalg_util.project_to_direction', 'project_to_direction', ([], {'sight_vector': 'vec', 'direction': 'direction'}), '(sight_vector=vec, direction=direction)\n', (3764, 3803), False, 'from snake_learner.linalg_util import block_distance, closest_direction, project_to_direction\n'), ((2082, 2105), 'snake_learner.direction.Direction.UP.to_array', 'Direction.UP.to_array', ([], {}), '()\n', (2103, 2105), False, 'from snake_learner.direction import Direction\n'), ((2112, 2138), 'snake_learner.direction.Direction.RIGHT.to_array', 'Direction.RIGHT.to_array', ([], {}), '()\n', (2136, 2138), False, 'from snake_learner.direction import Direction\n'), ((2338, 2361), 'snake_learner.direction.Direction.UP.to_array', 'Direction.UP.to_array', ([], {}), '()\n', (2359, 2361), False, 'from snake_learner.direction import Direction\n'), ((2368, 2394), 'snake_learner.direction.Direction.RIGHT.to_array', 'Direction.RIGHT.to_array', ([], {}), '()\n', (2392, 2394), False, 'from snake_learner.direction import Direction\n')] |
# -*- coding: utf-8 -*-
import logging
import json
import random
import string
import time
import requests
from requests import RequestException
logger = logging.getLogger(__name__)
class PyttributionIo:
"""
A Python wrapper around the Attribution.io API (by <NAME> – www.jakob.codes)
"""
GET_REQUEST = 'GET'
PRIVATE_API_URL = 'https://attribution.io/api/v1'
PUBLIC_API_URL = 'https://api.attribution.io/'
REQUEST_RETRY_AMOUNT = 10
REQUEST_RETRY_DELAY = 5
def __init__(self, api_key, api_secret):
self._api_key = api_key
self._api_secret = api_secret
self.RequestException = RequestException
"""
General methods
"""
@staticmethod
def _generate_random_id(size=24, chars=string.ascii_lowercase + string.digits):
return ''.join(random.choice(chars) for n in range(size))
def _build_identity_request_data(self, attributionio_id, client_id='', user_agent=''):
return {
'identity': {
'aliases': [attributionio_id],
'client_id': client_id if client_id else self._generate_random_id(),
'public_key': self._api_key,
'created_at': int(time.time()),
'meta': {
'agent': user_agent if user_agent else 'User-Agent unknown'
}
}
}
def _build_event_request_data(self, attributionio_id, event_key, client_id='', user_agent='', last_url=''):
client_id = client_id if client_id else self._generate_random_id()
return {
'event': {
'aliases': [attributionio_id],
'client_id': client_id,
'event_public_key': event_key,
'url': last_url if last_url else 'URL unknown',
'public_key': self._api_key,
'transaction_id': str(client_id) + '@' + str(int(time.time())),
'is_informational': False,
'created_at': int(time.time()),
'meta': {
'agent': user_agent if user_agent else 'User-Agent unknown'
}
}
}
def _make_private_api_request(self, subject_id, method='GET', endpoint='customers', **params):
try:
params.update({'secret': self._api_secret})
return json.loads(
self._send_private_api_request(
retries=PyttributionIo.REQUEST_RETRY_AMOUNT,
subject_id=subject_id,
method=method,
endpoint=endpoint,
params=params,
).content
)
except RequestException:
raise RequestException()
def _make_public_api_request(self, url, data):
try:
return self._send_public_api_request(
retries=PyttributionIo.REQUEST_RETRY_AMOUNT,
url=url,
data=data,
).status_code
except RequestException:
raise RequestException()
def _send_private_api_request(self, retries, subject_id, method, endpoint, **params):
while retries > 0:
try:
return requests.request(
method=method,
url='{url}/{api_key}/{endpoint}/{subject_id}'.format(
url=PyttributionIo.PRIVATE_API_URL,
api_key=self._api_key,
endpoint=endpoint,
subject_id=subject_id,
),
params=params,
)
except:
retries -= 1
time.sleep(PyttributionIo.REQUEST_RETRY_DELAY)
raise RequestException()
def _send_public_api_request(self, retries, url, data):
while retries > 0:
try:
return requests.post(
url=url,
json=data,
)
except:
retries -= 1
time.sleep(PyttributionIo.REQUEST_RETRY_DELAY)
raise RequestException()
"""
Private API methods
"""
"""
Section: Customer
"""
def fetch_customer_info_base(self, client_id):
"""
Retrieves the basic information about any customer.
:param client_id: The identification earlier used to identify the customer e.g. an email address
:return: The fetched data as native Python data structures
"""
try:
return self._make_private_api_request(
method=PyttributionIo.GET_REQUEST,
endpoint='customers',
subject_id=client_id,
).get('customer')
except RequestException as e:
logger.error('Pyttribution.io: Retrieval of base customer info failed with HTTP status {exception}'.format(
exception=e))
def fetch_customer_info_full(self, client_id):
"""
Retrieves the full information about any customer.
:param client_id: The identification earlier used to identify the customer e.g. an email address
:return: The fetched data as native Python data structures
"""
try:
return self._make_private_api_request(
method=PyttributionIo.GET_REQUEST,
endpoint='customers',
subject_id=client_id,
show_all='true'
).get('customer')
except RequestException as e:
logger.error('Pyttribution.io: Retrieval of full customer info failed with HTTP status {exception}'.format(
exception=e))
def fetch_customer_info_pageviews(self, client_id):
"""
Retrieves the pageviews information about any customer.
:param client_id: The identification earlier used to identify the customer e.g. an email address
:return: The fetched data as native Python data structures
"""
try:
return self._make_private_api_request(
method=PyttributionIo.GET_REQUEST,
endpoint='customers',
subject_id=client_id,
show_pageviews='true'
).get('customer')
except RequestException as e:
logger.error('Pyttribution.io: Retrieval of customer pageviews failed with HTTP status {exception}'.format(
exception=e))
def fetch_customer_info_touchpoints(self, client_id):
"""
Retrieves the touchpoints information about any customer.
:param client_id: The identification earlier used to identify the customer e.g. an email address
:return: The fetched data as native Python data structures
"""
try:
return self._make_private_api_request(
method=PyttributionIo.GET_REQUEST,
endpoint='customers',
subject_id=client_id,
show_touchpoints='true'
).get('customer')
except RequestException as e:
logger.error(
'Pyttribution.io: Retrieval of customer touchpoints failed with HTTP status {exception}'.format(
exception=e))
def fetch_customer_info_events(self, client_id):
"""
Retrieves the events information about any customer.
:param client_id: The identification earlier used to identify the customer e.g. an email address
:return: The fetched data as native Python data structures
"""
try:
return self._make_private_api_request(
method=PyttributionIo.GET_REQUEST,
endpoint='customers',
subject_id=client_id,
show_events='true'
).get('customer')
except RequestException as e:
logger.error(
'Pyttribution.io: Retrieval of customer events failed with HTTP status {exception}'.format(exception=e))
def fetch_customer_info_identities(self, client_id):
"""
Retrieves the identities information about any customer.
:param client_id: The identification earlier used to identify the customer e.g. an email address
:return: The fetched data as native Python data structures
"""
try:
return self._make_private_api_request(
method=PyttributionIo.GET_REQUEST,
endpoint='customers',
subject_id=client_id,
show_identities='true'
).get('customer')
except RequestException as e:
logger.error('Pyttribution.io: Retrieval of customer identities failed with HTTP status {exception}'.format(
exception=e))
"""
Public API Methods
"""
def trigger_identity(self, attributionio_id, client_id='', user_agent=''):
"""
Links any type of identification e.g. an email address, a customer reference number etc. to a
so far anonymous cookie.
:param attributionio_id: The cookie value (AttrioP_)
:param client_id: [optional] The chosen identification of the client e.g. an email address
:param user_agent: [optional] The User Agent of the client
:return: The HTTP status code of the request
"""
try:
return self._make_public_api_request(
url=PyttributionIo.PUBLIC_API_URL + 'identities',
data=self._build_identity_request_data(
attributionio_id=attributionio_id,
client_id=client_id,
user_agent=user_agent,
)
)
except RequestException as e:
logger.error(
'Pyttribution.io: Identity trigger for ID "{attributionio_id}" failed with HTTP status {exception}!'.format(
attributionio_id=attributionio_id,
exception=e,
)
)
def trigger_event(self, attributionio_id, event_key, client_id='', user_agent='', last_url=''):
"""
Triggers any event towards Attribution.io
:param attributionio_id: The cookie value (AttrioP_)
:param event_key: The event key chosen in the settings of Attribution.io
:param client_id: [optional] The chosen identification of the client e.g. an email address
:param user_agent: [optional] The User Agent of the client
:param last_url: [optional] The most recent URL the client visited where he/she triggered the event
:return: The HTTP status code of the request
"""
try:
event_trigger_response = self._make_public_api_request(
url=PyttributionIo.PUBLIC_API_URL + 'events',
data=self._build_event_request_data(
attributionio_id=attributionio_id,
event_key=event_key,
client_id=client_id,
user_agent=user_agent,
last_url=last_url,
)
)
identity_trigger_response = self.trigger_identity(
attributionio_id=attributionio_id,
client_id=client_id,
user_agent=user_agent,
)
return event_trigger_response, identity_trigger_response
except RequestException as e:
logger.error(
'Pyttribution.io: Event trigger for ID "{attributionio_id}" failed with HTTP status {exception}!'.format(
attributionio_id=attributionio_id,
exception=e,
)
)
| [
"requests.RequestException",
"random.choice",
"time.time",
"time.sleep",
"requests.post",
"logging.getLogger"
] | [((157, 184), 'logging.getLogger', 'logging.getLogger', (['__name__'], {}), '(__name__)\n', (174, 184), False, 'import logging\n'), ((3747, 3765), 'requests.RequestException', 'RequestException', ([], {}), '()\n', (3763, 3765), False, 'from requests import RequestException\n'), ((4113, 4131), 'requests.RequestException', 'RequestException', ([], {}), '()\n', (4129, 4131), False, 'from requests import RequestException\n'), ((822, 842), 'random.choice', 'random.choice', (['chars'], {}), '(chars)\n', (835, 842), False, 'import random\n'), ((2720, 2738), 'requests.RequestException', 'RequestException', ([], {}), '()\n', (2736, 2738), False, 'from requests import RequestException\n'), ((3044, 3062), 'requests.RequestException', 'RequestException', ([], {}), '()\n', (3060, 3062), False, 'from requests import RequestException\n'), ((3894, 3927), 'requests.post', 'requests.post', ([], {'url': 'url', 'json': 'data'}), '(url=url, json=data)\n', (3907, 3927), False, 'import requests\n'), ((1211, 1222), 'time.time', 'time.time', ([], {}), '()\n', (1220, 1222), False, 'import time\n'), ((2002, 2013), 'time.time', 'time.time', ([], {}), '()\n', (2011, 2013), False, 'import time\n'), ((3686, 3732), 'time.sleep', 'time.sleep', (['PyttributionIo.REQUEST_RETRY_DELAY'], {}), '(PyttributionIo.REQUEST_RETRY_DELAY)\n', (3696, 3732), False, 'import time\n'), ((4052, 4098), 'time.sleep', 'time.sleep', (['PyttributionIo.REQUEST_RETRY_DELAY'], {}), '(PyttributionIo.REQUEST_RETRY_DELAY)\n', (4062, 4098), False, 'import time\n'), ((1910, 1921), 'time.time', 'time.time', ([], {}), '()\n', (1919, 1921), False, 'import time\n')] |
from setuptools import setup
setup(
name="google-doc",
version="0.1",
description="Manipulating files pragmatically",
url="https://github.com/ribeirogab/google-doc",
author="<NAME>",
author_email="<EMAIL>",
license="MIT",
packages=["app"],
zip_safe=False,
)
| [
"setuptools.setup"
] | [((30, 269), 'setuptools.setup', 'setup', ([], {'name': '"""google-doc"""', 'version': '"""0.1"""', 'description': '"""Manipulating files pragmatically"""', 'url': '"""https://github.com/ribeirogab/google-doc"""', 'author': '"""<NAME>"""', 'author_email': '"""<EMAIL>"""', 'license': '"""MIT"""', 'packages': "['app']", 'zip_safe': '(False)'}), "(name='google-doc', version='0.1', description=\n 'Manipulating files pragmatically', url=\n 'https://github.com/ribeirogab/google-doc', author='<NAME>',\n author_email='<EMAIL>', license='MIT', packages=['app'], zip_safe=False)\n", (35, 269), False, 'from setuptools import setup\n')] |
# Generated by Django 2.1.4 on 2019-10-03 13:44
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
('core', '0032_auto_20190729_1249'),
]
operations = [
migrations.AddField(
model_name='ocrmodel',
name='job',
field=models.PositiveSmallIntegerField(choices=[(1, 'Segment'), (2, 'Recognize')], default=2),
preserve_default=False,
),
]
| [
"django.db.models.PositiveSmallIntegerField"
] | [((330, 421), 'django.db.models.PositiveSmallIntegerField', 'models.PositiveSmallIntegerField', ([], {'choices': "[(1, 'Segment'), (2, 'Recognize')]", 'default': '(2)'}), "(choices=[(1, 'Segment'), (2, 'Recognize')],\n default=2)\n", (362, 421), False, 'from django.db import migrations, models\n')] |
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
# Copyright (c) 2017, <NAME>
# All rights reserved.
#
# The file is part of the xpcc library and is released under the 3-clause BSD
# license. See the file `LICENSE` for the full license governing this code.
# -----------------------------------------------------------------------------
import subprocess, locale
from collections import defaultdict
import argparse
author_handles = {
"<NAME>": "AndreGilerson",
"<NAME>": "Sh4rK",
"<NAME>": None,
"<NAME>": "cajt",
"<NAME>": "chrism333",
"<NAME>": None,
"<NAME>": "chris-durand",
"<NAME>": "daniel-k",
"<NAME>": "dhebbeker",
"<NAME>": "dergraaf",
"<NAME>": "georgi-g",
"<NAME>": "RzwoDzwo",
"<NAME>": None,
"<NAME>": "ekiwi",
"<NAME>": "lmoesch",
"<NAME>": "Maju-Ketchup",
"<NAME>": "Scabber",
"<NAME>": "thundernail",
"<NAME>": "mhthies",
"<NAME>": "genbattle",
"<NAME>": None,
"<NAME>": "salkinium",
"<NAME>": "rleh",
"<NAME>": "strongly-typed",
"<NAME>": "7Kronos",
"<NAME>": "TheTh0r",
"<NAME>": "tomchy",
"<NAME>": "acristoffers",
}
def get_author_log(since = None, until = None, handles = True, count = False):
sl_command = "git shortlog -sn"
if since is not None:
sl_command += " --since=\"{}\"".format(since)
if until is not None:
sl_command += " --until=\"{}\"".format(until)
# get the shortlog summary
output = subprocess.Popen(sl_command, shell=True, stdout=subprocess.PIPE)\
.stdout.read().decode(locale.getpreferredencoding())
# parse the shortlog
shortlog = defaultdict(int)
for line in output.splitlines():
commits, author = line.split("\t")
shortlog[author] += int(commits)
# convert to list of tuples for sorting
commit_tuples = [(c, a) for a, c in shortlog.items()]
if count:
# sort by number of commits, then alphabetically by author
commit_tuples.sort(key=lambda a: (-a[0], a[1]))
else:
# sort by name
commit_tuples.sort(key=lambda a: a[1])
output = []
for (commits, author) in commit_tuples:
out = author
if handles and author in author_handles and author_handles[author] is not None:
out += u" (@{})".format(author_handles[author])
if count:
out = u"{:4} {}".format(commits, out)
output.append(out)
return output
if __name__ == "__main__":
parser = argparse.ArgumentParser(description="Author statistics of xpcc.")
parser.add_argument("--handles", dest="with_handles", action="store_true",
help="adds the GitHub handle to the author if known")
parser.add_argument("--count", dest="with_count", action="store_true",
help="adds and sorts authors by commit count")
parser.add_argument("--shoutout", dest="with_shoutout", action="store_true",
help="annotates first time contributers")
parser.add_argument("--since", dest="since",
help="evaluates the git history from this date until present")
args = parser.parse_args()
since_date = args.since if args.since else None
log_authors = get_author_log(since=since_date, handles=args.with_handles, count=args.with_count)
new_authors = []
if args.with_shoutout and since_date:
previous_authors = get_author_log(until=since_date, handles=False, count=False)
new_authors = get_author_log(since=since_date, handles=False, count=False)
new_authors = [a for a in new_authors if a not in previous_authors]
authors = []
for author in log_authors:
if any(a in author for a in new_authors):
author += u" 🎉🎊"
authors.append(author)
print("\n".join(authors))
| [
"collections.defaultdict",
"subprocess.Popen",
"locale.getpreferredencoding",
"argparse.ArgumentParser"
] | [((1640, 1656), 'collections.defaultdict', 'defaultdict', (['int'], {}), '(int)\n', (1651, 1656), False, 'from collections import defaultdict\n'), ((2484, 2549), 'argparse.ArgumentParser', 'argparse.ArgumentParser', ([], {'description': '"""Author statistics of xpcc."""'}), "(description='Author statistics of xpcc.')\n", (2507, 2549), False, 'import argparse\n'), ((1569, 1598), 'locale.getpreferredencoding', 'locale.getpreferredencoding', ([], {}), '()\n', (1596, 1598), False, 'import subprocess, locale\n'), ((1469, 1533), 'subprocess.Popen', 'subprocess.Popen', (['sl_command'], {'shell': '(True)', 'stdout': 'subprocess.PIPE'}), '(sl_command, shell=True, stdout=subprocess.PIPE)\n', (1485, 1533), False, 'import subprocess, locale\n')] |
import pytest
from pyisic import KSIC10_to_ISIC4
from pyisic.types import Standards
@pytest.mark.parametrize(
"code,expected",
[
("DOESNT EXIST", set()),
("A", set()),
("14112", {(Standards.ISIC4, "1410")}),
],
)
def test_ksic10_to_isic4_concordance(code: str, expected: str):
"""Test KSIC10 to ISIC4 sample concordances."""
assert KSIC10_to_ISIC4.concordant(code) == expected
| [
"pyisic.KSIC10_to_ISIC4.concordant"
] | [((379, 411), 'pyisic.KSIC10_to_ISIC4.concordant', 'KSIC10_to_ISIC4.concordant', (['code'], {}), '(code)\n', (405, 411), False, 'from pyisic import KSIC10_to_ISIC4\n')] |
from unittest import TestCase, main
from ko_pron import romanise
def mr_romanize(word):
return romanise(word, "mr")
class TestKoPron(TestCase):
def test_kosinga(self):
self.assertEqual("kŏsin'ga", mr_romanize("것인가"))
def test_kosida(self):
self.assertEqual("kŏsida", mr_romanize("것이다"))
if __name__ == '__main__':
main()
| [
"unittest.main",
"ko_pron.romanise"
] | [((102, 122), 'ko_pron.romanise', 'romanise', (['word', '"""mr"""'], {}), "(word, 'mr')\n", (110, 122), False, 'from ko_pron import romanise\n'), ((354, 360), 'unittest.main', 'main', ([], {}), '()\n', (358, 360), False, 'from unittest import TestCase, main\n')] |
import sys
try: from Queue import PriorityQueue
except: from queue import PriorityQueue
try: from memory import page
except: import page
from collections import OrderedDict
# Disable bytecode generation
sys.dont_write_bytecode = True
class PageTable(object):
'''
Simulates the operations of the Memory Management Unit Page Table.
'''
def __init__(self):
'''
Constructor function
'''
self.disk = OrderedDict()
self.memory = OrderedDict()
def __getitem__(self, process_id, orderedDict):
'''
'''
for p in orderedDict:
if p == process_id:
return orderedDict[process_id]
def print_memory_map(self):
'''
Used to print all pages currently in memory
or on the disk
'''
memory_output = '\n\tPages in Memory:'
for key in self.memory:
memory_output += '\n\t\t' + str(self.memory[key])
disk_output = '\n\n\tPages on Disk:'
for key in self.disk:
disk_output += '\n\t\t' + str(self.disk[key])
output = memory_output + disk_output
return output
def touch(self, page, clock):
'''
Touch is called any time a page is accessed
'''
# if page not in memory, add it
if page.name not in self.memory.keys():
self.memory[page.name] = page
# if page had been evicted to disk and is currently there
if page.name in self.disk.keys():
del self.disk[page.name]
| [
"collections.OrderedDict"
] | [((449, 462), 'collections.OrderedDict', 'OrderedDict', ([], {}), '()\n', (460, 462), False, 'from collections import OrderedDict\n'), ((485, 498), 'collections.OrderedDict', 'OrderedDict', ([], {}), '()\n', (496, 498), False, 'from collections import OrderedDict\n')] |
# Code to reboot an EC2 instance (configured with 'aws configure')
import boto3
from botocore.exceptions import ClientError
def getFirstInstanceID(ec2):
# Get all EC2 instances
all_instances = ec2.describe_instances()
# Select the first
first = all_instances['Reservations'][0]['Instances'][0]
# Return the ID
return first['InstanceId']
def main():
# Create an EC2 Client
ec2 = boto3.client('ec2')
try:
ec2.reboot_instances(InstanceIds=[getFirstInstanceID(ec2)], DryRun=True)
except ClientError as e:
if 'DryRunOperation' not in str(e):
print("You don't have permission to reboot instances.")
raise
try:
response = ec2.reboot_instances(InstanceIds=[getFirstInstanceID(ec2)], DryRun=False)
print('Success', response)
except ClientError as e:
print('Error', e)
if __name__ == "__main__":
main() | [
"boto3.client"
] | [((414, 433), 'boto3.client', 'boto3.client', (['"""ec2"""'], {}), "('ec2')\n", (426, 433), False, 'import boto3\n')] |
from typing import List, Dict, Tuple, Callable, Any, Optional, Union
from drepr.models import Variable, Location
from drepr.services.ra_iterator import RAIterator
from drepr.services.ra_reader.ra_reader import RAReader
class MultiRAReader(RAReader):
def __init__(self, ra_readers: Dict[str, RAReader]):
self.ra_readers = ra_readers
def get_value(self, index: List[Union[str, int]], start_idx: int = 0) -> Any:
return self.ra_readers[index[start_idx]].get_value(index, start_idx + 1)
def replace_value(self, index: List[Union[str, int]], value: Any, start_idx: int = 0):
self.ra_readers[index[start_idx]].replace_value(index, value, start_idx + 1)
def insert_value(self, index: List[Union[str, int]], value: Any, start_idx: int = 0):
self.ra_readers[index[start_idx]].insert_value(index, value, start_idx + 1)
def remove_value(self, index: List[Union[str, int]], start_idx: int = 0):
self.ra_readers[index[start_idx]].remove_value(index, start_idx + 1)
def ground_location_mut(self, loc: Location, start_idx: int = 0) -> None:
return self.ra_readers[loc.resource_id].ground_location_mut(loc, start_idx)
def dump2json(self) -> Union[dict, list]:
return {k: v.dump2json() for k, v in self.ra_readers.items()}
def iter_data(self, grounded_loc: Location, reverse: bool = False) -> RAIterator:
upperbound = [grounded_loc.resource_id]
lowerbound = [grounded_loc.resource_id]
step_sizes = [0]
is_dynamic = False
for i, s in enumerate(grounded_loc.slices):
if s.is_range():
lowerbound.append(s.start)
upperbound.append(s.end)
step_sizes.append(s.step)
if s.end is None:
is_dynamic = True
else:
lowerbound.append(s.idx)
upperbound.append(s.idx)
step_sizes.append(0)
return RAIterator(self, upperbound, lowerbound, step_sizes, reverse, is_dynamic)
| [
"drepr.services.ra_iterator.RAIterator"
] | [((1968, 2041), 'drepr.services.ra_iterator.RAIterator', 'RAIterator', (['self', 'upperbound', 'lowerbound', 'step_sizes', 'reverse', 'is_dynamic'], {}), '(self, upperbound, lowerbound, step_sizes, reverse, is_dynamic)\n', (1978, 2041), False, 'from drepr.services.ra_iterator import RAIterator\n')] |
'''
Created on Nov 14, 2018
@author: nilson.nieto
'''
import time, datetime
# Using Epoch
print(time.ctime(time.time()))
print('Current day')
print(datetime.datetime.today())
| [
"datetime.datetime.today",
"time.time"
] | [((155, 180), 'datetime.datetime.today', 'datetime.datetime.today', ([], {}), '()\n', (178, 180), False, 'import time, datetime\n'), ((110, 121), 'time.time', 'time.time', ([], {}), '()\n', (119, 121), False, 'import time, datetime\n')] |
###############################################################################
# Copyright 2011,2012 The University of Texas at Austin #
# #
# Licensed under the Apache License, Version 2.0 (the "License"); #
# you may not use this file except in compliance with the License. #
# You may obtain a copy of the License at #
# #
# http://www.apache.org/licenses/LICENSE-2.0 #
# #
# Unless required by applicable law or agreed to in writing, software #
# distributed under the License is distributed on an "AS IS" BASIS, #
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. #
# See the License for the specific language governing permissions and #
# limitations under the License. #
###############################################################################
import copy
import logging
import multiprocessing
import time
from queue import Empty
from ipf.data import Data,Representation
from ipf.error import NoMoreInputsError, StepError
#######################################################################################################################
class Step(multiprocessing.Process):
def __init__(self):
multiprocessing.Process.__init__(self)
self.id = None # a unique id for the step in a workflow
self.description = None
self.time_out = None
self.params = {}
self.requires = [] # Data or Representation that this step requires
self.produces = [] # Data that this step produces
self.accepts_params = {}
self._acceptParameter("id","an identifier for this step",False)
self._acceptParameter("requires","list of additional types this step requires",False)
self._acceptParameter("outputs","list of ids for steps that output should be sent to (typically not needed)",
False)
self.input_queue = multiprocessing.Queue()
self.inputs = [] # input data received from input_queue, but not yet wanted
self.no_more_inputs = False
self.outputs = {} # steps to send outputs to. keys are data.name, values are lists of steps
self.logger = logging.getLogger(self._logName())
def configure(self, step_doc, workflow_params):
self.id = step_doc.get("id",None)
self.output_ids = {} # Data class -> [step id]
if "outputs" in step_doc:
if len(self.produces) != 1:
raise StepError("parameter 'outputs' can only be specified for steps that produce one data type")
self.output_ids[self.produces[0]] = step_doc["outputs"]
if "output_map" in step_doc:
data_classes = {}
for cls in self.produces:
data_classes["%s.%s" % (cls.__module__,cls.__name__)] = cls
for cls_name in step_doc["output_map"]:
if cls_name not in data_classes:
raise StepError("step does not produce data %s",cls_name)
self.output_ids[data_classes[cls_name]] = step_doc["output_map"][cls_name]
self._setParameters(step_doc.get("params",{}),workflow_params)
def _setParameters(self, step_params, workflow_params):
self._checkUnexpectedParameters(step_params)
self.params = dict(list(workflow_params.items())+list(step_params.items()))
self._checkExpectedParameters(self.params)
def _acceptParameter(self, name, description, required):
self.accepts_params[name] = (description,required)
def _checkUnexpectedParameters(self, params):
for name in params:
if not self._acceptsParameter(name):
self.info("received an unexpected parameter: %s - %s",name,params[name])
def _checkExpectedParameters(self, params):
for name in self.accepts_params:
if self._requiresParameter(name):
if name not in params:
raise StepError("required parameter %s not provided" % name)
def _acceptsParameter(self, name):
if name in self.accepts_params:
return True
return False
def _requiresParameter(self, name):
if name not in self.accepts_params:
return False
return self.accepts_params[name][1]
def __str__(self, indent=""):
if self.id is None:
sstr = indent+"Step:\n"
else:
sstr = indent+"Step %s:\n" % self.id
sstr += indent+" name: %s.%s\n" % (self.__module__,self.__class__.__name__)
sstr += indent+" description: %s\n" % self.description
if self.time_out is None:
sstr += indent+" time out: None\n"
else:
sstr += indent+" time out: %d secs\n" % self.time_out
if len(self.params) > 0:
sstr += indent+" parameters:\n"
for param in self.params:
sstr += indent+" %s: %s\n" % (param,self.params[param])
sstr += indent+" requires:\n"
for cls in self.requires:
sstr += indent+" %s.%s\n" % (cls.__module__,cls.__name__)
sstr += indent+" produces:\n"
for cls in self.produces:
sstr += indent+" %s.%s\n" % (cls.__module__,cls.__name__)
if len(self.outputs) > 0:
sstr += indent+" outputs:\n"
for cls in self.outputs:
for step in self.outputs[cls]:
sstr += indent+" %s.%s -> %s\n" % (cls.__module__,cls.__name__,step.id)
return sstr
def _getInput(self, cls):
# need to handle Representations, too
for index in range(0,len(self.inputs)):
if self.inputs[index].__class__ == cls:
return self.inputs.pop(index)
if self.no_more_inputs:
raise NoMoreInputsError("No more inputs and none of the %d waiting message is a %s." %
(len(self.inputs),cls))
while True:
data = self.input_queue.get(True)
if data == None:
self.no_more_inputs = True
raise NoMoreInputsError("no more inputs while waiting for %s" % cls)
if data.__class__ == cls:
return data
else:
self.inputs.append(data)
def run(self):
"""Run the step - the Engine will have this in its own thread."""
raise StepError("Step.run not overridden")
def _output(self, data):
if data.__class__ not in self.outputs:
self.warning("%s is not a specified output - not passing it on" % data.__class__.__name__)
return
self.debug("output %s",data)
for step in self.outputs[data.__class__]:
self.debug("sending output %s to step %s",data,step.id)
# isolate any changes to the data by queuing copies
step.input_queue.put(copy.deepcopy(data))
def _logName(self):
return self.__module__ + "." + self.__class__.__name__
def error(self, msg, *args, **kwargs):
args2 = (self.id,)+args
self.logger.error("%s - "+msg,*args2,**kwargs)
def warning(self, msg, *args, **kwargs):
args2 = (self.id,)+args
self.logger.warning("%s - "+msg,*args2,**kwargs)
def info(self, msg, *args, **kwargs):
args2 = (self.id,)+args
self.logger.info("%s - "+msg,*args2,**kwargs)
def debug(self, msg, *args, **kwargs):
args2 = (self.id,)+args
self.logger.debug("%s - "+msg,*args2,**kwargs)
#######################################################################################################################
class PublishStep(Step):
def __init__(self):
Step.__init__(self)
self.accepts_params = {}
self._acceptParameter("publish","a list of representations to publish",True)
self.publish = []
def _setParameters(self, workflow_params, step_params):
Step._setParameters(self,workflow_params,step_params)
try:
publish_names = self.params["publish"]
except KeyError:
raise StepError("required parameter 'publish' not specified")
from ipf.catalog import catalog # can't import this at the top - circular import
for name in publish_names:
try:
rep_class = catalog.representations[name]
self.publish.append(rep_class)
except KeyError:
raise StepError("unknown representation %s" % name)
if not rep_class.data_cls in self.requires:
self.requires.append(rep_class.data_cls)
def run(self):
while True:
data = self.input_queue.get(True)
if data == None:
break
for rep_class in self.publish:
if rep_class.data_cls != data.__class__:
continue
rep = rep_class(data)
self._publish(rep)
break
#######################################################################################################################
class TriggerStep(Step):
def __init__(self):
Step.__init__(self)
self.accepts_params = {}
self._acceptParameter("trigger","a list of representations to trigger on",False)
self._acceptParameter("minimum_interval","the minimum interval in seconds between triggers",False)
self._acceptParameter("maximum_interval","the maximum interval in seconds between triggers",False)
self.trigger = []
self.minimum_interval = None
self.maximum_interval = None
self.last_trigger = None
self.next_trigger = None
def _setParameters(self, workflow_params, step_params):
Step._setParameters(self,workflow_params,step_params)
trigger_names = self.params.get("trigger",[])
from ipf.catalog import catalog # can't import this at the top - circular import
for name in trigger_names:
try:
rep_class = catalog.representations[name]
self.trigger.append(rep_class)
except KeyError:
raise StepError("unknown representation %s" % name)
if not rep_class.data_cls in self.requires:
self.requires.append(rep_class.data_cls)
def run(self):
try:
self.minimum_interval = self.params["minimum_interval"]
self.last_trigger = time.time()
except KeyError:
pass
try:
self.maximum_interval = self.params["maximum_interval"]
self.next_trigger = time.time() + self.maximum_interval
except KeyError:
pass
if len(self.trigger) == 0 and self.maximum_interval is None:
raise StepError("You must specify at least one trigger or a maximum_interval")
if len(self.trigger) == 0:
self._runPeriodic()
else:
self._runTrigger()
def _runPeriodic(self):
while True:
self._doTrigger(None)
time.sleep(self.maximum_interval)
def _runTrigger(self):
while True:
try:
data = self.input_queue.get(True,1)
except Empty:
if self.next_trigger is not None and time.time() >= self.next_trigger:
# if it has been too long since the last trigger, send one
self._doTrigger(None)
else:
if data == None:
# no more data will be sent, the step can end
break
for rep_class in self.trigger:
if rep_class.data_cls != data.__class__:
continue
rep = rep_class(data)
if self.last_trigger is None or time.time() - self.last_trigger > self.minimum_interval:
# trigger if it isn't too soon since the last one
self._doTrigger(rep)
else:
# pull forward the next trigger if it is too soon
self.next_trigger = self.last_trigger + self.minimum_interval
break
def _doTrigger(self, representation):
if self.minimum_interval is not None:
self.last_trigger = time.time()
if self.maximum_interval is not None:
self.next_trigger = time.time() + self.maximum_interval
else:
self.next_trigger = None
self._trigger(representation)
#######################################################################################################################
class WorkflowStep(TriggerStep):
def __init__(self):
TriggerStep.__init__(self)
self.description = "runs a workflow on triggers under constraints"
self._acceptParameter("workflow","the workflow description file to execute",True)
def _trigger(self, representation):
try:
workflow_file = self.params["workflow"]
except KeyError:
raise StepError("required parameter 'workflow' not specified")
self.info("running workflow %s",workflow_file)
# error if import is above
from ipf.engine import WorkflowEngine
engine = WorkflowEngine()
engine.run(workflow_file)
##############################################################################################################
class SleepStep(Step):
def __init__(self):
Step.__init__(self)
self.description = "a test step that sleeps for a specified amount of time"
self._acceptParameter("duration","the number of seconds to sleep for",False)
def run(self):
try:
duration = self.params["duration"] # should be a number
except KeyError:
duration = 60
self.info("sleeping for %d seconds" % duration)
time.sleep(duration)
##############################################################################################################
| [
"copy.deepcopy",
"ipf.engine.WorkflowEngine",
"time.sleep",
"time.time",
"ipf.error.StepError",
"multiprocessing.Queue",
"ipf.error.NoMoreInputsError",
"multiprocessing.Process.__init__"
] | [((1573, 1611), 'multiprocessing.Process.__init__', 'multiprocessing.Process.__init__', (['self'], {}), '(self)\n', (1605, 1611), False, 'import multiprocessing\n'), ((2301, 2324), 'multiprocessing.Queue', 'multiprocessing.Queue', ([], {}), '()\n', (2322, 2324), False, 'import multiprocessing\n'), ((6762, 6798), 'ipf.error.StepError', 'StepError', (['"""Step.run not overridden"""'], {}), "('Step.run not overridden')\n", (6771, 6798), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((13652, 13668), 'ipf.engine.WorkflowEngine', 'WorkflowEngine', ([], {}), '()\n', (13666, 13668), False, 'from ipf.engine import WorkflowEngine\n'), ((14278, 14298), 'time.sleep', 'time.sleep', (['duration'], {}), '(duration)\n', (14288, 14298), False, 'import time\n'), ((10812, 10823), 'time.time', 'time.time', ([], {}), '()\n', (10821, 10823), False, 'import time\n'), ((11145, 11217), 'ipf.error.StepError', 'StepError', (['"""You must specify at least one trigger or a maximum_interval"""'], {}), "('You must specify at least one trigger or a maximum_interval')\n", (11154, 11217), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((11426, 11459), 'time.sleep', 'time.sleep', (['self.maximum_interval'], {}), '(self.maximum_interval)\n', (11436, 11459), False, 'import time\n'), ((12698, 12709), 'time.time', 'time.time', ([], {}), '()\n', (12707, 12709), False, 'import time\n'), ((2854, 2955), 'ipf.error.StepError', 'StepError', (['"""parameter \'outputs\' can only be specified for steps that produce one data type"""'], {}), '(\n "parameter \'outputs\' can only be specified for steps that produce one data type"\n )\n', (2863, 2955), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((6466, 6528), 'ipf.error.NoMoreInputsError', 'NoMoreInputsError', (["('no more inputs while waiting for %s' % cls)"], {}), "('no more inputs while waiting for %s' % cls)\n", (6483, 6528), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((7250, 7269), 'copy.deepcopy', 'copy.deepcopy', (['data'], {}), '(data)\n', (7263, 7269), False, 'import copy\n'), ((8461, 8516), 'ipf.error.StepError', 'StepError', (['"""required parameter \'publish\' not specified"""'], {}), '("required parameter \'publish\' not specified")\n', (8470, 8516), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((10979, 10990), 'time.time', 'time.time', ([], {}), '()\n', (10988, 10990), False, 'import time\n'), ((12788, 12799), 'time.time', 'time.time', ([], {}), '()\n', (12797, 12799), False, 'import time\n'), ((13441, 13497), 'ipf.error.StepError', 'StepError', (['"""required parameter \'workflow\' not specified"""'], {}), '("required parameter \'workflow\' not specified")\n', (13450, 13497), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((3322, 3374), 'ipf.error.StepError', 'StepError', (['"""step does not produce data %s"""', 'cls_name'], {}), "('step does not produce data %s', cls_name)\n", (3331, 3374), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((4325, 4379), 'ipf.error.StepError', 'StepError', (["('required parameter %s not provided' % name)"], {}), "('required parameter %s not provided' % name)\n", (4334, 4379), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((8818, 8863), 'ipf.error.StepError', 'StepError', (["('unknown representation %s' % name)"], {}), "('unknown representation %s' % name)\n", (8827, 8863), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((10520, 10565), 'ipf.error.StepError', 'StepError', (["('unknown representation %s' % name)"], {}), "('unknown representation %s' % name)\n", (10529, 10565), False, 'from ipf.error import NoMoreInputsError, StepError\n'), ((11656, 11667), 'time.time', 'time.time', ([], {}), '()\n', (11665, 11667), False, 'import time\n'), ((12189, 12200), 'time.time', 'time.time', ([], {}), '()\n', (12198, 12200), False, 'import time\n')] |
import itchat
import datetime, os, platform, time
import cv2
import face_recognition as face
from sklearn.externals import joblib
def send_move(friends_name, text):
users = itchat.search_friends(name = friends_name)
print(users)
userName = users[0]['UserName']
itchat.send(text, toUserName = userName)
print('Success')
def send_move_danger():
users = itchat.search_friends(name = 'Boss')
userName = users[0]['UserName']
itchat.send("Someone is in the room!", toUserName = userName)
itchat.send_image("breaker.jpg", toUserName = userName)
print('Success')
def send_move_save():
users = itchat.search_friends(name = 'Boss')
userName = users[0]['UserName']
itchat.send("He left, we are safe!", toUserName = userName)
print('Success')
@itchat.msg_register(itchat.content.TEXT)
def print_content(msg):
print(msg['User']['NickName'] + 'said: ' + msg['Text'])
def is_my_face(clf, image_name):
img = face.load_image_file(image_name)
encode = face.face_encodings(img)
if(len(encode) != 0):
out = clf.predict(encode)
if(out[0] == 1):
return True
return False
clf = joblib.load("./face_regonition/my_face.pkl")
itchat.auto_login(hotReload = True)
is_break_in = False
key = cv2.waitKey(20)
me = False
try:
while(True):
if(not me):
if(os.path.isfile("./breaker.jpg") and (not is_break_in)):
if(is_my_face(clf, "./breaker.jpg")):
print("Welcome back my lord")
me = True
send_move_danger()
is_break_in = True
elif((not os.path.isfile("./breaker.jpg")) and is_break_in):
send_move_save()
is_break_in = False
except KeyboardInterrupt:
print("Finish")
itchat.run()
print("Finish")
| [
"itchat.send",
"cv2.waitKey",
"face_recognition.face_encodings",
"itchat.msg_register",
"itchat.search_friends",
"os.path.isfile",
"sklearn.externals.joblib.load",
"itchat.send_image",
"itchat.auto_login",
"face_recognition.load_image_file",
"itchat.run"
] | [((796, 836), 'itchat.msg_register', 'itchat.msg_register', (['itchat.content.TEXT'], {}), '(itchat.content.TEXT)\n', (815, 836), False, 'import itchat\n'), ((1169, 1213), 'sklearn.externals.joblib.load', 'joblib.load', (['"""./face_regonition/my_face.pkl"""'], {}), "('./face_regonition/my_face.pkl')\n", (1180, 1213), False, 'from sklearn.externals import joblib\n'), ((1215, 1248), 'itchat.auto_login', 'itchat.auto_login', ([], {'hotReload': '(True)'}), '(hotReload=True)\n', (1232, 1248), False, 'import itchat\n'), ((1279, 1294), 'cv2.waitKey', 'cv2.waitKey', (['(20)'], {}), '(20)\n', (1290, 1294), False, 'import cv2\n'), ((1846, 1858), 'itchat.run', 'itchat.run', ([], {}), '()\n', (1856, 1858), False, 'import itchat\n'), ((178, 218), 'itchat.search_friends', 'itchat.search_friends', ([], {'name': 'friends_name'}), '(name=friends_name)\n', (199, 218), False, 'import itchat\n'), ((278, 316), 'itchat.send', 'itchat.send', (['text'], {'toUserName': 'userName'}), '(text, toUserName=userName)\n', (289, 316), False, 'import itchat\n'), ((377, 411), 'itchat.search_friends', 'itchat.search_friends', ([], {'name': '"""Boss"""'}), "(name='Boss')\n", (398, 411), False, 'import itchat\n'), ((454, 513), 'itchat.send', 'itchat.send', (['"""Someone is in the room!"""'], {'toUserName': 'userName'}), "('Someone is in the room!', toUserName=userName)\n", (465, 513), False, 'import itchat\n'), ((520, 573), 'itchat.send_image', 'itchat.send_image', (['"""breaker.jpg"""'], {'toUserName': 'userName'}), "('breaker.jpg', toUserName=userName)\n", (537, 573), False, 'import itchat\n'), ((632, 666), 'itchat.search_friends', 'itchat.search_friends', ([], {'name': '"""Boss"""'}), "(name='Boss')\n", (653, 666), False, 'import itchat\n'), ((709, 766), 'itchat.send', 'itchat.send', (['"""He left, we are safe!"""'], {'toUserName': 'userName'}), "('He left, we are safe!', toUserName=userName)\n", (720, 766), False, 'import itchat\n'), ((965, 997), 'face_recognition.load_image_file', 'face.load_image_file', (['image_name'], {}), '(image_name)\n', (985, 997), True, 'import face_recognition as face\n'), ((1011, 1035), 'face_recognition.face_encodings', 'face.face_encodings', (['img'], {}), '(img)\n', (1030, 1035), True, 'import face_recognition as face\n'), ((1363, 1394), 'os.path.isfile', 'os.path.isfile', (['"""./breaker.jpg"""'], {}), "('./breaker.jpg')\n", (1377, 1394), False, 'import datetime, os, platform, time\n'), ((1675, 1706), 'os.path.isfile', 'os.path.isfile', (['"""./breaker.jpg"""'], {}), "('./breaker.jpg')\n", (1689, 1706), False, 'import datetime, os, platform, time\n')] |
import pandas as pd
from src.config import Config
config = Config()
dfs = []
for cloth in ['blouse', 'skirt', 'outwear', 'dress', 'trousers']:
df = pd.read_csv(config.proj_path + 'kp_predictions/' + cloth + '.csv')
dfs.append(df)
res_df = pd.concat(dfs)
res_df.to_csv(config.proj_path +'kp_predictions/result.csv', index=False) | [
"pandas.read_csv",
"pandas.concat",
"src.config.Config"
] | [((63, 71), 'src.config.Config', 'Config', ([], {}), '()\n', (69, 71), False, 'from src.config import Config\n'), ((258, 272), 'pandas.concat', 'pd.concat', (['dfs'], {}), '(dfs)\n', (267, 272), True, 'import pandas as pd\n'), ((161, 227), 'pandas.read_csv', 'pd.read_csv', (["(config.proj_path + 'kp_predictions/' + cloth + '.csv')"], {}), "(config.proj_path + 'kp_predictions/' + cloth + '.csv')\n", (172, 227), True, 'import pandas as pd\n')] |
### Author : <NAME>
# --> Implementation of **K-MEANS** algorithim.
"""
#Importing the Libraries
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
import random
#Reading the dataset
iris = pd.read_csv('https://raw.githubusercontent.com/Piyush9323/NaiveBayes_in_Python/main/iris.csv')
#iris.head()
iris.tail()
iris.describe()
# Preparing input with 4 features from dataset
X = iris.iloc[:,1:5].values
X.shape
# Preparing Expected output for comparison
Y = iris.iloc[:,-1].values
for i in range(150):
if i < 50 :
Y[i] = 0
elif i < 100 :
Y[i] = 1
else :
Y[i] = 2
#Y
#number of training datapoints
m = X.shape[0]
#number of features
n = X.shape[1]
# number of iterations
n_iterations = 100
# number of clusters
k = 3
print(m,n,k)
data = iris.iloc[:,1:3].values
plt.scatter(data[:,0], data[:,1], c = 'black', label = 'Unclustered Data')
plt.xlabel('Sepal Length')
plt.ylabel('Sepal Width')
plt.legend()
plt.show()
# It claculates Eucledian distance between two points
def E_distance(X1,X2):
d = sum((X1 - X2)**2)**0.5
return d
# K-Means Algorithm
def K_Means(data):
# choosing centroids randomly
random.seed(121)
centroids = {}
for i in range(k):
rand = random.randint(0,m-1)
centroids[i] = data[rand]
# creating output dictionary
for iteration in range(n_iterations):
classes = {}
# classes are initialising with classKey as indices.
for class_key in range(k):
classes[class_key] = []
# finding the distance of each data point with 3 centroids assigned recently.
p = 0
for data_point in data:
distance = []
for centroid in centroids:
temp_dis = E_distance(data_point, centroids[centroid])
distance.append(temp_dis)
# finding the centroid with minimum distance from the point and append it into that centroid class.
min_dis = min(distance)
min_dis_index = distance.index(min_dis)
classes[min_dis_index].append(data_point)
Y[p] = min_dis_index
p += 1
# new centroids are formed by taking the mean of the data in each class.
for class_key in classes:
class_data = classes[class_key]
new_centroids = np.mean(class_data, axis = 0)
centroids[class_key] = list(new_centroids)
return classes, centroids
# Running K-Means algorithm
classes, centroids = K_Means(X)
classes
# plotting the clustered data
color = ['red','blue','green']
labels = ['Iris-setosa','Iris-versicolour','Iris-virginica']
for i in range(k):
x = list(list(zip(*classes[i]))[0])
y = list(list(zip(*classes[i]))[1])
plt.scatter(x, y, c = color[i], label = labels[i])
# plotting centroids of clusters
cv = centroids.values()
plt.scatter(list(list(zip(*cv))[0]), list(list(zip(*cv))[1]), s = 100, c = 'cyan',label= 'centroids')
plt.xlabel('Sepal Length')
plt.ylabel('Sepal Width')
plt.legend()
plt.show()
"""# **K-MEANS** algorithm using inbuilt-function."""
from sklearn.cluster import KMeans
k_means = KMeans(n_clusters = 3, max_iter = 100, random_state = 15)
predicted = k_means.fit_predict(X)
predicted
# plotting the clusters
plt.scatter(X[predicted == 0, 0], X[predicted == 0, 1], s = 100, c = 'red', label = 'Iris-setosa')
plt.scatter(X[predicted == 1, 0], X[predicted == 1, 1], s = 100, c = 'blue', label = 'Iris-versicolour')
plt.scatter(X[predicted == 2, 0], X[predicted == 2, 1], s = 100, c = 'green', label = 'Iris-virginica')
# plotting the centroids of the clusters
plt.scatter(k_means.cluster_centers_[:, 0], k_means.cluster_centers_[:,1], s = 100, c = 'cyan', label = 'Centroids')
plt.legend()
"""# **Summary** : Both clusters using my implementation and using Kmeans function from sklearn library gives nearly same results.""" | [
"sklearn.cluster.KMeans"
] | [((3181, 3232), 'sklearn.cluster.KMeans', 'KMeans', ([], {'n_clusters': '(3)', 'max_iter': '(100)', 'random_state': '(15)'}), '(n_clusters=3, max_iter=100, random_state=15)\n', (3187, 3232), False, 'from sklearn.cluster import KMeans\n')] |
# -*- coding: utf-8 -*-
"""Tests for :mod:`~utilipy.utils`."""
__all__ = [
"test_init_data_utils",
"test_init_decorators",
"test_init_imports",
"test_init_ipython",
"test_init_math",
"test_init_plot",
"test_init_scripts",
"test_init_utils",
"test_utils_top_level_imports",
]
##############################################################################
# IMPORTS
# BUILT-IN
import os
# PROJECT-SPECIFIC
from utilipy import (
data_utils,
decorators,
imports,
ipython,
math,
plot,
scripts,
utils,
)
##############################################################################
# TESTS
##############################################################################
def test_init_data_utils():
"""Test :mod:`~utilipy.data_utils` initialization."""
# Expectations
local = [
# modules
"crossmatch",
"decorators",
"select",
"fitting",
"utils",
"xfm",
# decorators
"idxDecorator",
# data transformation graph
"data_graph",
"TransformGraph",
"DataTransform",
# xmatch
"indices_xmatch_fields",
"xmatch_fields",
"xmatch",
"non_xmatched",
# utils
"get_path_to_file",
"make_shuffler",
]
local += data_utils.select.__all__
# test __all__ conforms to module
for name in data_utils.__all__:
assert hasattr(data_utils, name)
# test __all__ matches expectations
for name in data_utils.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_decorators():
"""Test :mod:`~utilipy.decorators` initialization."""
# Expectations
local = [
# modules
"baseclass",
"docstring",
"func_io",
"code_dev",
# defined here
"store_function_input",
"add_folder_backslash",
# baseclass
"DecoratorBaseClass",
"classy_decorator",
# data-type decorators
"dtypeDecorator",
"dtypeDecoratorMaker",
"intDecorator",
"floatDecorator",
"strDecorator",
"boolDecorator",
"ndarrayDecorator",
"ndfloat64Decorator",
# convenience
"functools",
"inspect",
"wraps",
]
# test __all__ conforms to module
for name in decorators.__all__:
assert hasattr(decorators, name)
# test __all__ matches expectations
for name in decorators.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_imports():
"""Test :mod:`~utilipy.imports` initialization."""
# Expectations
local = [
"conf",
"use_import_verbosity",
]
# test __all__ conforms to module
for name in imports.__all__:
assert hasattr(imports, name)
# test __all__ matches expectations
for name in imports.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_ipython():
"""Test :mod:`~utilipy.ipython` initialization."""
# Expectations
local = [
"ipython_help",
"get_ipython",
"InteractiveShell",
"set_trace",
"display",
"Latex",
"Markdown",
"HTML",
"set_autoreload",
"aimport",
"run_imports",
"import_from_file",
"add_raw_code_toggle",
"printMD",
"printLTX",
]
# test __all__ conforms to module
for name in ipython.__all__:
assert hasattr(ipython, name), name
# test __all__ matches expectations
for name in ipython.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_math():
"""Test :mod:`~utilipy.math` initialization."""
# Expectations
local = []
local += math.core.__all__
# test __all__ conforms to module
for name in math.__all__:
assert hasattr(math, name)
# test __all__ matches expectations
for name in math.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_plot():
"""Test :mod:`~utilipy.plot` initialization."""
# Expectations
local = []
# test __all__ conforms to module
for name in plot.__all__:
assert hasattr(plot, name)
# test __all__ matches expectations
for name in plot.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_scripts():
"""Test :mod:`~utilipy.scripts` initialization."""
# Expectations
local = []
# test __all__ conforms to module
for name in scripts.__all__:
assert hasattr(scripts, name)
# test __all__ matches expectations
for name in scripts.__all__:
assert name in local
return
# /def
# --------------------------------------------------------------------------
def test_init_utils():
"""Test :mod:`~utilipy.utils` initialization."""
# Expectations
local = [
# modules
"collections",
"logging",
"exceptions",
"functools",
"inspect",
"metaclasses",
"misc",
"pickle",
"string",
"typing",
# classes and functions
"LogPrint",
"LogFile",
"ObjDict",
"WithDocstring",
"WithMeta",
"WithReference",
"temporary_namespace",
"make_help_function",
]
# test __all__ conforms to module
for name in utils.__all__:
assert hasattr(utils, name)
# test __all__ matches expectations
for name in utils.__all__:
assert name in local
return
# /def
def test_utils_top_level_imports():
"""Test Top-Level Imports."""
# First test they exist
subpkg: str
for subpkg in utils.__all_top_imports__:
assert hasattr(utils, subpkg)
# Next test that top-levels are all the possible top-levels
drct: str = os.path.split(utils.__file__)[0] # directory
donottest = ("tests", "__pycache__") # stuff not to test
for file in os.listdir(drct): # iterate through directory
# test?
if os.path.isdir(drct + "/" + file) and file not in donottest:
assert file in utils.__all_top_imports__
# else: # nope, chuck testa.
# pass
return
# /def
# --------------------------------------------------------------------------
##############################################################################
# END
| [
"os.path.isdir",
"os.path.split",
"os.listdir"
] | [((6466, 6482), 'os.listdir', 'os.listdir', (['drct'], {}), '(drct)\n', (6476, 6482), False, 'import os\n'), ((6341, 6370), 'os.path.split', 'os.path.split', (['utils.__file__'], {}), '(utils.__file__)\n', (6354, 6370), False, 'import os\n'), ((6540, 6572), 'os.path.isdir', 'os.path.isdir', (["(drct + '/' + file)"], {}), "(drct + '/' + file)\n", (6553, 6572), False, 'import os\n')] |
import os
import re
import itertools
import cv2
import time
import numpy as np
import torch
from torch.autograd import Variable
from utils.craft_utils import getDetBoxes, adjustResultCoordinates
from data import imgproc
from data.dataset import SynthTextDataSet
import math
import xml.etree.ElementTree as elemTree
#-------------------------------------------------------------------------------------------------------------------#
def rotatePoint(xc, yc, xp, yp, theta):
xoff = xp - xc
yoff = yp - yc
cosTheta = math.cos(theta)
sinTheta = math.sin(theta)
pResx = cosTheta * xoff + sinTheta * yoff
pResy = - sinTheta * xoff + cosTheta * yoff
# pRes = (xc + pResx, yc + pResy)
return int(xc + pResx), int(yc + pResy)
def addRotatedShape(cx, cy, w, h, angle):
p0x, p0y = rotatePoint(cx, cy, cx - w / 2, cy - h / 2, -angle)
p1x, p1y = rotatePoint(cx, cy, cx + w / 2, cy - h / 2, -angle)
p2x, p2y = rotatePoint(cx, cy, cx + w / 2, cy + h / 2, -angle)
p3x, p3y = rotatePoint(cx, cy, cx - w / 2, cy + h / 2, -angle)
points = [[p0x, p0y], [p1x, p1y], [p2x, p2y], [p3x, p3y]]
return points
def xml_parsing(xml):
tree = elemTree.parse(xml)
annotations = [] # Initialize the list to store labels
iter_element = tree.iter(tag="object")
for element in iter_element:
annotation = {} # Initialize the dict to store labels
annotation['name'] = element.find("name").text # Save the name tag value
box_coords = element.iter(tag="robndbox")
for box_coord in box_coords:
cx = float(box_coord.find("cx").text)
cy = float(box_coord.find("cy").text)
w = float(box_coord.find("w").text)
h = float(box_coord.find("h").text)
angle = float(box_coord.find("angle").text)
convertcoodi = addRotatedShape(cx, cy, w, h, angle)
annotation['box_coodi'] = convertcoodi
annotations.append(annotation)
box_coords = element.iter(tag="bndbox")
for box_coord in box_coords:
xmin = int(box_coord.find("xmin").text)
ymin = int(box_coord.find("ymin").text)
xmax = int(box_coord.find("xmax").text)
ymax = int(box_coord.find("ymax").text)
# annotation['bndbox'] = [xmin,ymin,xmax,ymax]
annotation['box_coodi'] = [[xmin, ymin], [xmax, ymin], [xmax, ymax],
[xmin, ymax]]
annotations.append(annotation)
bounds = []
for i in range(len(annotations)):
box_info_dict = {"points": None, "text": None, "ignore": None}
box_info_dict["points"] = np.array(annotations[i]['box_coodi'])
if annotations[i]['name'] == "dnc":
box_info_dict["text"] = "###"
box_info_dict["ignore"] = True
else:
box_info_dict["text"] = annotations[i]['name']
box_info_dict["ignore"] = False
bounds.append(box_info_dict)
return bounds
#-------------------------------------------------------------------------------------------------------------------#
def load_prescription_gt(dataFolder):
total_img_path = []
total_imgs_bboxes = []
for (root, directories, files) in os.walk(dataFolder):
for file in files:
if '.jpg' in file:
img_path = os.path.join(root, file)
total_img_path.append(img_path)
if '.xml' in file:
gt_path = os.path.join(root, file)
total_imgs_bboxes.append(gt_path)
total_imgs_parsing_bboxes = []
for img_path, bbox in zip(sorted(total_img_path), sorted(total_imgs_bboxes)):
# check file
assert img_path.split(".jpg")[0] == bbox.split(".xml")[0]
result_label = xml_parsing(bbox)
total_imgs_parsing_bboxes.append(result_label)
return total_imgs_parsing_bboxes, sorted(total_img_path)
# NOTE
def load_prescription_cleval_gt(dataFolder):
total_img_path = []
total_gt_path = []
for (root, directories, files) in os.walk(dataFolder):
for file in files:
if '.jpg' in file:
img_path = os.path.join(root, file)
total_img_path.append(img_path)
if '_cl.txt' in file:
gt_path = os.path.join(root, file)
total_gt_path.append(gt_path)
total_imgs_parsing_bboxes = []
for img_path, gt_path in zip(sorted(total_img_path), sorted(total_gt_path)):
# check file
assert img_path.split(".jpg")[0] == gt_path.split('_label_cl.txt')[0]
lines = open(gt_path, encoding="utf-8").readlines()
word_bboxes = []
for line in lines:
box_info_dict = {"points": None, "text": None, "ignore": None}
box_info = line.strip().encode("utf-8").decode("utf-8-sig").split(",")
box_points = [int(box_info[i]) for i in range(8)]
box_info_dict["points"] = np.array(box_points)
word_bboxes.append(box_info_dict)
total_imgs_parsing_bboxes.append(word_bboxes)
return total_imgs_parsing_bboxes, sorted(total_img_path)
def load_synthtext_gt(data_folder):
synth_dataset = SynthTextDataSet(
output_size=768, data_dir=data_folder, saved_gt_dir=data_folder, logging=False
)
img_names, img_bbox, img_words = synth_dataset.load_data(bbox="word")
total_img_path = []
total_imgs_bboxes = []
for index in range(len(img_bbox[:100])):
img_path = os.path.join(data_folder, img_names[index][0])
total_img_path.append(img_path)
try:
wordbox = img_bbox[index].transpose((2, 1, 0))
except:
wordbox = np.expand_dims(img_bbox[index], axis=0)
wordbox = wordbox.transpose((0, 2, 1))
words = [re.split(" \n|\n |\n| ", t.strip()) for t in img_words[index]]
words = list(itertools.chain(*words))
words = [t for t in words if len(t) > 0]
if len(words) != len(wordbox):
import ipdb
ipdb.set_trace()
single_img_bboxes = []
for j in range(len(words)):
box_info_dict = {"points": None, "text": None, "ignore": None}
box_info_dict["points"] = wordbox[j]
box_info_dict["text"] = words[j]
box_info_dict["ignore"] = False
single_img_bboxes.append(box_info_dict)
total_imgs_bboxes.append(single_img_bboxes)
return total_imgs_bboxes, total_img_path
def load_icdar2015_gt(dataFolder, isTraing=False):
if isTraing:
img_folderName = "ch4_training_images"
gt_folderName = "ch4_training_localization_transcription_gt"
else:
img_folderName = "ch4_test_images"
gt_folderName = "ch4_test_localization_transcription_gt"
gt_folder_path = os.listdir(os.path.join(dataFolder, gt_folderName))
total_imgs_bboxes = []
total_img_path = []
for gt_path in gt_folder_path:
gt_path = os.path.join(os.path.join(dataFolder, gt_folderName), gt_path)
img_path = (
gt_path.replace(gt_folderName, img_folderName)
.replace(".txt", ".jpg")
.replace("gt_", "")
)
image = cv2.imread(img_path)
lines = open(gt_path, encoding="utf-8").readlines()
single_img_bboxes = []
for line in lines:
box_info_dict = {"points": None, "text": None, "ignore": None}
box_info = line.strip().encode("utf-8").decode("utf-8-sig").split(",")
box_points = [int(box_info[j]) for j in range(8)]
word = box_info[8:]
word = ",".join(word)
box_points = np.array(box_points, np.int32).reshape(4, 2)
cv2.polylines(
image, [np.array(box_points).astype(np.int)], True, (0, 0, 255), 1
)
box_info_dict["points"] = box_points
box_info_dict["text"] = word
if word == "###":
box_info_dict["ignore"] = True
else:
box_info_dict["ignore"] = False
single_img_bboxes.append(box_info_dict)
total_imgs_bboxes.append(single_img_bboxes)
total_img_path.append(img_path)
return total_imgs_bboxes, total_img_path
def load_icdar2013_gt(dataFolder, isTraing=False):
# choise test dataset
if isTraing:
img_folderName = "Challenge2_Test_Task12_Images"
gt_folderName = "Challenge2_Test_Task1_GT"
else:
img_folderName = "Challenge2_Test_Task12_Images"
gt_folderName = "Challenge2_Test_Task1_GT"
gt_folder_path = os.listdir(os.path.join(dataFolder, gt_folderName))
total_imgs_bboxes = []
total_img_path = []
for gt_path in gt_folder_path:
gt_path = os.path.join(os.path.join(dataFolder, gt_folderName), gt_path)
img_path = (
gt_path.replace(gt_folderName, img_folderName)
.replace(".txt", ".jpg")
.replace("gt_", "")
)
image = cv2.imread(img_path)
lines = open(gt_path, encoding="utf-8").readlines()
single_img_bboxes = []
for line in lines:
box_info_dict = {"points": None, "text": None, "ignore": None}
box_info = line.strip().encode("utf-8").decode("utf-8-sig").split(",")
box = [int(box_info[j]) for j in range(4)]
word = box_info[4:]
word = ",".join(word)
box = [
[box[0], box[1]],
[box[2], box[1]],
[box[2], box[3]],
[box[0], box[3]],
]
box_info_dict["points"] = box
box_info_dict["text"] = word
if word == "###":
box_info_dict["ignore"] = True
else:
box_info_dict["ignore"] = False
single_img_bboxes.append(box_info_dict)
total_imgs_bboxes.append(single_img_bboxes)
total_img_path.append(img_path)
return total_imgs_bboxes, total_img_path
def test_net(
net,
image,
text_threshold,
link_threshold,
low_text,
cuda,
poly,
canvas_size=1280,
mag_ratio=1.5,
):
# resize
img_resized, target_ratio, size_heatmap = imgproc.resize_aspect_ratio(
image, canvas_size, interpolation=cv2.INTER_LINEAR, mag_ratio=mag_ratio
)
ratio_h = ratio_w = 1 / target_ratio
# preprocessing
x = imgproc.normalizeMeanVariance(img_resized)
x = torch.from_numpy(x).permute(2, 0, 1) # [h, w, c] to [c, h, w]
x = Variable(x.unsqueeze(0)) # [c, h, w] to [b, c, h, w]
if cuda:
x = x.cuda()
# forward pass
with torch.no_grad():
y, feature = net(x)
# make score and link map
score_text = y[0, :, :, 0].cpu().data.numpy().astype(np.float32)
score_link = y[0, :, :, 1].cpu().data.numpy().astype(np.float32)
# NOTE
score_text = score_text[: size_heatmap[0], : size_heatmap[1]]
score_link = score_link[: size_heatmap[0], : size_heatmap[1]]
# Post-processing
boxes, polys = getDetBoxes(
score_text, score_link, text_threshold, link_threshold, low_text, poly
)
# coordinate adjustment
boxes = adjustResultCoordinates(boxes, ratio_w, ratio_h)
polys = adjustResultCoordinates(polys, ratio_w, ratio_h)
for k in range(len(polys)):
if polys[k] is None:
polys[k] = boxes[k]
# render results (optional)
score_text = score_text.copy()
render_score_text = imgproc.cvt2HeatmapImg(score_text)
render_score_link = imgproc.cvt2HeatmapImg(score_link)
render_img = [render_score_text, render_score_link]
# ret_score_text = imgproc.cvt2HeatmapImg(render_img)
return boxes, polys, render_img
| [
"data.imgproc.resize_aspect_ratio",
"xml.etree.ElementTree.parse",
"data.imgproc.cvt2HeatmapImg",
"ipdb.set_trace",
"data.imgproc.normalizeMeanVariance",
"os.walk",
"numpy.expand_dims",
"math.sin",
"utils.craft_utils.adjustResultCoordinates",
"cv2.imread",
"numpy.array",
"math.cos",
"itertools.chain",
"data.dataset.SynthTextDataSet",
"utils.craft_utils.getDetBoxes",
"torch.no_grad",
"os.path.join",
"torch.from_numpy"
] | [((531, 546), 'math.cos', 'math.cos', (['theta'], {}), '(theta)\n', (539, 546), False, 'import math\n'), ((562, 577), 'math.sin', 'math.sin', (['theta'], {}), '(theta)\n', (570, 577), False, 'import math\n'), ((1181, 1200), 'xml.etree.ElementTree.parse', 'elemTree.parse', (['xml'], {}), '(xml)\n', (1195, 1200), True, 'import xml.etree.ElementTree as elemTree\n'), ((3274, 3293), 'os.walk', 'os.walk', (['dataFolder'], {}), '(dataFolder)\n', (3281, 3293), False, 'import os\n'), ((4093, 4112), 'os.walk', 'os.walk', (['dataFolder'], {}), '(dataFolder)\n', (4100, 4112), False, 'import os\n'), ((5237, 5338), 'data.dataset.SynthTextDataSet', 'SynthTextDataSet', ([], {'output_size': '(768)', 'data_dir': 'data_folder', 'saved_gt_dir': 'data_folder', 'logging': '(False)'}), '(output_size=768, data_dir=data_folder, saved_gt_dir=\n data_folder, logging=False)\n', (5253, 5338), False, 'from data.dataset import SynthTextDataSet\n'), ((10253, 10358), 'data.imgproc.resize_aspect_ratio', 'imgproc.resize_aspect_ratio', (['image', 'canvas_size'], {'interpolation': 'cv2.INTER_LINEAR', 'mag_ratio': 'mag_ratio'}), '(image, canvas_size, interpolation=cv2.\n INTER_LINEAR, mag_ratio=mag_ratio)\n', (10280, 10358), False, 'from data import imgproc\n'), ((10438, 10480), 'data.imgproc.normalizeMeanVariance', 'imgproc.normalizeMeanVariance', (['img_resized'], {}), '(img_resized)\n', (10467, 10480), False, 'from data import imgproc\n'), ((11077, 11164), 'utils.craft_utils.getDetBoxes', 'getDetBoxes', (['score_text', 'score_link', 'text_threshold', 'link_threshold', 'low_text', 'poly'], {}), '(score_text, score_link, text_threshold, link_threshold,\n low_text, poly)\n', (11088, 11164), False, 'from utils.craft_utils import getDetBoxes, adjustResultCoordinates\n'), ((11216, 11264), 'utils.craft_utils.adjustResultCoordinates', 'adjustResultCoordinates', (['boxes', 'ratio_w', 'ratio_h'], {}), '(boxes, ratio_w, ratio_h)\n', (11239, 11264), False, 'from utils.craft_utils import getDetBoxes, adjustResultCoordinates\n'), ((11277, 11325), 'utils.craft_utils.adjustResultCoordinates', 'adjustResultCoordinates', (['polys', 'ratio_w', 'ratio_h'], {}), '(polys, ratio_w, ratio_h)\n', (11300, 11325), False, 'from utils.craft_utils import getDetBoxes, adjustResultCoordinates\n'), ((11511, 11545), 'data.imgproc.cvt2HeatmapImg', 'imgproc.cvt2HeatmapImg', (['score_text'], {}), '(score_text)\n', (11533, 11545), False, 'from data import imgproc\n'), ((11570, 11604), 'data.imgproc.cvt2HeatmapImg', 'imgproc.cvt2HeatmapImg', (['score_link'], {}), '(score_link)\n', (11592, 11604), False, 'from data import imgproc\n'), ((2682, 2719), 'numpy.array', 'np.array', (["annotations[i]['box_coodi']"], {}), "(annotations[i]['box_coodi'])\n", (2690, 2719), True, 'import numpy as np\n'), ((5538, 5584), 'os.path.join', 'os.path.join', (['data_folder', 'img_names[index][0]'], {}), '(data_folder, img_names[index][0])\n', (5550, 5584), False, 'import os\n'), ((6865, 6904), 'os.path.join', 'os.path.join', (['dataFolder', 'gt_folderName'], {}), '(dataFolder, gt_folderName)\n', (6877, 6904), False, 'import os\n'), ((7248, 7268), 'cv2.imread', 'cv2.imread', (['img_path'], {}), '(img_path)\n', (7258, 7268), False, 'import cv2\n'), ((8647, 8686), 'os.path.join', 'os.path.join', (['dataFolder', 'gt_folderName'], {}), '(dataFolder, gt_folderName)\n', (8659, 8686), False, 'import os\n'), ((9031, 9051), 'cv2.imread', 'cv2.imread', (['img_path'], {}), '(img_path)\n', (9041, 9051), False, 'import cv2\n'), ((10677, 10692), 'torch.no_grad', 'torch.no_grad', ([], {}), '()\n', (10690, 10692), False, 'import torch\n'), ((4994, 5014), 'numpy.array', 'np.array', (['box_points'], {}), '(box_points)\n', (5002, 5014), True, 'import numpy as np\n'), ((5928, 5951), 'itertools.chain', 'itertools.chain', (['*words'], {}), '(*words)\n', (5943, 5951), False, 'import itertools\n'), ((6079, 6095), 'ipdb.set_trace', 'ipdb.set_trace', ([], {}), '()\n', (6093, 6095), False, 'import ipdb\n'), ((7023, 7062), 'os.path.join', 'os.path.join', (['dataFolder', 'gt_folderName'], {}), '(dataFolder, gt_folderName)\n', (7035, 7062), False, 'import os\n'), ((8806, 8845), 'os.path.join', 'os.path.join', (['dataFolder', 'gt_folderName'], {}), '(dataFolder, gt_folderName)\n', (8818, 8845), False, 'import os\n'), ((10489, 10508), 'torch.from_numpy', 'torch.from_numpy', (['x'], {}), '(x)\n', (10505, 10508), False, 'import torch\n'), ((3380, 3404), 'os.path.join', 'os.path.join', (['root', 'file'], {}), '(root, file)\n', (3392, 3404), False, 'import os\n'), ((3510, 3534), 'os.path.join', 'os.path.join', (['root', 'file'], {}), '(root, file)\n', (3522, 3534), False, 'import os\n'), ((4199, 4223), 'os.path.join', 'os.path.join', (['root', 'file'], {}), '(root, file)\n', (4211, 4223), False, 'import os\n'), ((4332, 4356), 'os.path.join', 'os.path.join', (['root', 'file'], {}), '(root, file)\n', (4344, 4356), False, 'import os\n'), ((5735, 5774), 'numpy.expand_dims', 'np.expand_dims', (['img_bbox[index]'], {'axis': '(0)'}), '(img_bbox[index], axis=0)\n', (5749, 5774), True, 'import numpy as np\n'), ((7699, 7729), 'numpy.array', 'np.array', (['box_points', 'np.int32'], {}), '(box_points, np.int32)\n', (7707, 7729), True, 'import numpy as np\n'), ((7795, 7815), 'numpy.array', 'np.array', (['box_points'], {}), '(box_points)\n', (7803, 7815), True, 'import numpy as np\n')] |
from time import time
from telemetry_datastore import Datastore
def data_push_to_cloud(data_points):
last_id = 0
for data_point in data_points:
last_id = data_point["id"]
return last_id
if __name__ == '__main__':
start_time = time()
total = 0
index = 0
batch_size = 1000
with Datastore("/tmp/telemetry.db3") as ds:
sensors = ds.sensors()
while True:
values = ds.raw_dump(index, batch_size)
if values:
last_index = data_push_to_cloud(values)
index = last_index + 1
total += len(values)
else:
break
elapsed = time() - start_time
print("{} data points published to cloud in {} seconds".format(total, round(elapsed, 2)))
| [
"telemetry_datastore.Datastore",
"time.time"
] | [((255, 261), 'time.time', 'time', ([], {}), '()\n', (259, 261), False, 'from time import time\n'), ((321, 352), 'telemetry_datastore.Datastore', 'Datastore', (['"""/tmp/telemetry.db3"""'], {}), "('/tmp/telemetry.db3')\n", (330, 352), False, 'from telemetry_datastore import Datastore\n'), ((672, 678), 'time.time', 'time', ([], {}), '()\n', (676, 678), False, 'from time import time\n')] |
# -*- coding: utf-8 -*-
from __future__ import unicode_literals
from django.contrib import admin
from .models import *
admin.site.register(VotingEvent)
admin.site.register(Question)
admin.site.register(Choice)
| [
"django.contrib.admin.site.register"
] | [((121, 153), 'django.contrib.admin.site.register', 'admin.site.register', (['VotingEvent'], {}), '(VotingEvent)\n', (140, 153), False, 'from django.contrib import admin\n'), ((154, 183), 'django.contrib.admin.site.register', 'admin.site.register', (['Question'], {}), '(Question)\n', (173, 183), False, 'from django.contrib import admin\n'), ((184, 211), 'django.contrib.admin.site.register', 'admin.site.register', (['Choice'], {}), '(Choice)\n', (203, 211), False, 'from django.contrib import admin\n')] |
import os
import errno
ERRNO_STRINGS = [
os.strerror(x).lower() for x in errno.errorcode.keys()
]
MANPAGE_MAPPING = {
'.ldaprc': ['http://man7.org/linux/man-pages/man5/.ldaprc.5.html'],
'30-systemd-environment-d-generator': ['http://man7.org/linux/man-pages/man7/30-systemd-environment-d-generator.7.html',
'http://man7.org/linux/man-pages/man8/30-systemd-environment-d-generator.8.html'],
'AS': ['http://man7.org/linux/man-pages/man1/AS.1.html'],
'BC': ['http://man7.org/linux/man-pages/man3/BC.3x.html'],
'BPF': ['http://man7.org/linux/man-pages/man8/BPF.8.html'],
'BerElement': ['http://man7.org/linux/man-pages/man3/BerElement.3.html'],
'BerValue': ['http://man7.org/linux/man-pages/man3/BerValue.3.html'],
'BerVarray': ['http://man7.org/linux/man-pages/man3/BerVarray.3.html'],
'CAKE': ['http://man7.org/linux/man-pages/man8/CAKE.8.html'],
'CBQ': ['http://man7.org/linux/man-pages/man8/CBQ.8.html'],
'CBS': ['http://man7.org/linux/man-pages/man8/CBS.8.html'],
'CIRCLEQ_ENTRY': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_ENTRY.3.html'],
'CIRCLEQ_HEAD': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_HEAD.3.html'],
'CIRCLEQ_INIT': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_INIT.3.html'],
'CIRCLEQ_INSERT_AFTER': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_INSERT_AFTER.3.html'],
'CIRCLEQ_INSERT_BEFORE': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_INSERT_BEFORE.3.html'],
'CIRCLEQ_INSERT_HEAD': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_INSERT_HEAD.3.html'],
'CIRCLEQ_INSERT_TAIL': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_INSERT_TAIL.3.html'],
'CIRCLEQ_REMOVE': ['http://man7.org/linux/man-pages/man3/CIRCLEQ_REMOVE.3.html'],
'CLEAR': ['http://man7.org/linux/man-pages/man1/CLEAR.1.html'],
'CMSG_ALIGN': ['http://man7.org/linux/man-pages/man3/CMSG_ALIGN.3.html'],
'CMSG_DATA': ['http://man7.org/linux/man-pages/man3/CMSG_DATA.3.html'],
'CMSG_FIRSTHDR': ['http://man7.org/linux/man-pages/man3/CMSG_FIRSTHDR.3.html'],
'CMSG_LEN': ['http://man7.org/linux/man-pages/man3/CMSG_LEN.3.html'],
'CMSG_NXTHDR': ['http://man7.org/linux/man-pages/man3/CMSG_NXTHDR.3.html'],
'CMSG_SPACE': ['http://man7.org/linux/man-pages/man3/CMSG_SPACE.3.html'],
'COLORS': ['http://man7.org/linux/man-pages/man3/COLORS.3x.html'],
'COLOR_PAIR': ['http://man7.org/linux/man-pages/man3/COLOR_PAIR.3x.html'],
'COLOR_PAIRS': ['http://man7.org/linux/man-pages/man3/COLOR_PAIRS.3x.html'],
'COLS': ['http://man7.org/linux/man-pages/man3/COLS.3x.html'],
'CPU_ALLOC': ['http://man7.org/linux/man-pages/man3/CPU_ALLOC.3.html'],
'CPU_ALLOC_SIZE': ['http://man7.org/linux/man-pages/man3/CPU_ALLOC_SIZE.3.html'],
'CPU_AND': ['http://man7.org/linux/man-pages/man3/CPU_AND.3.html'],
'CPU_AND_S': ['http://man7.org/linux/man-pages/man3/CPU_AND_S.3.html'],
'CPU_CLR': ['http://man7.org/linux/man-pages/man3/CPU_CLR.3.html'],
'CPU_CLR_S': ['http://man7.org/linux/man-pages/man3/CPU_CLR_S.3.html'],
'CPU_COUNT': ['http://man7.org/linux/man-pages/man3/CPU_COUNT.3.html'],
'CPU_COUNT_S': ['http://man7.org/linux/man-pages/man3/CPU_COUNT_S.3.html'],
'CPU_EQUAL': ['http://man7.org/linux/man-pages/man3/CPU_EQUAL.3.html'],
'CPU_EQUAL_S': ['http://man7.org/linux/man-pages/man3/CPU_EQUAL_S.3.html'],
'CPU_FREE': ['http://man7.org/linux/man-pages/man3/CPU_FREE.3.html'],
'CPU_ISSET': ['http://man7.org/linux/man-pages/man3/CPU_ISSET.3.html'],
'CPU_ISSET_S': ['http://man7.org/linux/man-pages/man3/CPU_ISSET_S.3.html'],
'CPU_OR': ['http://man7.org/linux/man-pages/man3/CPU_OR.3.html'],
'CPU_OR_S': ['http://man7.org/linux/man-pages/man3/CPU_OR_S.3.html'],
'CPU_SET': ['http://man7.org/linux/man-pages/man3/CPU_SET.3.html'],
'CPU_SET_S': ['http://man7.org/linux/man-pages/man3/CPU_SET_S.3.html'],
'CPU_XOR': ['http://man7.org/linux/man-pages/man3/CPU_XOR.3.html'],
'CPU_XOR_S': ['http://man7.org/linux/man-pages/man3/CPU_XOR_S.3.html'],
'CPU_ZERO': ['http://man7.org/linux/man-pages/man3/CPU_ZERO.3.html'],
'CPU_ZERO_S': ['http://man7.org/linux/man-pages/man3/CPU_ZERO_S.3.html'],
'CoDel': ['http://man7.org/linux/man-pages/man8/CoDel.8.html'],
'DES_FAILED': ['http://man7.org/linux/man-pages/man3/DES_FAILED.3.html'],
'ESCDELAY': ['http://man7.org/linux/man-pages/man3/ESCDELAY.3x.html'],
'ETF': ['http://man7.org/linux/man-pages/man8/ETF.8.html'],
'FD_CLR': ['http://man7.org/linux/man-pages/man3/FD_CLR.3.html',
'http://man7.org/linux/man-pages/man3/FD_CLR.3p.html'],
'FD_ISSET': ['http://man7.org/linux/man-pages/man3/FD_ISSET.3.html'],
'FD_SET': ['http://man7.org/linux/man-pages/man3/FD_SET.3.html'],
'FD_ZERO': ['http://man7.org/linux/man-pages/man3/FD_ZERO.3.html'],
'FQ': ['http://man7.org/linux/man-pages/man8/FQ.8.html'],
'Firecfg': ['http://man7.org/linux/man-pages/man1/Firecfg.1.html'],
'Firejail': ['http://man7.org/linux/man-pages/man1/Firejail.1.html'],
'Firemon': ['http://man7.org/linux/man-pages/man1/Firemon.1.html'],
'GNU': ['http://man7.org/linux/man-pages/man1/GNU.1.html'],
'HFSC': ['http://man7.org/linux/man-pages/man8/HFSC.8.html'],
'HTB': ['http://man7.org/linux/man-pages/man8/HTB.8.html'],
'HUGE_VAL': ['http://man7.org/linux/man-pages/man3/HUGE_VAL.3.html'],
'HUGE_VALF': ['http://man7.org/linux/man-pages/man3/HUGE_VALF.3.html'],
'HUGE_VALL': ['http://man7.org/linux/man-pages/man3/HUGE_VALL.3.html'],
'IFE': ['http://man7.org/linux/man-pages/man8/IFE.8.html'],
'INFINITY': ['http://man7.org/linux/man-pages/man3/INFINITY.3.html'],
'LINES': ['http://man7.org/linux/man-pages/man3/LINES.3x.html'],
'LIST_EMPTY': ['http://man7.org/linux/man-pages/man3/LIST_EMPTY.3.html'],
'LIST_ENTRY': ['http://man7.org/linux/man-pages/man3/LIST_ENTRY.3.html'],
'LIST_FIRST': ['http://man7.org/linux/man-pages/man3/LIST_FIRST.3.html'],
'LIST_FOREACH': ['http://man7.org/linux/man-pages/man3/LIST_FOREACH.3.html'],
'LIST_HEAD': ['http://man7.org/linux/man-pages/man3/LIST_HEAD.3.html'],
'LIST_HEAD_INITIALIZER': ['http://man7.org/linux/man-pages/man3/LIST_HEAD_INITIALIZER.3.html'],
'LIST_INIT': ['http://man7.org/linux/man-pages/man3/LIST_INIT.3.html'],
'LIST_INSERT_AFTER': ['http://man7.org/linux/man-pages/man3/LIST_INSERT_AFTER.3.html'],
'LIST_INSERT_BEFORE': ['http://man7.org/linux/man-pages/man3/LIST_INSERT_BEFORE.3.html'],
'LIST_INSERT_HEAD': ['http://man7.org/linux/man-pages/man3/LIST_INSERT_HEAD.3.html'],
'LIST_NEXT': ['http://man7.org/linux/man-pages/man3/LIST_NEXT.3.html'],
'LIST_REMOVE': ['http://man7.org/linux/man-pages/man3/LIST_REMOVE.3.html'],
'LOGARCHIVE': ['http://man7.org/linux/man-pages/man5/LOGARCHIVE.5.html'],
'LOGIMPORT': ['http://man7.org/linux/man-pages/man3/LOGIMPORT.3.html'],
'MB_CUR_MAX': ['http://man7.org/linux/man-pages/man3/MB_CUR_MAX.3.html'],
'MB_LEN_MAX': ['http://man7.org/linux/man-pages/man3/MB_LEN_MAX.3.html'],
'MQPRIO': ['http://man7.org/linux/man-pages/man8/MQPRIO.8.html'],
'NAN': ['http://man7.org/linux/man-pages/man3/NAN.3.html'],
'NetEm': ['http://man7.org/linux/man-pages/man8/NetEm.8.html'],
'PAIR_NUMBER': ['http://man7.org/linux/man-pages/man3/PAIR_NUMBER.3x.html'],
'PAM': ['http://man7.org/linux/man-pages/man8/PAM.8.html'],
'PC': ['http://man7.org/linux/man-pages/man3/PC.3x.html'],
'PCPIntro': ['http://man7.org/linux/man-pages/man1/PCPIntro.1.html',
'http://man7.org/linux/man-pages/man3/PCPIntro.3.html'],
'PCRE': ['http://man7.org/linux/man-pages/man3/PCRE.3.html'],
'PIE': ['http://man7.org/linux/man-pages/man8/PIE.8.html'],
'PMAPI': ['http://man7.org/linux/man-pages/man3/PMAPI.3.html'],
'PMAPI_INTERNAL': ['http://man7.org/linux/man-pages/man3/PMAPI_INTERNAL.3.html'],
'PMDA': ['http://man7.org/linux/man-pages/man3/PMDA.3.html'],
'PMWEBAPI': ['http://man7.org/linux/man-pages/man3/PMWEBAPI.3.html'],
'PM_FAULT_CHECK': ['http://man7.org/linux/man-pages/man3/PM_FAULT_CHECK.3.html'],
'PM_FAULT_CLEAR': ['http://man7.org/linux/man-pages/man3/PM_FAULT_CLEAR.3.html'],
'PM_FAULT_POINT': ['http://man7.org/linux/man-pages/man3/PM_FAULT_POINT.3.html'],
'PM_FAULT_RETURN': ['http://man7.org/linux/man-pages/man3/PM_FAULT_RETURN.3.html'],
'PRIO': ['http://man7.org/linux/man-pages/man8/PRIO.8.html'],
'QMC': ['http://man7.org/linux/man-pages/man3/QMC.3.html'],
'QmcContext': ['http://man7.org/linux/man-pages/man3/QmcContext.3.html'],
'QmcDesc': ['http://man7.org/linux/man-pages/man3/QmcDesc.3.html'],
'QmcGroup': ['http://man7.org/linux/man-pages/man3/QmcGroup.3.html'],
'QmcIndom': ['http://man7.org/linux/man-pages/man3/QmcIndom.3.html'],
'QmcMetric': ['http://man7.org/linux/man-pages/man3/QmcMetric.3.html'],
'QmcSource': ['http://man7.org/linux/man-pages/man3/QmcSource.3.html'],
'RESET': ['http://man7.org/linux/man-pages/man1/RESET.1.html'],
'SD_ALERT': ['http://man7.org/linux/man-pages/man3/SD_ALERT.3.html'],
'SD_BUS_ERROR_ACCESS_DENIED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_ACCESS_DENIED.3.html'],
'SD_BUS_ERROR_ADDRESS_IN_USE': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_ADDRESS_IN_USE.3.html'],
'SD_BUS_ERROR_AUTH_FAILED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_AUTH_FAILED.3.html'],
'SD_BUS_ERROR_BAD_ADDRESS': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_BAD_ADDRESS.3.html'],
'SD_BUS_ERROR_DISCONNECTED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_DISCONNECTED.3.html'],
'SD_BUS_ERROR_END': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_END.3.html'],
'SD_BUS_ERROR_FAILED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_FAILED.3.html'],
'SD_BUS_ERROR_FILE_EXISTS': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_FILE_EXISTS.3.html'],
'SD_BUS_ERROR_FILE_NOT_FOUND': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_FILE_NOT_FOUND.3.html'],
'SD_BUS_ERROR_INCONSISTENT_MESSAGE': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_INCONSISTENT_MESSAGE.3.html'],
'SD_BUS_ERROR_INTERACTIVE_AUTHORIZATION_REQUIRED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_INTERACTIVE_AUTHORIZATION_REQUIRED.3.html'],
'SD_BUS_ERROR_INVALID_ARGS': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_INVALID_ARGS.3.html'],
'SD_BUS_ERROR_INVALID_SIGNATURE': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_INVALID_SIGNATURE.3.html'],
'SD_BUS_ERROR_IO_ERROR': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_IO_ERROR.3.html'],
'SD_BUS_ERROR_LIMITS_EXCEEDED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_LIMITS_EXCEEDED.3.html'],
'SD_BUS_ERROR_MAKE_CONST': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_MAKE_CONST.3.html'],
'SD_BUS_ERROR_MAP': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_MAP.3.html'],
'SD_BUS_ERROR_MATCH_RULE_INVALID': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_MATCH_RULE_INVALID.3.html'],
'SD_BUS_ERROR_MATCH_RULE_NOT_FOUND': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_MATCH_RULE_NOT_FOUND.3.html'],
'SD_BUS_ERROR_NAME_HAS_NO_OWNER': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NAME_HAS_NO_OWNER.3.html'],
'SD_BUS_ERROR_NOT_SUPPORTED': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NOT_SUPPORTED.3.html'],
'SD_BUS_ERROR_NO_MEMORY': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NO_MEMORY.3.html'],
'SD_BUS_ERROR_NO_NETWORK': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NO_NETWORK.3.html'],
'SD_BUS_ERROR_NO_REPLY': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NO_REPLY.3.html'],
'SD_BUS_ERROR_NO_SERVER': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NO_SERVER.3.html'],
'SD_BUS_ERROR_NULL': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_NULL.3.html'],
'SD_BUS_ERROR_PROPERTY_READ_ONLY': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_PROPERTY_READ_ONLY.3.html'],
'SD_BUS_ERROR_SERVICE_UNKNOWN': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_SERVICE_UNKNOWN.3.html'],
'SD_BUS_ERROR_TIMEOUT': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_TIMEOUT.3.html'],
'SD_BUS_ERROR_UNIX_PROCESS_ID_UNKNOWN': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_UNIX_PROCESS_ID_UNKNOWN.3.html'],
'SD_BUS_ERROR_UNKNOWN_INTERFACE': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_UNKNOWN_INTERFACE.3.html'],
'SD_BUS_ERROR_UNKNOWN_METHOD': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_UNKNOWN_METHOD.3.html'],
'SD_BUS_ERROR_UNKNOWN_OBJECT': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_UNKNOWN_OBJECT.3.html'],
'SD_BUS_ERROR_UNKNOWN_PROPERTY': ['http://man7.org/linux/man-pages/man3/SD_BUS_ERROR_UNKNOWN_PROPERTY.3.html'],
'SD_CRIT': ['http://man7.org/linux/man-pages/man3/SD_CRIT.3.html'],
'SD_DEBUG': ['http://man7.org/linux/man-pages/man3/SD_DEBUG.3.html'],
'SD_EMERG': ['http://man7.org/linux/man-pages/man3/SD_EMERG.3.html'],
'SD_ERR': ['http://man7.org/linux/man-pages/man3/SD_ERR.3.html'],
'SD_EVENT_ARMED': ['http://man7.org/linux/man-pages/man3/SD_EVENT_ARMED.3.html'],
'SD_EVENT_EXITING': ['http://man7.org/linux/man-pages/man3/SD_EVENT_EXITING.3.html'],
'SD_EVENT_FINISHED': ['http://man7.org/linux/man-pages/man3/SD_EVENT_FINISHED.3.html'],
'SD_EVENT_INITIAL': ['http://man7.org/linux/man-pages/man3/SD_EVENT_INITIAL.3.html'],
'SD_EVENT_OFF': ['http://man7.org/linux/man-pages/man3/SD_EVENT_OFF.3.html'],
'SD_EVENT_ON': ['http://man7.org/linux/man-pages/man3/SD_EVENT_ON.3.html'],
'SD_EVENT_ONESHOT': ['http://man7.org/linux/man-pages/man3/SD_EVENT_ONESHOT.3.html'],
'SD_EVENT_PENDING': ['http://man7.org/linux/man-pages/man3/SD_EVENT_PENDING.3.html'],
'SD_EVENT_PREPARING': ['http://man7.org/linux/man-pages/man3/SD_EVENT_PREPARING.3.html'],
'SD_EVENT_PRIORITY_IDLE': ['http://man7.org/linux/man-pages/man3/SD_EVENT_PRIORITY_IDLE.3.html'],
'SD_EVENT_PRIORITY_IMPORTANT': ['http://man7.org/linux/man-pages/man3/SD_EVENT_PRIORITY_IMPORTANT.3.html'],
'SD_EVENT_PRIORITY_NORMAL': ['http://man7.org/linux/man-pages/man3/SD_EVENT_PRIORITY_NORMAL.3.html'],
'SD_EVENT_RUNNING': ['http://man7.org/linux/man-pages/man3/SD_EVENT_RUNNING.3.html'],
'SD_ID128_CONST_STR': ['http://man7.org/linux/man-pages/man3/SD_ID128_CONST_STR.3.html'],
'SD_ID128_FORMAT_STR': ['http://man7.org/linux/man-pages/man3/SD_ID128_FORMAT_STR.3.html'],
'SD_ID128_FORMAT_VAL': ['http://man7.org/linux/man-pages/man3/SD_ID128_FORMAT_VAL.3.html'],
'SD_ID128_MAKE': ['http://man7.org/linux/man-pages/man3/SD_ID128_MAKE.3.html'],
'SD_ID128_MAKE_STR': ['http://man7.org/linux/man-pages/man3/SD_ID128_MAKE_STR.3.html'],
'SD_ID128_NULL': ['http://man7.org/linux/man-pages/man3/SD_ID128_NULL.3.html'],
'SD_INFO': ['http://man7.org/linux/man-pages/man3/SD_INFO.3.html'],
'SD_JOURNAL_APPEND': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_APPEND.3.html'],
'SD_JOURNAL_CURRENT_USER': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_CURRENT_USER.3.html'],
'SD_JOURNAL_FOREACH': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_FOREACH.3.html'],
'SD_JOURNAL_FOREACH_BACKWARDS': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_FOREACH_BACKWARDS.3.html'],
'SD_JOURNAL_FOREACH_DATA': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_FOREACH_DATA.3.html'],
'SD_JOURNAL_FOREACH_FIELD': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_FOREACH_FIELD.3.html'],
'SD_JOURNAL_FOREACH_UNIQUE': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_FOREACH_UNIQUE.3.html'],
'SD_JOURNAL_INVALIDATE': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_INVALIDATE.3.html'],
'SD_JOURNAL_LOCAL_ONLY': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_LOCAL_ONLY.3.html'],
'SD_JOURNAL_NOP': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_NOP.3.html'],
'SD_JOURNAL_OS_ROOT': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_OS_ROOT.3.html'],
'SD_JOURNAL_RUNTIME_ONLY': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_RUNTIME_ONLY.3.html'],
'SD_JOURNAL_SUPPRESS_LOCATION': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_SUPPRESS_LOCATION.3.html'],
'SD_JOURNAL_SYSTEM': ['http://man7.org/linux/man-pages/man3/SD_JOURNAL_SYSTEM.3.html'],
'SD_LISTEN_FDS_START': ['http://man7.org/linux/man-pages/man3/SD_LISTEN_FDS_START.3.html'],
'SD_NOTICE': ['http://man7.org/linux/man-pages/man3/SD_NOTICE.3.html'],
'SD_WARNING': ['http://man7.org/linux/man-pages/man3/SD_WARNING.3.html'],
'SELinux': ['http://man7.org/linux/man-pages/man8/SELinux.8.html'],
'SLIST_EMPTY': ['http://man7.org/linux/man-pages/man3/SLIST_EMPTY.3.html'],
'SLIST_ENTRY': ['http://man7.org/linux/man-pages/man3/SLIST_ENTRY.3.html'],
'SLIST_FIRST': ['http://man7.org/linux/man-pages/man3/SLIST_FIRST.3.html'],
'SLIST_FOREACH': ['http://man7.org/linux/man-pages/man3/SLIST_FOREACH.3.html'],
'SLIST_HEAD': ['http://man7.org/linux/man-pages/man3/SLIST_HEAD.3.html'],
'SLIST_HEAD_INITIALIZER': ['http://man7.org/linux/man-pages/man3/SLIST_HEAD_INITIALIZER.3.html'],
'SLIST_INIT': ['http://man7.org/linux/man-pages/man3/SLIST_INIT.3.html'],
'SLIST_INSERT_AFTER': ['http://man7.org/linux/man-pages/man3/SLIST_INSERT_AFTER.3.html'],
'SLIST_INSERT_HEAD': ['http://man7.org/linux/man-pages/man3/SLIST_INSERT_HEAD.3.html'],
'SLIST_NEXT': ['http://man7.org/linux/man-pages/man3/SLIST_NEXT.3.html'],
'SLIST_REMOVE': ['http://man7.org/linux/man-pages/man3/SLIST_REMOVE.3.html'],
'SLIST_REMOVE_HEAD': ['http://man7.org/linux/man-pages/man3/SLIST_REMOVE_HEAD.3.html'],
'SP': ['http://man7.org/linux/man-pages/man3/SP.3x.html'],
'SSHFS': ['http://man7.org/linux/man-pages/man1/SSHFS.1.html'],
'STAILQ_CONCAT': ['http://man7.org/linux/man-pages/man3/STAILQ_CONCAT.3.html'],
'STAILQ_EMPTY': ['http://man7.org/linux/man-pages/man3/STAILQ_EMPTY.3.html'],
'STAILQ_ENTRY': ['http://man7.org/linux/man-pages/man3/STAILQ_ENTRY.3.html'],
'STAILQ_FIRST': ['http://man7.org/linux/man-pages/man3/STAILQ_FIRST.3.html'],
'STAILQ_FOREACH': ['http://man7.org/linux/man-pages/man3/STAILQ_FOREACH.3.html'],
'STAILQ_HEAD': ['http://man7.org/linux/man-pages/man3/STAILQ_HEAD.3.html'],
'STAILQ_HEAD_INITIALIZER': ['http://man7.org/linux/man-pages/man3/STAILQ_HEAD_INITIALIZER.3.html'],
'STAILQ_INIT': ['http://man7.org/linux/man-pages/man3/STAILQ_INIT.3.html'],
'STAILQ_INSERT_AFTER': ['http://man7.org/linux/man-pages/man3/STAILQ_INSERT_AFTER.3.html'],
'STAILQ_INSERT_HEAD': ['http://man7.org/linux/man-pages/man3/STAILQ_INSERT_HEAD.3.html'],
'STAILQ_INSERT_TAIL': ['http://man7.org/linux/man-pages/man3/STAILQ_INSERT_TAIL.3.html'],
'STAILQ_NEXT': ['http://man7.org/linux/man-pages/man3/STAILQ_NEXT.3.html'],
'STAILQ_REMOVE': ['http://man7.org/linux/man-pages/man3/STAILQ_REMOVE.3.html'],
'STAILQ_REMOVE_HEAD': ['http://man7.org/linux/man-pages/man3/STAILQ_REMOVE_HEAD.3.html'],
'Sockbuf_IO': ['http://man7.org/linux/man-pages/man3/Sockbuf_IO.3.html'],
'TABS': ['http://man7.org/linux/man-pages/man1/TABS.1.html'],
'TABSIZE': ['http://man7.org/linux/man-pages/man3/TABSIZE.3x.html'],
'TAILQ_CONCAT': ['http://man7.org/linux/man-pages/man3/TAILQ_CONCAT.3.html'],
'TAILQ_EMPTY': ['http://man7.org/linux/man-pages/man3/TAILQ_EMPTY.3.html'],
'TAILQ_ENTRY': ['http://man7.org/linux/man-pages/man3/TAILQ_ENTRY.3.html'],
'TAILQ_FIRST': ['http://man7.org/linux/man-pages/man3/TAILQ_FIRST.3.html'],
'TAILQ_FOREACH': ['http://man7.org/linux/man-pages/man3/TAILQ_FOREACH.3.html'],
'TAILQ_FOREACH_REVERSE': ['http://man7.org/linux/man-pages/man3/TAILQ_FOREACH_REVERSE.3.html'],
'TAILQ_HEAD': ['http://man7.org/linux/man-pages/man3/TAILQ_HEAD.3.html'],
'TAILQ_HEAD_INITIALIZER': ['http://man7.org/linux/man-pages/man3/TAILQ_HEAD_INITIALIZER.3.html'],
'TAILQ_INIT': ['http://man7.org/linux/man-pages/man3/TAILQ_INIT.3.html'],
'TAILQ_INSERT_AFTER': ['http://man7.org/linux/man-pages/man3/TAILQ_INSERT_AFTER.3.html'],
'TAILQ_INSERT_BEFORE': ['http://man7.org/linux/man-pages/man3/TAILQ_INSERT_BEFORE.3.html'],
'TAILQ_INSERT_HEAD': ['http://man7.org/linux/man-pages/man3/TAILQ_INSERT_HEAD.3.html'],
'TAILQ_INSERT_TAIL': ['http://man7.org/linux/man-pages/man3/TAILQ_INSERT_TAIL.3.html'],
'TAILQ_LAST': ['http://man7.org/linux/man-pages/man3/TAILQ_LAST.3.html'],
'TAILQ_NEXT': ['http://man7.org/linux/man-pages/man3/TAILQ_NEXT.3.html'],
'TAILQ_PREV': ['http://man7.org/linux/man-pages/man3/TAILQ_PREV.3.html'],
'TAILQ_REMOVE': ['http://man7.org/linux/man-pages/man3/TAILQ_REMOVE.3.html'],
'TAILQ_SWAP': ['http://man7.org/linux/man-pages/man3/TAILQ_SWAP.3.html'],
'TAPRIO': ['http://man7.org/linux/man-pages/man8/TAPRIO.8.html'],
'TPUT': ['http://man7.org/linux/man-pages/man1/TPUT.1.html'],
'TSET': ['http://man7.org/linux/man-pages/man1/TSET.1.html'],
'TYPE_ALNUM': ['http://man7.org/linux/man-pages/man3/TYPE_ALNUM.3x.html'],
'TYPE_ALPHA': ['http://man7.org/linux/man-pages/man3/TYPE_ALPHA.3x.html'],
'TYPE_ENUM': ['http://man7.org/linux/man-pages/man3/TYPE_ENUM.3x.html'],
'TYPE_INTEGER': ['http://man7.org/linux/man-pages/man3/TYPE_INTEGER.3x.html'],
'TYPE_IPV4': ['http://man7.org/linux/man-pages/man3/TYPE_IPV4.3x.html'],
'TYPE_NUMERIC': ['http://man7.org/linux/man-pages/man3/TYPE_NUMERIC.3x.html'],
'TYPE_REGEXP': ['http://man7.org/linux/man-pages/man3/TYPE_REGEXP.3x.html'],
'UP': ['http://man7.org/linux/man-pages/man3/UP.3x.html'],
'UTF-8': ['http://man7.org/linux/man-pages/man7/UTF-8.7.html'],
'Wget': ['http://man7.org/linux/man-pages/man1/Wget.1.html'],
'_Exit': ['http://man7.org/linux/man-pages/man2/_Exit.2.html',
'http://man7.org/linux/man-pages/man3/_Exit.3p.html'],
'__after_morecore_hook': ['http://man7.org/linux/man-pages/man3/__after_morecore_hook.3.html'],
'__clone2': ['http://man7.org/linux/man-pages/man2/__clone2.2.html'],
'__fbufsize': ['http://man7.org/linux/man-pages/man3/__fbufsize.3.html'],
'__flbf': ['http://man7.org/linux/man-pages/man3/__flbf.3.html'],
'__fpending': ['http://man7.org/linux/man-pages/man3/__fpending.3.html'],
'__fpurge': ['http://man7.org/linux/man-pages/man3/__fpurge.3.html'],
'__freadable': ['http://man7.org/linux/man-pages/man3/__freadable.3.html'],
'__freading': ['http://man7.org/linux/man-pages/man3/__freading.3.html'],
'__free_hook': ['http://man7.org/linux/man-pages/man3/__free_hook.3.html'],
'__fsetlocking': ['http://man7.org/linux/man-pages/man3/__fsetlocking.3.html'],
'__fwritable': ['http://man7.org/linux/man-pages/man3/__fwritable.3.html'],
'__fwriting': ['http://man7.org/linux/man-pages/man3/__fwriting.3.html'],
'__malloc_hook': ['http://man7.org/linux/man-pages/man3/__malloc_hook.3.html'],
'__malloc_initialize_hook': ['http://man7.org/linux/man-pages/man3/__malloc_initialize_hook.3.html'],
'__memalign_hook': ['http://man7.org/linux/man-pages/man3/__memalign_hook.3.html'],
'__pmAFblock': ['http://man7.org/linux/man-pages/man3/__pmAFblock.3.html'],
'__pmAFisempty': ['http://man7.org/linux/man-pages/man3/__pmAFisempty.3.html'],
'__pmAFregister': ['http://man7.org/linux/man-pages/man3/__pmAFregister.3.html'],
'__pmAFsetup': ['http://man7.org/linux/man-pages/man3/__pmAFsetup.3.html'],
'__pmAFunblock': ['http://man7.org/linux/man-pages/man3/__pmAFunblock.3.html'],
'__pmAFunregister': ['http://man7.org/linux/man-pages/man3/__pmAFunregister.3.html'],
'__pmAddIPC': ['http://man7.org/linux/man-pages/man3/__pmAddIPC.3.html'],
'__pmConnectLogger': ['http://man7.org/linux/man-pages/man3/__pmConnectLogger.3.html'],
'__pmControlLog': ['http://man7.org/linux/man-pages/man3/__pmControlLog.3.html'],
'__pmConvertTime': ['http://man7.org/linux/man-pages/man3/__pmConvertTime.3.html'],
'__pmFaultInject': ['http://man7.org/linux/man-pages/man3/__pmFaultInject.3.html'],
'__pmFaultSummary': ['http://man7.org/linux/man-pages/man3/__pmFaultSummary.3.html'],
'__pmFdLookupIPC': ['http://man7.org/linux/man-pages/man3/__pmFdLookupIPC.3.html'],
'__pmFreeAttrsSpec': ['http://man7.org/linux/man-pages/man3/__pmFreeAttrsSpec.3.html'],
'__pmFreeHostAttrsSpec': ['http://man7.org/linux/man-pages/man3/__pmFreeHostAttrsSpec.3.html'],
'__pmFreeHostSpec': ['http://man7.org/linux/man-pages/man3/__pmFreeHostSpec.3.html'],
'__pmFreeProfile': ['http://man7.org/linux/man-pages/man3/__pmFreeProfile.3.html'],
'__pmLocalPMDA': ['http://man7.org/linux/man-pages/man3/__pmLocalPMDA.3.html'],
'__pmLookupIPC': ['http://man7.org/linux/man-pages/man3/__pmLookupIPC.3.html'],
'__pmMktime': ['http://man7.org/linux/man-pages/man3/__pmMktime.3.html'],
'__pmOverrideLastFd': ['http://man7.org/linux/man-pages/man3/__pmOverrideLastFd.3.html'],
'__pmParseCtime': ['http://man7.org/linux/man-pages/man3/__pmParseCtime.3.html'],
'__pmParseDebug': ['http://man7.org/linux/man-pages/man3/__pmParseDebug.3.html'],
'__pmParseHostAttrsSpec': ['http://man7.org/linux/man-pages/man3/__pmParseHostAttrsSpec.3.html'],
'__pmParseHostSpec': ['http://man7.org/linux/man-pages/man3/__pmParseHostSpec.3.html'],
'__pmParseTime': ['http://man7.org/linux/man-pages/man3/__pmParseTime.3.html'],
'__pmPrintIPC': ['http://man7.org/linux/man-pages/man3/__pmPrintIPC.3.html'],
'__pmProcessAddArg': ['http://man7.org/linux/man-pages/man3/__pmProcessAddArg.3.html'],
'__pmProcessClosePipe': ['http://man7.org/linux/man-pages/man3/__pmProcessClosePipe.3.html'],
'__pmProcessExec': ['http://man7.org/linux/man-pages/man3/__pmProcessExec.3.html'],
'__pmProcessPipe': ['http://man7.org/linux/man-pages/man3/__pmProcessPipe.3.html'],
'__pmProcessUnpickArgs': ['http://man7.org/linux/man-pages/man3/__pmProcessUnpickArgs.3.html'],
'__pmResetIPC': ['http://man7.org/linux/man-pages/man3/__pmResetIPC.3.html'],
'__pmSetDebugBits': ['http://man7.org/linux/man-pages/man3/__pmSetDebugBits.3.html'],
'__pmUnparseHostAttrsSpec': ['http://man7.org/linux/man-pages/man3/__pmUnparseHostAttrsSpec.3.html'],
'__pmUnparseHostSpec': ['http://man7.org/linux/man-pages/man3/__pmUnparseHostSpec.3.html'],
'__pmaf': ['http://man7.org/linux/man-pages/man3/__pmaf.3.html'],
'__pmconnectlogger': ['http://man7.org/linux/man-pages/man3/__pmconnectlogger.3.html'],
'__pmcontrollog': ['http://man7.org/linux/man-pages/man3/__pmcontrollog.3.html'],
'__pmconverttime': ['http://man7.org/linux/man-pages/man3/__pmconverttime.3.html'],
'__pmlocalpmda': ['http://man7.org/linux/man-pages/man3/__pmlocalpmda.3.html'],
'__pmlookupipc': ['http://man7.org/linux/man-pages/man3/__pmlookupipc.3.html'],
'__pmmktime': ['http://man7.org/linux/man-pages/man3/__pmmktime.3.html'],
'__pmparsectime': ['http://man7.org/linux/man-pages/man3/__pmparsectime.3.html'],
'__pmparsetime': ['http://man7.org/linux/man-pages/man3/__pmparsetime.3.html'],
'__pmprocessexec': ['http://man7.org/linux/man-pages/man3/__pmprocessexec.3.html'],
'__pmprocesspipe': ['http://man7.org/linux/man-pages/man3/__pmprocesspipe.3.html'],
'__ppc_get_timebase': ['http://man7.org/linux/man-pages/man3/__ppc_get_timebase.3.html'],
'__ppc_get_timebase_freq': ['http://man7.org/linux/man-pages/man3/__ppc_get_timebase_freq.3.html'],
'__ppc_mdoio': ['http://man7.org/linux/man-pages/man3/__ppc_mdoio.3.html'],
'__ppc_mdoom': ['http://man7.org/linux/man-pages/man3/__ppc_mdoom.3.html'],
'__ppc_set_ppr_low': ['http://man7.org/linux/man-pages/man3/__ppc_set_ppr_low.3.html'],
'__ppc_set_ppr_med': ['http://man7.org/linux/man-pages/man3/__ppc_set_ppr_med.3.html'],
'__ppc_set_ppr_med_high': ['http://man7.org/linux/man-pages/man3/__ppc_set_ppr_med_high.3.html'],
'__ppc_set_ppr_med_low': ['http://man7.org/linux/man-pages/man3/__ppc_set_ppr_med_low.3.html'],
'__ppc_set_ppr_very_low': ['http://man7.org/linux/man-pages/man3/__ppc_set_ppr_very_low.3.html'],
'__ppc_yield': ['http://man7.org/linux/man-pages/man3/__ppc_yield.3.html'],
'__realloc_hook': ['http://man7.org/linux/man-pages/man3/__realloc_hook.3.html'],
'__setfpucw': ['http://man7.org/linux/man-pages/man3/__setfpucw.3.html'],
'_exit': ['http://man7.org/linux/man-pages/man2/_exit.2.html',
'http://man7.org/linux/man-pages/man3/_exit.3p.html'],
'_flushlbf': ['http://man7.org/linux/man-pages/man3/_flushlbf.3.html'],
'_llseek': ['http://man7.org/linux/man-pages/man2/_llseek.2.html'],
'_longjmp': ['http://man7.org/linux/man-pages/man3/_longjmp.3p.html'],
'_nc_free_and_exit': ['http://man7.org/linux/man-pages/man3/_nc_free_and_exit.3x.html'],
'_nc_free_tinfo': ['http://man7.org/linux/man-pages/man3/_nc_free_tinfo.3x.html'],
'_nc_freeall': ['http://man7.org/linux/man-pages/man3/_nc_freeall.3x.html'],
'_nc_tracebits': ['http://man7.org/linux/man-pages/man3/_nc_tracebits.3x.html'],
'_newselect': ['http://man7.org/linux/man-pages/man2/_newselect.2.html'],
'_setjmp': ['http://man7.org/linux/man-pages/man3/_setjmp.3p.html'],
'_syscall': ['http://man7.org/linux/man-pages/man2/_syscall.2.html'],
'_sysctl': ['http://man7.org/linux/man-pages/man2/_sysctl.2.html'],
'_tolower': ['http://man7.org/linux/man-pages/man3/_tolower.3p.html'],
'_toupper': ['http://man7.org/linux/man-pages/man3/_toupper.3p.html'],
'_traceattr': ['http://man7.org/linux/man-pages/man3/_traceattr.3x.html'],
'_traceattr2': ['http://man7.org/linux/man-pages/man3/_traceattr2.3x.html'],
'_tracecchar_t': ['http://man7.org/linux/man-pages/man3/_tracecchar_t.3x.html'],
'_tracecchar_t2': ['http://man7.org/linux/man-pages/man3/_tracecchar_t2.3x.html'],
'_tracechar': ['http://man7.org/linux/man-pages/man3/_tracechar.3x.html'],
'_tracechtype': ['http://man7.org/linux/man-pages/man3/_tracechtype.3x.html'],
'_tracechtype2': ['http://man7.org/linux/man-pages/man3/_tracechtype2.3x.html'],
'_tracedump': ['http://man7.org/linux/man-pages/man3/_tracedump.3x.html'],
'_tracef': ['http://man7.org/linux/man-pages/man3/_tracef.3x.html'],
'_tracemouse': ['http://man7.org/linux/man-pages/man3/_tracemouse.3x.html'],
'a64l': ['http://man7.org/linux/man-pages/man3/a64l.3.html',
'http://man7.org/linux/man-pages/man3/a64l.3p.html'],
'abicompat': ['http://man7.org/linux/man-pages/man1/abicompat.1.html'],
'abidiff': ['http://man7.org/linux/man-pages/man1/abidiff.1.html'],
'abidw': ['http://man7.org/linux/man-pages/man1/abidw.1.html'],
'abilint': ['http://man7.org/linux/man-pages/man1/abilint.1.html'],
'abipkgdiff': ['http://man7.org/linux/man-pages/man1/abipkgdiff.1.html'],
'abort': ['http://man7.org/linux/man-pages/man3/abort.3.html',
'http://man7.org/linux/man-pages/man3/abort.3p.html'],
'abs': ['http://man7.org/linux/man-pages/man3/abs.3.html',
'http://man7.org/linux/man-pages/man3/abs.3p.html'],
'ac': ['http://man7.org/linux/man-pages/man1/ac.1.html'],
'accept': ['http://man7.org/linux/man-pages/man2/accept.2.html',
'http://man7.org/linux/man-pages/man3/accept.3p.html'],
'accept4': ['http://man7.org/linux/man-pages/man2/accept4.2.html'],
'access': ['http://man7.org/linux/man-pages/man2/access.2.html',
'http://man7.org/linux/man-pages/man3/access.3p.html'],
'access.conf': ['http://man7.org/linux/man-pages/man5/access.conf.5.html'],
'accessdb': ['http://man7.org/linux/man-pages/man8/accessdb.8.html'],
'acct': ['http://man7.org/linux/man-pages/man2/acct.2.html',
'http://man7.org/linux/man-pages/man5/acct.5.html'],
'accton': ['http://man7.org/linux/man-pages/man8/accton.8.html'],
'acl': ['http://man7.org/linux/man-pages/man5/acl.5.html'],
'acl_add_perm': ['http://man7.org/linux/man-pages/man3/acl_add_perm.3.html'],
'acl_calc_mask': ['http://man7.org/linux/man-pages/man3/acl_calc_mask.3.html'],
'acl_check': ['http://man7.org/linux/man-pages/man3/acl_check.3.html'],
'acl_clear_perms': ['http://man7.org/linux/man-pages/man3/acl_clear_perms.3.html'],
'acl_cmp': ['http://man7.org/linux/man-pages/man3/acl_cmp.3.html'],
'acl_copy_entry': ['http://man7.org/linux/man-pages/man3/acl_copy_entry.3.html'],
'acl_copy_ext': ['http://man7.org/linux/man-pages/man3/acl_copy_ext.3.html'],
'acl_copy_int': ['http://man7.org/linux/man-pages/man3/acl_copy_int.3.html'],
'acl_create_entry': ['http://man7.org/linux/man-pages/man3/acl_create_entry.3.html'],
'acl_delete_def_file': ['http://man7.org/linux/man-pages/man3/acl_delete_def_file.3.html'],
'acl_delete_entry': ['http://man7.org/linux/man-pages/man3/acl_delete_entry.3.html'],
'acl_delete_perm': ['http://man7.org/linux/man-pages/man3/acl_delete_perm.3.html'],
'acl_dup': ['http://man7.org/linux/man-pages/man3/acl_dup.3.html'],
'acl_entries': ['http://man7.org/linux/man-pages/man3/acl_entries.3.html'],
'acl_equiv_mode': ['http://man7.org/linux/man-pages/man3/acl_equiv_mode.3.html'],
'acl_error': ['http://man7.org/linux/man-pages/man3/acl_error.3.html'],
'acl_extended_fd': ['http://man7.org/linux/man-pages/man3/acl_extended_fd.3.html'],
'acl_extended_file': ['http://man7.org/linux/man-pages/man3/acl_extended_file.3.html'],
'acl_extended_file_nofollow': ['http://man7.org/linux/man-pages/man3/acl_extended_file_nofollow.3.html'],
'acl_free': ['http://man7.org/linux/man-pages/man3/acl_free.3.html'],
'acl_from_mode': ['http://man7.org/linux/man-pages/man3/acl_from_mode.3.html'],
'acl_from_text': ['http://man7.org/linux/man-pages/man3/acl_from_text.3.html'],
'acl_get_entry': ['http://man7.org/linux/man-pages/man3/acl_get_entry.3.html'],
'acl_get_fd': ['http://man7.org/linux/man-pages/man3/acl_get_fd.3.html'],
'acl_get_file': ['http://man7.org/linux/man-pages/man3/acl_get_file.3.html'],
'acl_get_perm': ['http://man7.org/linux/man-pages/man3/acl_get_perm.3.html'],
'acl_get_permset': ['http://man7.org/linux/man-pages/man3/acl_get_permset.3.html'],
'acl_get_qualifier': ['http://man7.org/linux/man-pages/man3/acl_get_qualifier.3.html'],
'acl_get_tag_type': ['http://man7.org/linux/man-pages/man3/acl_get_tag_type.3.html'],
'acl_init': ['http://man7.org/linux/man-pages/man3/acl_init.3.html'],
'acl_set_fd': ['http://man7.org/linux/man-pages/man3/acl_set_fd.3.html'],
'acl_set_file': ['http://man7.org/linux/man-pages/man3/acl_set_file.3.html'],
'acl_set_permset': ['http://man7.org/linux/man-pages/man3/acl_set_permset.3.html'],
'acl_set_qualifier': ['http://man7.org/linux/man-pages/man3/acl_set_qualifier.3.html'],
'acl_set_tag_type': ['http://man7.org/linux/man-pages/man3/acl_set_tag_type.3.html'],
'acl_size': ['http://man7.org/linux/man-pages/man3/acl_size.3.html'],
'acl_to_any_text': ['http://man7.org/linux/man-pages/man3/acl_to_any_text.3.html'],
'acl_to_text': ['http://man7.org/linux/man-pages/man3/acl_to_text.3.html'],
'acl_valid': ['http://man7.org/linux/man-pages/man3/acl_valid.3.html'],
'acos': ['http://man7.org/linux/man-pages/man3/acos.3.html',
'http://man7.org/linux/man-pages/man3/acos.3p.html'],
'acosf': ['http://man7.org/linux/man-pages/man3/acosf.3.html',
'http://man7.org/linux/man-pages/man3/acosf.3p.html'],
'acosh': ['http://man7.org/linux/man-pages/man3/acosh.3.html',
'http://man7.org/linux/man-pages/man3/acosh.3p.html'],
'acoshf': ['http://man7.org/linux/man-pages/man3/acoshf.3.html',
'http://man7.org/linux/man-pages/man3/acoshf.3p.html'],
'acoshl': ['http://man7.org/linux/man-pages/man3/acoshl.3.html',
'http://man7.org/linux/man-pages/man3/acoshl.3p.html'],
'acosl': ['http://man7.org/linux/man-pages/man3/acosl.3.html',
'http://man7.org/linux/man-pages/man3/acosl.3p.html'],
'acs_map': ['http://man7.org/linux/man-pages/man3/acs_map.3x.html'],
'actions': ['http://man7.org/linux/man-pages/man8/actions.8.html'],
'add_key': ['http://man7.org/linux/man-pages/man2/add_key.2.html'],
'add_wch': ['http://man7.org/linux/man-pages/man3/add_wch.3x.html'],
'add_wchnstr': ['http://man7.org/linux/man-pages/man3/add_wchnstr.3x.html'],
'add_wchstr': ['http://man7.org/linux/man-pages/man3/add_wchstr.3x.html'],
'addch': ['http://man7.org/linux/man-pages/man3/addch.3x.html'],
'addchnstr': ['http://man7.org/linux/man-pages/man3/addchnstr.3x.html'],
'addchstr': ['http://man7.org/linux/man-pages/man3/addchstr.3x.html'],
'addftinfo': ['http://man7.org/linux/man-pages/man1/addftinfo.1.html'],
'addmntent': ['http://man7.org/linux/man-pages/man3/addmntent.3.html'],
'addnstr': ['http://man7.org/linux/man-pages/man3/addnstr.3x.html'],
'addnwstr': ['http://man7.org/linux/man-pages/man3/addnwstr.3x.html'],
'addpart': ['http://man7.org/linux/man-pages/man8/addpart.8.html'],
'addr2line': ['http://man7.org/linux/man-pages/man1/addr2line.1.html'],
'addseverity': ['http://man7.org/linux/man-pages/man3/addseverity.3.html'],
'addstr': ['http://man7.org/linux/man-pages/man3/addstr.3x.html'],
'addwstr': ['http://man7.org/linux/man-pages/man3/addwstr.3x.html'],
'adjtime': ['http://man7.org/linux/man-pages/man3/adjtime.3.html',
'http://man7.org/linux/man-pages/man5/adjtime.5.html'],
'adjtime_config': ['http://man7.org/linux/man-pages/man5/adjtime_config.5.html'],
'adjtimex': ['http://man7.org/linux/man-pages/man2/adjtimex.2.html'],
'admin': ['http://man7.org/linux/man-pages/man1/admin.1p.html'],
'afmtodit': ['http://man7.org/linux/man-pages/man1/afmtodit.1.html'],
'afs_syscall': ['http://man7.org/linux/man-pages/man2/afs_syscall.2.html'],
'agetty': ['http://man7.org/linux/man-pages/man8/agetty.8.html'],
'aio': ['http://man7.org/linux/man-pages/man7/aio.7.html'],
'aio.h': ['http://man7.org/linux/man-pages/man0/aio.h.0p.html'],
'aio_cancel': ['http://man7.org/linux/man-pages/man3/aio_cancel.3.html',
'http://man7.org/linux/man-pages/man3/aio_cancel.3p.html'],
'aio_error': ['http://man7.org/linux/man-pages/man3/aio_error.3.html',
'http://man7.org/linux/man-pages/man3/aio_error.3p.html'],
'aio_fsync': ['http://man7.org/linux/man-pages/man3/aio_fsync.3.html',
'http://man7.org/linux/man-pages/man3/aio_fsync.3p.html'],
'aio_init': ['http://man7.org/linux/man-pages/man3/aio_init.3.html'],
'aio_read': ['http://man7.org/linux/man-pages/man3/aio_read.3.html',
'http://man7.org/linux/man-pages/man3/aio_read.3p.html'],
'aio_return': ['http://man7.org/linux/man-pages/man3/aio_return.3.html',
'http://man7.org/linux/man-pages/man3/aio_return.3p.html'],
'aio_suspend': ['http://man7.org/linux/man-pages/man3/aio_suspend.3.html',
'http://man7.org/linux/man-pages/man3/aio_suspend.3p.html'],
'aio_write': ['http://man7.org/linux/man-pages/man3/aio_write.3.html',
'http://man7.org/linux/man-pages/man3/aio_write.3p.html'],
'alarm': ['http://man7.org/linux/man-pages/man2/alarm.2.html',
'http://man7.org/linux/man-pages/man3/alarm.3p.html'],
'alias': ['http://man7.org/linux/man-pages/man1/alias.1p.html'],
'aligned_alloc': ['http://man7.org/linux/man-pages/man3/aligned_alloc.3.html'],
'alloc_hugepages': ['http://man7.org/linux/man-pages/man2/alloc_hugepages.2.html'],
'alloc_pair': ['http://man7.org/linux/man-pages/man3/alloc_pair.3x.html'],
'alloca': ['http://man7.org/linux/man-pages/man3/alloca.3.html'],
'alphasort': ['http://man7.org/linux/man-pages/man3/alphasort.3.html',
'http://man7.org/linux/man-pages/man3/alphasort.3p.html'],
'anacron': ['http://man7.org/linux/man-pages/man8/anacron.8.html'],
'anacrontab': ['http://man7.org/linux/man-pages/man5/anacrontab.5.html'],
'and': ['http://man7.org/linux/man-pages/man3/and.3.html'],
'apropos': ['http://man7.org/linux/man-pages/man1/apropos.1.html'],
'ar': ['http://man7.org/linux/man-pages/man1/ar.1.html',
'http://man7.org/linux/man-pages/man1/ar.1p.html'],
'arch': ['http://man7.org/linux/man-pages/man1/arch.1.html'],
'arch_prctl': ['http://man7.org/linux/man-pages/man2/arch_prctl.2.html'],
'argz': ['http://man7.org/linux/man-pages/man3/argz.3.html'],
'argz_add': ['http://man7.org/linux/man-pages/man3/argz_add.3.html'],
'argz_add_sep': ['http://man7.org/linux/man-pages/man3/argz_add_sep.3.html'],
'argz_append': ['http://man7.org/linux/man-pages/man3/argz_append.3.html'],
'argz_count': ['http://man7.org/linux/man-pages/man3/argz_count.3.html'],
'argz_create': ['http://man7.org/linux/man-pages/man3/argz_create.3.html'],
'argz_create_sep': ['http://man7.org/linux/man-pages/man3/argz_create_sep.3.html'],
'argz_delete': ['http://man7.org/linux/man-pages/man3/argz_delete.3.html'],
'argz_extract': ['http://man7.org/linux/man-pages/man3/argz_extract.3.html'],
'argz_insert': ['http://man7.org/linux/man-pages/man3/argz_insert.3.html'],
'argz_next': ['http://man7.org/linux/man-pages/man3/argz_next.3.html'],
'argz_replace': ['http://man7.org/linux/man-pages/man3/argz_replace.3.html'],
'argz_stringify': ['http://man7.org/linux/man-pages/man3/argz_stringify.3.html'],
'aria_chk': ['http://man7.org/linux/man-pages/man1/aria_chk.1.html'],
'aria_dump_log': ['http://man7.org/linux/man-pages/man1/aria_dump_log.1.html'],
'aria_ftdump': ['http://man7.org/linux/man-pages/man1/aria_ftdump.1.html'],
'aria_pack': ['http://man7.org/linux/man-pages/man1/aria_pack.1.html'],
'aria_read_log': ['http://man7.org/linux/man-pages/man1/aria_read_log.1.html'],
'arm_fadvise': ['http://man7.org/linux/man-pages/man2/arm_fadvise.2.html'],
'arm_fadvise64_64': ['http://man7.org/linux/man-pages/man2/arm_fadvise64_64.2.html'],
'arm_sync_file_range': ['http://man7.org/linux/man-pages/man2/arm_sync_file_range.2.html'],
'armscii-8': ['http://man7.org/linux/man-pages/man7/armscii-8.7.html'],
'arp': ['http://man7.org/linux/man-pages/man7/arp.7.html',
'http://man7.org/linux/man-pages/man8/arp.8.html'],
'arpa_inet.h': ['http://man7.org/linux/man-pages/man0/arpa_inet.h.0p.html'],
'arpd': ['http://man7.org/linux/man-pages/man8/arpd.8.html'],
'arping': ['http://man7.org/linux/man-pages/man8/arping.8.html'],
'as': ['http://man7.org/linux/man-pages/man1/as.1.html'],
'asa': ['http://man7.org/linux/man-pages/man1/asa.1p.html'],
'ascii': ['http://man7.org/linux/man-pages/man7/ascii.7.html'],
'asctime': ['http://man7.org/linux/man-pages/man3/asctime.3.html',
'http://man7.org/linux/man-pages/man3/asctime.3p.html'],
'asctime_r': ['http://man7.org/linux/man-pages/man3/asctime_r.3.html',
'http://man7.org/linux/man-pages/man3/asctime_r.3p.html'],
'asin': ['http://man7.org/linux/man-pages/man3/asin.3.html',
'http://man7.org/linux/man-pages/man3/asin.3p.html'],
'asinf': ['http://man7.org/linux/man-pages/man3/asinf.3.html',
'http://man7.org/linux/man-pages/man3/asinf.3p.html'],
'asinh': ['http://man7.org/linux/man-pages/man3/asinh.3.html',
'http://man7.org/linux/man-pages/man3/asinh.3p.html'],
'asinhf': ['http://man7.org/linux/man-pages/man3/asinhf.3.html',
'http://man7.org/linux/man-pages/man3/asinhf.3p.html'],
'asinhl': ['http://man7.org/linux/man-pages/man3/asinhl.3.html',
'http://man7.org/linux/man-pages/man3/asinhl.3p.html'],
'asinl': ['http://man7.org/linux/man-pages/man3/asinl.3.html',
'http://man7.org/linux/man-pages/man3/asinl.3p.html'],
'asprintf': ['http://man7.org/linux/man-pages/man3/asprintf.3.html'],
'assert': ['http://man7.org/linux/man-pages/man3/assert.3.html',
'http://man7.org/linux/man-pages/man3/assert.3p.html'],
'assert.h': ['http://man7.org/linux/man-pages/man0/assert.h.0p.html'],
'assert_perror': ['http://man7.org/linux/man-pages/man3/assert_perror.3.html'],
'assume_default_colors': ['http://man7.org/linux/man-pages/man3/assume_default_colors.3x.html'],
'astraceroute': ['http://man7.org/linux/man-pages/man8/astraceroute.8.html'],
'at': ['http://man7.org/linux/man-pages/man1/at.1p.html'],
'atan': ['http://man7.org/linux/man-pages/man3/atan.3.html',
'http://man7.org/linux/man-pages/man3/atan.3p.html'],
'atan2': ['http://man7.org/linux/man-pages/man3/atan2.3.html',
'http://man7.org/linux/man-pages/man3/atan2.3p.html'],
'atan2f': ['http://man7.org/linux/man-pages/man3/atan2f.3.html',
'http://man7.org/linux/man-pages/man3/atan2f.3p.html'],
'atan2l': ['http://man7.org/linux/man-pages/man3/atan2l.3.html',
'http://man7.org/linux/man-pages/man3/atan2l.3p.html'],
'atanf': ['http://man7.org/linux/man-pages/man3/atanf.3.html',
'http://man7.org/linux/man-pages/man3/atanf.3p.html'],
'atanh': ['http://man7.org/linux/man-pages/man3/atanh.3.html',
'http://man7.org/linux/man-pages/man3/atanh.3p.html'],
'atanhf': ['http://man7.org/linux/man-pages/man3/atanhf.3.html',
'http://man7.org/linux/man-pages/man3/atanhf.3p.html'],
'atanhl': ['http://man7.org/linux/man-pages/man3/atanhl.3.html',
'http://man7.org/linux/man-pages/man3/atanhl.3p.html'],
'atanl': ['http://man7.org/linux/man-pages/man3/atanl.3.html',
'http://man7.org/linux/man-pages/man3/atanl.3p.html'],
'atexit': ['http://man7.org/linux/man-pages/man3/atexit.3.html',
'http://man7.org/linux/man-pages/man3/atexit.3p.html'],
'atof': ['http://man7.org/linux/man-pages/man3/atof.3.html',
'http://man7.org/linux/man-pages/man3/atof.3p.html'],
'atoi': ['http://man7.org/linux/man-pages/man3/atoi.3.html',
'http://man7.org/linux/man-pages/man3/atoi.3p.html'],
'atol': ['http://man7.org/linux/man-pages/man3/atol.3.html',
'http://man7.org/linux/man-pages/man3/atol.3p.html'],
'atoll': ['http://man7.org/linux/man-pages/man3/atoll.3.html',
'http://man7.org/linux/man-pages/man3/atoll.3p.html'],
'atoprc': ['http://man7.org/linux/man-pages/man5/atoprc.5.html'],
'atoq': ['http://man7.org/linux/man-pages/man3/atoq.3.html'],
'attr': ['http://man7.org/linux/man-pages/man1/attr.1.html',
'http://man7.org/linux/man-pages/man5/attr.5.html'],
'attr_get': ['http://man7.org/linux/man-pages/man3/attr_get.3.html',
'http://man7.org/linux/man-pages/man3/attr_get.3x.html'],
'attr_getf': ['http://man7.org/linux/man-pages/man3/attr_getf.3.html'],
'attr_list': ['http://man7.org/linux/man-pages/man3/attr_list.3.html'],
'attr_list_by_handle': ['http://man7.org/linux/man-pages/man3/attr_list_by_handle.3.html'],
'attr_listf': ['http://man7.org/linux/man-pages/man3/attr_listf.3.html'],
'attr_multi': ['http://man7.org/linux/man-pages/man3/attr_multi.3.html'],
'attr_multi_by_handle': ['http://man7.org/linux/man-pages/man3/attr_multi_by_handle.3.html'],
'attr_multif': ['http://man7.org/linux/man-pages/man3/attr_multif.3.html'],
'attr_off': ['http://man7.org/linux/man-pages/man3/attr_off.3x.html'],
'attr_on': ['http://man7.org/linux/man-pages/man3/attr_on.3x.html'],
'attr_remove': ['http://man7.org/linux/man-pages/man3/attr_remove.3.html'],
'attr_removef': ['http://man7.org/linux/man-pages/man3/attr_removef.3.html'],
'attr_set': ['http://man7.org/linux/man-pages/man3/attr_set.3.html',
'http://man7.org/linux/man-pages/man3/attr_set.3x.html'],
'attr_setf': ['http://man7.org/linux/man-pages/man3/attr_setf.3.html'],
'attributes': ['http://man7.org/linux/man-pages/man7/attributes.7.html'],
'attroff': ['http://man7.org/linux/man-pages/man3/attroff.3x.html'],
'attron': ['http://man7.org/linux/man-pages/man3/attron.3x.html'],
'attrset': ['http://man7.org/linux/man-pages/man3/attrset.3x.html'],
'audispd-zos-remote': ['http://man7.org/linux/man-pages/man8/audispd-zos-remote.8.html'],
'audit-plugins': ['http://man7.org/linux/man-pages/man5/audit-plugins.5.html'],
'audit.rules': ['http://man7.org/linux/man-pages/man7/audit.rules.7.html'],
'audit2allow': ['http://man7.org/linux/man-pages/man1/audit2allow.1.html'],
'audit2why': ['http://man7.org/linux/man-pages/man1/audit2why.1.html'],
'audit_add_rule_data': ['http://man7.org/linux/man-pages/man3/audit_add_rule_data.3.html'],
'audit_add_watch': ['http://man7.org/linux/man-pages/man3/audit_add_watch.3.html'],
'audit_delete_rule_data': ['http://man7.org/linux/man-pages/man3/audit_delete_rule_data.3.html'],
'audit_detect_machine': ['http://man7.org/linux/man-pages/man3/audit_detect_machine.3.html'],
'audit_encode_nv_string': ['http://man7.org/linux/man-pages/man3/audit_encode_nv_string.3.html'],
'audit_get_reply': ['http://man7.org/linux/man-pages/man3/audit_get_reply.3.html'],
'audit_get_session': ['http://man7.org/linux/man-pages/man3/audit_get_session.3.html'],
'audit_getloginuid': ['http://man7.org/linux/man-pages/man3/audit_getloginuid.3.html'],
'audit_log_acct_message': ['http://man7.org/linux/man-pages/man3/audit_log_acct_message.3.html'],
'audit_log_semanage_message': ['http://man7.org/linux/man-pages/man3/audit_log_semanage_message.3.html'],
'audit_log_user_avc_message': ['http://man7.org/linux/man-pages/man3/audit_log_user_avc_message.3.html'],
'audit_log_user_comm_message': ['http://man7.org/linux/man-pages/man3/audit_log_user_comm_message.3.html'],
'audit_log_user_command': ['http://man7.org/linux/man-pages/man3/audit_log_user_command.3.html'],
'audit_log_user_message': ['http://man7.org/linux/man-pages/man3/audit_log_user_message.3.html'],
'audit_open': ['http://man7.org/linux/man-pages/man3/audit_open.3.html'],
'audit_request_rules_list_data': ['http://man7.org/linux/man-pages/man3/audit_request_rules_list_data.3.html'],
'audit_request_signal_info': ['http://man7.org/linux/man-pages/man3/audit_request_signal_info.3.html'],
'audit_request_status': ['http://man7.org/linux/man-pages/man3/audit_request_status.3.html'],
'audit_set_backlog_limit': ['http://man7.org/linux/man-pages/man3/audit_set_backlog_limit.3.html'],
'audit_set_backlog_wait_time': ['http://man7.org/linux/man-pages/man3/audit_set_backlog_wait_time.3.html'],
'audit_set_enabled': ['http://man7.org/linux/man-pages/man3/audit_set_enabled.3.html'],
'audit_set_failure': ['http://man7.org/linux/man-pages/man3/audit_set_failure.3.html'],
'audit_set_pid': ['http://man7.org/linux/man-pages/man3/audit_set_pid.3.html'],
'audit_set_rate_limit': ['http://man7.org/linux/man-pages/man3/audit_set_rate_limit.3.html'],
'audit_setloginuid': ['http://man7.org/linux/man-pages/man3/audit_setloginuid.3.html'],
'audit_update_watch_perms': ['http://man7.org/linux/man-pages/man3/audit_update_watch_perms.3.html'],
'auditctl': ['http://man7.org/linux/man-pages/man8/auditctl.8.html'],
'auditd': ['http://man7.org/linux/man-pages/man8/auditd.8.html'],
'auditd-plugins': ['http://man7.org/linux/man-pages/man5/auditd-plugins.5.html'],
'auditd.conf': ['http://man7.org/linux/man-pages/man5/auditd.conf.5.html'],
'augenrules': ['http://man7.org/linux/man-pages/man8/augenrules.8.html'],
'auparse_add_callback': ['http://man7.org/linux/man-pages/man3/auparse_add_callback.3.html'],
'auparse_destroy': ['http://man7.org/linux/man-pages/man3/auparse_destroy.3.html'],
'auparse_feed': ['http://man7.org/linux/man-pages/man3/auparse_feed.3.html'],
'auparse_feed_age_events': ['http://man7.org/linux/man-pages/man3/auparse_feed_age_events.3.html'],
'auparse_feed_has_data': ['http://man7.org/linux/man-pages/man3/auparse_feed_has_data.3.html'],
'auparse_find_field': ['http://man7.org/linux/man-pages/man3/auparse_find_field.3.html'],
'auparse_find_field_next': ['http://man7.org/linux/man-pages/man3/auparse_find_field_next.3.html'],
'auparse_first_field': ['http://man7.org/linux/man-pages/man3/auparse_first_field.3.html'],
'auparse_first_record': ['http://man7.org/linux/man-pages/man3/auparse_first_record.3.html'],
'auparse_flush_feed': ['http://man7.org/linux/man-pages/man3/auparse_flush_feed.3.html'],
'auparse_get_field_int': ['http://man7.org/linux/man-pages/man3/auparse_get_field_int.3.html'],
'auparse_get_field_name': ['http://man7.org/linux/man-pages/man3/auparse_get_field_name.3.html'],
'auparse_get_field_num': ['http://man7.org/linux/man-pages/man3/auparse_get_field_num.3.html'],
'auparse_get_field_str': ['http://man7.org/linux/man-pages/man3/auparse_get_field_str.3.html'],
'auparse_get_field_type': ['http://man7.org/linux/man-pages/man3/auparse_get_field_type.3.html'],
'auparse_get_filename': ['http://man7.org/linux/man-pages/man3/auparse_get_filename.3.html'],
'auparse_get_line_number': ['http://man7.org/linux/man-pages/man3/auparse_get_line_number.3.html'],
'auparse_get_milli': ['http://man7.org/linux/man-pages/man3/auparse_get_milli.3.html'],
'auparse_get_node': ['http://man7.org/linux/man-pages/man3/auparse_get_node.3.html'],
'auparse_get_num_fields': ['http://man7.org/linux/man-pages/man3/auparse_get_num_fields.3.html'],
'auparse_get_num_records': ['http://man7.org/linux/man-pages/man3/auparse_get_num_records.3.html'],
'auparse_get_record_num': ['http://man7.org/linux/man-pages/man3/auparse_get_record_num.3.html'],
'auparse_get_record_text': ['http://man7.org/linux/man-pages/man3/auparse_get_record_text.3.html'],
'auparse_get_serial': ['http://man7.org/linux/man-pages/man3/auparse_get_serial.3.html'],
'auparse_get_time': ['http://man7.org/linux/man-pages/man3/auparse_get_time.3.html'],
'auparse_get_timestamp': ['http://man7.org/linux/man-pages/man3/auparse_get_timestamp.3.html'],
'auparse_get_type': ['http://man7.org/linux/man-pages/man3/auparse_get_type.3.html'],
'auparse_get_type_name': ['http://man7.org/linux/man-pages/man3/auparse_get_type_name.3.html'],
'auparse_goto_field_num': ['http://man7.org/linux/man-pages/man3/auparse_goto_field_num.3.html'],
'auparse_goto_record_num': ['http://man7.org/linux/man-pages/man3/auparse_goto_record_num.3.html'],
'auparse_init': ['http://man7.org/linux/man-pages/man3/auparse_init.3.html'],
'auparse_interpret_field': ['http://man7.org/linux/man-pages/man3/auparse_interpret_field.3.html'],
'auparse_interpret_realpath': ['http://man7.org/linux/man-pages/man3/auparse_interpret_realpath.3.html'],
'auparse_interpret_sock_address': ['http://man7.org/linux/man-pages/man3/auparse_interpret_sock_address.3.html'],
'auparse_interpret_sock_family': ['http://man7.org/linux/man-pages/man3/auparse_interpret_sock_family.3.html'],
'auparse_interpret_sock_port': ['http://man7.org/linux/man-pages/man3/auparse_interpret_sock_port.3.html'],
'auparse_next_event': ['http://man7.org/linux/man-pages/man3/auparse_next_event.3.html'],
'auparse_next_field': ['http://man7.org/linux/man-pages/man3/auparse_next_field.3.html'],
'auparse_next_record': ['http://man7.org/linux/man-pages/man3/auparse_next_record.3.html'],
'auparse_node_compare': ['http://man7.org/linux/man-pages/man3/auparse_node_compare.3.html'],
'auparse_normalize': ['http://man7.org/linux/man-pages/man3/auparse_normalize.3.html'],
'auparse_normalize_functions': ['http://man7.org/linux/man-pages/man3/auparse_normalize_functions.3.html'],
'auparse_normalize_get_action': ['http://man7.org/linux/man-pages/man3/auparse_normalize_get_action.3.html'],
'auparse_normalize_get_event_kind': ['http://man7.org/linux/man-pages/man3/auparse_normalize_get_event_kind.3.html'],
'auparse_normalize_get_results': ['http://man7.org/linux/man-pages/man3/auparse_normalize_get_results.3.html'],
'auparse_normalize_how': ['http://man7.org/linux/man-pages/man3/auparse_normalize_how.3.html'],
'auparse_normalize_key': ['http://man7.org/linux/man-pages/man3/auparse_normalize_key.3.html'],
'auparse_normalize_object_first_attribute': ['http://man7.org/linux/man-pages/man3/auparse_normalize_object_first_attribute.3.html'],
'auparse_normalize_object_kind': ['http://man7.org/linux/man-pages/man3/auparse_normalize_object_kind.3.html'],
'auparse_normalize_object_next_attribute': ['http://man7.org/linux/man-pages/man3/auparse_normalize_object_next_attribute.3.html'],
'auparse_normalize_object_primary': ['http://man7.org/linux/man-pages/man3/auparse_normalize_object_primary.3.html'],
'auparse_normalize_object_primary2': ['http://man7.org/linux/man-pages/man3/auparse_normalize_object_primary2.3.html'],
'auparse_normalize_object_secondary': ['http://man7.org/linux/man-pages/man3/auparse_normalize_object_secondary.3.html'],
'auparse_normalize_session': ['http://man7.org/linux/man-pages/man3/auparse_normalize_session.3.html'],
'auparse_normalize_subject_first_attribute': ['http://man7.org/linux/man-pages/man3/auparse_normalize_subject_first_attribute.3.html'],
'auparse_normalize_subject_kind': ['http://man7.org/linux/man-pages/man3/auparse_normalize_subject_kind.3.html'],
'auparse_normalize_subject_next_attribute': ['http://man7.org/linux/man-pages/man3/auparse_normalize_subject_next_attribute.3.html'],
'auparse_normalize_subject_primary': ['http://man7.org/linux/man-pages/man3/auparse_normalize_subject_primary.3.html'],
'auparse_normalize_subject_secondary': ['http://man7.org/linux/man-pages/man3/auparse_normalize_subject_secondary.3.html'],
'auparse_reset': ['http://man7.org/linux/man-pages/man3/auparse_reset.3.html'],
'auparse_set_escape_mode': ['http://man7.org/linux/man-pages/man3/auparse_set_escape_mode.3.html'],
'auparse_timestamp_compare': ['http://man7.org/linux/man-pages/man3/auparse_timestamp_compare.3.html'],
'aureport': ['http://man7.org/linux/man-pages/man8/aureport.8.html'],
'ausearch': ['http://man7.org/linux/man-pages/man8/ausearch.8.html'],
'ausearch-expression': ['http://man7.org/linux/man-pages/man5/ausearch-expression.5.html'],
'ausearch_add_expression': ['http://man7.org/linux/man-pages/man3/ausearch_add_expression.3.html'],
'ausearch_add_interpreted_item': ['http://man7.org/linux/man-pages/man3/ausearch_add_interpreted_item.3.html'],
'ausearch_add_item': ['http://man7.org/linux/man-pages/man3/ausearch_add_item.3.html'],
'ausearch_add_regex': ['http://man7.org/linux/man-pages/man3/ausearch_add_regex.3.html'],
'ausearch_add_timestamp_item': ['http://man7.org/linux/man-pages/man3/ausearch_add_timestamp_item.3.html'],
'ausearch_add_timestamp_item_ex': ['http://man7.org/linux/man-pages/man3/ausearch_add_timestamp_item_ex.3.html'],
'ausearch_clear': ['http://man7.org/linux/man-pages/man3/ausearch_clear.3.html'],
'ausearch_next_event': ['http://man7.org/linux/man-pages/man3/ausearch_next_event.3.html'],
'ausearch_set_stop': ['http://man7.org/linux/man-pages/man3/ausearch_set_stop.3.html'],
'auth_destroy': ['http://man7.org/linux/man-pages/man3/auth_destroy.3.html'],
'authnone_create': ['http://man7.org/linux/man-pages/man3/authnone_create.3.html'],
'authunix_create': ['http://man7.org/linux/man-pages/man3/authunix_create.3.html'],
'authunix_create_default': ['http://man7.org/linux/man-pages/man3/authunix_create_default.3.html'],
'auto.master': ['http://man7.org/linux/man-pages/man5/auto.master.5.html'],
'autofs': ['http://man7.org/linux/man-pages/man5/autofs.5.html',
'http://man7.org/linux/man-pages/man8/autofs.8.html'],
'autofs.conf': ['http://man7.org/linux/man-pages/man5/autofs.conf.5.html'],
'autofs_ldap_auth.conf': ['http://man7.org/linux/man-pages/man5/autofs_ldap_auth.conf.5.html'],
'autofsd-probe': ['http://man7.org/linux/man-pages/man1/autofsd-probe.1.html'],
'automount': ['http://man7.org/linux/man-pages/man8/automount.8.html'],
'autopoint': ['http://man7.org/linux/man-pages/man1/autopoint.1.html'],
'autrace': ['http://man7.org/linux/man-pages/man8/autrace.8.html'],
'avc_add_callback': ['http://man7.org/linux/man-pages/man3/avc_add_callback.3.html'],
'avc_audit': ['http://man7.org/linux/man-pages/man3/avc_audit.3.html'],
'avc_av_stats': ['http://man7.org/linux/man-pages/man3/avc_av_stats.3.html'],
'avc_cache_stats': ['http://man7.org/linux/man-pages/man3/avc_cache_stats.3.html'],
'avc_cleanup': ['http://man7.org/linux/man-pages/man3/avc_cleanup.3.html'],
'avc_compute_create': ['http://man7.org/linux/man-pages/man3/avc_compute_create.3.html'],
'avc_compute_member': ['http://man7.org/linux/man-pages/man3/avc_compute_member.3.html'],
'avc_context_to_sid': ['http://man7.org/linux/man-pages/man3/avc_context_to_sid.3.html'],
'avc_destroy': ['http://man7.org/linux/man-pages/man3/avc_destroy.3.html'],
'avc_entry_ref_init': ['http://man7.org/linux/man-pages/man3/avc_entry_ref_init.3.html'],
'avc_get_initial_context': ['http://man7.org/linux/man-pages/man3/avc_get_initial_context.3.html'],
'avc_get_initial_sid': ['http://man7.org/linux/man-pages/man3/avc_get_initial_sid.3.html'],
'avc_has_perm': ['http://man7.org/linux/man-pages/man3/avc_has_perm.3.html'],
'avc_has_perm_noaudit': ['http://man7.org/linux/man-pages/man3/avc_has_perm_noaudit.3.html'],
'avc_init': ['http://man7.org/linux/man-pages/man3/avc_init.3.html'],
'avc_netlink_acquire_fd': ['http://man7.org/linux/man-pages/man3/avc_netlink_acquire_fd.3.html'],
'avc_netlink_check_nb': ['http://man7.org/linux/man-pages/man3/avc_netlink_check_nb.3.html'],
'avc_netlink_close': ['http://man7.org/linux/man-pages/man3/avc_netlink_close.3.html'],
'avc_netlink_loop': ['http://man7.org/linux/man-pages/man3/avc_netlink_loop.3.html'],
'avc_netlink_open': ['http://man7.org/linux/man-pages/man3/avc_netlink_open.3.html'],
'avc_netlink_release_fd': ['http://man7.org/linux/man-pages/man3/avc_netlink_release_fd.3.html'],
'avc_open': ['http://man7.org/linux/man-pages/man3/avc_open.3.html'],
'avc_reset': ['http://man7.org/linux/man-pages/man3/avc_reset.3.html'],
'avc_sid_stats': ['http://man7.org/linux/man-pages/man3/avc_sid_stats.3.html'],
'avc_sid_to_context': ['http://man7.org/linux/man-pages/man3/avc_sid_to_context.3.html'],
'avcstat': ['http://man7.org/linux/man-pages/man8/avcstat.8.html'],
'awk': ['http://man7.org/linux/man-pages/man1/awk.1p.html'],
'b2sum': ['http://man7.org/linux/man-pages/man1/b2sum.1.html'],
'babeltrace': ['http://man7.org/linux/man-pages/man1/babeltrace.1.html'],
'babeltrace-convert': ['http://man7.org/linux/man-pages/man1/babeltrace-convert.1.html'],
'babeltrace-filter.lttng-utils.debug-info': ['http://man7.org/linux/man-pages/man7/babeltrace-filter.lttng-utils.debug-info.7.html'],
'babeltrace-filter.utils.muxer': ['http://man7.org/linux/man-pages/man7/babeltrace-filter.utils.muxer.7.html'],
'babeltrace-filter.utils.trimmer': ['http://man7.org/linux/man-pages/man7/babeltrace-filter.utils.trimmer.7.html'],
'babeltrace-help': ['http://man7.org/linux/man-pages/man1/babeltrace-help.1.html'],
'babeltrace-intro': ['http://man7.org/linux/man-pages/man7/babeltrace-intro.7.html'],
'babeltrace-list-plugins': ['http://man7.org/linux/man-pages/man1/babeltrace-list-plugins.1.html'],
'babeltrace-log': ['http://man7.org/linux/man-pages/man1/babeltrace-log.1.html'],
'babeltrace-plugin-ctf': ['http://man7.org/linux/man-pages/man7/babeltrace-plugin-ctf.7.html'],
'babeltrace-plugin-lttng-utils': ['http://man7.org/linux/man-pages/man7/babeltrace-plugin-lttng-utils.7.html'],
'babeltrace-plugin-text': ['http://man7.org/linux/man-pages/man7/babeltrace-plugin-text.7.html'],
'babeltrace-plugin-utils': ['http://man7.org/linux/man-pages/man7/babeltrace-plugin-utils.7.html'],
'babeltrace-query': ['http://man7.org/linux/man-pages/man1/babeltrace-query.1.html'],
'babeltrace-run': ['http://man7.org/linux/man-pages/man1/babeltrace-run.1.html'],
'babeltrace-sink.ctf.fs': ['http://man7.org/linux/man-pages/man7/babeltrace-sink.ctf.fs.7.html'],
'babeltrace-sink.text.pretty': ['http://man7.org/linux/man-pages/man7/babeltrace-sink.text.pretty.7.html'],
'babeltrace-sink.utils.counter': ['http://man7.org/linux/man-pages/man7/babeltrace-sink.utils.counter.7.html'],
'babeltrace-sink.utils.dummy': ['http://man7.org/linux/man-pages/man7/babeltrace-sink.utils.dummy.7.html'],
'babeltrace-source.ctf.fs': ['http://man7.org/linux/man-pages/man7/babeltrace-source.ctf.fs.7.html'],
'babeltrace-source.ctf.lttng-live': ['http://man7.org/linux/man-pages/man7/babeltrace-source.ctf.lttng-live.7.html'],
'babeltrace-source.text.dmesg': ['http://man7.org/linux/man-pages/man7/babeltrace-source.text.dmesg.7.html'],
'backend': ['http://man7.org/linux/man-pages/man7/backend.7.html'],
'backtrace': ['http://man7.org/linux/man-pages/man3/backtrace.3.html'],
'backtrace_symbols': ['http://man7.org/linux/man-pages/man3/backtrace_symbols.3.html'],
'backtrace_symbols_fd': ['http://man7.org/linux/man-pages/man3/backtrace_symbols_fd.3.html'],
'badblocks': ['http://man7.org/linux/man-pages/man8/badblocks.8.html'],
'base32': ['http://man7.org/linux/man-pages/man1/base32.1.html'],
'base64': ['http://man7.org/linux/man-pages/man1/base64.1.html'],
'basename': ['http://man7.org/linux/man-pages/man1/basename.1.html',
'http://man7.org/linux/man-pages/man1/basename.1p.html',
'http://man7.org/linux/man-pages/man3/basename.3.html',
'http://man7.org/linux/man-pages/man3/basename.3p.html'],
'bash': ['http://man7.org/linux/man-pages/man1/bash.1.html'],
'basic': ['http://man7.org/linux/man-pages/man8/basic.8.html'],
'batch': ['http://man7.org/linux/man-pages/man1/batch.1p.html'],
'baudrate': ['http://man7.org/linux/man-pages/man3/baudrate.3x.html'],
'bc': ['http://man7.org/linux/man-pages/man1/bc.1p.html'],
'bcmp': ['http://man7.org/linux/man-pages/man3/bcmp.3.html'],
'bcopy': ['http://man7.org/linux/man-pages/man3/bcopy.3.html'],
'bdflush': ['http://man7.org/linux/man-pages/man2/bdflush.2.html'],
'be16toh': ['http://man7.org/linux/man-pages/man3/be16toh.3.html'],
'be32toh': ['http://man7.org/linux/man-pages/man3/be32toh.3.html'],
'be64toh': ['http://man7.org/linux/man-pages/man3/be64toh.3.html'],
'beep': ['http://man7.org/linux/man-pages/man3/beep.3x.html'],
'ber_alloc_t': ['http://man7.org/linux/man-pages/man3/ber_alloc_t.3.html'],
'ber_bvarray_add': ['http://man7.org/linux/man-pages/man3/ber_bvarray_add.3.html'],
'ber_bvarray_free': ['http://man7.org/linux/man-pages/man3/ber_bvarray_free.3.html'],
'ber_bvdup': ['http://man7.org/linux/man-pages/man3/ber_bvdup.3.html'],
'ber_bvecadd': ['http://man7.org/linux/man-pages/man3/ber_bvecadd.3.html'],
'ber_bvecfree': ['http://man7.org/linux/man-pages/man3/ber_bvecfree.3.html'],
'ber_bvfree': ['http://man7.org/linux/man-pages/man3/ber_bvfree.3.html'],
'ber_bvstr': ['http://man7.org/linux/man-pages/man3/ber_bvstr.3.html'],
'ber_bvstrdup': ['http://man7.org/linux/man-pages/man3/ber_bvstrdup.3.html'],
'ber_dupbv': ['http://man7.org/linux/man-pages/man3/ber_dupbv.3.html'],
'ber_first_element': ['http://man7.org/linux/man-pages/man3/ber_first_element.3.html'],
'ber_flush': ['http://man7.org/linux/man-pages/man3/ber_flush.3.html'],
'ber_flush2': ['http://man7.org/linux/man-pages/man3/ber_flush2.3.html'],
'ber_free': ['http://man7.org/linux/man-pages/man3/ber_free.3.html'],
'ber_get_bitstring': ['http://man7.org/linux/man-pages/man3/ber_get_bitstring.3.html'],
'ber_get_boolean': ['http://man7.org/linux/man-pages/man3/ber_get_boolean.3.html'],
'ber_get_enum': ['http://man7.org/linux/man-pages/man3/ber_get_enum.3.html'],
'ber_get_int': ['http://man7.org/linux/man-pages/man3/ber_get_int.3.html'],
'ber_get_next': ['http://man7.org/linux/man-pages/man3/ber_get_next.3.html'],
'ber_get_null': ['http://man7.org/linux/man-pages/man3/ber_get_null.3.html'],
'ber_get_stringa': ['http://man7.org/linux/man-pages/man3/ber_get_stringa.3.html'],
'ber_get_stringal': ['http://man7.org/linux/man-pages/man3/ber_get_stringal.3.html'],
'ber_get_stringb': ['http://man7.org/linux/man-pages/man3/ber_get_stringb.3.html'],
'ber_get_stringbv': ['http://man7.org/linux/man-pages/man3/ber_get_stringbv.3.html'],
'ber_init': ['http://man7.org/linux/man-pages/man3/ber_init.3.html'],
'ber_init2': ['http://man7.org/linux/man-pages/man3/ber_init2.3.html'],
'ber_int_t': ['http://man7.org/linux/man-pages/man3/ber_int_t.3.html'],
'ber_len_t': ['http://man7.org/linux/man-pages/man3/ber_len_t.3.html'],
'ber_memalloc': ['http://man7.org/linux/man-pages/man3/ber_memalloc.3.html'],
'ber_memcalloc': ['http://man7.org/linux/man-pages/man3/ber_memcalloc.3.html'],
'ber_memfree': ['http://man7.org/linux/man-pages/man3/ber_memfree.3.html'],
'ber_memrealloc': ['http://man7.org/linux/man-pages/man3/ber_memrealloc.3.html'],
'ber_memvfree': ['http://man7.org/linux/man-pages/man3/ber_memvfree.3.html'],
'ber_next_element': ['http://man7.org/linux/man-pages/man3/ber_next_element.3.html'],
'ber_peek_tag': ['http://man7.org/linux/man-pages/man3/ber_peek_tag.3.html'],
'ber_printf': ['http://man7.org/linux/man-pages/man3/ber_printf.3.html'],
'ber_put_bitstring': ['http://man7.org/linux/man-pages/man3/ber_put_bitstring.3.html'],
'ber_put_boolean': ['http://man7.org/linux/man-pages/man3/ber_put_boolean.3.html'],
'ber_put_enum': ['http://man7.org/linux/man-pages/man3/ber_put_enum.3.html'],
'ber_put_int': ['http://man7.org/linux/man-pages/man3/ber_put_int.3.html'],
'ber_put_null': ['http://man7.org/linux/man-pages/man3/ber_put_null.3.html'],
'ber_put_ostring': ['http://man7.org/linux/man-pages/man3/ber_put_ostring.3.html'],
'ber_put_seq': ['http://man7.org/linux/man-pages/man3/ber_put_seq.3.html'],
'ber_put_set': ['http://man7.org/linux/man-pages/man3/ber_put_set.3.html'],
'ber_put_string': ['http://man7.org/linux/man-pages/man3/ber_put_string.3.html'],
'ber_scanf': ['http://man7.org/linux/man-pages/man3/ber_scanf.3.html'],
'ber_skip_tag': ['http://man7.org/linux/man-pages/man3/ber_skip_tag.3.html'],
'ber_slen_t': ['http://man7.org/linux/man-pages/man3/ber_slen_t.3.html'],
'ber_sockbuf_add_io': ['http://man7.org/linux/man-pages/man3/ber_sockbuf_add_io.3.html'],
'ber_sockbuf_alloc': ['http://man7.org/linux/man-pages/man3/ber_sockbuf_alloc.3.html'],
'ber_sockbuf_ctrl': ['http://man7.org/linux/man-pages/man3/ber_sockbuf_ctrl.3.html'],
'ber_sockbuf_free': ['http://man7.org/linux/man-pages/man3/ber_sockbuf_free.3.html'],
'ber_sockbuf_remove_io': ['http://man7.org/linux/man-pages/man3/ber_sockbuf_remove_io.3.html'],
'ber_start_seq': ['http://man7.org/linux/man-pages/man3/ber_start_seq.3.html'],
'ber_start_set': ['http://man7.org/linux/man-pages/man3/ber_start_set.3.html'],
'ber_str2bv': ['http://man7.org/linux/man-pages/man3/ber_str2bv.3.html'],
'ber_tag_t': ['http://man7.org/linux/man-pages/man3/ber_tag_t.3.html'],
'ber_uint_t': ['http://man7.org/linux/man-pages/man3/ber_uint_t.3.html'],
'berval': ['http://man7.org/linux/man-pages/man3/berval.3.html'],
'bfifo': ['http://man7.org/linux/man-pages/man8/bfifo.8.html'],
'bg': ['http://man7.org/linux/man-pages/man1/bg.1p.html'],
'bind': ['http://man7.org/linux/man-pages/man2/bind.2.html',
'http://man7.org/linux/man-pages/man3/bind.3p.html'],
'bind_textdomain_codeset': ['http://man7.org/linux/man-pages/man3/bind_textdomain_codeset.3.html'],
'bindresvport': ['http://man7.org/linux/man-pages/man3/bindresvport.3.html'],
'bindtextdomain': ['http://man7.org/linux/man-pages/man3/bindtextdomain.3.html'],
'binfmt.d': ['http://man7.org/linux/man-pages/man5/binfmt.d.5.html'],
'bkgd': ['http://man7.org/linux/man-pages/man3/bkgd.3x.html'],
'bkgdset': ['http://man7.org/linux/man-pages/man3/bkgdset.3x.html'],
'bkgrnd': ['http://man7.org/linux/man-pages/man3/bkgrnd.3x.html'],
'bkgrndset': ['http://man7.org/linux/man-pages/man3/bkgrndset.3x.html'],
'blkdeactivate': ['http://man7.org/linux/man-pages/man8/blkdeactivate.8.html'],
'blkdiscard': ['http://man7.org/linux/man-pages/man8/blkdiscard.8.html'],
'blkid': ['http://man7.org/linux/man-pages/man8/blkid.8.html'],
'blkiomon': ['http://man7.org/linux/man-pages/man8/blkiomon.8.html'],
'blkmapd': ['http://man7.org/linux/man-pages/man8/blkmapd.8.html'],
'blkparse': ['http://man7.org/linux/man-pages/man1/blkparse.1.html'],
'blkrawverify': ['http://man7.org/linux/man-pages/man1/blkrawverify.1.html'],
'blktrace': ['http://man7.org/linux/man-pages/man8/blktrace.8.html'],
'blkzone': ['http://man7.org/linux/man-pages/man8/blkzone.8.html'],
'blockdev': ['http://man7.org/linux/man-pages/man8/blockdev.8.html'],
'bno_plot': ['http://man7.org/linux/man-pages/man1/bno_plot.1.html'],
'boolcodes': ['http://man7.org/linux/man-pages/man3/boolcodes.3x.html'],
'booleans': ['http://man7.org/linux/man-pages/man5/booleans.5.html',
'http://man7.org/linux/man-pages/man8/booleans.8.html'],
'boolfnames': ['http://man7.org/linux/man-pages/man3/boolfnames.3x.html'],
'boolnames': ['http://man7.org/linux/man-pages/man3/boolnames.3x.html'],
'boot': ['http://man7.org/linux/man-pages/man7/boot.7.html'],
'bootchart.conf': ['http://man7.org/linux/man-pages/man5/bootchart.conf.5.html'],
'bootchart.conf.d': ['http://man7.org/linux/man-pages/man5/bootchart.conf.d.5.html'],
'bootctl': ['http://man7.org/linux/man-pages/man1/bootctl.1.html'],
'bootparam': ['http://man7.org/linux/man-pages/man7/bootparam.7.html'],
'bootup': ['http://man7.org/linux/man-pages/man7/bootup.7.html'],
'border': ['http://man7.org/linux/man-pages/man3/border.3x.html'],
'border_set': ['http://man7.org/linux/man-pages/man3/border_set.3x.html'],
'box': ['http://man7.org/linux/man-pages/man3/box.3x.html'],
'box_set': ['http://man7.org/linux/man-pages/man3/box_set.3x.html'],
'bpf': ['http://man7.org/linux/man-pages/man2/bpf.2.html'],
'bpfc': ['http://man7.org/linux/man-pages/man8/bpfc.8.html'],
'brctl': ['http://man7.org/linux/man-pages/man8/brctl.8.html'],
'break': ['http://man7.org/linux/man-pages/man1/break.1p.html',
'http://man7.org/linux/man-pages/man2/break.2.html'],
'bridge': ['http://man7.org/linux/man-pages/man8/bridge.8.html'],
'brk': ['http://man7.org/linux/man-pages/man2/brk.2.html'],
'bsd_signal': ['http://man7.org/linux/man-pages/man3/bsd_signal.3.html'],
'bsearch': ['http://man7.org/linux/man-pages/man3/bsearch.3.html',
'http://man7.org/linux/man-pages/man3/bsearch.3p.html'],
'bstring': ['http://man7.org/linux/man-pages/man3/bstring.3.html'],
'bswap': ['http://man7.org/linux/man-pages/man3/bswap.3.html'],
'bswap_16': ['http://man7.org/linux/man-pages/man3/bswap_16.3.html'],
'bswap_32': ['http://man7.org/linux/man-pages/man3/bswap_32.3.html'],
'bswap_64': ['http://man7.org/linux/man-pages/man3/bswap_64.3.html'],
'btowc': ['http://man7.org/linux/man-pages/man3/btowc.3.html',
'http://man7.org/linux/man-pages/man3/btowc.3p.html'],
'btrace': ['http://man7.org/linux/man-pages/man8/btrace.8.html'],
'btrecord': ['http://man7.org/linux/man-pages/man8/btrecord.8.html'],
'btree': ['http://man7.org/linux/man-pages/man3/btree.3.html'],
'btreplay': ['http://man7.org/linux/man-pages/man8/btreplay.8.html'],
'btrfs': ['http://man7.org/linux/man-pages/man8/btrfs.8.html'],
'btrfs-balance': ['http://man7.org/linux/man-pages/man8/btrfs-balance.8.html'],
'btrfs-check': ['http://man7.org/linux/man-pages/man8/btrfs-check.8.html'],
'btrfs-convert': ['http://man7.org/linux/man-pages/man8/btrfs-convert.8.html'],
'btrfs-device': ['http://man7.org/linux/man-pages/man8/btrfs-device.8.html'],
'btrfs-filesystem': ['http://man7.org/linux/man-pages/man8/btrfs-filesystem.8.html'],
'btrfs-find-root': ['http://man7.org/linux/man-pages/man8/btrfs-find-root.8.html'],
'btrfs-image': ['http://man7.org/linux/man-pages/man8/btrfs-image.8.html'],
'btrfs-inspect-internal': ['http://man7.org/linux/man-pages/man8/btrfs-inspect-internal.8.html'],
'btrfs-map-logical': ['http://man7.org/linux/man-pages/man8/btrfs-map-logical.8.html'],
'btrfs-property': ['http://man7.org/linux/man-pages/man8/btrfs-property.8.html'],
'btrfs-qgroup': ['http://man7.org/linux/man-pages/man8/btrfs-qgroup.8.html'],
'btrfs-quota': ['http://man7.org/linux/man-pages/man8/btrfs-quota.8.html'],
'btrfs-receive': ['http://man7.org/linux/man-pages/man8/btrfs-receive.8.html'],
'btrfs-replace': ['http://man7.org/linux/man-pages/man8/btrfs-replace.8.html'],
'btrfs-rescue': ['http://man7.org/linux/man-pages/man8/btrfs-rescue.8.html'],
'btrfs-restore': ['http://man7.org/linux/man-pages/man8/btrfs-restore.8.html'],
'btrfs-scrub': ['http://man7.org/linux/man-pages/man8/btrfs-scrub.8.html'],
'btrfs-select-super': ['http://man7.org/linux/man-pages/man8/btrfs-select-super.8.html'],
'btrfs-send': ['http://man7.org/linux/man-pages/man8/btrfs-send.8.html'],
'btrfs-subvolume': ['http://man7.org/linux/man-pages/man8/btrfs-subvolume.8.html'],
'btrfstune': ['http://man7.org/linux/man-pages/man8/btrfstune.8.html'],
'btt': ['http://man7.org/linux/man-pages/man1/btt.1.html'],
'bufferevent_base_set': ['http://man7.org/linux/man-pages/man3/bufferevent_base_set.3.html'],
'bufferevent_disable': ['http://man7.org/linux/man-pages/man3/bufferevent_disable.3.html'],
'bufferevent_enable': ['http://man7.org/linux/man-pages/man3/bufferevent_enable.3.html'],
'bufferevent_free': ['http://man7.org/linux/man-pages/man3/bufferevent_free.3.html'],
'bufferevent_new': ['http://man7.org/linux/man-pages/man3/bufferevent_new.3.html'],
'bufferevent_read': ['http://man7.org/linux/man-pages/man3/bufferevent_read.3.html'],
'bufferevent_settimeout': ['http://man7.org/linux/man-pages/man3/bufferevent_settimeout.3.html'],
'bufferevent_write': ['http://man7.org/linux/man-pages/man3/bufferevent_write.3.html'],
'bufferevent_write_buffer': ['http://man7.org/linux/man-pages/man3/bufferevent_write_buffer.3.html'],
'busctl': ['http://man7.org/linux/man-pages/man1/busctl.1.html'],
'byteorder': ['http://man7.org/linux/man-pages/man3/byteorder.3.html'],
'bzero': ['http://man7.org/linux/man-pages/man3/bzero.3.html'],
'c99': ['http://man7.org/linux/man-pages/man1/c99.1p.html'],
'cabs': ['http://man7.org/linux/man-pages/man3/cabs.3.html',
'http://man7.org/linux/man-pages/man3/cabs.3p.html'],
'cabsf': ['http://man7.org/linux/man-pages/man3/cabsf.3.html',
'http://man7.org/linux/man-pages/man3/cabsf.3p.html'],
'cabsl': ['http://man7.org/linux/man-pages/man3/cabsl.3.html',
'http://man7.org/linux/man-pages/man3/cabsl.3p.html'],
'cacheflush': ['http://man7.org/linux/man-pages/man2/cacheflush.2.html'],
'cacos': ['http://man7.org/linux/man-pages/man3/cacos.3.html',
'http://man7.org/linux/man-pages/man3/cacos.3p.html'],
'cacosf': ['http://man7.org/linux/man-pages/man3/cacosf.3.html',
'http://man7.org/linux/man-pages/man3/cacosf.3p.html'],
'cacosh': ['http://man7.org/linux/man-pages/man3/cacosh.3.html',
'http://man7.org/linux/man-pages/man3/cacosh.3p.html'],
'cacoshf': ['http://man7.org/linux/man-pages/man3/cacoshf.3.html',
'http://man7.org/linux/man-pages/man3/cacoshf.3p.html'],
'cacoshl': ['http://man7.org/linux/man-pages/man3/cacoshl.3.html',
'http://man7.org/linux/man-pages/man3/cacoshl.3p.html'],
'cacosl': ['http://man7.org/linux/man-pages/man3/cacosl.3.html',
'http://man7.org/linux/man-pages/man3/cacosl.3p.html'],
'cal': ['http://man7.org/linux/man-pages/man1/cal.1.html',
'http://man7.org/linux/man-pages/man1/cal.1p.html'],
'callgrind_annotate': ['http://man7.org/linux/man-pages/man1/callgrind_annotate.1.html'],
'callgrind_control': ['http://man7.org/linux/man-pages/man1/callgrind_control.1.html'],
'calloc': ['http://man7.org/linux/man-pages/man3/calloc.3.html',
'http://man7.org/linux/man-pages/man3/calloc.3p.html'],
'callrpc': ['http://man7.org/linux/man-pages/man3/callrpc.3.html'],
'can_change_color': ['http://man7.org/linux/man-pages/man3/can_change_color.3x.html'],
'cancel': ['http://man7.org/linux/man-pages/man1/cancel.1.html'],
'canonicalize_file_name': ['http://man7.org/linux/man-pages/man3/canonicalize_file_name.3.html'],
'cap_clear': ['http://man7.org/linux/man-pages/man3/cap_clear.3.html'],
'cap_clear_flag': ['http://man7.org/linux/man-pages/man3/cap_clear_flag.3.html'],
'cap_compare': ['http://man7.org/linux/man-pages/man3/cap_compare.3.html'],
'cap_copy_ext': ['http://man7.org/linux/man-pages/man3/cap_copy_ext.3.html'],
'cap_copy_int': ['http://man7.org/linux/man-pages/man3/cap_copy_int.3.html'],
'cap_drop_bound': ['http://man7.org/linux/man-pages/man3/cap_drop_bound.3.html'],
'cap_dup': ['http://man7.org/linux/man-pages/man3/cap_dup.3.html'],
'cap_free': ['http://man7.org/linux/man-pages/man3/cap_free.3.html'],
'cap_from_name': ['http://man7.org/linux/man-pages/man3/cap_from_name.3.html'],
'cap_from_text': ['http://man7.org/linux/man-pages/man3/cap_from_text.3.html'],
'cap_get_bound': ['http://man7.org/linux/man-pages/man3/cap_get_bound.3.html'],
'cap_get_fd': ['http://man7.org/linux/man-pages/man3/cap_get_fd.3.html'],
'cap_get_file': ['http://man7.org/linux/man-pages/man3/cap_get_file.3.html'],
'cap_get_flag': ['http://man7.org/linux/man-pages/man3/cap_get_flag.3.html'],
'cap_get_pid': ['http://man7.org/linux/man-pages/man3/cap_get_pid.3.html'],
'cap_get_proc': ['http://man7.org/linux/man-pages/man3/cap_get_proc.3.html'],
'cap_init': ['http://man7.org/linux/man-pages/man3/cap_init.3.html'],
'cap_set_fd': ['http://man7.org/linux/man-pages/man3/cap_set_fd.3.html'],
'cap_set_file': ['http://man7.org/linux/man-pages/man3/cap_set_file.3.html'],
'cap_set_flag': ['http://man7.org/linux/man-pages/man3/cap_set_flag.3.html'],
'cap_set_proc': ['http://man7.org/linux/man-pages/man3/cap_set_proc.3.html'],
'cap_size': ['http://man7.org/linux/man-pages/man3/cap_size.3.html'],
'cap_to_name': ['http://man7.org/linux/man-pages/man3/cap_to_name.3.html'],
'cap_to_text': ['http://man7.org/linux/man-pages/man3/cap_to_text.3.html'],
'capabilities': ['http://man7.org/linux/man-pages/man7/capabilities.7.html'],
'capget': ['http://man7.org/linux/man-pages/man2/capget.2.html'],
'capgetp': ['http://man7.org/linux/man-pages/man3/capgetp.3.html'],
'capng_apply': ['http://man7.org/linux/man-pages/man3/capng_apply.3.html'],
'capng_capability_to_name': ['http://man7.org/linux/man-pages/man3/capng_capability_to_name.3.html'],
'capng_change_id': ['http://man7.org/linux/man-pages/man3/capng_change_id.3.html'],
'capng_clear': ['http://man7.org/linux/man-pages/man3/capng_clear.3.html'],
'capng_fill': ['http://man7.org/linux/man-pages/man3/capng_fill.3.html'],
'capng_get_caps_fd': ['http://man7.org/linux/man-pages/man3/capng_get_caps_fd.3.html'],
'capng_get_caps_process': ['http://man7.org/linux/man-pages/man3/capng_get_caps_process.3.html'],
'capng_have_capabilities': ['http://man7.org/linux/man-pages/man3/capng_have_capabilities.3.html'],
'capng_have_capability': ['http://man7.org/linux/man-pages/man3/capng_have_capability.3.html'],
'capng_lock': ['http://man7.org/linux/man-pages/man3/capng_lock.3.html'],
'capng_name_to_capability': ['http://man7.org/linux/man-pages/man3/capng_name_to_capability.3.html'],
'capng_print_caps_numeric': ['http://man7.org/linux/man-pages/man3/capng_print_caps_numeric.3.html'],
'capng_print_caps_text': ['http://man7.org/linux/man-pages/man3/capng_print_caps_text.3.html'],
'capng_restore_state': ['http://man7.org/linux/man-pages/man3/capng_restore_state.3.html'],
'capng_save_state': ['http://man7.org/linux/man-pages/man3/capng_save_state.3.html'],
'capng_set_caps_fd': ['http://man7.org/linux/man-pages/man3/capng_set_caps_fd.3.html'],
'capng_setpid': ['http://man7.org/linux/man-pages/man3/capng_setpid.3.html'],
'capng_update': ['http://man7.org/linux/man-pages/man3/capng_update.3.html'],
'capng_updatev': ['http://man7.org/linux/man-pages/man3/capng_updatev.3.html'],
'capset': ['http://man7.org/linux/man-pages/man2/capset.2.html'],
'capsetp': ['http://man7.org/linux/man-pages/man3/capsetp.3.html'],
'capsh': ['http://man7.org/linux/man-pages/man1/capsh.1.html'],
'captest': ['http://man7.org/linux/man-pages/man8/captest.8.html'],
'carg': ['http://man7.org/linux/man-pages/man3/carg.3.html',
'http://man7.org/linux/man-pages/man3/carg.3p.html'],
'cargf': ['http://man7.org/linux/man-pages/man3/cargf.3.html',
'http://man7.org/linux/man-pages/man3/cargf.3p.html'],
'cargl': ['http://man7.org/linux/man-pages/man3/cargl.3.html',
'http://man7.org/linux/man-pages/man3/cargl.3p.html'],
'casin': ['http://man7.org/linux/man-pages/man3/casin.3.html',
'http://man7.org/linux/man-pages/man3/casin.3p.html'],
'casinf': ['http://man7.org/linux/man-pages/man3/casinf.3.html',
'http://man7.org/linux/man-pages/man3/casinf.3p.html'],
'casinh': ['http://man7.org/linux/man-pages/man3/casinh.3.html',
'http://man7.org/linux/man-pages/man3/casinh.3p.html'],
'casinhf': ['http://man7.org/linux/man-pages/man3/casinhf.3.html',
'http://man7.org/linux/man-pages/man3/casinhf.3p.html'],
'casinhl': ['http://man7.org/linux/man-pages/man3/casinhl.3.html',
'http://man7.org/linux/man-pages/man3/casinhl.3p.html'],
'casinl': ['http://man7.org/linux/man-pages/man3/casinl.3.html',
'http://man7.org/linux/man-pages/man3/casinl.3p.html'],
'cat': ['http://man7.org/linux/man-pages/man1/cat.1.html',
'http://man7.org/linux/man-pages/man1/cat.1p.html'],
'catan': ['http://man7.org/linux/man-pages/man3/catan.3.html',
'http://man7.org/linux/man-pages/man3/catan.3p.html'],
'catanf': ['http://man7.org/linux/man-pages/man3/catanf.3.html',
'http://man7.org/linux/man-pages/man3/catanf.3p.html'],
'catanh': ['http://man7.org/linux/man-pages/man3/catanh.3.html',
'http://man7.org/linux/man-pages/man3/catanh.3p.html'],
'catanhf': ['http://man7.org/linux/man-pages/man3/catanhf.3.html',
'http://man7.org/linux/man-pages/man3/catanhf.3p.html'],
'catanhl': ['http://man7.org/linux/man-pages/man3/catanhl.3.html',
'http://man7.org/linux/man-pages/man3/catanhl.3p.html'],
'catanl': ['http://man7.org/linux/man-pages/man3/catanl.3.html',
'http://man7.org/linux/man-pages/man3/catanl.3p.html'],
'catclose': ['http://man7.org/linux/man-pages/man3/catclose.3.html',
'http://man7.org/linux/man-pages/man3/catclose.3p.html'],
'catgets': ['http://man7.org/linux/man-pages/man3/catgets.3.html',
'http://man7.org/linux/man-pages/man3/catgets.3p.html'],
'catman': ['http://man7.org/linux/man-pages/man8/catman.8.html'],
'catopen': ['http://man7.org/linux/man-pages/man3/catopen.3.html',
'http://man7.org/linux/man-pages/man3/catopen.3p.html'],
'cbc_crypt': ['http://man7.org/linux/man-pages/man3/cbc_crypt.3.html'],
'cbreak': ['http://man7.org/linux/man-pages/man3/cbreak.3x.html'],
'cbrt': ['http://man7.org/linux/man-pages/man3/cbrt.3.html',
'http://man7.org/linux/man-pages/man3/cbrt.3p.html'],
'cbrtf': ['http://man7.org/linux/man-pages/man3/cbrtf.3.html',
'http://man7.org/linux/man-pages/man3/cbrtf.3p.html'],
'cbrtl': ['http://man7.org/linux/man-pages/man3/cbrtl.3.html',
'http://man7.org/linux/man-pages/man3/cbrtl.3p.html'],
'cciss': ['http://man7.org/linux/man-pages/man4/cciss.4.html'],
'ccos': ['http://man7.org/linux/man-pages/man3/ccos.3.html',
'http://man7.org/linux/man-pages/man3/ccos.3p.html'],
'ccosf': ['http://man7.org/linux/man-pages/man3/ccosf.3.html',
'http://man7.org/linux/man-pages/man3/ccosf.3p.html'],
'ccosh': ['http://man7.org/linux/man-pages/man3/ccosh.3.html',
'http://man7.org/linux/man-pages/man3/ccosh.3p.html'],
'ccoshf': ['http://man7.org/linux/man-pages/man3/ccoshf.3.html',
'http://man7.org/linux/man-pages/man3/ccoshf.3p.html'],
'ccoshl': ['http://man7.org/linux/man-pages/man3/ccoshl.3.html',
'http://man7.org/linux/man-pages/man3/ccoshl.3p.html'],
'ccosl': ['http://man7.org/linux/man-pages/man3/ccosl.3.html',
'http://man7.org/linux/man-pages/man3/ccosl.3p.html'],
'cd': ['http://man7.org/linux/man-pages/man1/cd.1p.html'],
'ceil': ['http://man7.org/linux/man-pages/man3/ceil.3.html',
'http://man7.org/linux/man-pages/man3/ceil.3p.html'],
'ceilf': ['http://man7.org/linux/man-pages/man3/ceilf.3.html',
'http://man7.org/linux/man-pages/man3/ceilf.3p.html'],
'ceill': ['http://man7.org/linux/man-pages/man3/ceill.3.html',
'http://man7.org/linux/man-pages/man3/ceill.3p.html'],
'certtool': ['http://man7.org/linux/man-pages/man1/certtool.1.html'],
'cexp': ['http://man7.org/linux/man-pages/man3/cexp.3.html',
'http://man7.org/linux/man-pages/man3/cexp.3p.html'],
'cexp2': ['http://man7.org/linux/man-pages/man3/cexp2.3.html'],
'cexp2f': ['http://man7.org/linux/man-pages/man3/cexp2f.3.html'],
'cexp2l': ['http://man7.org/linux/man-pages/man3/cexp2l.3.html'],
'cexpf': ['http://man7.org/linux/man-pages/man3/cexpf.3.html',
'http://man7.org/linux/man-pages/man3/cexpf.3p.html'],
'cexpl': ['http://man7.org/linux/man-pages/man3/cexpl.3.html',
'http://man7.org/linux/man-pages/man3/cexpl.3p.html'],
'cfdisk': ['http://man7.org/linux/man-pages/man8/cfdisk.8.html'],
'cfgetispeed': ['http://man7.org/linux/man-pages/man3/cfgetispeed.3.html',
'http://man7.org/linux/man-pages/man3/cfgetispeed.3p.html'],
'cfgetospeed': ['http://man7.org/linux/man-pages/man3/cfgetospeed.3.html',
'http://man7.org/linux/man-pages/man3/cfgetospeed.3p.html'],
'cflow': ['http://man7.org/linux/man-pages/man1/cflow.1p.html'],
'cfmakeraw': ['http://man7.org/linux/man-pages/man3/cfmakeraw.3.html'],
'cfree': ['http://man7.org/linux/man-pages/man3/cfree.3.html'],
'cfsetispeed': ['http://man7.org/linux/man-pages/man3/cfsetispeed.3.html',
'http://man7.org/linux/man-pages/man3/cfsetispeed.3p.html'],
'cfsetospeed': ['http://man7.org/linux/man-pages/man3/cfsetospeed.3.html',
'http://man7.org/linux/man-pages/man3/cfsetospeed.3p.html'],
'cfsetspeed': ['http://man7.org/linux/man-pages/man3/cfsetspeed.3.html'],
'cg_annotate': ['http://man7.org/linux/man-pages/man1/cg_annotate.1.html'],
'cg_diff': ['http://man7.org/linux/man-pages/man1/cg_diff.1.html'],
'cg_merge': ['http://man7.org/linux/man-pages/man1/cg_merge.1.html'],
'cgcc': ['http://man7.org/linux/man-pages/man1/cgcc.1.html'],
'cgroup': ['http://man7.org/linux/man-pages/man8/cgroup.8.html'],
'cgroup_namespaces': ['http://man7.org/linux/man-pages/man7/cgroup_namespaces.7.html'],
'cgroups': ['http://man7.org/linux/man-pages/man7/cgroups.7.html'],
'chacl': ['http://man7.org/linux/man-pages/man1/chacl.1.html'],
'chage': ['http://man7.org/linux/man-pages/man1/chage.1.html'],
'charmap': ['http://man7.org/linux/man-pages/man5/charmap.5.html'],
'charsets': ['http://man7.org/linux/man-pages/man7/charsets.7.html'],
'chattr': ['http://man7.org/linux/man-pages/man1/chattr.1.html'],
'chcat': ['http://man7.org/linux/man-pages/man8/chcat.8.html'],
'chcon': ['http://man7.org/linux/man-pages/man1/chcon.1.html'],
'chcpu': ['http://man7.org/linux/man-pages/man8/chcpu.8.html'],
'chdir': ['http://man7.org/linux/man-pages/man2/chdir.2.html',
'http://man7.org/linux/man-pages/man3/chdir.3p.html'],
'checkPasswdAccess': ['http://man7.org/linux/man-pages/man3/checkPasswdAccess.3.html'],
'checkmodule': ['http://man7.org/linux/man-pages/man8/checkmodule.8.html'],
'checkpasswdaccess': ['http://man7.org/linux/man-pages/man3/checkpasswdaccess.3.html'],
'checkpolicy': ['http://man7.org/linux/man-pages/man8/checkpolicy.8.html'],
'chem': ['http://man7.org/linux/man-pages/man1/chem.1.html'],
'chfn': ['http://man7.org/linux/man-pages/man1/chfn.1.html'],
'chgat': ['http://man7.org/linux/man-pages/man3/chgat.3x.html'],
'chgpasswd': ['http://man7.org/linux/man-pages/man8/chgpasswd.8.html'],
'chgrp': ['http://man7.org/linux/man-pages/man1/chgrp.1.html',
'http://man7.org/linux/man-pages/man1/chgrp.1p.html'],
'chkcon': ['http://man7.org/linux/man-pages/man8/chkcon.8.html'],
'chkhelp': ['http://man7.org/linux/man-pages/man1/chkhelp.1.html'],
'chmem': ['http://man7.org/linux/man-pages/man8/chmem.8.html'],
'chmod': ['http://man7.org/linux/man-pages/man1/chmod.1.html',
'http://man7.org/linux/man-pages/man1/chmod.1p.html',
'http://man7.org/linux/man-pages/man2/chmod.2.html',
'http://man7.org/linux/man-pages/man3/chmod.3p.html'],
'choke': ['http://man7.org/linux/man-pages/man8/choke.8.html'],
'choom': ['http://man7.org/linux/man-pages/man1/choom.1.html'],
'chown': ['http://man7.org/linux/man-pages/man1/chown.1.html',
'http://man7.org/linux/man-pages/man1/chown.1p.html',
'http://man7.org/linux/man-pages/man2/chown.2.html',
'http://man7.org/linux/man-pages/man3/chown.3p.html'],
'chown32': ['http://man7.org/linux/man-pages/man2/chown32.2.html'],
'chpasswd': ['http://man7.org/linux/man-pages/man8/chpasswd.8.html'],
'chroot': ['http://man7.org/linux/man-pages/man1/chroot.1.html',
'http://man7.org/linux/man-pages/man2/chroot.2.html'],
'chrt': ['http://man7.org/linux/man-pages/man1/chrt.1.html'],
'chsh': ['http://man7.org/linux/man-pages/man1/chsh.1.html'],
'chvt': ['http://man7.org/linux/man-pages/man1/chvt.1.html'],
'cifsiostat': ['http://man7.org/linux/man-pages/man1/cifsiostat.1.html'],
'cimag': ['http://man7.org/linux/man-pages/man3/cimag.3.html',
'http://man7.org/linux/man-pages/man3/cimag.3p.html'],
'cimagf': ['http://man7.org/linux/man-pages/man3/cimagf.3.html',
'http://man7.org/linux/man-pages/man3/cimagf.3p.html'],
'cimagl': ['http://man7.org/linux/man-pages/man3/cimagl.3.html',
'http://man7.org/linux/man-pages/man3/cimagl.3p.html'],
'circleq_entry': ['http://man7.org/linux/man-pages/man3/circleq_entry.3.html'],
'circleq_head': ['http://man7.org/linux/man-pages/man3/circleq_head.3.html'],
'circleq_init': ['http://man7.org/linux/man-pages/man3/circleq_init.3.html'],
'circleq_insert_after': ['http://man7.org/linux/man-pages/man3/circleq_insert_after.3.html'],
'circleq_insert_before': ['http://man7.org/linux/man-pages/man3/circleq_insert_before.3.html'],
'circleq_insert_head': ['http://man7.org/linux/man-pages/man3/circleq_insert_head.3.html'],
'circleq_insert_tail': ['http://man7.org/linux/man-pages/man3/circleq_insert_tail.3.html'],
'circleq_remove': ['http://man7.org/linux/man-pages/man3/circleq_remove.3.html'],
'cksum': ['http://man7.org/linux/man-pages/man1/cksum.1.html',
'http://man7.org/linux/man-pages/man1/cksum.1p.html'],
'classes.conf': ['http://man7.org/linux/man-pages/man5/classes.conf.5.html'],
'clear': ['http://man7.org/linux/man-pages/man1/clear.1.html',
'http://man7.org/linux/man-pages/man3/clear.3x.html'],
'clearenv': ['http://man7.org/linux/man-pages/man3/clearenv.3.html'],
'clearerr': ['http://man7.org/linux/man-pages/man3/clearerr.3.html',
'http://man7.org/linux/man-pages/man3/clearerr.3p.html'],
'clearerr_unlocked': ['http://man7.org/linux/man-pages/man3/clearerr_unlocked.3.html'],
'clearok': ['http://man7.org/linux/man-pages/man3/clearok.3x.html'],
'client.conf': ['http://man7.org/linux/man-pages/man5/client.conf.5.html'],
'clnt_broadcast': ['http://man7.org/linux/man-pages/man3/clnt_broadcast.3.html'],
'clnt_call': ['http://man7.org/linux/man-pages/man3/clnt_call.3.html'],
'clnt_control': ['http://man7.org/linux/man-pages/man3/clnt_control.3.html'],
'clnt_create': ['http://man7.org/linux/man-pages/man3/clnt_create.3.html'],
'clnt_destroy': ['http://man7.org/linux/man-pages/man3/clnt_destroy.3.html'],
'clnt_freeres': ['http://man7.org/linux/man-pages/man3/clnt_freeres.3.html'],
'clnt_geterr': ['http://man7.org/linux/man-pages/man3/clnt_geterr.3.html'],
'clnt_pcreateerror': ['http://man7.org/linux/man-pages/man3/clnt_pcreateerror.3.html'],
'clnt_perrno': ['http://man7.org/linux/man-pages/man3/clnt_perrno.3.html'],
'clnt_perror': ['http://man7.org/linux/man-pages/man3/clnt_perror.3.html'],
'clnt_spcreateerror': ['http://man7.org/linux/man-pages/man3/clnt_spcreateerror.3.html'],
'clnt_sperrno': ['http://man7.org/linux/man-pages/man3/clnt_sperrno.3.html'],
'clnt_sperror': ['http://man7.org/linux/man-pages/man3/clnt_sperror.3.html'],
'clntraw_create': ['http://man7.org/linux/man-pages/man3/clntraw_create.3.html'],
'clnttcp_create': ['http://man7.org/linux/man-pages/man3/clnttcp_create.3.html'],
'clntudp_bufcreate': ['http://man7.org/linux/man-pages/man3/clntudp_bufcreate.3.html'],
'clntudp_create': ['http://man7.org/linux/man-pages/man3/clntudp_create.3.html'],
'clock': ['http://man7.org/linux/man-pages/man3/clock.3.html',
'http://man7.org/linux/man-pages/man3/clock.3p.html'],
'clock_getcpuclockid': ['http://man7.org/linux/man-pages/man3/clock_getcpuclockid.3.html',
'http://man7.org/linux/man-pages/man3/clock_getcpuclockid.3p.html'],
'clock_getres': ['http://man7.org/linux/man-pages/man2/clock_getres.2.html',
'http://man7.org/linux/man-pages/man3/clock_getres.3.html',
'http://man7.org/linux/man-pages/man3/clock_getres.3p.html'],
'clock_gettime': ['http://man7.org/linux/man-pages/man2/clock_gettime.2.html',
'http://man7.org/linux/man-pages/man3/clock_gettime.3.html',
'http://man7.org/linux/man-pages/man3/clock_gettime.3p.html'],
'clock_nanosleep': ['http://man7.org/linux/man-pages/man2/clock_nanosleep.2.html',
'http://man7.org/linux/man-pages/man3/clock_nanosleep.3p.html'],
'clock_settime': ['http://man7.org/linux/man-pages/man2/clock_settime.2.html',
'http://man7.org/linux/man-pages/man3/clock_settime.3.html',
'http://man7.org/linux/man-pages/man3/clock_settime.3p.html'],
'clockdiff': ['http://man7.org/linux/man-pages/man8/clockdiff.8.html'],
'clog': ['http://man7.org/linux/man-pages/man3/clog.3.html',
'http://man7.org/linux/man-pages/man3/clog.3p.html'],
'clog10': ['http://man7.org/linux/man-pages/man3/clog10.3.html'],
'clog10f': ['http://man7.org/linux/man-pages/man3/clog10f.3.html'],
'clog10l': ['http://man7.org/linux/man-pages/man3/clog10l.3.html'],
'clog2': ['http://man7.org/linux/man-pages/man3/clog2.3.html'],
'clog2f': ['http://man7.org/linux/man-pages/man3/clog2f.3.html'],
'clog2l': ['http://man7.org/linux/man-pages/man3/clog2l.3.html'],
'clogf': ['http://man7.org/linux/man-pages/man3/clogf.3.html',
'http://man7.org/linux/man-pages/man3/clogf.3p.html'],
'clogl': ['http://man7.org/linux/man-pages/man3/clogl.3.html',
'http://man7.org/linux/man-pages/man3/clogl.3p.html'],
'clone': ['http://man7.org/linux/man-pages/man2/clone.2.html'],
'clone2': ['http://man7.org/linux/man-pages/man2/clone2.2.html'],
'close': ['http://man7.org/linux/man-pages/man2/close.2.html',
'http://man7.org/linux/man-pages/man3/close.3p.html'],
'closedir': ['http://man7.org/linux/man-pages/man3/closedir.3.html',
'http://man7.org/linux/man-pages/man3/closedir.3p.html'],
'closelog': ['http://man7.org/linux/man-pages/man3/closelog.3.html',
'http://man7.org/linux/man-pages/man3/closelog.3p.html'],
'clrtobot': ['http://man7.org/linux/man-pages/man3/clrtobot.3x.html'],
'clrtoeol': ['http://man7.org/linux/man-pages/man3/clrtoeol.3x.html'],
'cmirrord': ['http://man7.org/linux/man-pages/man8/cmirrord.8.html'],
'cmp': ['http://man7.org/linux/man-pages/man1/cmp.1.html',
'http://man7.org/linux/man-pages/man1/cmp.1p.html'],
'cmsg': ['http://man7.org/linux/man-pages/man3/cmsg.3.html'],
'cmsg_align': ['http://man7.org/linux/man-pages/man3/cmsg_align.3.html'],
'cmsg_data': ['http://man7.org/linux/man-pages/man3/cmsg_data.3.html'],
'cmsg_firsthdr': ['http://man7.org/linux/man-pages/man3/cmsg_firsthdr.3.html'],
'cmsg_len': ['http://man7.org/linux/man-pages/man3/cmsg_len.3.html'],
'cmsg_nxthdr': ['http://man7.org/linux/man-pages/man3/cmsg_nxthdr.3.html'],
'cmsg_space': ['http://man7.org/linux/man-pages/man3/cmsg_space.3.html'],
'cmtime': ['http://man7.org/linux/man-pages/man1/cmtime.1.html'],
'col': ['http://man7.org/linux/man-pages/man1/col.1.html'],
'colcrt': ['http://man7.org/linux/man-pages/man1/colcrt.1.html'],
'collectl2pcp': ['http://man7.org/linux/man-pages/man1/collectl2pcp.1.html'],
'colon': ['http://man7.org/linux/man-pages/man1/colon.1p.html'],
'color_content': ['http://man7.org/linux/man-pages/man3/color_content.3x.html'],
'color_set': ['http://man7.org/linux/man-pages/man3/color_set.3x.html'],
'colrm': ['http://man7.org/linux/man-pages/man1/colrm.1.html'],
'column': ['http://man7.org/linux/man-pages/man1/column.1.html'],
'comm': ['http://man7.org/linux/man-pages/man1/comm.1.html',
'http://man7.org/linux/man-pages/man1/comm.1p.html'],
'command': ['http://man7.org/linux/man-pages/man1/command.1p.html'],
'comp_err': ['http://man7.org/linux/man-pages/man1/comp_err.1.html'],
'complex': ['http://man7.org/linux/man-pages/man7/complex.7.html'],
'complex.h': ['http://man7.org/linux/man-pages/man0/complex.h.0p.html'],
'compress': ['http://man7.org/linux/man-pages/man1/compress.1p.html'],
'config': ['http://man7.org/linux/man-pages/man5/config.5.html'],
'confstr': ['http://man7.org/linux/man-pages/man3/confstr.3.html',
'http://man7.org/linux/man-pages/man3/confstr.3p.html'],
'conj': ['http://man7.org/linux/man-pages/man3/conj.3.html',
'http://man7.org/linux/man-pages/man3/conj.3p.html'],
'conjf': ['http://man7.org/linux/man-pages/man3/conjf.3.html',
'http://man7.org/linux/man-pages/man3/conjf.3p.html'],
'conjl': ['http://man7.org/linux/man-pages/man3/conjl.3.html',
'http://man7.org/linux/man-pages/man3/conjl.3p.html'],
'connect': ['http://man7.org/linux/man-pages/man2/connect.2.html',
'http://man7.org/linux/man-pages/man3/connect.3p.html'],
'connmark': ['http://man7.org/linux/man-pages/man8/connmark.8.html'],
'console_codes': ['http://man7.org/linux/man-pages/man4/console_codes.4.html'],
'console_ioctl': ['http://man7.org/linux/man-pages/man4/console_ioctl.4.html'],
'context_free': ['http://man7.org/linux/man-pages/man3/context_free.3.html'],
'context_new': ['http://man7.org/linux/man-pages/man3/context_new.3.html'],
'context_range_get': ['http://man7.org/linux/man-pages/man3/context_range_get.3.html'],
'context_range_set': ['http://man7.org/linux/man-pages/man3/context_range_set.3.html'],
'context_role_get': ['http://man7.org/linux/man-pages/man3/context_role_get.3.html'],
'context_role_set': ['http://man7.org/linux/man-pages/man3/context_role_set.3.html'],
'context_str': ['http://man7.org/linux/man-pages/man3/context_str.3.html'],
'context_type_get': ['http://man7.org/linux/man-pages/man3/context_type_get.3.html'],
'context_type_set': ['http://man7.org/linux/man-pages/man3/context_type_set.3.html'],
'context_user_get': ['http://man7.org/linux/man-pages/man3/context_user_get.3.html'],
'context_user_set': ['http://man7.org/linux/man-pages/man3/context_user_set.3.html'],
'continue': ['http://man7.org/linux/man-pages/man1/continue.1p.html'],
'convertquota': ['http://man7.org/linux/man-pages/man8/convertquota.8.html'],
'copy_file_range': ['http://man7.org/linux/man-pages/man2/copy_file_range.2.html'],
'copysign': ['http://man7.org/linux/man-pages/man3/copysign.3.html',
'http://man7.org/linux/man-pages/man3/copysign.3p.html'],
'copysignf': ['http://man7.org/linux/man-pages/man3/copysignf.3.html',
'http://man7.org/linux/man-pages/man3/copysignf.3p.html'],
'copysignl': ['http://man7.org/linux/man-pages/man3/copysignl.3.html',
'http://man7.org/linux/man-pages/man3/copysignl.3p.html'],
'copywin': ['http://man7.org/linux/man-pages/man3/copywin.3x.html'],
'core': ['http://man7.org/linux/man-pages/man5/core.5.html'],
'coredump.conf': ['http://man7.org/linux/man-pages/man5/coredump.conf.5.html'],
'coredump.conf.d': ['http://man7.org/linux/man-pages/man5/coredump.conf.d.5.html'],
'coredumpctl': ['http://man7.org/linux/man-pages/man1/coredumpctl.1.html'],
'coreutils': ['http://man7.org/linux/man-pages/man1/coreutils.1.html'],
'cos': ['http://man7.org/linux/man-pages/man3/cos.3.html',
'http://man7.org/linux/man-pages/man3/cos.3p.html'],
'cosf': ['http://man7.org/linux/man-pages/man3/cosf.3.html',
'http://man7.org/linux/man-pages/man3/cosf.3p.html'],
'cosh': ['http://man7.org/linux/man-pages/man3/cosh.3.html',
'http://man7.org/linux/man-pages/man3/cosh.3p.html'],
'coshf': ['http://man7.org/linux/man-pages/man3/coshf.3.html',
'http://man7.org/linux/man-pages/man3/coshf.3p.html'],
'coshl': ['http://man7.org/linux/man-pages/man3/coshl.3.html',
'http://man7.org/linux/man-pages/man3/coshl.3p.html'],
'cosl': ['http://man7.org/linux/man-pages/man3/cosl.3.html',
'http://man7.org/linux/man-pages/man3/cosl.3p.html'],
'cp': ['http://man7.org/linux/man-pages/man1/cp.1.html',
'http://man7.org/linux/man-pages/man1/cp.1p.html'],
'cp1251': ['http://man7.org/linux/man-pages/man7/cp1251.7.html'],
'cp1252': ['http://man7.org/linux/man-pages/man7/cp1252.7.html'],
'cpio.h': ['http://man7.org/linux/man-pages/man0/cpio.h.0p.html'],
'cpow': ['http://man7.org/linux/man-pages/man3/cpow.3.html',
'http://man7.org/linux/man-pages/man3/cpow.3p.html'],
'cpowf': ['http://man7.org/linux/man-pages/man3/cpowf.3.html',
'http://man7.org/linux/man-pages/man3/cpowf.3p.html'],
'cpowl': ['http://man7.org/linux/man-pages/man3/cpowl.3.html',
'http://man7.org/linux/man-pages/man3/cpowl.3p.html'],
'cpp': ['http://man7.org/linux/man-pages/man1/cpp.1.html'],
'cproj': ['http://man7.org/linux/man-pages/man3/cproj.3.html',
'http://man7.org/linux/man-pages/man3/cproj.3p.html'],
'cprojf': ['http://man7.org/linux/man-pages/man3/cprojf.3.html',
'http://man7.org/linux/man-pages/man3/cprojf.3p.html'],
'cprojl': ['http://man7.org/linux/man-pages/man3/cprojl.3.html',
'http://man7.org/linux/man-pages/man3/cprojl.3p.html'],
'cpu_alloc': ['http://man7.org/linux/man-pages/man3/cpu_alloc.3.html'],
'cpu_alloc_size': ['http://man7.org/linux/man-pages/man3/cpu_alloc_size.3.html'],
'cpu_and': ['http://man7.org/linux/man-pages/man3/cpu_and.3.html'],
'cpu_and_s': ['http://man7.org/linux/man-pages/man3/cpu_and_s.3.html'],
'cpu_clr': ['http://man7.org/linux/man-pages/man3/cpu_clr.3.html'],
'cpu_clr_s': ['http://man7.org/linux/man-pages/man3/cpu_clr_s.3.html'],
'cpu_count': ['http://man7.org/linux/man-pages/man3/cpu_count.3.html'],
'cpu_count_s': ['http://man7.org/linux/man-pages/man3/cpu_count_s.3.html'],
'cpu_equal': ['http://man7.org/linux/man-pages/man3/cpu_equal.3.html'],
'cpu_equal_s': ['http://man7.org/linux/man-pages/man3/cpu_equal_s.3.html'],
'cpu_free': ['http://man7.org/linux/man-pages/man3/cpu_free.3.html'],
'cpu_isset': ['http://man7.org/linux/man-pages/man3/cpu_isset.3.html'],
'cpu_isset_s': ['http://man7.org/linux/man-pages/man3/cpu_isset_s.3.html'],
'cpu_or': ['http://man7.org/linux/man-pages/man3/cpu_or.3.html'],
'cpu_or_s': ['http://man7.org/linux/man-pages/man3/cpu_or_s.3.html'],
'cpu_set': ['http://man7.org/linux/man-pages/man3/cpu_set.3.html'],
'cpu_set_s': ['http://man7.org/linux/man-pages/man3/cpu_set_s.3.html'],
'cpu_xor': ['http://man7.org/linux/man-pages/man3/cpu_xor.3.html'],
'cpu_xor_s': ['http://man7.org/linux/man-pages/man3/cpu_xor_s.3.html'],
'cpu_zero': ['http://man7.org/linux/man-pages/man3/cpu_zero.3.html'],
'cpu_zero_s': ['http://man7.org/linux/man-pages/man3/cpu_zero_s.3.html'],
'cpuid': ['http://man7.org/linux/man-pages/man4/cpuid.4.html'],
'cpuset': ['http://man7.org/linux/man-pages/man7/cpuset.7.html'],
'crash': ['http://man7.org/linux/man-pages/man8/crash.8.html'],
'creal': ['http://man7.org/linux/man-pages/man3/creal.3.html',
'http://man7.org/linux/man-pages/man3/creal.3p.html'],
'crealf': ['http://man7.org/linux/man-pages/man3/crealf.3.html',
'http://man7.org/linux/man-pages/man3/crealf.3p.html'],
'creall': ['http://man7.org/linux/man-pages/man3/creall.3.html',
'http://man7.org/linux/man-pages/man3/creall.3p.html'],
'creat': ['http://man7.org/linux/man-pages/man2/creat.2.html',
'http://man7.org/linux/man-pages/man3/creat.3p.html'],
'create_module': ['http://man7.org/linux/man-pages/man2/create_module.2.html'],
'credentials': ['http://man7.org/linux/man-pages/man7/credentials.7.html'],
'cron': ['http://man7.org/linux/man-pages/man8/cron.8.html'],
'crond': ['http://man7.org/linux/man-pages/man8/crond.8.html'],
'cronnext': ['http://man7.org/linux/man-pages/man1/cronnext.1.html'],
'crontab': ['http://man7.org/linux/man-pages/man1/crontab.1.html',
'http://man7.org/linux/man-pages/man1/crontab.1p.html',
'http://man7.org/linux/man-pages/man5/crontab.5.html'],
'crypt': ['http://man7.org/linux/man-pages/man3/crypt.3.html',
'http://man7.org/linux/man-pages/man3/crypt.3p.html'],
'crypt_r': ['http://man7.org/linux/man-pages/man3/crypt_r.3.html'],
'cryptsetup': ['http://man7.org/linux/man-pages/man8/cryptsetup.8.html'],
'cryptsetup-reencrypt': ['http://man7.org/linux/man-pages/man8/cryptsetup-reencrypt.8.html'],
'csin': ['http://man7.org/linux/man-pages/man3/csin.3.html',
'http://man7.org/linux/man-pages/man3/csin.3p.html'],
'csinf': ['http://man7.org/linux/man-pages/man3/csinf.3.html',
'http://man7.org/linux/man-pages/man3/csinf.3p.html'],
'csinh': ['http://man7.org/linux/man-pages/man3/csinh.3.html',
'http://man7.org/linux/man-pages/man3/csinh.3p.html'],
'csinhf': ['http://man7.org/linux/man-pages/man3/csinhf.3.html',
'http://man7.org/linux/man-pages/man3/csinhf.3p.html'],
'csinhl': ['http://man7.org/linux/man-pages/man3/csinhl.3.html',
'http://man7.org/linux/man-pages/man3/csinhl.3p.html'],
'csinl': ['http://man7.org/linux/man-pages/man3/csinl.3.html',
'http://man7.org/linux/man-pages/man3/csinl.3p.html'],
'csplit': ['http://man7.org/linux/man-pages/man1/csplit.1.html',
'http://man7.org/linux/man-pages/man1/csplit.1p.html'],
'csqrt': ['http://man7.org/linux/man-pages/man3/csqrt.3.html',
'http://man7.org/linux/man-pages/man3/csqrt.3p.html'],
'csqrtf': ['http://man7.org/linux/man-pages/man3/csqrtf.3.html',
'http://man7.org/linux/man-pages/man3/csqrtf.3p.html'],
'csqrtl': ['http://man7.org/linux/man-pages/man3/csqrtl.3.html',
'http://man7.org/linux/man-pages/man3/csqrtl.3p.html'],
'csum': ['http://man7.org/linux/man-pages/man8/csum.8.html'],
'csysdig': ['http://man7.org/linux/man-pages/man8/csysdig.8.html'],
'ctags': ['http://man7.org/linux/man-pages/man1/ctags.1p.html'],
'ctan': ['http://man7.org/linux/man-pages/man3/ctan.3.html',
'http://man7.org/linux/man-pages/man3/ctan.3p.html'],
'ctanf': ['http://man7.org/linux/man-pages/man3/ctanf.3.html',
'http://man7.org/linux/man-pages/man3/ctanf.3p.html'],
'ctanh': ['http://man7.org/linux/man-pages/man3/ctanh.3.html',
'http://man7.org/linux/man-pages/man3/ctanh.3p.html'],
'ctanhf': ['http://man7.org/linux/man-pages/man3/ctanhf.3.html',
'http://man7.org/linux/man-pages/man3/ctanhf.3p.html'],
'ctanhl': ['http://man7.org/linux/man-pages/man3/ctanhl.3.html',
'http://man7.org/linux/man-pages/man3/ctanhl.3p.html'],
'ctanl': ['http://man7.org/linux/man-pages/man3/ctanl.3.html',
'http://man7.org/linux/man-pages/man3/ctanl.3p.html'],
'ctermid': ['http://man7.org/linux/man-pages/man3/ctermid.3.html',
'http://man7.org/linux/man-pages/man3/ctermid.3p.html'],
'ctime': ['http://man7.org/linux/man-pages/man3/ctime.3.html',
'http://man7.org/linux/man-pages/man3/ctime.3p.html'],
'ctime_r': ['http://man7.org/linux/man-pages/man3/ctime_r.3.html',
'http://man7.org/linux/man-pages/man3/ctime_r.3p.html'],
'ctrlaltdel': ['http://man7.org/linux/man-pages/man8/ctrlaltdel.8.html'],
'ctstat': ['http://man7.org/linux/man-pages/man8/ctstat.8.html'],
'ctype.h': ['http://man7.org/linux/man-pages/man0/ctype.h.0p.html'],
'cups': ['http://man7.org/linux/man-pages/man1/cups.1.html'],
'cups-config': ['http://man7.org/linux/man-pages/man1/cups-config.1.html'],
'cups-files.conf': ['http://man7.org/linux/man-pages/man5/cups-files.conf.5.html'],
'cups-lpd': ['http://man7.org/linux/man-pages/man8/cups-lpd.8.html'],
'cups-snmp': ['http://man7.org/linux/man-pages/man8/cups-snmp.8.html'],
'cups-snmp.conf': ['http://man7.org/linux/man-pages/man5/cups-snmp.conf.5.html'],
'cupsaccept': ['http://man7.org/linux/man-pages/man8/cupsaccept.8.html'],
'cupsaddsmb': ['http://man7.org/linux/man-pages/man8/cupsaddsmb.8.html'],
'cupsctl': ['http://man7.org/linux/man-pages/man8/cupsctl.8.html'],
'cupsd': ['http://man7.org/linux/man-pages/man8/cupsd.8.html'],
'cupsd-helper': ['http://man7.org/linux/man-pages/man8/cupsd-helper.8.html'],
'cupsd-logs': ['http://man7.org/linux/man-pages/man5/cupsd-logs.5.html'],
'cupsd.conf': ['http://man7.org/linux/man-pages/man5/cupsd.conf.5.html'],
'cupsdisable': ['http://man7.org/linux/man-pages/man8/cupsdisable.8.html'],
'cupsenable': ['http://man7.org/linux/man-pages/man8/cupsenable.8.html'],
'cupsfilter': ['http://man7.org/linux/man-pages/man8/cupsfilter.8.html'],
'cupstestdsc': ['http://man7.org/linux/man-pages/man1/cupstestdsc.1.html'],
'cupstestppd': ['http://man7.org/linux/man-pages/man1/cupstestppd.1.html'],
'cur_term': ['http://man7.org/linux/man-pages/man3/cur_term.3x.html'],
'curs_add_wch': ['http://man7.org/linux/man-pages/man3/curs_add_wch.3x.html'],
'curs_add_wchstr': ['http://man7.org/linux/man-pages/man3/curs_add_wchstr.3x.html'],
'curs_addch': ['http://man7.org/linux/man-pages/man3/curs_addch.3x.html'],
'curs_addchstr': ['http://man7.org/linux/man-pages/man3/curs_addchstr.3x.html'],
'curs_addstr': ['http://man7.org/linux/man-pages/man3/curs_addstr.3x.html'],
'curs_addwstr': ['http://man7.org/linux/man-pages/man3/curs_addwstr.3x.html'],
'curs_attr': ['http://man7.org/linux/man-pages/man3/curs_attr.3x.html'],
'curs_beep': ['http://man7.org/linux/man-pages/man3/curs_beep.3x.html'],
'curs_bkgd': ['http://man7.org/linux/man-pages/man3/curs_bkgd.3x.html'],
'curs_bkgrnd': ['http://man7.org/linux/man-pages/man3/curs_bkgrnd.3x.html'],
'curs_border': ['http://man7.org/linux/man-pages/man3/curs_border.3x.html'],
'curs_border_set': ['http://man7.org/linux/man-pages/man3/curs_border_set.3x.html'],
'curs_clear': ['http://man7.org/linux/man-pages/man3/curs_clear.3x.html'],
'curs_color': ['http://man7.org/linux/man-pages/man3/curs_color.3x.html'],
'curs_delch': ['http://man7.org/linux/man-pages/man3/curs_delch.3x.html'],
'curs_deleteln': ['http://man7.org/linux/man-pages/man3/curs_deleteln.3x.html'],
'curs_extend': ['http://man7.org/linux/man-pages/man3/curs_extend.3x.html'],
'curs_get_wch': ['http://man7.org/linux/man-pages/man3/curs_get_wch.3x.html'],
'curs_get_wstr': ['http://man7.org/linux/man-pages/man3/curs_get_wstr.3x.html'],
'curs_getcchar': ['http://man7.org/linux/man-pages/man3/curs_getcchar.3x.html'],
'curs_getch': ['http://man7.org/linux/man-pages/man3/curs_getch.3x.html'],
'curs_getstr': ['http://man7.org/linux/man-pages/man3/curs_getstr.3x.html'],
'curs_getyx': ['http://man7.org/linux/man-pages/man3/curs_getyx.3x.html'],
'curs_in_wch': ['http://man7.org/linux/man-pages/man3/curs_in_wch.3x.html'],
'curs_in_wchstr': ['http://man7.org/linux/man-pages/man3/curs_in_wchstr.3x.html'],
'curs_inch': ['http://man7.org/linux/man-pages/man3/curs_inch.3x.html'],
'curs_inchstr': ['http://man7.org/linux/man-pages/man3/curs_inchstr.3x.html'],
'curs_initscr': ['http://man7.org/linux/man-pages/man3/curs_initscr.3x.html'],
'curs_inopts': ['http://man7.org/linux/man-pages/man3/curs_inopts.3x.html'],
'curs_ins_wch': ['http://man7.org/linux/man-pages/man3/curs_ins_wch.3x.html'],
'curs_ins_wstr': ['http://man7.org/linux/man-pages/man3/curs_ins_wstr.3x.html'],
'curs_insch': ['http://man7.org/linux/man-pages/man3/curs_insch.3x.html'],
'curs_insstr': ['http://man7.org/linux/man-pages/man3/curs_insstr.3x.html'],
'curs_instr': ['http://man7.org/linux/man-pages/man3/curs_instr.3x.html'],
'curs_inwstr': ['http://man7.org/linux/man-pages/man3/curs_inwstr.3x.html'],
'curs_kernel': ['http://man7.org/linux/man-pages/man3/curs_kernel.3x.html'],
'curs_legacy': ['http://man7.org/linux/man-pages/man3/curs_legacy.3x.html'],
'curs_memleaks': ['http://man7.org/linux/man-pages/man3/curs_memleaks.3x.html'],
'curs_mouse': ['http://man7.org/linux/man-pages/man3/curs_mouse.3x.html'],
'curs_move': ['http://man7.org/linux/man-pages/man3/curs_move.3x.html'],
'curs_opaque': ['http://man7.org/linux/man-pages/man3/curs_opaque.3x.html'],
'curs_outopts': ['http://man7.org/linux/man-pages/man3/curs_outopts.3x.html'],
'curs_overlay': ['http://man7.org/linux/man-pages/man3/curs_overlay.3x.html'],
'curs_pad': ['http://man7.org/linux/man-pages/man3/curs_pad.3x.html'],
'curs_print': ['http://man7.org/linux/man-pages/man3/curs_print.3x.html'],
'curs_printw': ['http://man7.org/linux/man-pages/man3/curs_printw.3x.html'],
'curs_refresh': ['http://man7.org/linux/man-pages/man3/curs_refresh.3x.html'],
'curs_scanw': ['http://man7.org/linux/man-pages/man3/curs_scanw.3x.html'],
'curs_scr_dump': ['http://man7.org/linux/man-pages/man3/curs_scr_dump.3x.html'],
'curs_scroll': ['http://man7.org/linux/man-pages/man3/curs_scroll.3x.html'],
'curs_set': ['http://man7.org/linux/man-pages/man3/curs_set.3x.html'],
'curs_slk': ['http://man7.org/linux/man-pages/man3/curs_slk.3x.html'],
'curs_sp_funcs': ['http://man7.org/linux/man-pages/man3/curs_sp_funcs.3x.html'],
'curs_termattrs': ['http://man7.org/linux/man-pages/man3/curs_termattrs.3x.html'],
'curs_termcap': ['http://man7.org/linux/man-pages/man3/curs_termcap.3x.html'],
'curs_terminfo': ['http://man7.org/linux/man-pages/man3/curs_terminfo.3x.html'],
'curs_threads': ['http://man7.org/linux/man-pages/man3/curs_threads.3x.html'],
'curs_touch': ['http://man7.org/linux/man-pages/man3/curs_touch.3x.html'],
'curs_trace': ['http://man7.org/linux/man-pages/man3/curs_trace.3x.html'],
'curs_util': ['http://man7.org/linux/man-pages/man3/curs_util.3x.html'],
'curs_variables': ['http://man7.org/linux/man-pages/man3/curs_variables.3x.html'],
'curs_window': ['http://man7.org/linux/man-pages/man3/curs_window.3x.html'],
'curscr': ['http://man7.org/linux/man-pages/man3/curscr.3x.html'],
'curses_version': ['http://man7.org/linux/man-pages/man3/curses_version.3x.html'],
'curvetun': ['http://man7.org/linux/man-pages/man8/curvetun.8.html'],
'cuserid': ['http://man7.org/linux/man-pages/man3/cuserid.3.html'],
'customizable_types': ['http://man7.org/linux/man-pages/man5/customizable_types.5.html'],
'cut': ['http://man7.org/linux/man-pages/man1/cut.1.html',
'http://man7.org/linux/man-pages/man1/cut.1p.html'],
'cxref': ['http://man7.org/linux/man-pages/man1/cxref.1p.html'],
'daemon': ['http://man7.org/linux/man-pages/man3/daemon.3.html',
'http://man7.org/linux/man-pages/man7/daemon.7.html'],
'dane_cert_type_name': ['http://man7.org/linux/man-pages/man3/dane_cert_type_name.3.html'],
'dane_cert_usage_name': ['http://man7.org/linux/man-pages/man3/dane_cert_usage_name.3.html'],
'dane_match_type_name': ['http://man7.org/linux/man-pages/man3/dane_match_type_name.3.html'],
'dane_query_data': ['http://man7.org/linux/man-pages/man3/dane_query_data.3.html'],
'dane_query_deinit': ['http://man7.org/linux/man-pages/man3/dane_query_deinit.3.html'],
'dane_query_entries': ['http://man7.org/linux/man-pages/man3/dane_query_entries.3.html'],
'dane_query_status': ['http://man7.org/linux/man-pages/man3/dane_query_status.3.html'],
'dane_query_tlsa': ['http://man7.org/linux/man-pages/man3/dane_query_tlsa.3.html'],
'dane_query_to_raw_tlsa': ['http://man7.org/linux/man-pages/man3/dane_query_to_raw_tlsa.3.html'],
'dane_raw_tlsa': ['http://man7.org/linux/man-pages/man3/dane_raw_tlsa.3.html'],
'dane_state_deinit': ['http://man7.org/linux/man-pages/man3/dane_state_deinit.3.html'],
'dane_state_init': ['http://man7.org/linux/man-pages/man3/dane_state_init.3.html'],
'dane_state_set_dlv_file': ['http://man7.org/linux/man-pages/man3/dane_state_set_dlv_file.3.html'],
'dane_strerror': ['http://man7.org/linux/man-pages/man3/dane_strerror.3.html'],
'dane_verification_status_print': ['http://man7.org/linux/man-pages/man3/dane_verification_status_print.3.html'],
'dane_verify_crt': ['http://man7.org/linux/man-pages/man3/dane_verify_crt.3.html'],
'dane_verify_crt_raw': ['http://man7.org/linux/man-pages/man3/dane_verify_crt_raw.3.html'],
'dane_verify_session_crt': ['http://man7.org/linux/man-pages/man3/dane_verify_session_crt.3.html'],
'danetool': ['http://man7.org/linux/man-pages/man1/danetool.1.html'],
'dash': ['http://man7.org/linux/man-pages/man1/dash.1.html'],
'data_ahead': ['http://man7.org/linux/man-pages/man3/data_ahead.3x.html'],
'data_behind': ['http://man7.org/linux/man-pages/man3/data_behind.3x.html'],
'date': ['http://man7.org/linux/man-pages/man1/date.1.html',
'http://man7.org/linux/man-pages/man1/date.1p.html'],
'daylight': ['http://man7.org/linux/man-pages/man3/daylight.3.html',
'http://man7.org/linux/man-pages/man3/daylight.3p.html'],
'db': ['http://man7.org/linux/man-pages/man3/db.3.html'],
'dbm_clearerr': ['http://man7.org/linux/man-pages/man3/dbm_clearerr.3p.html'],
'dbm_close': ['http://man7.org/linux/man-pages/man3/dbm_close.3p.html'],
'dbm_delete': ['http://man7.org/linux/man-pages/man3/dbm_delete.3p.html'],
'dbm_error': ['http://man7.org/linux/man-pages/man3/dbm_error.3p.html'],
'dbm_fetch': ['http://man7.org/linux/man-pages/man3/dbm_fetch.3p.html'],
'dbm_firstkey': ['http://man7.org/linux/man-pages/man3/dbm_firstkey.3p.html'],
'dbm_nextkey': ['http://man7.org/linux/man-pages/man3/dbm_nextkey.3p.html'],
'dbm_open': ['http://man7.org/linux/man-pages/man3/dbm_open.3p.html'],
'dbm_store': ['http://man7.org/linux/man-pages/man3/dbm_store.3p.html'],
'dbopen': ['http://man7.org/linux/man-pages/man3/dbopen.3.html'],
'dbpmda': ['http://man7.org/linux/man-pages/man1/dbpmda.1.html'],
'dbprobe': ['http://man7.org/linux/man-pages/man1/dbprobe.1.html'],
'dcgettext': ['http://man7.org/linux/man-pages/man3/dcgettext.3.html'],
'dcngettext': ['http://man7.org/linux/man-pages/man3/dcngettext.3.html'],
'dd': ['http://man7.org/linux/man-pages/man1/dd.1.html',
'http://man7.org/linux/man-pages/man1/dd.1p.html'],
'ddp': ['http://man7.org/linux/man-pages/man7/ddp.7.html'],
'deallocvt': ['http://man7.org/linux/man-pages/man1/deallocvt.1.html'],
'deb': ['http://man7.org/linux/man-pages/man5/deb.5.html'],
'deb-buildinfo': ['http://man7.org/linux/man-pages/man5/deb-buildinfo.5.html'],
'deb-changelog': ['http://man7.org/linux/man-pages/man5/deb-changelog.5.html'],
'deb-changes': ['http://man7.org/linux/man-pages/man5/deb-changes.5.html'],
'deb-conffiles': ['http://man7.org/linux/man-pages/man5/deb-conffiles.5.html'],
'deb-control': ['http://man7.org/linux/man-pages/man5/deb-control.5.html'],
'deb-extra-override': ['http://man7.org/linux/man-pages/man5/deb-extra-override.5.html'],
'deb-old': ['http://man7.org/linux/man-pages/man5/deb-old.5.html'],
'deb-origin': ['http://man7.org/linux/man-pages/man5/deb-origin.5.html'],
'deb-override': ['http://man7.org/linux/man-pages/man5/deb-override.5.html'],
'deb-postinst': ['http://man7.org/linux/man-pages/man5/deb-postinst.5.html'],
'deb-postrm': ['http://man7.org/linux/man-pages/man5/deb-postrm.5.html'],
'deb-preinst': ['http://man7.org/linux/man-pages/man5/deb-preinst.5.html'],
'deb-prerm': ['http://man7.org/linux/man-pages/man5/deb-prerm.5.html'],
'deb-shlibs': ['http://man7.org/linux/man-pages/man5/deb-shlibs.5.html'],
'deb-split': ['http://man7.org/linux/man-pages/man5/deb-split.5.html'],
'deb-src-control': ['http://man7.org/linux/man-pages/man5/deb-src-control.5.html'],
'deb-src-files': ['http://man7.org/linux/man-pages/man5/deb-src-files.5.html'],
'deb-src-rules': ['http://man7.org/linux/man-pages/man5/deb-src-rules.5.html'],
'deb-substvars': ['http://man7.org/linux/man-pages/man5/deb-substvars.5.html'],
'deb-symbols': ['http://man7.org/linux/man-pages/man5/deb-symbols.5.html'],
'deb-triggers': ['http://man7.org/linux/man-pages/man5/deb-triggers.5.html'],
'deb-version': ['http://man7.org/linux/man-pages/man7/deb-version.7.html'],
'deb822': ['http://man7.org/linux/man-pages/man5/deb822.5.html'],
'debhelper': ['http://man7.org/linux/man-pages/man7/debhelper.7.html'],
'debhelper-obsolete-compat': ['http://man7.org/linux/man-pages/man7/debhelper-obsolete-compat.7.html'],
'debugfs': ['http://man7.org/linux/man-pages/man8/debugfs.8.html'],
'debuginfo-install': ['http://man7.org/linux/man-pages/man1/debuginfo-install.1.html'],
'def_prog_mode': ['http://man7.org/linux/man-pages/man3/def_prog_mode.3x.html'],
'def_shell_mode': ['http://man7.org/linux/man-pages/man3/def_shell_mode.3x.html'],
'default_colors': ['http://man7.org/linux/man-pages/man3/default_colors.3x.html'],
'default_contexts': ['http://man7.org/linux/man-pages/man5/default_contexts.5.html'],
'default_type': ['http://man7.org/linux/man-pages/man5/default_type.5.html'],
'define_key': ['http://man7.org/linux/man-pages/man3/define_key.3x.html'],
'del_curterm': ['http://man7.org/linux/man-pages/man3/del_curterm.3x.html'],
'delay_output': ['http://man7.org/linux/man-pages/man3/delay_output.3x.html'],
'delch': ['http://man7.org/linux/man-pages/man3/delch.3x.html'],
'delete_module': ['http://man7.org/linux/man-pages/man2/delete_module.2.html'],
'deleteln': ['http://man7.org/linux/man-pages/man3/deleteln.3x.html'],
'delpart': ['http://man7.org/linux/man-pages/man8/delpart.8.html'],
'delscreen': ['http://man7.org/linux/man-pages/man3/delscreen.3x.html'],
'delta': ['http://man7.org/linux/man-pages/man1/delta.1p.html'],
'delwin': ['http://man7.org/linux/man-pages/man3/delwin.3x.html'],
'depmod': ['http://man7.org/linux/man-pages/man8/depmod.8.html'],
'depmod.d': ['http://man7.org/linux/man-pages/man5/depmod.d.5.html'],
'derwin': ['http://man7.org/linux/man-pages/man3/derwin.3x.html'],
'des_crypt': ['http://man7.org/linux/man-pages/man3/des_crypt.3.html'],
'des_failed': ['http://man7.org/linux/man-pages/man3/des_failed.3.html'],
'des_setparity': ['http://man7.org/linux/man-pages/man3/des_setparity.3.html'],
'devlink': ['http://man7.org/linux/man-pages/man8/devlink.8.html'],
'devlink-dev': ['http://man7.org/linux/man-pages/man8/devlink-dev.8.html'],
'devlink-monitor': ['http://man7.org/linux/man-pages/man8/devlink-monitor.8.html'],
'devlink-port': ['http://man7.org/linux/man-pages/man8/devlink-port.8.html'],
'devlink-region': ['http://man7.org/linux/man-pages/man8/devlink-region.8.html'],
'devlink-resource': ['http://man7.org/linux/man-pages/man8/devlink-resource.8.html'],
'devlink-sb': ['http://man7.org/linux/man-pages/man8/devlink-sb.8.html'],
'df': ['http://man7.org/linux/man-pages/man1/df.1.html',
'http://man7.org/linux/man-pages/man1/df.1p.html'],
'dgettext': ['http://man7.org/linux/man-pages/man3/dgettext.3.html'],
'dh': ['http://man7.org/linux/man-pages/man1/dh.1.html'],
'dh_auto_build': ['http://man7.org/linux/man-pages/man1/dh_auto_build.1.html'],
'dh_auto_clean': ['http://man7.org/linux/man-pages/man1/dh_auto_clean.1.html'],
'dh_auto_configure': ['http://man7.org/linux/man-pages/man1/dh_auto_configure.1.html'],
'dh_auto_install': ['http://man7.org/linux/man-pages/man1/dh_auto_install.1.html'],
'dh_auto_test': ['http://man7.org/linux/man-pages/man1/dh_auto_test.1.html'],
'dh_bugfiles': ['http://man7.org/linux/man-pages/man1/dh_bugfiles.1.html'],
'dh_builddeb': ['http://man7.org/linux/man-pages/man1/dh_builddeb.1.html'],
'dh_clean': ['http://man7.org/linux/man-pages/man1/dh_clean.1.html'],
'dh_compress': ['http://man7.org/linux/man-pages/man1/dh_compress.1.html'],
'dh_dwz': ['http://man7.org/linux/man-pages/man1/dh_dwz.1.html'],
'dh_fixperms': ['http://man7.org/linux/man-pages/man1/dh_fixperms.1.html'],
'dh_gconf': ['http://man7.org/linux/man-pages/man1/dh_gconf.1.html'],
'dh_gencontrol': ['http://man7.org/linux/man-pages/man1/dh_gencontrol.1.html'],
'dh_icons': ['http://man7.org/linux/man-pages/man1/dh_icons.1.html'],
'dh_install': ['http://man7.org/linux/man-pages/man1/dh_install.1.html'],
'dh_installcatalogs': ['http://man7.org/linux/man-pages/man1/dh_installcatalogs.1.html'],
'dh_installchangelogs': ['http://man7.org/linux/man-pages/man1/dh_installchangelogs.1.html'],
'dh_installcron': ['http://man7.org/linux/man-pages/man1/dh_installcron.1.html'],
'dh_installdeb': ['http://man7.org/linux/man-pages/man1/dh_installdeb.1.html'],
'dh_installdebconf': ['http://man7.org/linux/man-pages/man1/dh_installdebconf.1.html'],
'dh_installdirs': ['http://man7.org/linux/man-pages/man1/dh_installdirs.1.html'],
'dh_installdocs': ['http://man7.org/linux/man-pages/man1/dh_installdocs.1.html'],
'dh_installemacsen': ['http://man7.org/linux/man-pages/man1/dh_installemacsen.1.html'],
'dh_installexamples': ['http://man7.org/linux/man-pages/man1/dh_installexamples.1.html'],
'dh_installgsettings': ['http://man7.org/linux/man-pages/man1/dh_installgsettings.1.html'],
'dh_installifupdown': ['http://man7.org/linux/man-pages/man1/dh_installifupdown.1.html'],
'dh_installinfo': ['http://man7.org/linux/man-pages/man1/dh_installinfo.1.html'],
'dh_installinit': ['http://man7.org/linux/man-pages/man1/dh_installinit.1.html'],
'dh_installinitramfs': ['http://man7.org/linux/man-pages/man1/dh_installinitramfs.1.html'],
'dh_installlogcheck': ['http://man7.org/linux/man-pages/man1/dh_installlogcheck.1.html'],
'dh_installlogrotate': ['http://man7.org/linux/man-pages/man1/dh_installlogrotate.1.html'],
'dh_installman': ['http://man7.org/linux/man-pages/man1/dh_installman.1.html'],
'dh_installmanpages': ['http://man7.org/linux/man-pages/man1/dh_installmanpages.1.html'],
'dh_installmenu': ['http://man7.org/linux/man-pages/man1/dh_installmenu.1.html'],
'dh_installmime': ['http://man7.org/linux/man-pages/man1/dh_installmime.1.html'],
'dh_installmodules': ['http://man7.org/linux/man-pages/man1/dh_installmodules.1.html'],
'dh_installpam': ['http://man7.org/linux/man-pages/man1/dh_installpam.1.html'],
'dh_installppp': ['http://man7.org/linux/man-pages/man1/dh_installppp.1.html'],
'dh_installsystemd': ['http://man7.org/linux/man-pages/man1/dh_installsystemd.1.html'],
'dh_installsystemduser': ['http://man7.org/linux/man-pages/man1/dh_installsystemduser.1.html'],
'dh_installudev': ['http://man7.org/linux/man-pages/man1/dh_installudev.1.html'],
'dh_installwm': ['http://man7.org/linux/man-pages/man1/dh_installwm.1.html'],
'dh_installxfonts': ['http://man7.org/linux/man-pages/man1/dh_installxfonts.1.html'],
'dh_link': ['http://man7.org/linux/man-pages/man1/dh_link.1.html'],
'dh_lintian': ['http://man7.org/linux/man-pages/man1/dh_lintian.1.html'],
'dh_listpackages': ['http://man7.org/linux/man-pages/man1/dh_listpackages.1.html'],
'dh_makeshlibs': ['http://man7.org/linux/man-pages/man1/dh_makeshlibs.1.html'],
'dh_md5sums': ['http://man7.org/linux/man-pages/man1/dh_md5sums.1.html'],
'dh_missing': ['http://man7.org/linux/man-pages/man1/dh_missing.1.html'],
'dh_movefiles': ['http://man7.org/linux/man-pages/man1/dh_movefiles.1.html'],
'dh_perl': ['http://man7.org/linux/man-pages/man1/dh_perl.1.html'],
'dh_prep': ['http://man7.org/linux/man-pages/man1/dh_prep.1.html'],
'dh_shlibdeps': ['http://man7.org/linux/man-pages/man1/dh_shlibdeps.1.html'],
'dh_strip': ['http://man7.org/linux/man-pages/man1/dh_strip.1.html'],
'dh_systemd_enable': ['http://man7.org/linux/man-pages/man1/dh_systemd_enable.1.html'],
'dh_systemd_start': ['http://man7.org/linux/man-pages/man1/dh_systemd_start.1.html'],
'dh_testdir': ['http://man7.org/linux/man-pages/man1/dh_testdir.1.html'],
'dh_testroot': ['http://man7.org/linux/man-pages/man1/dh_testroot.1.html'],
'dh_ucf': ['http://man7.org/linux/man-pages/man1/dh_ucf.1.html'],
'dh_update_autotools_config': ['http://man7.org/linux/man-pages/man1/dh_update_autotools_config.1.html'],
'dh_usrlocal': ['http://man7.org/linux/man-pages/man1/dh_usrlocal.1.html'],
'diff': ['http://man7.org/linux/man-pages/man1/diff.1.html',
'http://man7.org/linux/man-pages/man1/diff.1p.html'],
'diff3': ['http://man7.org/linux/man-pages/man1/diff3.1.html'],
'difftime': ['http://man7.org/linux/man-pages/man3/difftime.3.html',
'http://man7.org/linux/man-pages/man3/difftime.3p.html'],
'dir': ['http://man7.org/linux/man-pages/man1/dir.1.html'],
'dir_colors': ['http://man7.org/linux/man-pages/man5/dir_colors.5.html'],
'dircolors': ['http://man7.org/linux/man-pages/man1/dircolors.1.html'],
'dirent.h': ['http://man7.org/linux/man-pages/man0/dirent.h.0p.html'],
'dirfd': ['http://man7.org/linux/man-pages/man3/dirfd.3.html',
'http://man7.org/linux/man-pages/man3/dirfd.3p.html'],
'dirname': ['http://man7.org/linux/man-pages/man1/dirname.1.html',
'http://man7.org/linux/man-pages/man1/dirname.1p.html',
'http://man7.org/linux/man-pages/man3/dirname.3.html',
'http://man7.org/linux/man-pages/man3/dirname.3p.html'],
'ditroff': ['http://man7.org/linux/man-pages/man7/ditroff.7.html'],
'div': ['http://man7.org/linux/man-pages/man3/div.3.html',
'http://man7.org/linux/man-pages/man3/div.3p.html'],
'dl_iterate_phdr': ['http://man7.org/linux/man-pages/man3/dl_iterate_phdr.3.html'],
'dladdr': ['http://man7.org/linux/man-pages/man3/dladdr.3.html'],
'dladdr1': ['http://man7.org/linux/man-pages/man3/dladdr1.3.html'],
'dlclose': ['http://man7.org/linux/man-pages/man3/dlclose.3.html',
'http://man7.org/linux/man-pages/man3/dlclose.3p.html'],
'dlerror': ['http://man7.org/linux/man-pages/man3/dlerror.3.html',
'http://man7.org/linux/man-pages/man3/dlerror.3p.html'],
'dlfcn.h': ['http://man7.org/linux/man-pages/man0/dlfcn.h.0p.html'],
'dlinfo': ['http://man7.org/linux/man-pages/man3/dlinfo.3.html'],
'dlltool': ['http://man7.org/linux/man-pages/man1/dlltool.1.html'],
'dlmopen': ['http://man7.org/linux/man-pages/man3/dlmopen.3.html'],
'dlopen': ['http://man7.org/linux/man-pages/man3/dlopen.3.html',
'http://man7.org/linux/man-pages/man3/dlopen.3p.html'],
'dlsym': ['http://man7.org/linux/man-pages/man3/dlsym.3.html',
'http://man7.org/linux/man-pages/man3/dlsym.3p.html'],
'dlvsym': ['http://man7.org/linux/man-pages/man3/dlvsym.3.html'],
'dmesg': ['http://man7.org/linux/man-pages/man1/dmesg.1.html'],
'dmsetup': ['http://man7.org/linux/man-pages/man8/dmsetup.8.html'],
'dmstats': ['http://man7.org/linux/man-pages/man8/dmstats.8.html'],
'dn_comp': ['http://man7.org/linux/man-pages/man3/dn_comp.3.html'],
'dn_expand': ['http://man7.org/linux/man-pages/man3/dn_expand.3.html'],
'dngettext': ['http://man7.org/linux/man-pages/man3/dngettext.3.html'],
'dnsdomainname': ['http://man7.org/linux/man-pages/man1/dnsdomainname.1.html'],
'dnssec-trust-anchors.d': ['http://man7.org/linux/man-pages/man5/dnssec-trust-anchors.d.5.html'],
'do_tracepoint': ['http://man7.org/linux/man-pages/man3/do_tracepoint.3.html'],
'domainname': ['http://man7.org/linux/man-pages/man1/domainname.1.html'],
'dot': ['http://man7.org/linux/man-pages/man1/dot.1p.html'],
'doupdate': ['http://man7.org/linux/man-pages/man3/doupdate.3x.html'],
'dpkg': ['http://man7.org/linux/man-pages/man1/dpkg.1.html'],
'dpkg-architecture': ['http://man7.org/linux/man-pages/man1/dpkg-architecture.1.html'],
'dpkg-buildflags': ['http://man7.org/linux/man-pages/man1/dpkg-buildflags.1.html'],
'dpkg-buildpackage': ['http://man7.org/linux/man-pages/man1/dpkg-buildpackage.1.html'],
'dpkg-checkbuilddeps': ['http://man7.org/linux/man-pages/man1/dpkg-checkbuilddeps.1.html'],
'dpkg-deb': ['http://man7.org/linux/man-pages/man1/dpkg-deb.1.html'],
'dpkg-distaddfile': ['http://man7.org/linux/man-pages/man1/dpkg-distaddfile.1.html'],
'dpkg-divert': ['http://man7.org/linux/man-pages/man1/dpkg-divert.1.html'],
'dpkg-genbuildinfo': ['http://man7.org/linux/man-pages/man1/dpkg-genbuildinfo.1.html'],
'dpkg-genchanges': ['http://man7.org/linux/man-pages/man1/dpkg-genchanges.1.html'],
'dpkg-gencontrol': ['http://man7.org/linux/man-pages/man1/dpkg-gencontrol.1.html'],
'dpkg-gensymbols': ['http://man7.org/linux/man-pages/man1/dpkg-gensymbols.1.html'],
'dpkg-maintscript-helper': ['http://man7.org/linux/man-pages/man1/dpkg-maintscript-helper.1.html'],
'dpkg-mergechangelogs': ['http://man7.org/linux/man-pages/man1/dpkg-mergechangelogs.1.html'],
'dpkg-name': ['http://man7.org/linux/man-pages/man1/dpkg-name.1.html'],
'dpkg-parsechangelog': ['http://man7.org/linux/man-pages/man1/dpkg-parsechangelog.1.html'],
'dpkg-query': ['http://man7.org/linux/man-pages/man1/dpkg-query.1.html'],
'dpkg-scanpackages': ['http://man7.org/linux/man-pages/man1/dpkg-scanpackages.1.html'],
'dpkg-scansources': ['http://man7.org/linux/man-pages/man1/dpkg-scansources.1.html'],
'dpkg-shlibdeps': ['http://man7.org/linux/man-pages/man1/dpkg-shlibdeps.1.html'],
'dpkg-source': ['http://man7.org/linux/man-pages/man1/dpkg-source.1.html'],
'dpkg-split': ['http://man7.org/linux/man-pages/man1/dpkg-split.1.html'],
'dpkg-statoverride': ['http://man7.org/linux/man-pages/man1/dpkg-statoverride.1.html'],
'dpkg-trigger': ['http://man7.org/linux/man-pages/man1/dpkg-trigger.1.html'],
'dpkg-vendor': ['http://man7.org/linux/man-pages/man1/dpkg-vendor.1.html'],
'dpkg.cfg': ['http://man7.org/linux/man-pages/man5/dpkg.cfg.5.html'],
'dprintf': ['http://man7.org/linux/man-pages/man3/dprintf.3.html',
'http://man7.org/linux/man-pages/man3/dprintf.3p.html'],
'dracut': ['http://man7.org/linux/man-pages/man8/dracut.8.html'],
'dracut-catimages': ['http://man7.org/linux/man-pages/man8/dracut-catimages.8.html'],
'dracut.bootup': ['http://man7.org/linux/man-pages/man7/dracut.bootup.7.html'],
'dracut.cmdline': ['http://man7.org/linux/man-pages/man7/dracut.cmdline.7.html'],
'dracut.conf': ['http://man7.org/linux/man-pages/man5/dracut.conf.5.html'],
'dracut.modules': ['http://man7.org/linux/man-pages/man7/dracut.modules.7.html'],
'drand48': ['http://man7.org/linux/man-pages/man3/drand48.3.html',
'http://man7.org/linux/man-pages/man3/drand48.3p.html'],
'drand48_r': ['http://man7.org/linux/man-pages/man3/drand48_r.3.html'],
'drem': ['http://man7.org/linux/man-pages/man3/drem.3.html'],
'dremf': ['http://man7.org/linux/man-pages/man3/dremf.3.html'],
'dreml': ['http://man7.org/linux/man-pages/man3/dreml.3.html'],
'drr': ['http://man7.org/linux/man-pages/man8/drr.8.html'],
'dsc': ['http://man7.org/linux/man-pages/man5/dsc.5.html'],
'dselect': ['http://man7.org/linux/man-pages/man1/dselect.1.html'],
'dselect.cfg': ['http://man7.org/linux/man-pages/man5/dselect.cfg.5.html'],
'dsp56k': ['http://man7.org/linux/man-pages/man4/dsp56k.4.html'],
'dtrace': ['http://man7.org/linux/man-pages/man1/dtrace.1.html'],
'du': ['http://man7.org/linux/man-pages/man1/du.1.html',
'http://man7.org/linux/man-pages/man1/du.1p.html'],
'dump-acct': ['http://man7.org/linux/man-pages/man8/dump-acct.8.html'],
'dump-utmp': ['http://man7.org/linux/man-pages/man8/dump-utmp.8.html'],
'dumpe2fs': ['http://man7.org/linux/man-pages/man8/dumpe2fs.8.html'],
'dumpkeys': ['http://man7.org/linux/man-pages/man1/dumpkeys.1.html'],
'dup': ['http://man7.org/linux/man-pages/man2/dup.2.html',
'http://man7.org/linux/man-pages/man3/dup.3p.html'],
'dup2': ['http://man7.org/linux/man-pages/man2/dup2.2.html',
'http://man7.org/linux/man-pages/man3/dup2.3p.html'],
'dup3': ['http://man7.org/linux/man-pages/man2/dup3.2.html'],
'dup_field': ['http://man7.org/linux/man-pages/man3/dup_field.3x.html'],
'duplocale': ['http://man7.org/linux/man-pages/man3/duplocale.3.html',
'http://man7.org/linux/man-pages/man3/duplocale.3p.html'],
'dupwin': ['http://man7.org/linux/man-pages/man3/dupwin.3x.html'],
'dynamic_field_info': ['http://man7.org/linux/man-pages/man3/dynamic_field_info.3x.html'],
'dysize': ['http://man7.org/linux/man-pages/man3/dysize.3.html'],
'e2freefrag': ['http://man7.org/linux/man-pages/man8/e2freefrag.8.html'],
'e2fsck': ['http://man7.org/linux/man-pages/man8/e2fsck.8.html'],
'e2fsck.conf': ['http://man7.org/linux/man-pages/man5/e2fsck.conf.5.html'],
'e2image': ['http://man7.org/linux/man-pages/man8/e2image.8.html'],
'e2label': ['http://man7.org/linux/man-pages/man8/e2label.8.html'],
'e2mmpstatus': ['http://man7.org/linux/man-pages/man8/e2mmpstatus.8.html'],
'e2undo': ['http://man7.org/linux/man-pages/man8/e2undo.8.html'],
'e4crypt': ['http://man7.org/linux/man-pages/man8/e4crypt.8.html'],
'e4defrag': ['http://man7.org/linux/man-pages/man8/e4defrag.8.html'],
'eaccess': ['http://man7.org/linux/man-pages/man3/eaccess.3.html'],
'ecb_crypt': ['http://man7.org/linux/man-pages/man3/ecb_crypt.3.html'],
'echo': ['http://man7.org/linux/man-pages/man1/echo.1.html',
'http://man7.org/linux/man-pages/man1/echo.1p.html',
'http://man7.org/linux/man-pages/man3/echo.3x.html'],
'echo_wchar': ['http://man7.org/linux/man-pages/man3/echo_wchar.3x.html'],
'echochar': ['http://man7.org/linux/man-pages/man3/echochar.3x.html'],
'ecvt': ['http://man7.org/linux/man-pages/man3/ecvt.3.html'],
'ecvt_r': ['http://man7.org/linux/man-pages/man3/ecvt_r.3.html'],
'ed': ['http://man7.org/linux/man-pages/man1/ed.1p.html'],
'edata': ['http://man7.org/linux/man-pages/man3/edata.3.html'],
'edquota': ['http://man7.org/linux/man-pages/man8/edquota.8.html'],
'egrep': ['http://man7.org/linux/man-pages/man1/egrep.1.html'],
'eject': ['http://man7.org/linux/man-pages/man1/eject.1.html'],
'elf': ['http://man7.org/linux/man-pages/man5/elf.5.html'],
'elfedit': ['http://man7.org/linux/man-pages/man1/elfedit.1.html'],
'ematch': ['http://man7.org/linux/man-pages/man8/ematch.8.html'],
'encrypt': ['http://man7.org/linux/man-pages/man3/encrypt.3.html',
'http://man7.org/linux/man-pages/man3/encrypt.3p.html'],
'encrypt_r': ['http://man7.org/linux/man-pages/man3/encrypt_r.3.html'],
'end': ['http://man7.org/linux/man-pages/man3/end.3.html'],
'endaliasent': ['http://man7.org/linux/man-pages/man3/endaliasent.3.html'],
'endfsent': ['http://man7.org/linux/man-pages/man3/endfsent.3.html'],
'endgrent': ['http://man7.org/linux/man-pages/man3/endgrent.3.html',
'http://man7.org/linux/man-pages/man3/endgrent.3p.html'],
'endhostent': ['http://man7.org/linux/man-pages/man3/endhostent.3.html',
'http://man7.org/linux/man-pages/man3/endhostent.3p.html'],
'endian': ['http://man7.org/linux/man-pages/man3/endian.3.html'],
'endmntent': ['http://man7.org/linux/man-pages/man3/endmntent.3.html'],
'endnetent': ['http://man7.org/linux/man-pages/man3/endnetent.3.html',
'http://man7.org/linux/man-pages/man3/endnetent.3p.html'],
'endnetgrent': ['http://man7.org/linux/man-pages/man3/endnetgrent.3.html'],
'endprotoent': ['http://man7.org/linux/man-pages/man3/endprotoent.3.html',
'http://man7.org/linux/man-pages/man3/endprotoent.3p.html'],
'endpwent': ['http://man7.org/linux/man-pages/man3/endpwent.3.html',
'http://man7.org/linux/man-pages/man3/endpwent.3p.html'],
'endrpcent': ['http://man7.org/linux/man-pages/man3/endrpcent.3.html'],
'endservent': ['http://man7.org/linux/man-pages/man3/endservent.3.html',
'http://man7.org/linux/man-pages/man3/endservent.3p.html'],
'endspent': ['http://man7.org/linux/man-pages/man3/endspent.3.html'],
'endttyent': ['http://man7.org/linux/man-pages/man3/endttyent.3.html'],
'endusershell': ['http://man7.org/linux/man-pages/man3/endusershell.3.html'],
'endutent': ['http://man7.org/linux/man-pages/man3/endutent.3.html'],
'endutxent': ['http://man7.org/linux/man-pages/man3/endutxent.3.html',
'http://man7.org/linux/man-pages/man3/endutxent.3p.html'],
'endwin': ['http://man7.org/linux/man-pages/man3/endwin.3x.html'],
'env': ['http://man7.org/linux/man-pages/man1/env.1.html',
'http://man7.org/linux/man-pages/man1/env.1p.html'],
'environ': ['http://man7.org/linux/man-pages/man3/environ.3p.html',
'http://man7.org/linux/man-pages/man7/environ.7.html'],
'environment': ['http://man7.org/linux/man-pages/man5/environment.5.html'],
'environment.d': ['http://man7.org/linux/man-pages/man5/environment.d.5.html'],
'envsubst': ['http://man7.org/linux/man-pages/man1/envsubst.1.html'],
'envz': ['http://man7.org/linux/man-pages/man3/envz.3.html'],
'envz_add': ['http://man7.org/linux/man-pages/man3/envz_add.3.html'],
'envz_entry': ['http://man7.org/linux/man-pages/man3/envz_entry.3.html'],
'envz_get': ['http://man7.org/linux/man-pages/man3/envz_get.3.html'],
'envz_merge': ['http://man7.org/linux/man-pages/man3/envz_merge.3.html'],
'envz_remove': ['http://man7.org/linux/man-pages/man3/envz_remove.3.html'],
'envz_strip': ['http://man7.org/linux/man-pages/man3/envz_strip.3.html'],
'epoll': ['http://man7.org/linux/man-pages/man7/epoll.7.html'],
'epoll_create': ['http://man7.org/linux/man-pages/man2/epoll_create.2.html'],
'epoll_create1': ['http://man7.org/linux/man-pages/man2/epoll_create1.2.html'],
'epoll_ctl': ['http://man7.org/linux/man-pages/man2/epoll_ctl.2.html'],
'epoll_pwait': ['http://man7.org/linux/man-pages/man2/epoll_pwait.2.html'],
'epoll_wait': ['http://man7.org/linux/man-pages/man2/epoll_wait.2.html'],
'eqn': ['http://man7.org/linux/man-pages/man1/eqn.1.html'],
'eqn2graph': ['http://man7.org/linux/man-pages/man1/eqn2graph.1.html'],
'erand48': ['http://man7.org/linux/man-pages/man3/erand48.3.html',
'http://man7.org/linux/man-pages/man3/erand48.3p.html'],
'erand48_r': ['http://man7.org/linux/man-pages/man3/erand48_r.3.html'],
'erase': ['http://man7.org/linux/man-pages/man3/erase.3x.html'],
'erasechar': ['http://man7.org/linux/man-pages/man3/erasechar.3x.html'],
'erasewchar': ['http://man7.org/linux/man-pages/man3/erasewchar.3x.html'],
'erf': ['http://man7.org/linux/man-pages/man3/erf.3.html',
'http://man7.org/linux/man-pages/man3/erf.3p.html'],
'erfc': ['http://man7.org/linux/man-pages/man3/erfc.3.html',
'http://man7.org/linux/man-pages/man3/erfc.3p.html'],
'erfcf': ['http://man7.org/linux/man-pages/man3/erfcf.3.html',
'http://man7.org/linux/man-pages/man3/erfcf.3p.html'],
'erfcl': ['http://man7.org/linux/man-pages/man3/erfcl.3.html',
'http://man7.org/linux/man-pages/man3/erfcl.3p.html'],
'erff': ['http://man7.org/linux/man-pages/man3/erff.3.html',
'http://man7.org/linux/man-pages/man3/erff.3p.html'],
'erfl': ['http://man7.org/linux/man-pages/man3/erfl.3.html',
'http://man7.org/linux/man-pages/man3/erfl.3p.html'],
'err': ['http://man7.org/linux/man-pages/man3/err.3.html'],
'errno': ['http://man7.org/linux/man-pages/man3/errno.3.html',
'http://man7.org/linux/man-pages/man3/errno.3p.html'],
'errno.h': ['http://man7.org/linux/man-pages/man0/errno.h.0p.html'],
'error': ['http://man7.org/linux/man-pages/man3/error.3.html'],
'error_at_line': ['http://man7.org/linux/man-pages/man3/error_at_line.3.html'],
'error_message_count': ['http://man7.org/linux/man-pages/man3/error_message_count.3.html'],
'error_one_per_line': ['http://man7.org/linux/man-pages/man3/error_one_per_line.3.html'],
'error_print_progname': ['http://man7.org/linux/man-pages/man3/error_print_progname.3.html'],
'errx': ['http://man7.org/linux/man-pages/man3/errx.3.html'],
'etext': ['http://man7.org/linux/man-pages/man3/etext.3.html'],
'ether_aton': ['http://man7.org/linux/man-pages/man3/ether_aton.3.html'],
'ether_aton_r': ['http://man7.org/linux/man-pages/man3/ether_aton_r.3.html'],
'ether_hostton': ['http://man7.org/linux/man-pages/man3/ether_hostton.3.html'],
'ether_line': ['http://man7.org/linux/man-pages/man3/ether_line.3.html'],
'ether_ntoa': ['http://man7.org/linux/man-pages/man3/ether_ntoa.3.html'],
'ether_ntoa_r': ['http://man7.org/linux/man-pages/man3/ether_ntoa_r.3.html'],
'ether_ntohost': ['http://man7.org/linux/man-pages/man3/ether_ntohost.3.html'],
'ethers': ['http://man7.org/linux/man-pages/man5/ethers.5.html'],
'ethtool': ['http://man7.org/linux/man-pages/man8/ethtool.8.html'],
'euidaccess': ['http://man7.org/linux/man-pages/man3/euidaccess.3.html'],
'eval': ['http://man7.org/linux/man-pages/man1/eval.1p.html'],
'evbuffer_add': ['http://man7.org/linux/man-pages/man3/evbuffer_add.3.html'],
'evbuffer_add_buffer': ['http://man7.org/linux/man-pages/man3/evbuffer_add_buffer.3.html'],
'evbuffer_add_printf': ['http://man7.org/linux/man-pages/man3/evbuffer_add_printf.3.html'],
'evbuffer_add_vprintf': ['http://man7.org/linux/man-pages/man3/evbuffer_add_vprintf.3.html'],
'evbuffer_drain': ['http://man7.org/linux/man-pages/man3/evbuffer_drain.3.html'],
'evbuffer_find': ['http://man7.org/linux/man-pages/man3/evbuffer_find.3.html'],
'evbuffer_free': ['http://man7.org/linux/man-pages/man3/evbuffer_free.3.html'],
'evbuffer_new': ['http://man7.org/linux/man-pages/man3/evbuffer_new.3.html'],
'evbuffer_read': ['http://man7.org/linux/man-pages/man3/evbuffer_read.3.html'],
'evbuffer_readline': ['http://man7.org/linux/man-pages/man3/evbuffer_readline.3.html'],
'evbuffer_write': ['http://man7.org/linux/man-pages/man3/evbuffer_write.3.html'],
'evdns': ['http://man7.org/linux/man-pages/man3/evdns.3.html'],
'evdns_clear_nameservers_and_suspend': ['http://man7.org/linux/man-pages/man3/evdns_clear_nameservers_and_suspend.3.html'],
'evdns_config_windows_nameservers': ['http://man7.org/linux/man-pages/man3/evdns_config_windows_nameservers.3.html'],
'evdns_count_nameservers': ['http://man7.org/linux/man-pages/man3/evdns_count_nameservers.3.html'],
'evdns_err_to_string': ['http://man7.org/linux/man-pages/man3/evdns_err_to_string.3.html'],
'evdns_init': ['http://man7.org/linux/man-pages/man3/evdns_init.3.html'],
'evdns_nameserver_add': ['http://man7.org/linux/man-pages/man3/evdns_nameserver_add.3.html'],
'evdns_nameserver_ip_add': ['http://man7.org/linux/man-pages/man3/evdns_nameserver_ip_add.3.html'],
'evdns_resolv_conf_parse': ['http://man7.org/linux/man-pages/man3/evdns_resolv_conf_parse.3.html'],
'evdns_resolve_ipv4': ['http://man7.org/linux/man-pages/man3/evdns_resolve_ipv4.3.html'],
'evdns_resolve_reverse': ['http://man7.org/linux/man-pages/man3/evdns_resolve_reverse.3.html'],
'evdns_resume': ['http://man7.org/linux/man-pages/man3/evdns_resume.3.html'],
'evdns_search_add': ['http://man7.org/linux/man-pages/man3/evdns_search_add.3.html'],
'evdns_search_clear': ['http://man7.org/linux/man-pages/man3/evdns_search_clear.3.html'],
'evdns_search_ndots_set': ['http://man7.org/linux/man-pages/man3/evdns_search_ndots_set.3.html'],
'evdns_set_log_fn': ['http://man7.org/linux/man-pages/man3/evdns_set_log_fn.3.html'],
'evdns_shutdown': ['http://man7.org/linux/man-pages/man3/evdns_shutdown.3.html'],
'event': ['http://man7.org/linux/man-pages/man3/event.3.html'],
'event_add': ['http://man7.org/linux/man-pages/man3/event_add.3.html'],
'event_base_dispatch': ['http://man7.org/linux/man-pages/man3/event_base_dispatch.3.html'],
'event_base_free': ['http://man7.org/linux/man-pages/man3/event_base_free.3.html'],
'event_base_loop': ['http://man7.org/linux/man-pages/man3/event_base_loop.3.html'],
'event_base_loopbreak': ['http://man7.org/linux/man-pages/man3/event_base_loopbreak.3.html'],
'event_base_loopexit': ['http://man7.org/linux/man-pages/man3/event_base_loopexit.3.html'],
'event_base_once': ['http://man7.org/linux/man-pages/man3/event_base_once.3.html'],
'event_base_set': ['http://man7.org/linux/man-pages/man3/event_base_set.3.html'],
'event_del': ['http://man7.org/linux/man-pages/man3/event_del.3.html'],
'event_dispatch': ['http://man7.org/linux/man-pages/man3/event_dispatch.3.html'],
'event_init': ['http://man7.org/linux/man-pages/man3/event_init.3.html'],
'event_initialized': ['http://man7.org/linux/man-pages/man3/event_initialized.3.html'],
'event_loop': ['http://man7.org/linux/man-pages/man3/event_loop.3.html'],
'event_loopbreak': ['http://man7.org/linux/man-pages/man3/event_loopbreak.3.html'],
'event_loopexit': ['http://man7.org/linux/man-pages/man3/event_loopexit.3.html'],
'event_once': ['http://man7.org/linux/man-pages/man3/event_once.3.html'],
'event_pending': ['http://man7.org/linux/man-pages/man3/event_pending.3.html'],
'event_priority_init': ['http://man7.org/linux/man-pages/man3/event_priority_init.3.html'],
'event_priority_set': ['http://man7.org/linux/man-pages/man3/event_priority_set.3.html'],
'event_set': ['http://man7.org/linux/man-pages/man3/event_set.3.html'],
'eventfd': ['http://man7.org/linux/man-pages/man2/eventfd.2.html'],
'eventfd2': ['http://man7.org/linux/man-pages/man2/eventfd2.2.html'],
'eventfd_read': ['http://man7.org/linux/man-pages/man3/eventfd_read.3.html'],
'eventfd_write': ['http://man7.org/linux/man-pages/man3/eventfd_write.3.html'],
'evhttp_bind_socket': ['http://man7.org/linux/man-pages/man3/evhttp_bind_socket.3.html'],
'evhttp_free': ['http://man7.org/linux/man-pages/man3/evhttp_free.3.html'],
'evhttp_new': ['http://man7.org/linux/man-pages/man3/evhttp_new.3.html'],
'evtimer_add': ['http://man7.org/linux/man-pages/man3/evtimer_add.3.html'],
'evtimer_del': ['http://man7.org/linux/man-pages/man3/evtimer_del.3.html'],
'evtimer_initialized': ['http://man7.org/linux/man-pages/man3/evtimer_initialized.3.html'],
'evtimer_pending': ['http://man7.org/linux/man-pages/man3/evtimer_pending.3.html'],
'evtimer_set': ['http://man7.org/linux/man-pages/man3/evtimer_set.3.html'],
'ex': ['http://man7.org/linux/man-pages/man1/ex.1p.html'],
'exec': ['http://man7.org/linux/man-pages/man1/exec.1p.html',
'http://man7.org/linux/man-pages/man3/exec.3.html',
'http://man7.org/linux/man-pages/man3/exec.3p.html'],
'execl': ['http://man7.org/linux/man-pages/man3/execl.3.html',
'http://man7.org/linux/man-pages/man3/execl.3p.html'],
'execle': ['http://man7.org/linux/man-pages/man3/execle.3.html',
'http://man7.org/linux/man-pages/man3/execle.3p.html'],
'execlp': ['http://man7.org/linux/man-pages/man3/execlp.3.html',
'http://man7.org/linux/man-pages/man3/execlp.3p.html'],
'execstack': ['http://man7.org/linux/man-pages/man8/execstack.8.html'],
'execv': ['http://man7.org/linux/man-pages/man3/execv.3.html',
'http://man7.org/linux/man-pages/man3/execv.3p.html'],
'execve': ['http://man7.org/linux/man-pages/man2/execve.2.html',
'http://man7.org/linux/man-pages/man3/execve.3p.html'],
'execveat': ['http://man7.org/linux/man-pages/man2/execveat.2.html'],
'execvp': ['http://man7.org/linux/man-pages/man3/execvp.3.html',
'http://man7.org/linux/man-pages/man3/execvp.3p.html'],
'execvpe': ['http://man7.org/linux/man-pages/man3/execvpe.3.html'],
'exit': ['http://man7.org/linux/man-pages/man1/exit.1p.html',
'http://man7.org/linux/man-pages/man2/exit.2.html',
'http://man7.org/linux/man-pages/man3/exit.3.html',
'http://man7.org/linux/man-pages/man3/exit.3p.html'],
'exit_group': ['http://man7.org/linux/man-pages/man2/exit_group.2.html'],
'exp': ['http://man7.org/linux/man-pages/man3/exp.3.html',
'http://man7.org/linux/man-pages/man3/exp.3p.html'],
'exp10': ['http://man7.org/linux/man-pages/man3/exp10.3.html'],
'exp10f': ['http://man7.org/linux/man-pages/man3/exp10f.3.html'],
'exp10l': ['http://man7.org/linux/man-pages/man3/exp10l.3.html'],
'exp2': ['http://man7.org/linux/man-pages/man3/exp2.3.html',
'http://man7.org/linux/man-pages/man3/exp2.3p.html'],
'exp2f': ['http://man7.org/linux/man-pages/man3/exp2f.3.html',
'http://man7.org/linux/man-pages/man3/exp2f.3p.html'],
'exp2l': ['http://man7.org/linux/man-pages/man3/exp2l.3.html',
'http://man7.org/linux/man-pages/man3/exp2l.3p.html'],
'expand': ['http://man7.org/linux/man-pages/man1/expand.1.html',
'http://man7.org/linux/man-pages/man1/expand.1p.html'],
'expect': ['http://man7.org/linux/man-pages/man1/expect.1.html'],
'expf': ['http://man7.org/linux/man-pages/man3/expf.3.html',
'http://man7.org/linux/man-pages/man3/expf.3p.html'],
'expiry': ['http://man7.org/linux/man-pages/man1/expiry.1.html'],
'expl': ['http://man7.org/linux/man-pages/man3/expl.3.html',
'http://man7.org/linux/man-pages/man3/expl.3p.html'],
'explicit_bzero': ['http://man7.org/linux/man-pages/man3/explicit_bzero.3.html'],
'expm1': ['http://man7.org/linux/man-pages/man3/expm1.3.html',
'http://man7.org/linux/man-pages/man3/expm1.3p.html'],
'expm1f': ['http://man7.org/linux/man-pages/man3/expm1f.3.html',
'http://man7.org/linux/man-pages/man3/expm1f.3p.html'],
'expm1l': ['http://man7.org/linux/man-pages/man3/expm1l.3.html',
'http://man7.org/linux/man-pages/man3/expm1l.3p.html'],
'export': ['http://man7.org/linux/man-pages/man1/export.1p.html'],
'exportfs': ['http://man7.org/linux/man-pages/man8/exportfs.8.html'],
'exports': ['http://man7.org/linux/man-pages/man5/exports.5.html'],
'expr': ['http://man7.org/linux/man-pages/man1/expr.1.html',
'http://man7.org/linux/man-pages/man1/expr.1p.html'],
'ext2': ['http://man7.org/linux/man-pages/man5/ext2.5.html'],
'ext3': ['http://man7.org/linux/man-pages/man5/ext3.5.html'],
'ext4': ['http://man7.org/linux/man-pages/man5/ext4.5.html'],
'extended_slk_color': ['http://man7.org/linux/man-pages/man3/extended_slk_color.3x.html'],
'fabs': ['http://man7.org/linux/man-pages/man3/fabs.3.html',
'http://man7.org/linux/man-pages/man3/fabs.3p.html'],
'fabsf': ['http://man7.org/linux/man-pages/man3/fabsf.3.html',
'http://man7.org/linux/man-pages/man3/fabsf.3p.html'],
'fabsl': ['http://man7.org/linux/man-pages/man3/fabsl.3.html',
'http://man7.org/linux/man-pages/man3/fabsl.3p.html'],
'faccessat': ['http://man7.org/linux/man-pages/man2/faccessat.2.html',
'http://man7.org/linux/man-pages/man3/faccessat.3p.html'],
'factor': ['http://man7.org/linux/man-pages/man1/factor.1.html'],
'fadvise64': ['http://man7.org/linux/man-pages/man2/fadvise64.2.html'],
'fadvise64_64': ['http://man7.org/linux/man-pages/man2/fadvise64_64.2.html'],
'faillog': ['http://man7.org/linux/man-pages/man5/faillog.5.html',
'http://man7.org/linux/man-pages/man8/faillog.8.html'],
'failsafe_context': ['http://man7.org/linux/man-pages/man5/failsafe_context.5.html'],
'fallocate': ['http://man7.org/linux/man-pages/man1/fallocate.1.html',
'http://man7.org/linux/man-pages/man2/fallocate.2.html'],
'false': ['http://man7.org/linux/man-pages/man1/false.1.html',
'http://man7.org/linux/man-pages/man1/false.1p.html'],
'fanotify': ['http://man7.org/linux/man-pages/man7/fanotify.7.html'],
'fanotify_init': ['http://man7.org/linux/man-pages/man2/fanotify_init.2.html'],
'fanotify_mark': ['http://man7.org/linux/man-pages/man2/fanotify_mark.2.html'],
'fattach': ['http://man7.org/linux/man-pages/man2/fattach.2.html',
'http://man7.org/linux/man-pages/man3/fattach.3p.html'],
'fc': ['http://man7.org/linux/man-pages/man1/fc.1p.html'],
'fchdir': ['http://man7.org/linux/man-pages/man2/fchdir.2.html',
'http://man7.org/linux/man-pages/man3/fchdir.3p.html'],
'fchmod': ['http://man7.org/linux/man-pages/man2/fchmod.2.html',
'http://man7.org/linux/man-pages/man3/fchmod.3p.html'],
'fchmodat': ['http://man7.org/linux/man-pages/man2/fchmodat.2.html',
'http://man7.org/linux/man-pages/man3/fchmodat.3p.html'],
'fchown': ['http://man7.org/linux/man-pages/man2/fchown.2.html',
'http://man7.org/linux/man-pages/man3/fchown.3p.html'],
'fchown32': ['http://man7.org/linux/man-pages/man2/fchown32.2.html'],
'fchownat': ['http://man7.org/linux/man-pages/man2/fchownat.2.html',
'http://man7.org/linux/man-pages/man3/fchownat.3p.html'],
'fclose': ['http://man7.org/linux/man-pages/man3/fclose.3.html',
'http://man7.org/linux/man-pages/man3/fclose.3p.html'],
'fcloseall': ['http://man7.org/linux/man-pages/man3/fcloseall.3.html'],
'fcntl': ['http://man7.org/linux/man-pages/man2/fcntl.2.html',
'http://man7.org/linux/man-pages/man3/fcntl.3p.html'],
'fcntl.h': ['http://man7.org/linux/man-pages/man0/fcntl.h.0p.html'],
'fcntl64': ['http://man7.org/linux/man-pages/man2/fcntl64.2.html'],
'fcvt': ['http://man7.org/linux/man-pages/man3/fcvt.3.html'],
'fcvt_r': ['http://man7.org/linux/man-pages/man3/fcvt_r.3.html'],
'fd': ['http://man7.org/linux/man-pages/man4/fd.4.html'],
'fd_clr': ['http://man7.org/linux/man-pages/man3/fd_clr.3.html',
'http://man7.org/linux/man-pages/man3/fd_clr.3p.html'],
'fd_isset': ['http://man7.org/linux/man-pages/man3/fd_isset.3.html'],
'fd_set': ['http://man7.org/linux/man-pages/man3/fd_set.3.html'],
'fd_to_handle': ['http://man7.org/linux/man-pages/man3/fd_to_handle.3.html'],
'fd_zero': ['http://man7.org/linux/man-pages/man3/fd_zero.3.html'],
'fdatasync': ['http://man7.org/linux/man-pages/man2/fdatasync.2.html',
'http://man7.org/linux/man-pages/man3/fdatasync.3p.html'],
'fdetach': ['http://man7.org/linux/man-pages/man2/fdetach.2.html',
'http://man7.org/linux/man-pages/man3/fdetach.3p.html'],
'fdformat': ['http://man7.org/linux/man-pages/man8/fdformat.8.html'],
'fdim': ['http://man7.org/linux/man-pages/man3/fdim.3.html',
'http://man7.org/linux/man-pages/man3/fdim.3p.html'],
'fdimf': ['http://man7.org/linux/man-pages/man3/fdimf.3.html',
'http://man7.org/linux/man-pages/man3/fdimf.3p.html'],
'fdiml': ['http://man7.org/linux/man-pages/man3/fdiml.3.html',
'http://man7.org/linux/man-pages/man3/fdiml.3p.html'],
'fdisk': ['http://man7.org/linux/man-pages/man8/fdisk.8.html'],
'fdopen': ['http://man7.org/linux/man-pages/man3/fdopen.3.html',
'http://man7.org/linux/man-pages/man3/fdopen.3p.html'],
'fdopendir': ['http://man7.org/linux/man-pages/man3/fdopendir.3.html',
'http://man7.org/linux/man-pages/man3/fdopendir.3p.html'],
'feature_test_macros': ['http://man7.org/linux/man-pages/man7/feature_test_macros.7.html'],
'feclearexcept': ['http://man7.org/linux/man-pages/man3/feclearexcept.3.html',
'http://man7.org/linux/man-pages/man3/feclearexcept.3p.html'],
'fedabipkgdiff': ['http://man7.org/linux/man-pages/man1/fedabipkgdiff.1.html'],
'fedisableexcept': ['http://man7.org/linux/man-pages/man3/fedisableexcept.3.html'],
'feenableexcept': ['http://man7.org/linux/man-pages/man3/feenableexcept.3.html'],
'fegetenv': ['http://man7.org/linux/man-pages/man3/fegetenv.3.html',
'http://man7.org/linux/man-pages/man3/fegetenv.3p.html'],
'fegetexcept': ['http://man7.org/linux/man-pages/man3/fegetexcept.3.html'],
'fegetexceptflag': ['http://man7.org/linux/man-pages/man3/fegetexceptflag.3.html',
'http://man7.org/linux/man-pages/man3/fegetexceptflag.3p.html'],
'fegetround': ['http://man7.org/linux/man-pages/man3/fegetround.3.html',
'http://man7.org/linux/man-pages/man3/fegetround.3p.html'],
'feholdexcept': ['http://man7.org/linux/man-pages/man3/feholdexcept.3.html',
'http://man7.org/linux/man-pages/man3/feholdexcept.3p.html'],
'fenv': ['http://man7.org/linux/man-pages/man3/fenv.3.html'],
'fenv.h': ['http://man7.org/linux/man-pages/man0/fenv.h.0p.html'],
'feof': ['http://man7.org/linux/man-pages/man3/feof.3.html',
'http://man7.org/linux/man-pages/man3/feof.3p.html'],
'feof_unlocked': ['http://man7.org/linux/man-pages/man3/feof_unlocked.3.html'],
'feraiseexcept': ['http://man7.org/linux/man-pages/man3/feraiseexcept.3.html',
'http://man7.org/linux/man-pages/man3/feraiseexcept.3p.html'],
'ferror': ['http://man7.org/linux/man-pages/man3/ferror.3.html',
'http://man7.org/linux/man-pages/man3/ferror.3p.html'],
'ferror_unlocked': ['http://man7.org/linux/man-pages/man3/ferror_unlocked.3.html'],
'fesetenv': ['http://man7.org/linux/man-pages/man3/fesetenv.3.html',
'http://man7.org/linux/man-pages/man3/fesetenv.3p.html'],
'fesetexceptflag': ['http://man7.org/linux/man-pages/man3/fesetexceptflag.3.html',
'http://man7.org/linux/man-pages/man3/fesetexceptflag.3p.html'],
'fesetround': ['http://man7.org/linux/man-pages/man3/fesetround.3.html',
'http://man7.org/linux/man-pages/man3/fesetround.3p.html'],
'fetestexcept': ['http://man7.org/linux/man-pages/man3/fetestexcept.3.html',
'http://man7.org/linux/man-pages/man3/fetestexcept.3p.html'],
'feupdateenv': ['http://man7.org/linux/man-pages/man3/feupdateenv.3.html',
'http://man7.org/linux/man-pages/man3/feupdateenv.3p.html'],
'fexecve': ['http://man7.org/linux/man-pages/man3/fexecve.3.html',
'http://man7.org/linux/man-pages/man3/fexecve.3p.html'],
'fflush': ['http://man7.org/linux/man-pages/man3/fflush.3.html',
'http://man7.org/linux/man-pages/man3/fflush.3p.html'],
'fflush_unlocked': ['http://man7.org/linux/man-pages/man3/fflush_unlocked.3.html'],
'ffs': ['http://man7.org/linux/man-pages/man3/ffs.3.html',
'http://man7.org/linux/man-pages/man3/ffs.3p.html'],
'ffsl': ['http://man7.org/linux/man-pages/man3/ffsl.3.html'],
'ffsll': ['http://man7.org/linux/man-pages/man3/ffsll.3.html'],
'fg': ['http://man7.org/linux/man-pages/man1/fg.1p.html'],
'fgconsole': ['http://man7.org/linux/man-pages/man1/fgconsole.1.html'],
'fgetc': ['http://man7.org/linux/man-pages/man3/fgetc.3.html',
'http://man7.org/linux/man-pages/man3/fgetc.3p.html'],
'fgetc_unlocked': ['http://man7.org/linux/man-pages/man3/fgetc_unlocked.3.html'],
'fgetfilecon': ['http://man7.org/linux/man-pages/man3/fgetfilecon.3.html'],
'fgetfilecon_raw': ['http://man7.org/linux/man-pages/man3/fgetfilecon_raw.3.html'],
'fgetgrent': ['http://man7.org/linux/man-pages/man3/fgetgrent.3.html'],
'fgetgrent_r': ['http://man7.org/linux/man-pages/man3/fgetgrent_r.3.html'],
'fgetpos': ['http://man7.org/linux/man-pages/man3/fgetpos.3.html',
'http://man7.org/linux/man-pages/man3/fgetpos.3p.html'],
'fgetpwent': ['http://man7.org/linux/man-pages/man3/fgetpwent.3.html'],
'fgetpwent_r': ['http://man7.org/linux/man-pages/man3/fgetpwent_r.3.html'],
'fgets': ['http://man7.org/linux/man-pages/man3/fgets.3.html',
'http://man7.org/linux/man-pages/man3/fgets.3p.html'],
'fgets_unlocked': ['http://man7.org/linux/man-pages/man3/fgets_unlocked.3.html'],
'fgetspent': ['http://man7.org/linux/man-pages/man3/fgetspent.3.html'],
'fgetspent_r': ['http://man7.org/linux/man-pages/man3/fgetspent_r.3.html'],
'fgetwc': ['http://man7.org/linux/man-pages/man3/fgetwc.3.html',
'http://man7.org/linux/man-pages/man3/fgetwc.3p.html'],
'fgetwc_unlocked': ['http://man7.org/linux/man-pages/man3/fgetwc_unlocked.3.html'],
'fgetws': ['http://man7.org/linux/man-pages/man3/fgetws.3.html',
'http://man7.org/linux/man-pages/man3/fgetws.3p.html'],
'fgetws_unlocked': ['http://man7.org/linux/man-pages/man3/fgetws_unlocked.3.html'],
'fgetxattr': ['http://man7.org/linux/man-pages/man2/fgetxattr.2.html'],
'fgrep': ['http://man7.org/linux/man-pages/man1/fgrep.1.html'],
'field_info': ['http://man7.org/linux/man-pages/man3/field_info.3x.html'],
'field_just': ['http://man7.org/linux/man-pages/man3/field_just.3x.html'],
'field_opts': ['http://man7.org/linux/man-pages/man3/field_opts.3x.html'],
'field_opts_off': ['http://man7.org/linux/man-pages/man3/field_opts_off.3x.html'],
'field_opts_on': ['http://man7.org/linux/man-pages/man3/field_opts_on.3x.html'],
'field_userptr': ['http://man7.org/linux/man-pages/man3/field_userptr.3x.html'],
'fifo': ['http://man7.org/linux/man-pages/man7/fifo.7.html'],
'file': ['http://man7.org/linux/man-pages/man1/file.1.html',
'http://man7.org/linux/man-pages/man1/file.1p.html'],
'file-hierarchy': ['http://man7.org/linux/man-pages/man7/file-hierarchy.7.html'],
'file_contexts': ['http://man7.org/linux/man-pages/man5/file_contexts.5.html'],
'file_contexts.homedirs': ['http://man7.org/linux/man-pages/man5/file_contexts.homedirs.5.html'],
'file_contexts.local': ['http://man7.org/linux/man-pages/man5/file_contexts.local.5.html'],
'file_contexts.subs': ['http://man7.org/linux/man-pages/man5/file_contexts.subs.5.html'],
'file_contexts.subs_dist': ['http://man7.org/linux/man-pages/man5/file_contexts.subs_dist.5.html'],
'filecap': ['http://man7.org/linux/man-pages/man8/filecap.8.html'],
'filefrag': ['http://man7.org/linux/man-pages/man8/filefrag.8.html'],
'fileno': ['http://man7.org/linux/man-pages/man3/fileno.3.html',
'http://man7.org/linux/man-pages/man3/fileno.3p.html'],
'fileno_unlocked': ['http://man7.org/linux/man-pages/man3/fileno_unlocked.3.html'],
'filesystems': ['http://man7.org/linux/man-pages/man5/filesystems.5.html'],
'filter': ['http://man7.org/linux/man-pages/man3/filter.3x.html',
'http://man7.org/linux/man-pages/man7/filter.7.html'],
'fincore': ['http://man7.org/linux/man-pages/man1/fincore.1.html'],
'find': ['http://man7.org/linux/man-pages/man1/find.1.html',
'http://man7.org/linux/man-pages/man1/find.1p.html'],
'find-repos-of-install': ['http://man7.org/linux/man-pages/man1/find-repos-of-install.1.html'],
'find_key_by_type_and_name': ['http://man7.org/linux/man-pages/man3/find_key_by_type_and_name.3.html'],
'find_pair': ['http://man7.org/linux/man-pages/man3/find_pair.3x.html'],
'findfs': ['http://man7.org/linux/man-pages/man8/findfs.8.html'],
'findmnt': ['http://man7.org/linux/man-pages/man8/findmnt.8.html'],
'fini_selinuxmnt': ['http://man7.org/linux/man-pages/man3/fini_selinuxmnt.3.html'],
'finit_module': ['http://man7.org/linux/man-pages/man2/finit_module.2.html'],
'finite': ['http://man7.org/linux/man-pages/man3/finite.3.html'],
'finitef': ['http://man7.org/linux/man-pages/man3/finitef.3.html'],
'finitel': ['http://man7.org/linux/man-pages/man3/finitel.3.html'],
'firecfg': ['http://man7.org/linux/man-pages/man1/firecfg.1.html'],
'firejail': ['http://man7.org/linux/man-pages/man1/firejail.1.html'],
'firejail-login': ['http://man7.org/linux/man-pages/man5/firejail-login.5.html'],
'firejail-profile': ['http://man7.org/linux/man-pages/man5/firejail-profile.5.html'],
'firejail-users': ['http://man7.org/linux/man-pages/man5/firejail-users.5.html'],
'firejail.users': ['http://man7.org/linux/man-pages/man5/firejail.users.5.html'],
'firemon': ['http://man7.org/linux/man-pages/man1/firemon.1.html'],
'fixfiles': ['http://man7.org/linux/man-pages/man8/fixfiles.8.html'],
'flash': ['http://man7.org/linux/man-pages/man3/flash.3x.html'],
'flistxattr': ['http://man7.org/linux/man-pages/man2/flistxattr.2.html'],
'float.h': ['http://man7.org/linux/man-pages/man0/float.h.0p.html'],
'flock': ['http://man7.org/linux/man-pages/man1/flock.1.html',
'http://man7.org/linux/man-pages/man2/flock.2.html'],
'flockfile': ['http://man7.org/linux/man-pages/man3/flockfile.3.html',
'http://man7.org/linux/man-pages/man3/flockfile.3p.html'],
'floor': ['http://man7.org/linux/man-pages/man3/floor.3.html',
'http://man7.org/linux/man-pages/man3/floor.3p.html'],
'floorf': ['http://man7.org/linux/man-pages/man3/floorf.3.html',
'http://man7.org/linux/man-pages/man3/floorf.3p.html'],
'floorl': ['http://man7.org/linux/man-pages/man3/floorl.3.html',
'http://man7.org/linux/man-pages/man3/floorl.3p.html'],
'flow': ['http://man7.org/linux/man-pages/man8/flow.8.html'],
'flower': ['http://man7.org/linux/man-pages/man8/flower.8.html'],
'flowtop': ['http://man7.org/linux/man-pages/man8/flowtop.8.html'],
'flushinp': ['http://man7.org/linux/man-pages/man3/flushinp.3x.html'],
'fma': ['http://man7.org/linux/man-pages/man3/fma.3.html',
'http://man7.org/linux/man-pages/man3/fma.3p.html'],
'fmaf': ['http://man7.org/linux/man-pages/man3/fmaf.3.html',
'http://man7.org/linux/man-pages/man3/fmaf.3p.html'],
'fmal': ['http://man7.org/linux/man-pages/man3/fmal.3.html',
'http://man7.org/linux/man-pages/man3/fmal.3p.html'],
'fmax': ['http://man7.org/linux/man-pages/man3/fmax.3.html',
'http://man7.org/linux/man-pages/man3/fmax.3p.html'],
'fmaxf': ['http://man7.org/linux/man-pages/man3/fmaxf.3.html',
'http://man7.org/linux/man-pages/man3/fmaxf.3p.html'],
'fmaxl': ['http://man7.org/linux/man-pages/man3/fmaxl.3.html',
'http://man7.org/linux/man-pages/man3/fmaxl.3p.html'],
'fmemopen': ['http://man7.org/linux/man-pages/man3/fmemopen.3.html',
'http://man7.org/linux/man-pages/man3/fmemopen.3p.html'],
'fmin': ['http://man7.org/linux/man-pages/man3/fmin.3.html',
'http://man7.org/linux/man-pages/man3/fmin.3p.html'],
'fminf': ['http://man7.org/linux/man-pages/man3/fminf.3.html',
'http://man7.org/linux/man-pages/man3/fminf.3p.html'],
'fminl': ['http://man7.org/linux/man-pages/man3/fminl.3.html',
'http://man7.org/linux/man-pages/man3/fminl.3p.html'],
'fmod': ['http://man7.org/linux/man-pages/man3/fmod.3.html',
'http://man7.org/linux/man-pages/man3/fmod.3p.html'],
'fmodf': ['http://man7.org/linux/man-pages/man3/fmodf.3.html',
'http://man7.org/linux/man-pages/man3/fmodf.3p.html'],
'fmodl': ['http://man7.org/linux/man-pages/man3/fmodl.3.html',
'http://man7.org/linux/man-pages/man3/fmodl.3p.html'],
'fmt': ['http://man7.org/linux/man-pages/man1/fmt.1.html'],
'fmtmsg': ['http://man7.org/linux/man-pages/man3/fmtmsg.3.html',
'http://man7.org/linux/man-pages/man3/fmtmsg.3p.html'],
'fmtmsg.h': ['http://man7.org/linux/man-pages/man0/fmtmsg.h.0p.html'],
'fnmatch': ['http://man7.org/linux/man-pages/man3/fnmatch.3.html',
'http://man7.org/linux/man-pages/man3/fnmatch.3p.html'],
'fnmatch.h': ['http://man7.org/linux/man-pages/man0/fnmatch.h.0p.html'],
'fold': ['http://man7.org/linux/man-pages/man1/fold.1.html',
'http://man7.org/linux/man-pages/man1/fold.1p.html'],
'fopen': ['http://man7.org/linux/man-pages/man3/fopen.3.html',
'http://man7.org/linux/man-pages/man3/fopen.3p.html'],
'fopencookie': ['http://man7.org/linux/man-pages/man3/fopencookie.3.html'],
'fork': ['http://man7.org/linux/man-pages/man2/fork.2.html',
'http://man7.org/linux/man-pages/man3/fork.3p.html'],
'forkpty': ['http://man7.org/linux/man-pages/man3/forkpty.3.html'],
'form': ['http://man7.org/linux/man-pages/man3/form.3x.html'],
'form_cursor': ['http://man7.org/linux/man-pages/man3/form_cursor.3x.html'],
'form_data': ['http://man7.org/linux/man-pages/man3/form_data.3x.html'],
'form_driver': ['http://man7.org/linux/man-pages/man3/form_driver.3x.html'],
'form_driver_w': ['http://man7.org/linux/man-pages/man3/form_driver_w.3x.html'],
'form_field': ['http://man7.org/linux/man-pages/man3/form_field.3x.html'],
'form_field_attributes': ['http://man7.org/linux/man-pages/man3/form_field_attributes.3x.html'],
'form_field_buffer': ['http://man7.org/linux/man-pages/man3/form_field_buffer.3x.html'],
'form_field_info': ['http://man7.org/linux/man-pages/man3/form_field_info.3x.html'],
'form_field_just': ['http://man7.org/linux/man-pages/man3/form_field_just.3x.html'],
'form_field_new': ['http://man7.org/linux/man-pages/man3/form_field_new.3x.html'],
'form_field_opts': ['http://man7.org/linux/man-pages/man3/form_field_opts.3x.html'],
'form_field_userptr': ['http://man7.org/linux/man-pages/man3/form_field_userptr.3x.html'],
'form_field_validation': ['http://man7.org/linux/man-pages/man3/form_field_validation.3x.html'],
'form_fieldtype': ['http://man7.org/linux/man-pages/man3/form_fieldtype.3x.html'],
'form_hook': ['http://man7.org/linux/man-pages/man3/form_hook.3x.html'],
'form_new': ['http://man7.org/linux/man-pages/man3/form_new.3x.html'],
'form_new_page': ['http://man7.org/linux/man-pages/man3/form_new_page.3x.html'],
'form_opts': ['http://man7.org/linux/man-pages/man3/form_opts.3x.html'],
'form_opts_off': ['http://man7.org/linux/man-pages/man3/form_opts_off.3x.html'],
'form_opts_on': ['http://man7.org/linux/man-pages/man3/form_opts_on.3x.html'],
'form_page': ['http://man7.org/linux/man-pages/man3/form_page.3x.html'],
'form_post': ['http://man7.org/linux/man-pages/man3/form_post.3x.html'],
'form_request_by_name': ['http://man7.org/linux/man-pages/man3/form_request_by_name.3x.html'],
'form_request_name': ['http://man7.org/linux/man-pages/man3/form_request_name.3x.html'],
'form_requestname': ['http://man7.org/linux/man-pages/man3/form_requestname.3x.html'],
'form_userptr': ['http://man7.org/linux/man-pages/man3/form_userptr.3x.html'],
'form_variables': ['http://man7.org/linux/man-pages/man3/form_variables.3x.html'],
'form_win': ['http://man7.org/linux/man-pages/man3/form_win.3x.html'],
'fort77': ['http://man7.org/linux/man-pages/man1/fort77.1p.html'],
'fpathconf': ['http://man7.org/linux/man-pages/man3/fpathconf.3.html',
'http://man7.org/linux/man-pages/man3/fpathconf.3p.html'],
'fpclassify': ['http://man7.org/linux/man-pages/man3/fpclassify.3.html',
'http://man7.org/linux/man-pages/man3/fpclassify.3p.html'],
'fprintf': ['http://man7.org/linux/man-pages/man3/fprintf.3.html',
'http://man7.org/linux/man-pages/man3/fprintf.3p.html'],
'fpurge': ['http://man7.org/linux/man-pages/man3/fpurge.3.html'],
'fputc': ['http://man7.org/linux/man-pages/man3/fputc.3.html',
'http://man7.org/linux/man-pages/man3/fputc.3p.html'],
'fputc_unlocked': ['http://man7.org/linux/man-pages/man3/fputc_unlocked.3.html'],
'fputs': ['http://man7.org/linux/man-pages/man3/fputs.3.html',
'http://man7.org/linux/man-pages/man3/fputs.3p.html'],
'fputs_unlocked': ['http://man7.org/linux/man-pages/man3/fputs_unlocked.3.html'],
'fputwc': ['http://man7.org/linux/man-pages/man3/fputwc.3.html',
'http://man7.org/linux/man-pages/man3/fputwc.3p.html'],
'fputwc_unlocked': ['http://man7.org/linux/man-pages/man3/fputwc_unlocked.3.html'],
'fputws': ['http://man7.org/linux/man-pages/man3/fputws.3.html',
'http://man7.org/linux/man-pages/man3/fputws.3p.html'],
'fputws_unlocked': ['http://man7.org/linux/man-pages/man3/fputws_unlocked.3.html'],
'fread': ['http://man7.org/linux/man-pages/man3/fread.3.html',
'http://man7.org/linux/man-pages/man3/fread.3p.html'],
'fread_unlocked': ['http://man7.org/linux/man-pages/man3/fread_unlocked.3.html'],
'free': ['http://man7.org/linux/man-pages/man1/free.1.html',
'http://man7.org/linux/man-pages/man3/free.3.html',
'http://man7.org/linux/man-pages/man3/free.3p.html'],
'free_field': ['http://man7.org/linux/man-pages/man3/free_field.3x.html'],
'free_form': ['http://man7.org/linux/man-pages/man3/free_form.3x.html'],
'free_handle': ['http://man7.org/linux/man-pages/man3/free_handle.3.html'],
'free_hugepages': ['http://man7.org/linux/man-pages/man2/free_hugepages.2.html'],
'free_item': ['http://man7.org/linux/man-pages/man3/free_item.3x.html'],
'free_menu': ['http://man7.org/linux/man-pages/man3/free_menu.3x.html'],
'free_pair': ['http://man7.org/linux/man-pages/man3/free_pair.3x.html'],
'freeaddrinfo': ['http://man7.org/linux/man-pages/man3/freeaddrinfo.3.html',
'http://man7.org/linux/man-pages/man3/freeaddrinfo.3p.html'],
'freecon': ['http://man7.org/linux/man-pages/man3/freecon.3.html'],
'freeconary': ['http://man7.org/linux/man-pages/man3/freeconary.3.html'],
'freehostent': ['http://man7.org/linux/man-pages/man3/freehostent.3.html'],
'freeifaddrs': ['http://man7.org/linux/man-pages/man3/freeifaddrs.3.html'],
'freelocale': ['http://man7.org/linux/man-pages/man3/freelocale.3.html',
'http://man7.org/linux/man-pages/man3/freelocale.3p.html'],
'fremovexattr': ['http://man7.org/linux/man-pages/man2/fremovexattr.2.html'],
'freopen': ['http://man7.org/linux/man-pages/man3/freopen.3.html',
'http://man7.org/linux/man-pages/man3/freopen.3p.html'],
'frexp': ['http://man7.org/linux/man-pages/man3/frexp.3.html',
'http://man7.org/linux/man-pages/man3/frexp.3p.html'],
'frexpf': ['http://man7.org/linux/man-pages/man3/frexpf.3.html',
'http://man7.org/linux/man-pages/man3/frexpf.3p.html'],
'frexpl': ['http://man7.org/linux/man-pages/man3/frexpl.3.html',
'http://man7.org/linux/man-pages/man3/frexpl.3p.html'],
'fs': ['http://man7.org/linux/man-pages/man5/fs.5.html'],
'fsadm': ['http://man7.org/linux/man-pages/man8/fsadm.8.html'],
'fscanf': ['http://man7.org/linux/man-pages/man3/fscanf.3.html',
'http://man7.org/linux/man-pages/man3/fscanf.3p.html'],
'fsck': ['http://man7.org/linux/man-pages/man8/fsck.8.html'],
'fsck.btrfs': ['http://man7.org/linux/man-pages/man8/fsck.btrfs.8.html'],
'fsck.cramfs': ['http://man7.org/linux/man-pages/man8/fsck.cramfs.8.html'],
'fsck.minix': ['http://man7.org/linux/man-pages/man8/fsck.minix.8.html'],
'fsck.xfs': ['http://man7.org/linux/man-pages/man8/fsck.xfs.8.html'],
'fseek': ['http://man7.org/linux/man-pages/man3/fseek.3.html',
'http://man7.org/linux/man-pages/man3/fseek.3p.html'],
'fseeko': ['http://man7.org/linux/man-pages/man3/fseeko.3.html',
'http://man7.org/linux/man-pages/man3/fseeko.3p.html'],
'fsetfilecon': ['http://man7.org/linux/man-pages/man3/fsetfilecon.3.html'],
'fsetfilecon_raw': ['http://man7.org/linux/man-pages/man3/fsetfilecon_raw.3.html'],
'fsetpos': ['http://man7.org/linux/man-pages/man3/fsetpos.3.html',
'http://man7.org/linux/man-pages/man3/fsetpos.3p.html'],
'fsetxattr': ['http://man7.org/linux/man-pages/man2/fsetxattr.2.html'],
'fsfreeze': ['http://man7.org/linux/man-pages/man8/fsfreeze.8.html'],
'fssetdm_by_handle': ['http://man7.org/linux/man-pages/man3/fssetdm_by_handle.3.html'],
'fstab': ['http://man7.org/linux/man-pages/man5/fstab.5.html'],
'fstat': ['http://man7.org/linux/man-pages/man2/fstat.2.html',
'http://man7.org/linux/man-pages/man3/fstat.3p.html'],
'fstat64': ['http://man7.org/linux/man-pages/man2/fstat64.2.html'],
'fstatat': ['http://man7.org/linux/man-pages/man2/fstatat.2.html',
'http://man7.org/linux/man-pages/man3/fstatat.3p.html'],
'fstatat64': ['http://man7.org/linux/man-pages/man2/fstatat64.2.html'],
'fstatfs': ['http://man7.org/linux/man-pages/man2/fstatfs.2.html'],
'fstatfs64': ['http://man7.org/linux/man-pages/man2/fstatfs64.2.html'],
'fstatvfs': ['http://man7.org/linux/man-pages/man2/fstatvfs.2.html',
'http://man7.org/linux/man-pages/man3/fstatvfs.3.html',
'http://man7.org/linux/man-pages/man3/fstatvfs.3p.html'],
'fstrim': ['http://man7.org/linux/man-pages/man8/fstrim.8.html'],
'fsync': ['http://man7.org/linux/man-pages/man2/fsync.2.html',
'http://man7.org/linux/man-pages/man3/fsync.3p.html'],
'ftell': ['http://man7.org/linux/man-pages/man3/ftell.3.html',
'http://man7.org/linux/man-pages/man3/ftell.3p.html'],
'ftello': ['http://man7.org/linux/man-pages/man3/ftello.3.html',
'http://man7.org/linux/man-pages/man3/ftello.3p.html'],
'ftime': ['http://man7.org/linux/man-pages/man3/ftime.3.html'],
'ftok': ['http://man7.org/linux/man-pages/man3/ftok.3.html',
'http://man7.org/linux/man-pages/man3/ftok.3p.html'],
'ftpusers': ['http://man7.org/linux/man-pages/man5/ftpusers.5.html'],
'ftruncate': ['http://man7.org/linux/man-pages/man2/ftruncate.2.html',
'http://man7.org/linux/man-pages/man3/ftruncate.3p.html'],
'ftruncate64': ['http://man7.org/linux/man-pages/man2/ftruncate64.2.html'],
'ftrylockfile': ['http://man7.org/linux/man-pages/man3/ftrylockfile.3.html',
'http://man7.org/linux/man-pages/man3/ftrylockfile.3p.html'],
'fts': ['http://man7.org/linux/man-pages/man3/fts.3.html'],
'fts_children': ['http://man7.org/linux/man-pages/man3/fts_children.3.html'],
'fts_close': ['http://man7.org/linux/man-pages/man3/fts_close.3.html'],
'fts_open': ['http://man7.org/linux/man-pages/man3/fts_open.3.html'],
'fts_read': ['http://man7.org/linux/man-pages/man3/fts_read.3.html'],
'fts_set': ['http://man7.org/linux/man-pages/man3/fts_set.3.html'],
'ftw': ['http://man7.org/linux/man-pages/man3/ftw.3.html',
'http://man7.org/linux/man-pages/man3/ftw.3p.html'],
'ftw.h': ['http://man7.org/linux/man-pages/man0/ftw.h.0p.html'],
'full': ['http://man7.org/linux/man-pages/man4/full.4.html'],
'fullreport': ['http://man7.org/linux/man-pages/man8/fullreport.8.html'],
'funlockfile': ['http://man7.org/linux/man-pages/man3/funlockfile.3.html',
'http://man7.org/linux/man-pages/man3/funlockfile.3p.html'],
'fuse': ['http://man7.org/linux/man-pages/man4/fuse.4.html',
'http://man7.org/linux/man-pages/man8/fuse.8.html'],
'fuse2fs': ['http://man7.org/linux/man-pages/man1/fuse2fs.1.html'],
'fuser': ['http://man7.org/linux/man-pages/man1/fuser.1.html',
'http://man7.org/linux/man-pages/man1/fuser.1p.html'],
'fusermount3': ['http://man7.org/linux/man-pages/man1/fusermount3.1.html'],
'futex': ['http://man7.org/linux/man-pages/man2/futex.2.html',
'http://man7.org/linux/man-pages/man7/futex.7.html'],
'futimens': ['http://man7.org/linux/man-pages/man3/futimens.3.html',
'http://man7.org/linux/man-pages/man3/futimens.3p.html'],
'futimes': ['http://man7.org/linux/man-pages/man3/futimes.3.html'],
'futimesat': ['http://man7.org/linux/man-pages/man2/futimesat.2.html'],
'fw': ['http://man7.org/linux/man-pages/man8/fw.8.html'],
'fwide': ['http://man7.org/linux/man-pages/man3/fwide.3.html',
'http://man7.org/linux/man-pages/man3/fwide.3p.html'],
'fwprintf': ['http://man7.org/linux/man-pages/man3/fwprintf.3.html',
'http://man7.org/linux/man-pages/man3/fwprintf.3p.html'],
'fwrite': ['http://man7.org/linux/man-pages/man3/fwrite.3.html',
'http://man7.org/linux/man-pages/man3/fwrite.3p.html'],
'fwrite_unlocked': ['http://man7.org/linux/man-pages/man3/fwrite_unlocked.3.html'],
'fwscanf': ['http://man7.org/linux/man-pages/man3/fwscanf.3p.html'],
'gai.conf': ['http://man7.org/linux/man-pages/man5/gai.conf.5.html'],
'gai_cancel': ['http://man7.org/linux/man-pages/man3/gai_cancel.3.html'],
'gai_error': ['http://man7.org/linux/man-pages/man3/gai_error.3.html'],
'gai_strerror': ['http://man7.org/linux/man-pages/man3/gai_strerror.3.html',
'http://man7.org/linux/man-pages/man3/gai_strerror.3p.html'],
'gai_suspend': ['http://man7.org/linux/man-pages/man3/gai_suspend.3.html'],
'galera_new_cluster': ['http://man7.org/linux/man-pages/man1/galera_new_cluster.1.html'],
'galera_recovery': ['http://man7.org/linux/man-pages/man1/galera_recovery.1.html'],
'gamma': ['http://man7.org/linux/man-pages/man3/gamma.3.html'],
'gammaf': ['http://man7.org/linux/man-pages/man3/gammaf.3.html'],
'gammal': ['http://man7.org/linux/man-pages/man3/gammal.3.html'],
'ganglia2pcp': ['http://man7.org/linux/man-pages/man1/ganglia2pcp.1.html'],
'gawk': ['http://man7.org/linux/man-pages/man1/gawk.1.html'],
'gcc': ['http://man7.org/linux/man-pages/man1/gcc.1.html'],
'gcore': ['http://man7.org/linux/man-pages/man1/gcore.1.html'],
'gcov': ['http://man7.org/linux/man-pages/man1/gcov.1.html'],
'gcov-dump': ['http://man7.org/linux/man-pages/man1/gcov-dump.1.html'],
'gcov-tool': ['http://man7.org/linux/man-pages/man1/gcov-tool.1.html'],
'gcvt': ['http://man7.org/linux/man-pages/man3/gcvt.3.html'],
'gdb': ['http://man7.org/linux/man-pages/man1/gdb.1.html'],
'gdb-add-index': ['http://man7.org/linux/man-pages/man1/gdb-add-index.1.html'],
'gdbinit': ['http://man7.org/linux/man-pages/man5/gdbinit.5.html'],
'gdbserver': ['http://man7.org/linux/man-pages/man1/gdbserver.1.html'],
'gdiffmk': ['http://man7.org/linux/man-pages/man1/gdiffmk.1.html'],
'gencat': ['http://man7.org/linux/man-pages/man1/gencat.1p.html'],
'genhomedircon': ['http://man7.org/linux/man-pages/man8/genhomedircon.8.html'],
'genl': ['http://man7.org/linux/man-pages/man8/genl.8.html'],
'genpmda': ['http://man7.org/linux/man-pages/man1/genpmda.1.html'],
'genpolbools': ['http://man7.org/linux/man-pages/man8/genpolbools.8.html'],
'genpolusers': ['http://man7.org/linux/man-pages/man8/genpolusers.8.html'],
'get': ['http://man7.org/linux/man-pages/man1/get.1p.html'],
'get_auditfail_action': ['http://man7.org/linux/man-pages/man3/get_auditfail_action.3.html'],
'get_avphys_pages': ['http://man7.org/linux/man-pages/man3/get_avphys_pages.3.html'],
'get_current_dir_name': ['http://man7.org/linux/man-pages/man3/get_current_dir_name.3.html'],
'get_default_context': ['http://man7.org/linux/man-pages/man3/get_default_context.3.html'],
'get_default_context_with_level': ['http://man7.org/linux/man-pages/man3/get_default_context_with_level.3.html'],
'get_default_context_with_role': ['http://man7.org/linux/man-pages/man3/get_default_context_with_role.3.html'],
'get_default_context_with_rolelevel': ['http://man7.org/linux/man-pages/man3/get_default_context_with_rolelevel.3.html'],
'get_default_role': ['http://man7.org/linux/man-pages/man3/get_default_role.3.html'],
'get_default_type': ['http://man7.org/linux/man-pages/man3/get_default_type.3.html'],
'get_kernel_syms': ['http://man7.org/linux/man-pages/man2/get_kernel_syms.2.html'],
'get_mempolicy': ['http://man7.org/linux/man-pages/man2/get_mempolicy.2.html'],
'get_myaddress': ['http://man7.org/linux/man-pages/man3/get_myaddress.3.html'],
'get_nprocs': ['http://man7.org/linux/man-pages/man3/get_nprocs.3.html'],
'get_nprocs_conf': ['http://man7.org/linux/man-pages/man3/get_nprocs_conf.3.html'],
'get_ordered_context_list': ['http://man7.org/linux/man-pages/man3/get_ordered_context_list.3.html'],
'get_ordered_context_list_with_level': ['http://man7.org/linux/man-pages/man3/get_ordered_context_list_with_level.3.html'],
'get_phys_pages': ['http://man7.org/linux/man-pages/man3/get_phys_pages.3.html'],
'get_robust_list': ['http://man7.org/linux/man-pages/man2/get_robust_list.2.html'],
'get_thread_area': ['http://man7.org/linux/man-pages/man2/get_thread_area.2.html'],
'get_wch': ['http://man7.org/linux/man-pages/man3/get_wch.3x.html'],
'get_wstr': ['http://man7.org/linux/man-pages/man3/get_wstr.3x.html'],
'getaddrinfo': ['http://man7.org/linux/man-pages/man3/getaddrinfo.3.html',
'http://man7.org/linux/man-pages/man3/getaddrinfo.3p.html'],
'getaddrinfo_a': ['http://man7.org/linux/man-pages/man3/getaddrinfo_a.3.html'],
'getaliasbyname': ['http://man7.org/linux/man-pages/man3/getaliasbyname.3.html'],
'getaliasbyname_r': ['http://man7.org/linux/man-pages/man3/getaliasbyname_r.3.html'],
'getaliasent': ['http://man7.org/linux/man-pages/man3/getaliasent.3.html'],
'getaliasent_r': ['http://man7.org/linux/man-pages/man3/getaliasent_r.3.html'],
'getauxval': ['http://man7.org/linux/man-pages/man3/getauxval.3.html'],
'getbegyx': ['http://man7.org/linux/man-pages/man3/getbegyx.3x.html'],
'getbkgd': ['http://man7.org/linux/man-pages/man3/getbkgd.3x.html'],
'getbkgrnd': ['http://man7.org/linux/man-pages/man3/getbkgrnd.3x.html'],
'getc': ['http://man7.org/linux/man-pages/man3/getc.3.html',
'http://man7.org/linux/man-pages/man3/getc.3p.html'],
'getc_unlocked': ['http://man7.org/linux/man-pages/man3/getc_unlocked.3.html',
'http://man7.org/linux/man-pages/man3/getc_unlocked.3p.html'],
'getcap': ['http://man7.org/linux/man-pages/man8/getcap.8.html'],
'getcchar': ['http://man7.org/linux/man-pages/man3/getcchar.3x.html'],
'getch': ['http://man7.org/linux/man-pages/man3/getch.3x.html'],
'getchar': ['http://man7.org/linux/man-pages/man3/getchar.3.html',
'http://man7.org/linux/man-pages/man3/getchar.3p.html'],
'getchar_unlocked': ['http://man7.org/linux/man-pages/man3/getchar_unlocked.3.html',
'http://man7.org/linux/man-pages/man3/getchar_unlocked.3p.html'],
'getcon': ['http://man7.org/linux/man-pages/man3/getcon.3.html'],
'getcon_raw': ['http://man7.org/linux/man-pages/man3/getcon_raw.3.html'],
'getconf': ['http://man7.org/linux/man-pages/man1/getconf.1p.html'],
'getcontext': ['http://man7.org/linux/man-pages/man2/getcontext.2.html',
'http://man7.org/linux/man-pages/man3/getcontext.3.html'],
'getcpu': ['http://man7.org/linux/man-pages/man2/getcpu.2.html'],
'getcwd': ['http://man7.org/linux/man-pages/man2/getcwd.2.html',
'http://man7.org/linux/man-pages/man3/getcwd.3.html',
'http://man7.org/linux/man-pages/man3/getcwd.3p.html'],
'getdate': ['http://man7.org/linux/man-pages/man3/getdate.3.html',
'http://man7.org/linux/man-pages/man3/getdate.3p.html'],
'getdate_err': ['http://man7.org/linux/man-pages/man3/getdate_err.3.html'],
'getdate_r': ['http://man7.org/linux/man-pages/man3/getdate_r.3.html'],
'getdelim': ['http://man7.org/linux/man-pages/man3/getdelim.3.html',
'http://man7.org/linux/man-pages/man3/getdelim.3p.html'],
'getdents': ['http://man7.org/linux/man-pages/man2/getdents.2.html'],
'getdents64': ['http://man7.org/linux/man-pages/man2/getdents64.2.html'],
'getdirentries': ['http://man7.org/linux/man-pages/man3/getdirentries.3.html'],
'getdomainname': ['http://man7.org/linux/man-pages/man2/getdomainname.2.html'],
'getdtablesize': ['http://man7.org/linux/man-pages/man2/getdtablesize.2.html',
'http://man7.org/linux/man-pages/man3/getdtablesize.3.html'],
'getegid': ['http://man7.org/linux/man-pages/man2/getegid.2.html',
'http://man7.org/linux/man-pages/man3/getegid.3p.html'],
'getegid32': ['http://man7.org/linux/man-pages/man2/getegid32.2.html'],
'getenforce': ['http://man7.org/linux/man-pages/man8/getenforce.8.html'],
'getent': ['http://man7.org/linux/man-pages/man1/getent.1.html'],
'getentropy': ['http://man7.org/linux/man-pages/man3/getentropy.3.html'],
'getenv': ['http://man7.org/linux/man-pages/man3/getenv.3.html',
'http://man7.org/linux/man-pages/man3/getenv.3p.html'],
'geteuid': ['http://man7.org/linux/man-pages/man2/geteuid.2.html',
'http://man7.org/linux/man-pages/man3/geteuid.3p.html'],
'geteuid32': ['http://man7.org/linux/man-pages/man2/geteuid32.2.html'],
'getexeccon': ['http://man7.org/linux/man-pages/man3/getexeccon.3.html'],
'getexeccon_raw': ['http://man7.org/linux/man-pages/man3/getexeccon_raw.3.html'],
'getfacl': ['http://man7.org/linux/man-pages/man1/getfacl.1.html'],
'getfattr': ['http://man7.org/linux/man-pages/man1/getfattr.1.html'],
'getfilecon': ['http://man7.org/linux/man-pages/man3/getfilecon.3.html'],
'getfilecon_raw': ['http://man7.org/linux/man-pages/man3/getfilecon_raw.3.html'],
'getfscreatecon': ['http://man7.org/linux/man-pages/man3/getfscreatecon.3.html'],
'getfscreatecon_raw': ['http://man7.org/linux/man-pages/man3/getfscreatecon_raw.3.html'],
'getfsent': ['http://man7.org/linux/man-pages/man3/getfsent.3.html'],
'getfsfile': ['http://man7.org/linux/man-pages/man3/getfsfile.3.html'],
'getfsspec': ['http://man7.org/linux/man-pages/man3/getfsspec.3.html'],
'getgid': ['http://man7.org/linux/man-pages/man2/getgid.2.html',
'http://man7.org/linux/man-pages/man3/getgid.3p.html'],
'getgid32': ['http://man7.org/linux/man-pages/man2/getgid32.2.html'],
'getgrent': ['http://man7.org/linux/man-pages/man3/getgrent.3.html',
'http://man7.org/linux/man-pages/man3/getgrent.3p.html'],
'getgrent_r': ['http://man7.org/linux/man-pages/man3/getgrent_r.3.html'],
'getgrgid': ['http://man7.org/linux/man-pages/man3/getgrgid.3.html',
'http://man7.org/linux/man-pages/man3/getgrgid.3p.html'],
'getgrgid_r': ['http://man7.org/linux/man-pages/man3/getgrgid_r.3.html',
'http://man7.org/linux/man-pages/man3/getgrgid_r.3p.html'],
'getgrnam': ['http://man7.org/linux/man-pages/man3/getgrnam.3.html',
'http://man7.org/linux/man-pages/man3/getgrnam.3p.html'],
'getgrnam_r': ['http://man7.org/linux/man-pages/man3/getgrnam_r.3.html',
'http://man7.org/linux/man-pages/man3/getgrnam_r.3p.html'],
'getgrouplist': ['http://man7.org/linux/man-pages/man3/getgrouplist.3.html'],
'getgroups': ['http://man7.org/linux/man-pages/man2/getgroups.2.html',
'http://man7.org/linux/man-pages/man3/getgroups.3p.html'],
'getgroups32': ['http://man7.org/linux/man-pages/man2/getgroups32.2.html'],
'gethostbyaddr': ['http://man7.org/linux/man-pages/man3/gethostbyaddr.3.html'],
'gethostbyaddr_r': ['http://man7.org/linux/man-pages/man3/gethostbyaddr_r.3.html'],
'gethostbyname': ['http://man7.org/linux/man-pages/man3/gethostbyname.3.html'],
'gethostbyname2': ['http://man7.org/linux/man-pages/man3/gethostbyname2.3.html'],
'gethostbyname2_r': ['http://man7.org/linux/man-pages/man3/gethostbyname2_r.3.html'],
'gethostbyname_r': ['http://man7.org/linux/man-pages/man3/gethostbyname_r.3.html'],
'gethostent': ['http://man7.org/linux/man-pages/man3/gethostent.3.html',
'http://man7.org/linux/man-pages/man3/gethostent.3p.html'],
'gethostent_r': ['http://man7.org/linux/man-pages/man3/gethostent_r.3.html'],
'gethostid': ['http://man7.org/linux/man-pages/man2/gethostid.2.html',
'http://man7.org/linux/man-pages/man3/gethostid.3.html',
'http://man7.org/linux/man-pages/man3/gethostid.3p.html'],
'gethostname': ['http://man7.org/linux/man-pages/man2/gethostname.2.html',
'http://man7.org/linux/man-pages/man3/gethostname.3p.html'],
'getifaddrs': ['http://man7.org/linux/man-pages/man3/getifaddrs.3.html'],
'getipnodebyaddr': ['http://man7.org/linux/man-pages/man3/getipnodebyaddr.3.html'],
'getipnodebyname': ['http://man7.org/linux/man-pages/man3/getipnodebyname.3.html'],
'getitimer': ['http://man7.org/linux/man-pages/man2/getitimer.2.html',
'http://man7.org/linux/man-pages/man3/getitimer.3p.html'],
'getkeycodes': ['http://man7.org/linux/man-pages/man8/getkeycodes.8.html'],
'getkeycreatecon': ['http://man7.org/linux/man-pages/man3/getkeycreatecon.3.html'],
'getkeycreatecon_raw': ['http://man7.org/linux/man-pages/man3/getkeycreatecon_raw.3.html'],
'getline': ['http://man7.org/linux/man-pages/man3/getline.3.html',
'http://man7.org/linux/man-pages/man3/getline.3p.html'],
'getloadavg': ['http://man7.org/linux/man-pages/man3/getloadavg.3.html'],
'getlogin': ['http://man7.org/linux/man-pages/man3/getlogin.3.html',
'http://man7.org/linux/man-pages/man3/getlogin.3p.html'],
'getlogin_r': ['http://man7.org/linux/man-pages/man3/getlogin_r.3.html',
'http://man7.org/linux/man-pages/man3/getlogin_r.3p.html'],
'getmaxyx': ['http://man7.org/linux/man-pages/man3/getmaxyx.3x.html'],
'getmntent': ['http://man7.org/linux/man-pages/man3/getmntent.3.html'],
'getmntent_r': ['http://man7.org/linux/man-pages/man3/getmntent_r.3.html'],
'getmouse': ['http://man7.org/linux/man-pages/man3/getmouse.3x.html'],
'getmsg': ['http://man7.org/linux/man-pages/man2/getmsg.2.html',
'http://man7.org/linux/man-pages/man3/getmsg.3p.html'],
'getn_wstr': ['http://man7.org/linux/man-pages/man3/getn_wstr.3x.html'],
'getnameinfo': ['http://man7.org/linux/man-pages/man3/getnameinfo.3.html',
'http://man7.org/linux/man-pages/man3/getnameinfo.3p.html'],
'getnetbyaddr': ['http://man7.org/linux/man-pages/man3/getnetbyaddr.3.html',
'http://man7.org/linux/man-pages/man3/getnetbyaddr.3p.html'],
'getnetbyaddr_r': ['http://man7.org/linux/man-pages/man3/getnetbyaddr_r.3.html'],
'getnetbyname': ['http://man7.org/linux/man-pages/man3/getnetbyname.3.html',
'http://man7.org/linux/man-pages/man3/getnetbyname.3p.html'],
'getnetbyname_r': ['http://man7.org/linux/man-pages/man3/getnetbyname_r.3.html'],
'getnetent': ['http://man7.org/linux/man-pages/man3/getnetent.3.html',
'http://man7.org/linux/man-pages/man3/getnetent.3p.html'],
'getnetent_r': ['http://man7.org/linux/man-pages/man3/getnetent_r.3.html'],
'getnetgrent': ['http://man7.org/linux/man-pages/man3/getnetgrent.3.html'],
'getnetgrent_r': ['http://man7.org/linux/man-pages/man3/getnetgrent_r.3.html'],
'getnstr': ['http://man7.org/linux/man-pages/man3/getnstr.3x.html'],
'getopt': ['http://man7.org/linux/man-pages/man1/getopt.1.html',
'http://man7.org/linux/man-pages/man3/getopt.3.html',
'http://man7.org/linux/man-pages/man3/getopt.3p.html'],
'getopt_long': ['http://man7.org/linux/man-pages/man3/getopt_long.3.html'],
'getopt_long_only': ['http://man7.org/linux/man-pages/man3/getopt_long_only.3.html'],
'getopts': ['http://man7.org/linux/man-pages/man1/getopts.1p.html'],
'getpagesize': ['http://man7.org/linux/man-pages/man2/getpagesize.2.html'],
'getparentpaths_by_handle': ['http://man7.org/linux/man-pages/man3/getparentpaths_by_handle.3.html'],
'getparents_by_handle': ['http://man7.org/linux/man-pages/man3/getparents_by_handle.3.html'],
'getparyx': ['http://man7.org/linux/man-pages/man3/getparyx.3x.html'],
'getpass': ['http://man7.org/linux/man-pages/man3/getpass.3.html'],
'getpeercon': ['http://man7.org/linux/man-pages/man3/getpeercon.3.html'],
'getpeercon_raw': ['http://man7.org/linux/man-pages/man3/getpeercon_raw.3.html'],
'getpeername': ['http://man7.org/linux/man-pages/man2/getpeername.2.html',
'http://man7.org/linux/man-pages/man3/getpeername.3p.html'],
'getpgid': ['http://man7.org/linux/man-pages/man2/getpgid.2.html',
'http://man7.org/linux/man-pages/man3/getpgid.3p.html'],
'getpgrp': ['http://man7.org/linux/man-pages/man2/getpgrp.2.html',
'http://man7.org/linux/man-pages/man3/getpgrp.3p.html'],
'getpid': ['http://man7.org/linux/man-pages/man2/getpid.2.html',
'http://man7.org/linux/man-pages/man3/getpid.3p.html'],
'getpidcon': ['http://man7.org/linux/man-pages/man3/getpidcon.3.html'],
'getpidcon_raw': ['http://man7.org/linux/man-pages/man3/getpidcon_raw.3.html'],
'getpmsg': ['http://man7.org/linux/man-pages/man2/getpmsg.2.html',
'http://man7.org/linux/man-pages/man3/getpmsg.3p.html'],
'getppid': ['http://man7.org/linux/man-pages/man2/getppid.2.html',
'http://man7.org/linux/man-pages/man3/getppid.3p.html'],
'getprevcon': ['http://man7.org/linux/man-pages/man3/getprevcon.3.html'],
'getprevcon_raw': ['http://man7.org/linux/man-pages/man3/getprevcon_raw.3.html'],
'getpriority': ['http://man7.org/linux/man-pages/man2/getpriority.2.html',
'http://man7.org/linux/man-pages/man3/getpriority.3p.html'],
'getprotent': ['http://man7.org/linux/man-pages/man3/getprotent.3p.html'],
'getprotobyname': ['http://man7.org/linux/man-pages/man3/getprotobyname.3.html',
'http://man7.org/linux/man-pages/man3/getprotobyname.3p.html'],
'getprotobyname_r': ['http://man7.org/linux/man-pages/man3/getprotobyname_r.3.html'],
'getprotobynumber': ['http://man7.org/linux/man-pages/man3/getprotobynumber.3.html',
'http://man7.org/linux/man-pages/man3/getprotobynumber.3p.html'],
'getprotobynumber_r': ['http://man7.org/linux/man-pages/man3/getprotobynumber_r.3.html'],
'getprotoent': ['http://man7.org/linux/man-pages/man3/getprotoent.3.html',
'http://man7.org/linux/man-pages/man3/getprotoent.3p.html'],
'getprotoent_r': ['http://man7.org/linux/man-pages/man3/getprotoent_r.3.html'],
'getpt': ['http://man7.org/linux/man-pages/man3/getpt.3.html'],
'getpw': ['http://man7.org/linux/man-pages/man3/getpw.3.html'],
'getpwent': ['http://man7.org/linux/man-pages/man3/getpwent.3.html',
'http://man7.org/linux/man-pages/man3/getpwent.3p.html'],
'getpwent_r': ['http://man7.org/linux/man-pages/man3/getpwent_r.3.html'],
'getpwnam': ['http://man7.org/linux/man-pages/man3/getpwnam.3.html',
'http://man7.org/linux/man-pages/man3/getpwnam.3p.html'],
'getpwnam_r': ['http://man7.org/linux/man-pages/man3/getpwnam_r.3.html',
'http://man7.org/linux/man-pages/man3/getpwnam_r.3p.html'],
'getpwuid': ['http://man7.org/linux/man-pages/man3/getpwuid.3.html',
'http://man7.org/linux/man-pages/man3/getpwuid.3p.html'],
'getpwuid_r': ['http://man7.org/linux/man-pages/man3/getpwuid_r.3.html',
'http://man7.org/linux/man-pages/man3/getpwuid_r.3p.html'],
'getrandom': ['http://man7.org/linux/man-pages/man2/getrandom.2.html'],
'getresgid': ['http://man7.org/linux/man-pages/man2/getresgid.2.html'],
'getresgid32': ['http://man7.org/linux/man-pages/man2/getresgid32.2.html'],
'getresuid': ['http://man7.org/linux/man-pages/man2/getresuid.2.html'],
'getresuid32': ['http://man7.org/linux/man-pages/man2/getresuid32.2.html'],
'getrlimit': ['http://man7.org/linux/man-pages/man2/getrlimit.2.html',
'http://man7.org/linux/man-pages/man3/getrlimit.3p.html'],
'getrpcbyname': ['http://man7.org/linux/man-pages/man3/getrpcbyname.3.html'],
'getrpcbyname_r': ['http://man7.org/linux/man-pages/man3/getrpcbyname_r.3.html'],
'getrpcbynumber': ['http://man7.org/linux/man-pages/man3/getrpcbynumber.3.html'],
'getrpcbynumber_r': ['http://man7.org/linux/man-pages/man3/getrpcbynumber_r.3.html'],
'getrpcent': ['http://man7.org/linux/man-pages/man3/getrpcent.3.html'],
'getrpcent_r': ['http://man7.org/linux/man-pages/man3/getrpcent_r.3.html'],
'getrpcport': ['http://man7.org/linux/man-pages/man3/getrpcport.3.html'],
'getrusage': ['http://man7.org/linux/man-pages/man2/getrusage.2.html',
'http://man7.org/linux/man-pages/man3/getrusage.3p.html'],
'gets': ['http://man7.org/linux/man-pages/man3/gets.3.html',
'http://man7.org/linux/man-pages/man3/gets.3p.html'],
'getsebool': ['http://man7.org/linux/man-pages/man8/getsebool.8.html'],
'getservbyname': ['http://man7.org/linux/man-pages/man3/getservbyname.3.html',
'http://man7.org/linux/man-pages/man3/getservbyname.3p.html'],
'getservbyname_r': ['http://man7.org/linux/man-pages/man3/getservbyname_r.3.html'],
'getservbyport': ['http://man7.org/linux/man-pages/man3/getservbyport.3.html',
'http://man7.org/linux/man-pages/man3/getservbyport.3p.html'],
'getservbyport_r': ['http://man7.org/linux/man-pages/man3/getservbyport_r.3.html'],
'getservent': ['http://man7.org/linux/man-pages/man3/getservent.3.html',
'http://man7.org/linux/man-pages/man3/getservent.3p.html'],
'getservent_r': ['http://man7.org/linux/man-pages/man3/getservent_r.3.html'],
'getseuserbyname': ['http://man7.org/linux/man-pages/man3/getseuserbyname.3.html'],
'getsid': ['http://man7.org/linux/man-pages/man2/getsid.2.html',
'http://man7.org/linux/man-pages/man3/getsid.3p.html'],
'getsockcreatecon': ['http://man7.org/linux/man-pages/man3/getsockcreatecon.3.html'],
'getsockcreatecon_raw': ['http://man7.org/linux/man-pages/man3/getsockcreatecon_raw.3.html'],
'getsockname': ['http://man7.org/linux/man-pages/man2/getsockname.2.html',
'http://man7.org/linux/man-pages/man3/getsockname.3p.html'],
'getsockopt': ['http://man7.org/linux/man-pages/man2/getsockopt.2.html',
'http://man7.org/linux/man-pages/man3/getsockopt.3p.html'],
'getspent': ['http://man7.org/linux/man-pages/man3/getspent.3.html'],
'getspent_r': ['http://man7.org/linux/man-pages/man3/getspent_r.3.html'],
'getspnam': ['http://man7.org/linux/man-pages/man3/getspnam.3.html'],
'getspnam_r': ['http://man7.org/linux/man-pages/man3/getspnam_r.3.html'],
'getstr': ['http://man7.org/linux/man-pages/man3/getstr.3x.html'],
'getsubopt': ['http://man7.org/linux/man-pages/man3/getsubopt.3.html',
'http://man7.org/linux/man-pages/man3/getsubopt.3p.html'],
'getsyx': ['http://man7.org/linux/man-pages/man3/getsyx.3x.html'],
'gettext': ['http://man7.org/linux/man-pages/man1/gettext.1.html',
'http://man7.org/linux/man-pages/man3/gettext.3.html'],
'gettextize': ['http://man7.org/linux/man-pages/man1/gettextize.1.html'],
'gettid': ['http://man7.org/linux/man-pages/man2/gettid.2.html'],
'gettimeofday': ['http://man7.org/linux/man-pages/man2/gettimeofday.2.html',
'http://man7.org/linux/man-pages/man3/gettimeofday.3p.html'],
'getttyent': ['http://man7.org/linux/man-pages/man3/getttyent.3.html'],
'getttynam': ['http://man7.org/linux/man-pages/man3/getttynam.3.html'],
'getuid': ['http://man7.org/linux/man-pages/man2/getuid.2.html',
'http://man7.org/linux/man-pages/man3/getuid.3p.html'],
'getuid32': ['http://man7.org/linux/man-pages/man2/getuid32.2.html'],
'getumask': ['http://man7.org/linux/man-pages/man3/getumask.3.html'],
'getunwind': ['http://man7.org/linux/man-pages/man2/getunwind.2.html'],
'getusershell': ['http://man7.org/linux/man-pages/man3/getusershell.3.html'],
'getutent': ['http://man7.org/linux/man-pages/man3/getutent.3.html'],
'getutent_r': ['http://man7.org/linux/man-pages/man3/getutent_r.3.html'],
'getutid': ['http://man7.org/linux/man-pages/man3/getutid.3.html'],
'getutid_r': ['http://man7.org/linux/man-pages/man3/getutid_r.3.html'],
'getutline': ['http://man7.org/linux/man-pages/man3/getutline.3.html'],
'getutline_r': ['http://man7.org/linux/man-pages/man3/getutline_r.3.html'],
'getutmp': ['http://man7.org/linux/man-pages/man3/getutmp.3.html'],
'getutmpx': ['http://man7.org/linux/man-pages/man3/getutmpx.3.html'],
'getutxent': ['http://man7.org/linux/man-pages/man3/getutxent.3.html',
'http://man7.org/linux/man-pages/man3/getutxent.3p.html'],
'getutxid': ['http://man7.org/linux/man-pages/man3/getutxid.3.html',
'http://man7.org/linux/man-pages/man3/getutxid.3p.html'],
'getutxline': ['http://man7.org/linux/man-pages/man3/getutxline.3.html',
'http://man7.org/linux/man-pages/man3/getutxline.3p.html'],
'getw': ['http://man7.org/linux/man-pages/man3/getw.3.html'],
'getwc': ['http://man7.org/linux/man-pages/man3/getwc.3.html',
'http://man7.org/linux/man-pages/man3/getwc.3p.html'],
'getwc_unlocked': ['http://man7.org/linux/man-pages/man3/getwc_unlocked.3.html'],
'getwchar': ['http://man7.org/linux/man-pages/man3/getwchar.3.html',
'http://man7.org/linux/man-pages/man3/getwchar.3p.html'],
'getwchar_unlocked': ['http://man7.org/linux/man-pages/man3/getwchar_unlocked.3.html'],
'getwd': ['http://man7.org/linux/man-pages/man3/getwd.3.html'],
'getwin': ['http://man7.org/linux/man-pages/man3/getwin.3x.html'],
'getxattr': ['http://man7.org/linux/man-pages/man2/getxattr.2.html'],
'getyx': ['http://man7.org/linux/man-pages/man3/getyx.3x.html'],
'gfortran': ['http://man7.org/linux/man-pages/man1/gfortran.1.html'],
'git': ['http://man7.org/linux/man-pages/man1/git.1.html'],
'git-add': ['http://man7.org/linux/man-pages/man1/git-add.1.html'],
'git-am': ['http://man7.org/linux/man-pages/man1/git-am.1.html'],
'git-annotate': ['http://man7.org/linux/man-pages/man1/git-annotate.1.html'],
'git-apply': ['http://man7.org/linux/man-pages/man1/git-apply.1.html'],
'git-archimport': ['http://man7.org/linux/man-pages/man1/git-archimport.1.html'],
'git-archive': ['http://man7.org/linux/man-pages/man1/git-archive.1.html'],
'git-bisect': ['http://man7.org/linux/man-pages/man1/git-bisect.1.html'],
'git-blame': ['http://man7.org/linux/man-pages/man1/git-blame.1.html'],
'git-branch': ['http://man7.org/linux/man-pages/man1/git-branch.1.html'],
'git-bundle': ['http://man7.org/linux/man-pages/man1/git-bundle.1.html'],
'git-cat-file': ['http://man7.org/linux/man-pages/man1/git-cat-file.1.html'],
'git-check-attr': ['http://man7.org/linux/man-pages/man1/git-check-attr.1.html'],
'git-check-ignore': ['http://man7.org/linux/man-pages/man1/git-check-ignore.1.html'],
'git-check-mailmap': ['http://man7.org/linux/man-pages/man1/git-check-mailmap.1.html'],
'git-check-ref-format': ['http://man7.org/linux/man-pages/man1/git-check-ref-format.1.html'],
'git-checkout': ['http://man7.org/linux/man-pages/man1/git-checkout.1.html'],
'git-checkout-index': ['http://man7.org/linux/man-pages/man1/git-checkout-index.1.html'],
'git-cherry': ['http://man7.org/linux/man-pages/man1/git-cherry.1.html'],
'git-cherry-pick': ['http://man7.org/linux/man-pages/man1/git-cherry-pick.1.html'],
'git-citool': ['http://man7.org/linux/man-pages/man1/git-citool.1.html'],
'git-clean': ['http://man7.org/linux/man-pages/man1/git-clean.1.html'],
'git-clone': ['http://man7.org/linux/man-pages/man1/git-clone.1.html'],
'git-column': ['http://man7.org/linux/man-pages/man1/git-column.1.html'],
'git-commit': ['http://man7.org/linux/man-pages/man1/git-commit.1.html'],
'git-commit-graph': ['http://man7.org/linux/man-pages/man1/git-commit-graph.1.html'],
'git-commit-tree': ['http://man7.org/linux/man-pages/man1/git-commit-tree.1.html'],
'git-config': ['http://man7.org/linux/man-pages/man1/git-config.1.html'],
'git-count-objects': ['http://man7.org/linux/man-pages/man1/git-count-objects.1.html'],
'git-credential': ['http://man7.org/linux/man-pages/man1/git-credential.1.html'],
'git-credential-cache': ['http://man7.org/linux/man-pages/man1/git-credential-cache.1.html'],
'git-credential-cache--daemon': ['http://man7.org/linux/man-pages/man1/git-credential-cache--daemon.1.html'],
'git-credential-store': ['http://man7.org/linux/man-pages/man1/git-credential-store.1.html'],
'git-cvsexportcommit': ['http://man7.org/linux/man-pages/man1/git-cvsexportcommit.1.html'],
'git-cvsimport': ['http://man7.org/linux/man-pages/man1/git-cvsimport.1.html'],
'git-cvsserver': ['http://man7.org/linux/man-pages/man1/git-cvsserver.1.html'],
'git-daemon': ['http://man7.org/linux/man-pages/man1/git-daemon.1.html'],
'git-describe': ['http://man7.org/linux/man-pages/man1/git-describe.1.html'],
'git-diff': ['http://man7.org/linux/man-pages/man1/git-diff.1.html'],
'git-diff-files': ['http://man7.org/linux/man-pages/man1/git-diff-files.1.html'],
'git-diff-index': ['http://man7.org/linux/man-pages/man1/git-diff-index.1.html'],
'git-diff-tree': ['http://man7.org/linux/man-pages/man1/git-diff-tree.1.html'],
'git-difftool': ['http://man7.org/linux/man-pages/man1/git-difftool.1.html'],
'git-fast-export': ['http://man7.org/linux/man-pages/man1/git-fast-export.1.html'],
'git-fast-import': ['http://man7.org/linux/man-pages/man1/git-fast-import.1.html'],
'git-fetch': ['http://man7.org/linux/man-pages/man1/git-fetch.1.html'],
'git-fetch-pack': ['http://man7.org/linux/man-pages/man1/git-fetch-pack.1.html'],
'git-filter-branch': ['http://man7.org/linux/man-pages/man1/git-filter-branch.1.html'],
'git-fmt-merge-msg': ['http://man7.org/linux/man-pages/man1/git-fmt-merge-msg.1.html'],
'git-for-each-ref': ['http://man7.org/linux/man-pages/man1/git-for-each-ref.1.html'],
'git-format-patch': ['http://man7.org/linux/man-pages/man1/git-format-patch.1.html'],
'git-fsck': ['http://man7.org/linux/man-pages/man1/git-fsck.1.html'],
'git-fsck-objects': ['http://man7.org/linux/man-pages/man1/git-fsck-objects.1.html'],
'git-gc': ['http://man7.org/linux/man-pages/man1/git-gc.1.html'],
'git-get-tar-commit-id': ['http://man7.org/linux/man-pages/man1/git-get-tar-commit-id.1.html'],
'git-grep': ['http://man7.org/linux/man-pages/man1/git-grep.1.html'],
'git-gui': ['http://man7.org/linux/man-pages/man1/git-gui.1.html'],
'git-hash-object': ['http://man7.org/linux/man-pages/man1/git-hash-object.1.html'],
'git-help': ['http://man7.org/linux/man-pages/man1/git-help.1.html'],
'git-http-backend': ['http://man7.org/linux/man-pages/man1/git-http-backend.1.html'],
'git-http-fetch': ['http://man7.org/linux/man-pages/man1/git-http-fetch.1.html'],
'git-http-push': ['http://man7.org/linux/man-pages/man1/git-http-push.1.html'],
'git-imap-send': ['http://man7.org/linux/man-pages/man1/git-imap-send.1.html'],
'git-index-pack': ['http://man7.org/linux/man-pages/man1/git-index-pack.1.html'],
'git-init': ['http://man7.org/linux/man-pages/man1/git-init.1.html'],
'git-init-db': ['http://man7.org/linux/man-pages/man1/git-init-db.1.html'],
'git-instaweb': ['http://man7.org/linux/man-pages/man1/git-instaweb.1.html'],
'git-interpret-trailers': ['http://man7.org/linux/man-pages/man1/git-interpret-trailers.1.html'],
'git-log': ['http://man7.org/linux/man-pages/man1/git-log.1.html'],
'git-ls-files': ['http://man7.org/linux/man-pages/man1/git-ls-files.1.html'],
'git-ls-remote': ['http://man7.org/linux/man-pages/man1/git-ls-remote.1.html'],
'git-ls-tree': ['http://man7.org/linux/man-pages/man1/git-ls-tree.1.html'],
'git-mailinfo': ['http://man7.org/linux/man-pages/man1/git-mailinfo.1.html'],
'git-mailsplit': ['http://man7.org/linux/man-pages/man1/git-mailsplit.1.html'],
'git-merge': ['http://man7.org/linux/man-pages/man1/git-merge.1.html'],
'git-merge-base': ['http://man7.org/linux/man-pages/man1/git-merge-base.1.html'],
'git-merge-file': ['http://man7.org/linux/man-pages/man1/git-merge-file.1.html'],
'git-merge-index': ['http://man7.org/linux/man-pages/man1/git-merge-index.1.html'],
'git-merge-one-file': ['http://man7.org/linux/man-pages/man1/git-merge-one-file.1.html'],
'git-merge-tree': ['http://man7.org/linux/man-pages/man1/git-merge-tree.1.html'],
'git-mergetool': ['http://man7.org/linux/man-pages/man1/git-mergetool.1.html'],
'git-mergetool--lib': ['http://man7.org/linux/man-pages/man1/git-mergetool--lib.1.html'],
'git-mktag': ['http://man7.org/linux/man-pages/man1/git-mktag.1.html'],
'git-mktree': ['http://man7.org/linux/man-pages/man1/git-mktree.1.html'],
'git-multi-pack-index': ['http://man7.org/linux/man-pages/man1/git-multi-pack-index.1.html'],
'git-mv': ['http://man7.org/linux/man-pages/man1/git-mv.1.html'],
'git-name-rev': ['http://man7.org/linux/man-pages/man1/git-name-rev.1.html'],
'git-notes': ['http://man7.org/linux/man-pages/man1/git-notes.1.html'],
'git-p4': ['http://man7.org/linux/man-pages/man1/git-p4.1.html'],
'git-pack-objects': ['http://man7.org/linux/man-pages/man1/git-pack-objects.1.html'],
'git-pack-redundant': ['http://man7.org/linux/man-pages/man1/git-pack-redundant.1.html'],
'git-pack-refs': ['http://man7.org/linux/man-pages/man1/git-pack-refs.1.html'],
'git-parse-remote': ['http://man7.org/linux/man-pages/man1/git-parse-remote.1.html'],
'git-patch-id': ['http://man7.org/linux/man-pages/man1/git-patch-id.1.html'],
'git-prune': ['http://man7.org/linux/man-pages/man1/git-prune.1.html'],
'git-prune-packed': ['http://man7.org/linux/man-pages/man1/git-prune-packed.1.html'],
'git-pull': ['http://man7.org/linux/man-pages/man1/git-pull.1.html'],
'git-push': ['http://man7.org/linux/man-pages/man1/git-push.1.html'],
'git-quiltimport': ['http://man7.org/linux/man-pages/man1/git-quiltimport.1.html'],
'git-range-diff': ['http://man7.org/linux/man-pages/man1/git-range-diff.1.html'],
'git-read-tree': ['http://man7.org/linux/man-pages/man1/git-read-tree.1.html'],
'git-rebase': ['http://man7.org/linux/man-pages/man1/git-rebase.1.html'],
'git-receive-pack': ['http://man7.org/linux/man-pages/man1/git-receive-pack.1.html'],
'git-reflog': ['http://man7.org/linux/man-pages/man1/git-reflog.1.html'],
'git-relink': ['http://man7.org/linux/man-pages/man1/git-relink.1.html'],
'git-remote': ['http://man7.org/linux/man-pages/man1/git-remote.1.html'],
'git-remote-ext': ['http://man7.org/linux/man-pages/man1/git-remote-ext.1.html'],
'git-remote-fd': ['http://man7.org/linux/man-pages/man1/git-remote-fd.1.html'],
'git-remote-testgit': ['http://man7.org/linux/man-pages/man1/git-remote-testgit.1.html'],
'git-repack': ['http://man7.org/linux/man-pages/man1/git-repack.1.html'],
'git-replace': ['http://man7.org/linux/man-pages/man1/git-replace.1.html'],
'git-request-pull': ['http://man7.org/linux/man-pages/man1/git-request-pull.1.html'],
'git-rerere': ['http://man7.org/linux/man-pages/man1/git-rerere.1.html'],
'git-reset': ['http://man7.org/linux/man-pages/man1/git-reset.1.html'],
'git-rev-list': ['http://man7.org/linux/man-pages/man1/git-rev-list.1.html'],
'git-rev-parse': ['http://man7.org/linux/man-pages/man1/git-rev-parse.1.html'],
'git-revert': ['http://man7.org/linux/man-pages/man1/git-revert.1.html'],
'git-rm': ['http://man7.org/linux/man-pages/man1/git-rm.1.html'],
'git-send-email': ['http://man7.org/linux/man-pages/man1/git-send-email.1.html'],
'git-send-pack': ['http://man7.org/linux/man-pages/man1/git-send-pack.1.html'],
'git-series': ['http://man7.org/linux/man-pages/man1/git-series.1.html'],
'git-sh-i18n': ['http://man7.org/linux/man-pages/man1/git-sh-i18n.1.html'],
'git-sh-i18n--envsubst': ['http://man7.org/linux/man-pages/man1/git-sh-i18n--envsubst.1.html'],
'git-sh-setup': ['http://man7.org/linux/man-pages/man1/git-sh-setup.1.html'],
'git-shell': ['http://man7.org/linux/man-pages/man1/git-shell.1.html'],
'git-shortlog': ['http://man7.org/linux/man-pages/man1/git-shortlog.1.html'],
'git-show': ['http://man7.org/linux/man-pages/man1/git-show.1.html'],
'git-show-branch': ['http://man7.org/linux/man-pages/man1/git-show-branch.1.html'],
'git-show-index': ['http://man7.org/linux/man-pages/man1/git-show-index.1.html'],
'git-show-ref': ['http://man7.org/linux/man-pages/man1/git-show-ref.1.html'],
'git-stage': ['http://man7.org/linux/man-pages/man1/git-stage.1.html'],
'git-stash': ['http://man7.org/linux/man-pages/man1/git-stash.1.html'],
'git-status': ['http://man7.org/linux/man-pages/man1/git-status.1.html'],
'git-stripspace': ['http://man7.org/linux/man-pages/man1/git-stripspace.1.html'],
'git-submodule': ['http://man7.org/linux/man-pages/man1/git-submodule.1.html'],
'git-svn': ['http://man7.org/linux/man-pages/man1/git-svn.1.html'],
'git-symbolic-ref': ['http://man7.org/linux/man-pages/man1/git-symbolic-ref.1.html'],
'git-tag': ['http://man7.org/linux/man-pages/man1/git-tag.1.html'],
'git-unpack-file': ['http://man7.org/linux/man-pages/man1/git-unpack-file.1.html'],
'git-unpack-objects': ['http://man7.org/linux/man-pages/man1/git-unpack-objects.1.html'],
'git-update-index': ['http://man7.org/linux/man-pages/man1/git-update-index.1.html'],
'git-update-ref': ['http://man7.org/linux/man-pages/man1/git-update-ref.1.html'],
'git-update-server-info': ['http://man7.org/linux/man-pages/man1/git-update-server-info.1.html'],
'git-upload-archive': ['http://man7.org/linux/man-pages/man1/git-upload-archive.1.html'],
'git-upload-pack': ['http://man7.org/linux/man-pages/man1/git-upload-pack.1.html'],
'git-var': ['http://man7.org/linux/man-pages/man1/git-var.1.html'],
'git-verify-commit': ['http://man7.org/linux/man-pages/man1/git-verify-commit.1.html'],
'git-verify-pack': ['http://man7.org/linux/man-pages/man1/git-verify-pack.1.html'],
'git-verify-tag': ['http://man7.org/linux/man-pages/man1/git-verify-tag.1.html'],
'git-web--browse': ['http://man7.org/linux/man-pages/man1/git-web--browse.1.html'],
'git-whatchanged': ['http://man7.org/linux/man-pages/man1/git-whatchanged.1.html'],
'git-worktree': ['http://man7.org/linux/man-pages/man1/git-worktree.1.html'],
'git-write-tree': ['http://man7.org/linux/man-pages/man1/git-write-tree.1.html'],
'gitattributes': ['http://man7.org/linux/man-pages/man5/gitattributes.5.html'],
'gitcli': ['http://man7.org/linux/man-pages/man7/gitcli.7.html'],
'gitcore-tutorial': ['http://man7.org/linux/man-pages/man7/gitcore-tutorial.7.html'],
'gitcredentials': ['http://man7.org/linux/man-pages/man7/gitcredentials.7.html'],
'gitcvs-migration': ['http://man7.org/linux/man-pages/man7/gitcvs-migration.7.html'],
'gitdiffcore': ['http://man7.org/linux/man-pages/man7/gitdiffcore.7.html'],
'giteveryday': ['http://man7.org/linux/man-pages/man7/giteveryday.7.html'],
'gitglossary': ['http://man7.org/linux/man-pages/man7/gitglossary.7.html'],
'githooks': ['http://man7.org/linux/man-pages/man5/githooks.5.html'],
'gitignore': ['http://man7.org/linux/man-pages/man5/gitignore.5.html'],
'gitk': ['http://man7.org/linux/man-pages/man1/gitk.1.html'],
'gitmodules': ['http://man7.org/linux/man-pages/man5/gitmodules.5.html'],
'gitnamespaces': ['http://man7.org/linux/man-pages/man7/gitnamespaces.7.html'],
'gitremote-helpers': ['http://man7.org/linux/man-pages/man1/gitremote-helpers.1.html'],
'gitrepository-layout': ['http://man7.org/linux/man-pages/man5/gitrepository-layout.5.html'],
'gitrevisions': ['http://man7.org/linux/man-pages/man7/gitrevisions.7.html'],
'gitsubmodules': ['http://man7.org/linux/man-pages/man7/gitsubmodules.7.html'],
'gittutorial': ['http://man7.org/linux/man-pages/man7/gittutorial.7.html'],
'gittutorial-2': ['http://man7.org/linux/man-pages/man7/gittutorial-2.7.html'],
'gitweb': ['http://man7.org/linux/man-pages/man1/gitweb.1.html'],
'gitweb.conf': ['http://man7.org/linux/man-pages/man5/gitweb.conf.5.html'],
'gitworkflows': ['http://man7.org/linux/man-pages/man7/gitworkflows.7.html'],
'glibc': ['http://man7.org/linux/man-pages/man7/glibc.7.html'],
'glilypond': ['http://man7.org/linux/man-pages/man1/glilypond.1.html'],
'glob': ['http://man7.org/linux/man-pages/man3/glob.3.html',
'http://man7.org/linux/man-pages/man3/glob.3p.html',
'http://man7.org/linux/man-pages/man7/glob.7.html'],
'glob.h': ['http://man7.org/linux/man-pages/man0/glob.h.0p.html'],
'globfree': ['http://man7.org/linux/man-pages/man3/globfree.3.html',
'http://man7.org/linux/man-pages/man3/globfree.3p.html'],
'gmtime': ['http://man7.org/linux/man-pages/man3/gmtime.3.html',
'http://man7.org/linux/man-pages/man3/gmtime.3p.html'],
'gmtime_r': ['http://man7.org/linux/man-pages/man3/gmtime_r.3.html',
'http://man7.org/linux/man-pages/man3/gmtime_r.3p.html'],
'gnu_dev_major': ['http://man7.org/linux/man-pages/man3/gnu_dev_major.3.html'],
'gnu_dev_makedev': ['http://man7.org/linux/man-pages/man3/gnu_dev_makedev.3.html'],
'gnu_dev_minor': ['http://man7.org/linux/man-pages/man3/gnu_dev_minor.3.html'],
'gnu_get_libc_release': ['http://man7.org/linux/man-pages/man3/gnu_get_libc_release.3.html'],
'gnu_get_libc_version': ['http://man7.org/linux/man-pages/man3/gnu_get_libc_version.3.html'],
'gnutls-cli': ['http://man7.org/linux/man-pages/man1/gnutls-cli.1.html'],
'gnutls-cli-debug': ['http://man7.org/linux/man-pages/man1/gnutls-cli-debug.1.html'],
'gnutls-serv': ['http://man7.org/linux/man-pages/man1/gnutls-serv.1.html'],
'gnutls_aead_cipher_decrypt': ['http://man7.org/linux/man-pages/man3/gnutls_aead_cipher_decrypt.3.html'],
'gnutls_aead_cipher_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_aead_cipher_deinit.3.html'],
'gnutls_aead_cipher_encrypt': ['http://man7.org/linux/man-pages/man3/gnutls_aead_cipher_encrypt.3.html'],
'gnutls_aead_cipher_encryptv': ['http://man7.org/linux/man-pages/man3/gnutls_aead_cipher_encryptv.3.html'],
'gnutls_aead_cipher_init': ['http://man7.org/linux/man-pages/man3/gnutls_aead_cipher_init.3.html'],
'gnutls_alert_get': ['http://man7.org/linux/man-pages/man3/gnutls_alert_get.3.html'],
'gnutls_alert_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_alert_get_name.3.html'],
'gnutls_alert_get_strname': ['http://man7.org/linux/man-pages/man3/gnutls_alert_get_strname.3.html'],
'gnutls_alert_send': ['http://man7.org/linux/man-pages/man3/gnutls_alert_send.3.html'],
'gnutls_alert_send_appropriate': ['http://man7.org/linux/man-pages/man3/gnutls_alert_send_appropriate.3.html'],
'gnutls_alpn_get_selected_protocol': ['http://man7.org/linux/man-pages/man3/gnutls_alpn_get_selected_protocol.3.html'],
'gnutls_alpn_set_protocols': ['http://man7.org/linux/man-pages/man3/gnutls_alpn_set_protocols.3.html'],
'gnutls_anon_allocate_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_anon_allocate_client_credentials.3.html'],
'gnutls_anon_allocate_server_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_anon_allocate_server_credentials.3.html'],
'gnutls_anon_free_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_anon_free_client_credentials.3.html'],
'gnutls_anon_free_server_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_anon_free_server_credentials.3.html'],
'gnutls_anon_set_params_function': ['http://man7.org/linux/man-pages/man3/gnutls_anon_set_params_function.3.html'],
'gnutls_anon_set_server_dh_params': ['http://man7.org/linux/man-pages/man3/gnutls_anon_set_server_dh_params.3.html'],
'gnutls_anon_set_server_known_dh_params': ['http://man7.org/linux/man-pages/man3/gnutls_anon_set_server_known_dh_params.3.html'],
'gnutls_anon_set_server_params_function': ['http://man7.org/linux/man-pages/man3/gnutls_anon_set_server_params_function.3.html'],
'gnutls_auth_client_get_type': ['http://man7.org/linux/man-pages/man3/gnutls_auth_client_get_type.3.html'],
'gnutls_auth_get_type': ['http://man7.org/linux/man-pages/man3/gnutls_auth_get_type.3.html'],
'gnutls_auth_server_get_type': ['http://man7.org/linux/man-pages/man3/gnutls_auth_server_get_type.3.html'],
'gnutls_base64_decode2': ['http://man7.org/linux/man-pages/man3/gnutls_base64_decode2.3.html'],
'gnutls_base64_encode2': ['http://man7.org/linux/man-pages/man3/gnutls_base64_encode2.3.html'],
'gnutls_buffer_append_data': ['http://man7.org/linux/man-pages/man3/gnutls_buffer_append_data.3.html'],
'gnutls_bye': ['http://man7.org/linux/man-pages/man3/gnutls_bye.3.html'],
'gnutls_certificate_activation_time_peers': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_activation_time_peers.3.html'],
'gnutls_certificate_allocate_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_allocate_credentials.3.html'],
'gnutls_certificate_client_get_request_status': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_client_get_request_status.3.html'],
'gnutls_certificate_expiration_time_peers': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_expiration_time_peers.3.html'],
'gnutls_certificate_free_ca_names': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_free_ca_names.3.html'],
'gnutls_certificate_free_cas': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_free_cas.3.html'],
'gnutls_certificate_free_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_free_credentials.3.html'],
'gnutls_certificate_free_crls': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_free_crls.3.html'],
'gnutls_certificate_free_keys': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_free_keys.3.html'],
'gnutls_certificate_get_crt_raw': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_crt_raw.3.html'],
'gnutls_certificate_get_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_issuer.3.html'],
'gnutls_certificate_get_ocsp_expiration': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_ocsp_expiration.3.html'],
'gnutls_certificate_get_ours': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_ours.3.html'],
'gnutls_certificate_get_peers': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_peers.3.html'],
'gnutls_certificate_get_peers_subkey_id': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_peers_subkey_id.3.html'],
'gnutls_certificate_get_trust_list': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_trust_list.3.html'],
'gnutls_certificate_get_verify_flags': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_verify_flags.3.html'],
'gnutls_certificate_get_x509_crt': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_x509_crt.3.html'],
'gnutls_certificate_get_x509_key': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_get_x509_key.3.html'],
'gnutls_certificate_send_x509_rdn_sequence': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_send_x509_rdn_sequence.3.html'],
'gnutls_certificate_server_set_request': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_server_set_request.3.html'],
'gnutls_certificate_set_dh_params': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_dh_params.3.html'],
'gnutls_certificate_set_flags': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_flags.3.html'],
'gnutls_certificate_set_key': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_key.3.html'],
'gnutls_certificate_set_known_dh_params': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_known_dh_params.3.html'],
'gnutls_certificate_set_ocsp_status_request_file': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_ocsp_status_request_file.3.html'],
'gnutls_certificate_set_ocsp_status_request_file2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_ocsp_status_request_file2.3.html'],
'gnutls_certificate_set_ocsp_status_request_function': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_ocsp_status_request_function.3.html'],
'gnutls_certificate_set_ocsp_status_request_function2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_ocsp_status_request_function2.3.html'],
'gnutls_certificate_set_ocsp_status_request_mem': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_ocsp_status_request_mem.3.html'],
'gnutls_certificate_set_params_function': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_params_function.3.html'],
'gnutls_certificate_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_pin_function.3.html'],
'gnutls_certificate_set_retrieve_function': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_retrieve_function.3.html'],
'gnutls_certificate_set_retrieve_function2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_retrieve_function2.3.html'],
'gnutls_certificate_set_retrieve_function3': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_retrieve_function3.3.html'],
'gnutls_certificate_set_trust_list': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_trust_list.3.html'],
'gnutls_certificate_set_verify_flags': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_verify_flags.3.html'],
'gnutls_certificate_set_verify_function': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_verify_function.3.html'],
'gnutls_certificate_set_verify_limits': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_verify_limits.3.html'],
'gnutls_certificate_set_x509_crl': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_crl.3.html'],
'gnutls_certificate_set_x509_crl_file': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_crl_file.3.html'],
'gnutls_certificate_set_x509_crl_mem': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_crl_mem.3.html'],
'gnutls_certificate_set_x509_key': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_key.3.html'],
'gnutls_certificate_set_x509_key_file': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_key_file.3.html'],
'gnutls_certificate_set_x509_key_file2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_key_file2.3.html'],
'gnutls_certificate_set_x509_key_mem': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_key_mem.3.html'],
'gnutls_certificate_set_x509_key_mem2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_key_mem2.3.html'],
'gnutls_certificate_set_x509_simple_pkcs12_file': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_simple_pkcs12_file.3.html'],
'gnutls_certificate_set_x509_simple_pkcs12_mem': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_simple_pkcs12_mem.3.html'],
'gnutls_certificate_set_x509_system_trust': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_system_trust.3.html'],
'gnutls_certificate_set_x509_trust': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_trust.3.html'],
'gnutls_certificate_set_x509_trust_dir': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_trust_dir.3.html'],
'gnutls_certificate_set_x509_trust_file': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_trust_file.3.html'],
'gnutls_certificate_set_x509_trust_mem': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_set_x509_trust_mem.3.html'],
'gnutls_certificate_type_get': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_type_get.3.html'],
'gnutls_certificate_type_get2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_type_get2.3.html'],
'gnutls_certificate_type_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_type_get_id.3.html'],
'gnutls_certificate_type_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_type_get_name.3.html'],
'gnutls_certificate_type_list': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_type_list.3.html'],
'gnutls_certificate_verification_status_print': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_verification_status_print.3.html'],
'gnutls_certificate_verify_peers': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_verify_peers.3.html'],
'gnutls_certificate_verify_peers2': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_verify_peers2.3.html'],
'gnutls_certificate_verify_peers3': ['http://man7.org/linux/man-pages/man3/gnutls_certificate_verify_peers3.3.html'],
'gnutls_check_version': ['http://man7.org/linux/man-pages/man3/gnutls_check_version.3.html'],
'gnutls_cipher_add_auth': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_add_auth.3.html'],
'gnutls_cipher_decrypt': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_decrypt.3.html'],
'gnutls_cipher_decrypt2': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_decrypt2.3.html'],
'gnutls_cipher_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_deinit.3.html'],
'gnutls_cipher_encrypt': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_encrypt.3.html'],
'gnutls_cipher_encrypt2': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_encrypt2.3.html'],
'gnutls_cipher_get': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get.3.html'],
'gnutls_cipher_get_block_size': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get_block_size.3.html'],
'gnutls_cipher_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get_id.3.html'],
'gnutls_cipher_get_iv_size': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get_iv_size.3.html'],
'gnutls_cipher_get_key_size': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get_key_size.3.html'],
'gnutls_cipher_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get_name.3.html'],
'gnutls_cipher_get_tag_size': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_get_tag_size.3.html'],
'gnutls_cipher_init': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_init.3.html'],
'gnutls_cipher_list': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_list.3.html'],
'gnutls_cipher_set_iv': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_set_iv.3.html'],
'gnutls_cipher_suite_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_suite_get_name.3.html'],
'gnutls_cipher_suite_info': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_suite_info.3.html'],
'gnutls_cipher_tag': ['http://man7.org/linux/man-pages/man3/gnutls_cipher_tag.3.html'],
'gnutls_compression_get': ['http://man7.org/linux/man-pages/man3/gnutls_compression_get.3.html'],
'gnutls_compression_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_compression_get_id.3.html'],
'gnutls_compression_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_compression_get_name.3.html'],
'gnutls_compression_list': ['http://man7.org/linux/man-pages/man3/gnutls_compression_list.3.html'],
'gnutls_credentials_clear': ['http://man7.org/linux/man-pages/man3/gnutls_credentials_clear.3.html'],
'gnutls_credentials_get': ['http://man7.org/linux/man-pages/man3/gnutls_credentials_get.3.html'],
'gnutls_credentials_set': ['http://man7.org/linux/man-pages/man3/gnutls_credentials_set.3.html'],
'gnutls_crypto_register_aead_cipher': ['http://man7.org/linux/man-pages/man3/gnutls_crypto_register_aead_cipher.3.html'],
'gnutls_crypto_register_cipher': ['http://man7.org/linux/man-pages/man3/gnutls_crypto_register_cipher.3.html'],
'gnutls_crypto_register_digest': ['http://man7.org/linux/man-pages/man3/gnutls_crypto_register_digest.3.html'],
'gnutls_crypto_register_mac': ['http://man7.org/linux/man-pages/man3/gnutls_crypto_register_mac.3.html'],
'gnutls_db_check_entry': ['http://man7.org/linux/man-pages/man3/gnutls_db_check_entry.3.html'],
'gnutls_db_check_entry_time': ['http://man7.org/linux/man-pages/man3/gnutls_db_check_entry_time.3.html'],
'gnutls_db_get_default_cache_expiration': ['http://man7.org/linux/man-pages/man3/gnutls_db_get_default_cache_expiration.3.html'],
'gnutls_db_get_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_db_get_ptr.3.html'],
'gnutls_db_remove_session': ['http://man7.org/linux/man-pages/man3/gnutls_db_remove_session.3.html'],
'gnutls_db_set_cache_expiration': ['http://man7.org/linux/man-pages/man3/gnutls_db_set_cache_expiration.3.html'],
'gnutls_db_set_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_db_set_ptr.3.html'],
'gnutls_db_set_remove_function': ['http://man7.org/linux/man-pages/man3/gnutls_db_set_remove_function.3.html'],
'gnutls_db_set_retrieve_function': ['http://man7.org/linux/man-pages/man3/gnutls_db_set_retrieve_function.3.html'],
'gnutls_db_set_store_function': ['http://man7.org/linux/man-pages/man3/gnutls_db_set_store_function.3.html'],
'gnutls_decode_ber_digest_info': ['http://man7.org/linux/man-pages/man3/gnutls_decode_ber_digest_info.3.html'],
'gnutls_decode_gost_rs_value': ['http://man7.org/linux/man-pages/man3/gnutls_decode_gost_rs_value.3.html'],
'gnutls_decode_rs_value': ['http://man7.org/linux/man-pages/man3/gnutls_decode_rs_value.3.html'],
'gnutls_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_deinit.3.html'],
'gnutls_dh_get_group': ['http://man7.org/linux/man-pages/man3/gnutls_dh_get_group.3.html'],
'gnutls_dh_get_peers_public_bits': ['http://man7.org/linux/man-pages/man3/gnutls_dh_get_peers_public_bits.3.html'],
'gnutls_dh_get_prime_bits': ['http://man7.org/linux/man-pages/man3/gnutls_dh_get_prime_bits.3.html'],
'gnutls_dh_get_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_dh_get_pubkey.3.html'],
'gnutls_dh_get_secret_bits': ['http://man7.org/linux/man-pages/man3/gnutls_dh_get_secret_bits.3.html'],
'gnutls_dh_params_cpy': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_cpy.3.html'],
'gnutls_dh_params_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_deinit.3.html'],
'gnutls_dh_params_export2_pkcs3': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_export2_pkcs3.3.html'],
'gnutls_dh_params_export_pkcs3': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_export_pkcs3.3.html'],
'gnutls_dh_params_export_raw': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_export_raw.3.html'],
'gnutls_dh_params_generate2': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_generate2.3.html'],
'gnutls_dh_params_import_dsa': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_import_dsa.3.html'],
'gnutls_dh_params_import_pkcs3': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_import_pkcs3.3.html'],
'gnutls_dh_params_import_raw': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_import_raw.3.html'],
'gnutls_dh_params_import_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_import_raw2.3.html'],
'gnutls_dh_params_init': ['http://man7.org/linux/man-pages/man3/gnutls_dh_params_init.3.html'],
'gnutls_dh_set_prime_bits': ['http://man7.org/linux/man-pages/man3/gnutls_dh_set_prime_bits.3.html'],
'gnutls_digest_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_digest_get_id.3.html'],
'gnutls_digest_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_digest_get_name.3.html'],
'gnutls_digest_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_digest_get_oid.3.html'],
'gnutls_digest_list': ['http://man7.org/linux/man-pages/man3/gnutls_digest_list.3.html'],
'gnutls_dtls_cookie_send': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_cookie_send.3.html'],
'gnutls_dtls_cookie_verify': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_cookie_verify.3.html'],
'gnutls_dtls_get_data_mtu': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_get_data_mtu.3.html'],
'gnutls_dtls_get_mtu': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_get_mtu.3.html'],
'gnutls_dtls_get_timeout': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_get_timeout.3.html'],
'gnutls_dtls_prestate_set': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_prestate_set.3.html'],
'gnutls_dtls_set_data_mtu': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_set_data_mtu.3.html'],
'gnutls_dtls_set_mtu': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_set_mtu.3.html'],
'gnutls_dtls_set_timeouts': ['http://man7.org/linux/man-pages/man3/gnutls_dtls_set_timeouts.3.html'],
'gnutls_ecc_curve_get': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_get.3.html'],
'gnutls_ecc_curve_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_get_id.3.html'],
'gnutls_ecc_curve_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_get_name.3.html'],
'gnutls_ecc_curve_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_get_oid.3.html'],
'gnutls_ecc_curve_get_pk': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_get_pk.3.html'],
'gnutls_ecc_curve_get_size': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_get_size.3.html'],
'gnutls_ecc_curve_list': ['http://man7.org/linux/man-pages/man3/gnutls_ecc_curve_list.3.html'],
'gnutls_encode_ber_digest_info': ['http://man7.org/linux/man-pages/man3/gnutls_encode_ber_digest_info.3.html'],
'gnutls_encode_gost_rs_value': ['http://man7.org/linux/man-pages/man3/gnutls_encode_gost_rs_value.3.html'],
'gnutls_encode_rs_value': ['http://man7.org/linux/man-pages/man3/gnutls_encode_rs_value.3.html'],
'gnutls_error_is_fatal': ['http://man7.org/linux/man-pages/man3/gnutls_error_is_fatal.3.html'],
'gnutls_error_to_alert': ['http://man7.org/linux/man-pages/man3/gnutls_error_to_alert.3.html'],
'gnutls_est_record_overhead_size': ['http://man7.org/linux/man-pages/man3/gnutls_est_record_overhead_size.3.html'],
'gnutls_ext_get_current_msg': ['http://man7.org/linux/man-pages/man3/gnutls_ext_get_current_msg.3.html'],
'gnutls_ext_get_data': ['http://man7.org/linux/man-pages/man3/gnutls_ext_get_data.3.html'],
'gnutls_ext_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_ext_get_name.3.html'],
'gnutls_ext_raw_parse': ['http://man7.org/linux/man-pages/man3/gnutls_ext_raw_parse.3.html'],
'gnutls_ext_register': ['http://man7.org/linux/man-pages/man3/gnutls_ext_register.3.html'],
'gnutls_ext_set_data': ['http://man7.org/linux/man-pages/man3/gnutls_ext_set_data.3.html'],
'gnutls_fingerprint': ['http://man7.org/linux/man-pages/man3/gnutls_fingerprint.3.html'],
'gnutls_fips140_mode_enabled': ['http://man7.org/linux/man-pages/man3/gnutls_fips140_mode_enabled.3.html'],
'gnutls_fips140_set_mode': ['http://man7.org/linux/man-pages/man3/gnutls_fips140_set_mode.3.html'],
'gnutls_global_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_global_deinit.3.html'],
'gnutls_global_init': ['http://man7.org/linux/man-pages/man3/gnutls_global_init.3.html'],
'gnutls_global_set_audit_log_function': ['http://man7.org/linux/man-pages/man3/gnutls_global_set_audit_log_function.3.html'],
'gnutls_global_set_log_function': ['http://man7.org/linux/man-pages/man3/gnutls_global_set_log_function.3.html'],
'gnutls_global_set_log_level': ['http://man7.org/linux/man-pages/man3/gnutls_global_set_log_level.3.html'],
'gnutls_global_set_mem_functions': ['http://man7.org/linux/man-pages/man3/gnutls_global_set_mem_functions.3.html'],
'gnutls_global_set_mutex': ['http://man7.org/linux/man-pages/man3/gnutls_global_set_mutex.3.html'],
'gnutls_global_set_time_function': ['http://man7.org/linux/man-pages/man3/gnutls_global_set_time_function.3.html'],
'gnutls_gost_paramset_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_gost_paramset_get_name.3.html'],
'gnutls_gost_paramset_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_gost_paramset_get_oid.3.html'],
'gnutls_group_get': ['http://man7.org/linux/man-pages/man3/gnutls_group_get.3.html'],
'gnutls_group_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_group_get_id.3.html'],
'gnutls_group_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_group_get_name.3.html'],
'gnutls_group_list': ['http://man7.org/linux/man-pages/man3/gnutls_group_list.3.html'],
'gnutls_handshake': ['http://man7.org/linux/man-pages/man3/gnutls_handshake.3.html'],
'gnutls_handshake_description_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_description_get_name.3.html'],
'gnutls_handshake_get_last_in': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_get_last_in.3.html'],
'gnutls_handshake_get_last_out': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_get_last_out.3.html'],
'gnutls_handshake_set_hook_function': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_set_hook_function.3.html'],
'gnutls_handshake_set_max_packet_length': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_set_max_packet_length.3.html'],
'gnutls_handshake_set_post_client_hello_function': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_set_post_client_hello_function.3.html'],
'gnutls_handshake_set_private_extensions': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_set_private_extensions.3.html'],
'gnutls_handshake_set_random': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_set_random.3.html'],
'gnutls_handshake_set_timeout': ['http://man7.org/linux/man-pages/man3/gnutls_handshake_set_timeout.3.html'],
'gnutls_hash': ['http://man7.org/linux/man-pages/man3/gnutls_hash.3.html'],
'gnutls_hash_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_hash_deinit.3.html'],
'gnutls_hash_fast': ['http://man7.org/linux/man-pages/man3/gnutls_hash_fast.3.html'],
'gnutls_hash_get_len': ['http://man7.org/linux/man-pages/man3/gnutls_hash_get_len.3.html'],
'gnutls_hash_init': ['http://man7.org/linux/man-pages/man3/gnutls_hash_init.3.html'],
'gnutls_hash_output': ['http://man7.org/linux/man-pages/man3/gnutls_hash_output.3.html'],
'gnutls_heartbeat_allowed': ['http://man7.org/linux/man-pages/man3/gnutls_heartbeat_allowed.3.html'],
'gnutls_heartbeat_enable': ['http://man7.org/linux/man-pages/man3/gnutls_heartbeat_enable.3.html'],
'gnutls_heartbeat_get_timeout': ['http://man7.org/linux/man-pages/man3/gnutls_heartbeat_get_timeout.3.html'],
'gnutls_heartbeat_ping': ['http://man7.org/linux/man-pages/man3/gnutls_heartbeat_ping.3.html'],
'gnutls_heartbeat_pong': ['http://man7.org/linux/man-pages/man3/gnutls_heartbeat_pong.3.html'],
'gnutls_heartbeat_set_timeouts': ['http://man7.org/linux/man-pages/man3/gnutls_heartbeat_set_timeouts.3.html'],
'gnutls_hex2bin': ['http://man7.org/linux/man-pages/man3/gnutls_hex2bin.3.html'],
'gnutls_hex_decode': ['http://man7.org/linux/man-pages/man3/gnutls_hex_decode.3.html'],
'gnutls_hex_decode2': ['http://man7.org/linux/man-pages/man3/gnutls_hex_decode2.3.html'],
'gnutls_hex_encode': ['http://man7.org/linux/man-pages/man3/gnutls_hex_encode.3.html'],
'gnutls_hex_encode2': ['http://man7.org/linux/man-pages/man3/gnutls_hex_encode2.3.html'],
'gnutls_hmac': ['http://man7.org/linux/man-pages/man3/gnutls_hmac.3.html'],
'gnutls_hmac_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_hmac_deinit.3.html'],
'gnutls_hmac_fast': ['http://man7.org/linux/man-pages/man3/gnutls_hmac_fast.3.html'],
'gnutls_hmac_get_len': ['http://man7.org/linux/man-pages/man3/gnutls_hmac_get_len.3.html'],
'gnutls_hmac_init': ['http://man7.org/linux/man-pages/man3/gnutls_hmac_init.3.html'],
'gnutls_hmac_output': ['http://man7.org/linux/man-pages/man3/gnutls_hmac_output.3.html'],
'gnutls_hmac_set_nonce': ['http://man7.org/linux/man-pages/man3/gnutls_hmac_set_nonce.3.html'],
'gnutls_idna_map': ['http://man7.org/linux/man-pages/man3/gnutls_idna_map.3.html'],
'gnutls_idna_reverse_map': ['http://man7.org/linux/man-pages/man3/gnutls_idna_reverse_map.3.html'],
'gnutls_init': ['http://man7.org/linux/man-pages/man3/gnutls_init.3.html'],
'gnutls_key_generate': ['http://man7.org/linux/man-pages/man3/gnutls_key_generate.3.html'],
'gnutls_kx_get': ['http://man7.org/linux/man-pages/man3/gnutls_kx_get.3.html'],
'gnutls_kx_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_kx_get_id.3.html'],
'gnutls_kx_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_kx_get_name.3.html'],
'gnutls_kx_list': ['http://man7.org/linux/man-pages/man3/gnutls_kx_list.3.html'],
'gnutls_load_file': ['http://man7.org/linux/man-pages/man3/gnutls_load_file.3.html'],
'gnutls_mac_get': ['http://man7.org/linux/man-pages/man3/gnutls_mac_get.3.html'],
'gnutls_mac_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_mac_get_id.3.html'],
'gnutls_mac_get_key_size': ['http://man7.org/linux/man-pages/man3/gnutls_mac_get_key_size.3.html'],
'gnutls_mac_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_mac_get_name.3.html'],
'gnutls_mac_get_nonce_size': ['http://man7.org/linux/man-pages/man3/gnutls_mac_get_nonce_size.3.html'],
'gnutls_mac_list': ['http://man7.org/linux/man-pages/man3/gnutls_mac_list.3.html'],
'gnutls_memcmp': ['http://man7.org/linux/man-pages/man3/gnutls_memcmp.3.html'],
'gnutls_memset': ['http://man7.org/linux/man-pages/man3/gnutls_memset.3.html'],
'gnutls_ocsp_req_add_cert': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_add_cert.3.html'],
'gnutls_ocsp_req_add_cert_id': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_add_cert_id.3.html'],
'gnutls_ocsp_req_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_deinit.3.html'],
'gnutls_ocsp_req_export': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_export.3.html'],
'gnutls_ocsp_req_get_cert_id': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_get_cert_id.3.html'],
'gnutls_ocsp_req_get_extension': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_get_extension.3.html'],
'gnutls_ocsp_req_get_nonce': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_get_nonce.3.html'],
'gnutls_ocsp_req_get_version': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_get_version.3.html'],
'gnutls_ocsp_req_import': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_import.3.html'],
'gnutls_ocsp_req_init': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_init.3.html'],
'gnutls_ocsp_req_print': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_print.3.html'],
'gnutls_ocsp_req_randomize_nonce': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_randomize_nonce.3.html'],
'gnutls_ocsp_req_set_extension': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_set_extension.3.html'],
'gnutls_ocsp_req_set_nonce': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_req_set_nonce.3.html'],
'gnutls_ocsp_resp_check_crt': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_check_crt.3.html'],
'gnutls_ocsp_resp_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_deinit.3.html'],
'gnutls_ocsp_resp_export': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_export.3.html'],
'gnutls_ocsp_resp_export2': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_export2.3.html'],
'gnutls_ocsp_resp_get_certs': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_certs.3.html'],
'gnutls_ocsp_resp_get_extension': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_extension.3.html'],
'gnutls_ocsp_resp_get_nonce': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_nonce.3.html'],
'gnutls_ocsp_resp_get_produced': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_produced.3.html'],
'gnutls_ocsp_resp_get_responder': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_responder.3.html'],
'gnutls_ocsp_resp_get_responder2': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_responder2.3.html'],
'gnutls_ocsp_resp_get_responder_raw_id': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_responder_raw_id.3.html'],
'gnutls_ocsp_resp_get_response': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_response.3.html'],
'gnutls_ocsp_resp_get_signature': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_signature.3.html'],
'gnutls_ocsp_resp_get_signature_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_signature_algorithm.3.html'],
'gnutls_ocsp_resp_get_single': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_single.3.html'],
'gnutls_ocsp_resp_get_status': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_status.3.html'],
'gnutls_ocsp_resp_get_version': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_get_version.3.html'],
'gnutls_ocsp_resp_import': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_import.3.html'],
'gnutls_ocsp_resp_import2': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_import2.3.html'],
'gnutls_ocsp_resp_init': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_init.3.html'],
'gnutls_ocsp_resp_list_import2': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_list_import2.3.html'],
'gnutls_ocsp_resp_print': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_print.3.html'],
'gnutls_ocsp_resp_verify': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_verify.3.html'],
'gnutls_ocsp_resp_verify_direct': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_resp_verify_direct.3.html'],
'gnutls_ocsp_status_request_enable_client': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_status_request_enable_client.3.html'],
'gnutls_ocsp_status_request_get': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_status_request_get.3.html'],
'gnutls_ocsp_status_request_get2': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_status_request_get2.3.html'],
'gnutls_ocsp_status_request_is_checked': ['http://man7.org/linux/man-pages/man3/gnutls_ocsp_status_request_is_checked.3.html'],
'gnutls_oid_to_digest': ['http://man7.org/linux/man-pages/man3/gnutls_oid_to_digest.3.html'],
'gnutls_oid_to_ecc_curve': ['http://man7.org/linux/man-pages/man3/gnutls_oid_to_ecc_curve.3.html'],
'gnutls_oid_to_gost_paramset': ['http://man7.org/linux/man-pages/man3/gnutls_oid_to_gost_paramset.3.html'],
'gnutls_oid_to_mac': ['http://man7.org/linux/man-pages/man3/gnutls_oid_to_mac.3.html'],
'gnutls_oid_to_pk': ['http://man7.org/linux/man-pages/man3/gnutls_oid_to_pk.3.html'],
'gnutls_oid_to_sign': ['http://man7.org/linux/man-pages/man3/gnutls_oid_to_sign.3.html'],
'gnutls_openpgp_privkey_sign_hash': ['http://man7.org/linux/man-pages/man3/gnutls_openpgp_privkey_sign_hash.3.html'],
'gnutls_openpgp_send_cert': ['http://man7.org/linux/man-pages/man3/gnutls_openpgp_send_cert.3.html'],
'gnutls_packet_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_packet_deinit.3.html'],
'gnutls_packet_get': ['http://man7.org/linux/man-pages/man3/gnutls_packet_get.3.html'],
'gnutls_pcert_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_deinit.3.html'],
'gnutls_pcert_export_openpgp': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_export_openpgp.3.html'],
'gnutls_pcert_export_x509': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_export_x509.3.html'],
'gnutls_pcert_import_openpgp': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_import_openpgp.3.html'],
'gnutls_pcert_import_openpgp_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_import_openpgp_raw.3.html'],
'gnutls_pcert_import_x509': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_import_x509.3.html'],
'gnutls_pcert_import_x509_list': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_import_x509_list.3.html'],
'gnutls_pcert_import_x509_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_import_x509_raw.3.html'],
'gnutls_pcert_list_import_x509_file': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_list_import_x509_file.3.html'],
'gnutls_pcert_list_import_x509_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pcert_list_import_x509_raw.3.html'],
'gnutls_pem_base64_decode': ['http://man7.org/linux/man-pages/man3/gnutls_pem_base64_decode.3.html'],
'gnutls_pem_base64_decode2': ['http://man7.org/linux/man-pages/man3/gnutls_pem_base64_decode2.3.html'],
'gnutls_pem_base64_encode': ['http://man7.org/linux/man-pages/man3/gnutls_pem_base64_encode.3.html'],
'gnutls_pem_base64_encode2': ['http://man7.org/linux/man-pages/man3/gnutls_pem_base64_encode2.3.html'],
'gnutls_perror': ['http://man7.org/linux/man-pages/man3/gnutls_perror.3.html'],
'gnutls_pk_algorithm_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_pk_algorithm_get_name.3.html'],
'gnutls_pk_bits_to_sec_param': ['http://man7.org/linux/man-pages/man3/gnutls_pk_bits_to_sec_param.3.html'],
'gnutls_pk_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_pk_get_id.3.html'],
'gnutls_pk_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_pk_get_name.3.html'],
'gnutls_pk_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_pk_get_oid.3.html'],
'gnutls_pk_list': ['http://man7.org/linux/man-pages/man3/gnutls_pk_list.3.html'],
'gnutls_pk_to_sign': ['http://man7.org/linux/man-pages/man3/gnutls_pk_to_sign.3.html'],
'gnutls_pkcs11_add_provider': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_add_provider.3.html'],
'gnutls_pkcs11_copy_attached_extension': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_attached_extension.3.html'],
'gnutls_pkcs11_copy_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_pubkey.3.html'],
'gnutls_pkcs11_copy_secret_key': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_secret_key.3.html'],
'gnutls_pkcs11_copy_x509_crt': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_x509_crt.3.html'],
'gnutls_pkcs11_copy_x509_crt2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_x509_crt2.3.html'],
'gnutls_pkcs11_copy_x509_privkey': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_x509_privkey.3.html'],
'gnutls_pkcs11_copy_x509_privkey2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_copy_x509_privkey2.3.html'],
'gnutls_pkcs11_crt_is_known': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_crt_is_known.3.html'],
'gnutls_pkcs11_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_deinit.3.html'],
'gnutls_pkcs11_delete_url': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_delete_url.3.html'],
'gnutls_pkcs11_get_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_get_pin_function.3.html'],
'gnutls_pkcs11_get_raw_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_get_raw_issuer.3.html'],
'gnutls_pkcs11_get_raw_issuer_by_dn': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_get_raw_issuer_by_dn.3.html'],
'gnutls_pkcs11_get_raw_issuer_by_subject_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_get_raw_issuer_by_subject_key_id.3.html'],
'gnutls_pkcs11_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_init.3.html'],
'gnutls_pkcs11_obj_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_deinit.3.html'],
'gnutls_pkcs11_obj_export': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_export.3.html'],
'gnutls_pkcs11_obj_export2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_export2.3.html'],
'gnutls_pkcs11_obj_export3': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_export3.3.html'],
'gnutls_pkcs11_obj_export_url': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_export_url.3.html'],
'gnutls_pkcs11_obj_flags_get_str': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_flags_get_str.3.html'],
'gnutls_pkcs11_obj_get_exts': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_get_exts.3.html'],
'gnutls_pkcs11_obj_get_flags': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_get_flags.3.html'],
'gnutls_pkcs11_obj_get_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_get_info.3.html'],
'gnutls_pkcs11_obj_get_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_get_ptr.3.html'],
'gnutls_pkcs11_obj_get_type': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_get_type.3.html'],
'gnutls_pkcs11_obj_import_url': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_import_url.3.html'],
'gnutls_pkcs11_obj_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_init.3.html'],
'gnutls_pkcs11_obj_list_import_url3': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_list_import_url3.3.html'],
'gnutls_pkcs11_obj_list_import_url4': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_list_import_url4.3.html'],
'gnutls_pkcs11_obj_set_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_set_info.3.html'],
'gnutls_pkcs11_obj_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_obj_set_pin_function.3.html'],
'gnutls_pkcs11_privkey_cpy': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_cpy.3.html'],
'gnutls_pkcs11_privkey_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_deinit.3.html'],
'gnutls_pkcs11_privkey_export_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_export_pubkey.3.html'],
'gnutls_pkcs11_privkey_export_url': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_export_url.3.html'],
'gnutls_pkcs11_privkey_generate': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_generate.3.html'],
'gnutls_pkcs11_privkey_generate2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_generate2.3.html'],
'gnutls_pkcs11_privkey_generate3': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_generate3.3.html'],
'gnutls_pkcs11_privkey_get_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_get_info.3.html'],
'gnutls_pkcs11_privkey_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_get_pk_algorithm.3.html'],
'gnutls_pkcs11_privkey_import_url': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_import_url.3.html'],
'gnutls_pkcs11_privkey_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_init.3.html'],
'gnutls_pkcs11_privkey_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_set_pin_function.3.html'],
'gnutls_pkcs11_privkey_status': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_privkey_status.3.html'],
'gnutls_pkcs11_reinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_reinit.3.html'],
'gnutls_pkcs11_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_set_pin_function.3.html'],
'gnutls_pkcs11_set_token_function': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_set_token_function.3.html'],
'gnutls_pkcs11_token_check_mechanism': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_check_mechanism.3.html'],
'gnutls_pkcs11_token_get_flags': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_get_flags.3.html'],
'gnutls_pkcs11_token_get_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_get_info.3.html'],
'gnutls_pkcs11_token_get_mechanism': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_get_mechanism.3.html'],
'gnutls_pkcs11_token_get_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_get_ptr.3.html'],
'gnutls_pkcs11_token_get_random': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_get_random.3.html'],
'gnutls_pkcs11_token_get_url': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_get_url.3.html'],
'gnutls_pkcs11_token_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_init.3.html'],
'gnutls_pkcs11_token_set_pin': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_token_set_pin.3.html'],
'gnutls_pkcs11_type_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs11_type_get_name.3.html'],
'gnutls_pkcs12_bag_decrypt': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_decrypt.3.html'],
'gnutls_pkcs12_bag_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_deinit.3.html'],
'gnutls_pkcs12_bag_enc_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_enc_info.3.html'],
'gnutls_pkcs12_bag_encrypt': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_encrypt.3.html'],
'gnutls_pkcs12_bag_get_count': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_get_count.3.html'],
'gnutls_pkcs12_bag_get_data': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_get_data.3.html'],
'gnutls_pkcs12_bag_get_friendly_name': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_get_friendly_name.3.html'],
'gnutls_pkcs12_bag_get_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_get_key_id.3.html'],
'gnutls_pkcs12_bag_get_type': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_get_type.3.html'],
'gnutls_pkcs12_bag_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_init.3.html'],
'gnutls_pkcs12_bag_set_crl': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_set_crl.3.html'],
'gnutls_pkcs12_bag_set_crt': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_set_crt.3.html'],
'gnutls_pkcs12_bag_set_data': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_set_data.3.html'],
'gnutls_pkcs12_bag_set_friendly_name': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_set_friendly_name.3.html'],
'gnutls_pkcs12_bag_set_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_set_key_id.3.html'],
'gnutls_pkcs12_bag_set_privkey': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_bag_set_privkey.3.html'],
'gnutls_pkcs12_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_deinit.3.html'],
'gnutls_pkcs12_export': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_export.3.html'],
'gnutls_pkcs12_export2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_export2.3.html'],
'gnutls_pkcs12_generate_mac': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_generate_mac.3.html'],
'gnutls_pkcs12_generate_mac2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_generate_mac2.3.html'],
'gnutls_pkcs12_get_bag': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_get_bag.3.html'],
'gnutls_pkcs12_import': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_import.3.html'],
'gnutls_pkcs12_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_init.3.html'],
'gnutls_pkcs12_mac_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_mac_info.3.html'],
'gnutls_pkcs12_set_bag': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_set_bag.3.html'],
'gnutls_pkcs12_simple_parse': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_simple_parse.3.html'],
'gnutls_pkcs12_verify_mac': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs12_verify_mac.3.html'],
'gnutls_pkcs7_add_attr': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_add_attr.3.html'],
'gnutls_pkcs7_attrs_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_attrs_deinit.3.html'],
'gnutls_pkcs7_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_deinit.3.html'],
'gnutls_pkcs7_delete_crl': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_delete_crl.3.html'],
'gnutls_pkcs7_delete_crt': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_delete_crt.3.html'],
'gnutls_pkcs7_export': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_export.3.html'],
'gnutls_pkcs7_export2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_export2.3.html'],
'gnutls_pkcs7_get_attr': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_attr.3.html'],
'gnutls_pkcs7_get_crl_count': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_crl_count.3.html'],
'gnutls_pkcs7_get_crl_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_crl_raw.3.html'],
'gnutls_pkcs7_get_crl_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_crl_raw2.3.html'],
'gnutls_pkcs7_get_crt_count': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_crt_count.3.html'],
'gnutls_pkcs7_get_crt_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_crt_raw.3.html'],
'gnutls_pkcs7_get_crt_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_crt_raw2.3.html'],
'gnutls_pkcs7_get_embedded_data': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_embedded_data.3.html'],
'gnutls_pkcs7_get_embedded_data_oid': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_embedded_data_oid.3.html'],
'gnutls_pkcs7_get_signature_count': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_signature_count.3.html'],
'gnutls_pkcs7_get_signature_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_get_signature_info.3.html'],
'gnutls_pkcs7_import': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_import.3.html'],
'gnutls_pkcs7_init': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_init.3.html'],
'gnutls_pkcs7_print': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_print.3.html'],
'gnutls_pkcs7_set_crl': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_set_crl.3.html'],
'gnutls_pkcs7_set_crl_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_set_crl_raw.3.html'],
'gnutls_pkcs7_set_crt': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_set_crt.3.html'],
'gnutls_pkcs7_set_crt_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_set_crt_raw.3.html'],
'gnutls_pkcs7_sign': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_sign.3.html'],
'gnutls_pkcs7_signature_info_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_signature_info_deinit.3.html'],
'gnutls_pkcs7_verify': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_verify.3.html'],
'gnutls_pkcs7_verify_direct': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs7_verify_direct.3.html'],
'gnutls_pkcs8_info': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs8_info.3.html'],
'gnutls_pkcs_schema_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs_schema_get_name.3.html'],
'gnutls_pkcs_schema_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_pkcs_schema_get_oid.3.html'],
'gnutls_prf': ['http://man7.org/linux/man-pages/man3/gnutls_prf.3.html'],
'gnutls_prf_raw': ['http://man7.org/linux/man-pages/man3/gnutls_prf_raw.3.html'],
'gnutls_prf_rfc5705': ['http://man7.org/linux/man-pages/man3/gnutls_prf_rfc5705.3.html'],
'gnutls_priority_certificate_type_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_certificate_type_list.3.html'],
'gnutls_priority_certificate_type_list2': ['http://man7.org/linux/man-pages/man3/gnutls_priority_certificate_type_list2.3.html'],
'gnutls_priority_cipher_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_cipher_list.3.html'],
'gnutls_priority_compression_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_compression_list.3.html'],
'gnutls_priority_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_priority_deinit.3.html'],
'gnutls_priority_ecc_curve_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_ecc_curve_list.3.html'],
'gnutls_priority_get_cipher_suite_index': ['http://man7.org/linux/man-pages/man3/gnutls_priority_get_cipher_suite_index.3.html'],
'gnutls_priority_group_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_group_list.3.html'],
'gnutls_priority_init': ['http://man7.org/linux/man-pages/man3/gnutls_priority_init.3.html'],
'gnutls_priority_init2': ['http://man7.org/linux/man-pages/man3/gnutls_priority_init2.3.html'],
'gnutls_priority_kx_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_kx_list.3.html'],
'gnutls_priority_mac_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_mac_list.3.html'],
'gnutls_priority_protocol_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_protocol_list.3.html'],
'gnutls_priority_set': ['http://man7.org/linux/man-pages/man3/gnutls_priority_set.3.html'],
'gnutls_priority_set_direct': ['http://man7.org/linux/man-pages/man3/gnutls_priority_set_direct.3.html'],
'gnutls_priority_sign_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_sign_list.3.html'],
'gnutls_priority_string_list': ['http://man7.org/linux/man-pages/man3/gnutls_priority_string_list.3.html'],
'gnutls_privkey_decrypt_data': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_decrypt_data.3.html'],
'gnutls_privkey_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_deinit.3.html'],
'gnutls_privkey_export_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_dsa_raw.3.html'],
'gnutls_privkey_export_dsa_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_dsa_raw2.3.html'],
'gnutls_privkey_export_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_ecc_raw.3.html'],
'gnutls_privkey_export_ecc_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_ecc_raw2.3.html'],
'gnutls_privkey_export_gost_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_gost_raw2.3.html'],
'gnutls_privkey_export_openpgp': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_openpgp.3.html'],
'gnutls_privkey_export_pkcs11': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_pkcs11.3.html'],
'gnutls_privkey_export_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_rsa_raw.3.html'],
'gnutls_privkey_export_rsa_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_rsa_raw2.3.html'],
'gnutls_privkey_export_x509': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_export_x509.3.html'],
'gnutls_privkey_generate': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_generate.3.html'],
'gnutls_privkey_generate2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_generate2.3.html'],
'gnutls_privkey_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_get_pk_algorithm.3.html'],
'gnutls_privkey_get_seed': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_get_seed.3.html'],
'gnutls_privkey_get_spki': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_get_spki.3.html'],
'gnutls_privkey_get_type': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_get_type.3.html'],
'gnutls_privkey_import_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_dsa_raw.3.html'],
'gnutls_privkey_import_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_ecc_raw.3.html'],
'gnutls_privkey_import_ext': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_ext.3.html'],
'gnutls_privkey_import_ext2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_ext2.3.html'],
'gnutls_privkey_import_ext3': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_ext3.3.html'],
'gnutls_privkey_import_ext4': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_ext4.3.html'],
'gnutls_privkey_import_gost_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_gost_raw.3.html'],
'gnutls_privkey_import_openpgp': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_openpgp.3.html'],
'gnutls_privkey_import_openpgp_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_openpgp_raw.3.html'],
'gnutls_privkey_import_pkcs11': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_pkcs11.3.html'],
'gnutls_privkey_import_pkcs11_url': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_pkcs11_url.3.html'],
'gnutls_privkey_import_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_rsa_raw.3.html'],
'gnutls_privkey_import_tpm_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_tpm_raw.3.html'],
'gnutls_privkey_import_tpm_url': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_tpm_url.3.html'],
'gnutls_privkey_import_url': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_url.3.html'],
'gnutls_privkey_import_x509': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_x509.3.html'],
'gnutls_privkey_import_x509_raw': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_import_x509_raw.3.html'],
'gnutls_privkey_init': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_init.3.html'],
'gnutls_privkey_set_flags': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_set_flags.3.html'],
'gnutls_privkey_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_set_pin_function.3.html'],
'gnutls_privkey_set_spki': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_set_spki.3.html'],
'gnutls_privkey_sign_data': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_sign_data.3.html'],
'gnutls_privkey_sign_data2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_sign_data2.3.html'],
'gnutls_privkey_sign_hash': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_sign_hash.3.html'],
'gnutls_privkey_sign_hash2': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_sign_hash2.3.html'],
'gnutls_privkey_status': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_status.3.html'],
'gnutls_privkey_verify_params': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_verify_params.3.html'],
'gnutls_privkey_verify_seed': ['http://man7.org/linux/man-pages/man3/gnutls_privkey_verify_seed.3.html'],
'gnutls_protocol_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_protocol_get_id.3.html'],
'gnutls_protocol_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_protocol_get_name.3.html'],
'gnutls_protocol_get_version': ['http://man7.org/linux/man-pages/man3/gnutls_protocol_get_version.3.html'],
'gnutls_protocol_list': ['http://man7.org/linux/man-pages/man3/gnutls_protocol_list.3.html'],
'gnutls_psk_allocate_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_psk_allocate_client_credentials.3.html'],
'gnutls_psk_allocate_server_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_psk_allocate_server_credentials.3.html'],
'gnutls_psk_client_get_hint': ['http://man7.org/linux/man-pages/man3/gnutls_psk_client_get_hint.3.html'],
'gnutls_psk_free_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_psk_free_client_credentials.3.html'],
'gnutls_psk_free_server_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_psk_free_server_credentials.3.html'],
'gnutls_psk_server_get_username': ['http://man7.org/linux/man-pages/man3/gnutls_psk_server_get_username.3.html'],
'gnutls_psk_set_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_client_credentials.3.html'],
'gnutls_psk_set_client_credentials_function': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_client_credentials_function.3.html'],
'gnutls_psk_set_params_function': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_params_function.3.html'],
'gnutls_psk_set_server_credentials_file': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_server_credentials_file.3.html'],
'gnutls_psk_set_server_credentials_function': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_server_credentials_function.3.html'],
'gnutls_psk_set_server_credentials_hint': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_server_credentials_hint.3.html'],
'gnutls_psk_set_server_dh_params': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_server_dh_params.3.html'],
'gnutls_psk_set_server_known_dh_params': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_server_known_dh_params.3.html'],
'gnutls_psk_set_server_params_function': ['http://man7.org/linux/man-pages/man3/gnutls_psk_set_server_params_function.3.html'],
'gnutls_pubkey_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_deinit.3.html'],
'gnutls_pubkey_encrypt_data': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_encrypt_data.3.html'],
'gnutls_pubkey_export': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export.3.html'],
'gnutls_pubkey_export2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export2.3.html'],
'gnutls_pubkey_export_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_dsa_raw.3.html'],
'gnutls_pubkey_export_dsa_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_dsa_raw2.3.html'],
'gnutls_pubkey_export_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_ecc_raw.3.html'],
'gnutls_pubkey_export_ecc_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_ecc_raw2.3.html'],
'gnutls_pubkey_export_ecc_x962': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_ecc_x962.3.html'],
'gnutls_pubkey_export_gost_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_gost_raw2.3.html'],
'gnutls_pubkey_export_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_rsa_raw.3.html'],
'gnutls_pubkey_export_rsa_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_export_rsa_raw2.3.html'],
'gnutls_pubkey_get_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_get_key_id.3.html'],
'gnutls_pubkey_get_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_get_key_usage.3.html'],
'gnutls_pubkey_get_openpgp_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_get_openpgp_key_id.3.html'],
'gnutls_pubkey_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_get_pk_algorithm.3.html'],
'gnutls_pubkey_get_preferred_hash_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_get_preferred_hash_algorithm.3.html'],
'gnutls_pubkey_get_spki': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_get_spki.3.html'],
'gnutls_pubkey_import': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import.3.html'],
'gnutls_pubkey_import_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_dsa_raw.3.html'],
'gnutls_pubkey_import_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_ecc_raw.3.html'],
'gnutls_pubkey_import_ecc_x962': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_ecc_x962.3.html'],
'gnutls_pubkey_import_gost_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_gost_raw.3.html'],
'gnutls_pubkey_import_openpgp': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_openpgp.3.html'],
'gnutls_pubkey_import_openpgp_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_openpgp_raw.3.html'],
'gnutls_pubkey_import_pkcs11': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_pkcs11.3.html'],
'gnutls_pubkey_import_privkey': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_privkey.3.html'],
'gnutls_pubkey_import_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_rsa_raw.3.html'],
'gnutls_pubkey_import_tpm_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_tpm_raw.3.html'],
'gnutls_pubkey_import_tpm_url': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_tpm_url.3.html'],
'gnutls_pubkey_import_url': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_url.3.html'],
'gnutls_pubkey_import_x509': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_x509.3.html'],
'gnutls_pubkey_import_x509_crq': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_x509_crq.3.html'],
'gnutls_pubkey_import_x509_raw': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_import_x509_raw.3.html'],
'gnutls_pubkey_init': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_init.3.html'],
'gnutls_pubkey_print': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_print.3.html'],
'gnutls_pubkey_set_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_set_key_usage.3.html'],
'gnutls_pubkey_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_set_pin_function.3.html'],
'gnutls_pubkey_set_spki': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_set_spki.3.html'],
'gnutls_pubkey_verify_data2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_verify_data2.3.html'],
'gnutls_pubkey_verify_hash2': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_verify_hash2.3.html'],
'gnutls_pubkey_verify_params': ['http://man7.org/linux/man-pages/man3/gnutls_pubkey_verify_params.3.html'],
'gnutls_random_art': ['http://man7.org/linux/man-pages/man3/gnutls_random_art.3.html'],
'gnutls_range_split': ['http://man7.org/linux/man-pages/man3/gnutls_range_split.3.html'],
'gnutls_reauth': ['http://man7.org/linux/man-pages/man3/gnutls_reauth.3.html'],
'gnutls_record_can_use_length_hiding': ['http://man7.org/linux/man-pages/man3/gnutls_record_can_use_length_hiding.3.html'],
'gnutls_record_check_corked': ['http://man7.org/linux/man-pages/man3/gnutls_record_check_corked.3.html'],
'gnutls_record_check_pending': ['http://man7.org/linux/man-pages/man3/gnutls_record_check_pending.3.html'],
'gnutls_record_cork': ['http://man7.org/linux/man-pages/man3/gnutls_record_cork.3.html'],
'gnutls_record_disable_padding': ['http://man7.org/linux/man-pages/man3/gnutls_record_disable_padding.3.html'],
'gnutls_record_discard_queued': ['http://man7.org/linux/man-pages/man3/gnutls_record_discard_queued.3.html'],
'gnutls_record_get_direction': ['http://man7.org/linux/man-pages/man3/gnutls_record_get_direction.3.html'],
'gnutls_record_get_discarded': ['http://man7.org/linux/man-pages/man3/gnutls_record_get_discarded.3.html'],
'gnutls_record_get_max_size': ['http://man7.org/linux/man-pages/man3/gnutls_record_get_max_size.3.html'],
'gnutls_record_get_state': ['http://man7.org/linux/man-pages/man3/gnutls_record_get_state.3.html'],
'gnutls_record_overhead_size': ['http://man7.org/linux/man-pages/man3/gnutls_record_overhead_size.3.html'],
'gnutls_record_recv': ['http://man7.org/linux/man-pages/man3/gnutls_record_recv.3.html'],
'gnutls_record_recv_packet': ['http://man7.org/linux/man-pages/man3/gnutls_record_recv_packet.3.html'],
'gnutls_record_recv_seq': ['http://man7.org/linux/man-pages/man3/gnutls_record_recv_seq.3.html'],
'gnutls_record_send': ['http://man7.org/linux/man-pages/man3/gnutls_record_send.3.html'],
'gnutls_record_send2': ['http://man7.org/linux/man-pages/man3/gnutls_record_send2.3.html'],
'gnutls_record_send_range': ['http://man7.org/linux/man-pages/man3/gnutls_record_send_range.3.html'],
'gnutls_record_set_max_early_data_size': ['http://man7.org/linux/man-pages/man3/gnutls_record_set_max_early_data_size.3.html'],
'gnutls_record_set_max_size': ['http://man7.org/linux/man-pages/man3/gnutls_record_set_max_size.3.html'],
'gnutls_record_set_state': ['http://man7.org/linux/man-pages/man3/gnutls_record_set_state.3.html'],
'gnutls_record_set_timeout': ['http://man7.org/linux/man-pages/man3/gnutls_record_set_timeout.3.html'],
'gnutls_record_uncork': ['http://man7.org/linux/man-pages/man3/gnutls_record_uncork.3.html'],
'gnutls_register_custom_url': ['http://man7.org/linux/man-pages/man3/gnutls_register_custom_url.3.html'],
'gnutls_rehandshake': ['http://man7.org/linux/man-pages/man3/gnutls_rehandshake.3.html'],
'gnutls_rnd': ['http://man7.org/linux/man-pages/man3/gnutls_rnd.3.html'],
'gnutls_rnd_refresh': ['http://man7.org/linux/man-pages/man3/gnutls_rnd_refresh.3.html'],
'gnutls_safe_renegotiation_status': ['http://man7.org/linux/man-pages/man3/gnutls_safe_renegotiation_status.3.html'],
'gnutls_sec_param_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_sec_param_get_name.3.html'],
'gnutls_sec_param_to_pk_bits': ['http://man7.org/linux/man-pages/man3/gnutls_sec_param_to_pk_bits.3.html'],
'gnutls_sec_param_to_symmetric_bits': ['http://man7.org/linux/man-pages/man3/gnutls_sec_param_to_symmetric_bits.3.html'],
'gnutls_server_name_get': ['http://man7.org/linux/man-pages/man3/gnutls_server_name_get.3.html'],
'gnutls_server_name_set': ['http://man7.org/linux/man-pages/man3/gnutls_server_name_set.3.html'],
'gnutls_session_channel_binding': ['http://man7.org/linux/man-pages/man3/gnutls_session_channel_binding.3.html'],
'gnutls_session_enable_compatibility_mode': ['http://man7.org/linux/man-pages/man3/gnutls_session_enable_compatibility_mode.3.html'],
'gnutls_session_etm_status': ['http://man7.org/linux/man-pages/man3/gnutls_session_etm_status.3.html'],
'gnutls_session_ext_master_secret_status': ['http://man7.org/linux/man-pages/man3/gnutls_session_ext_master_secret_status.3.html'],
'gnutls_session_ext_register': ['http://man7.org/linux/man-pages/man3/gnutls_session_ext_register.3.html'],
'gnutls_session_force_valid': ['http://man7.org/linux/man-pages/man3/gnutls_session_force_valid.3.html'],
'gnutls_session_get_data': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_data.3.html'],
'gnutls_session_get_data2': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_data2.3.html'],
'gnutls_session_get_desc': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_desc.3.html'],
'gnutls_session_get_flags': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_flags.3.html'],
'gnutls_session_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_id.3.html'],
'gnutls_session_get_id2': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_id2.3.html'],
'gnutls_session_get_master_secret': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_master_secret.3.html'],
'gnutls_session_get_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_ptr.3.html'],
'gnutls_session_get_random': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_random.3.html'],
'gnutls_session_get_verify_cert_status': ['http://man7.org/linux/man-pages/man3/gnutls_session_get_verify_cert_status.3.html'],
'gnutls_session_is_resumed': ['http://man7.org/linux/man-pages/man3/gnutls_session_is_resumed.3.html'],
'gnutls_session_key_update': ['http://man7.org/linux/man-pages/man3/gnutls_session_key_update.3.html'],
'gnutls_session_resumption_requested': ['http://man7.org/linux/man-pages/man3/gnutls_session_resumption_requested.3.html'],
'gnutls_session_set_data': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_data.3.html'],
'gnutls_session_set_id': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_id.3.html'],
'gnutls_session_set_premaster': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_premaster.3.html'],
'gnutls_session_set_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_ptr.3.html'],
'gnutls_session_set_verify_cert': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_verify_cert.3.html'],
'gnutls_session_set_verify_cert2': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_verify_cert2.3.html'],
'gnutls_session_set_verify_function': ['http://man7.org/linux/man-pages/man3/gnutls_session_set_verify_function.3.html'],
'gnutls_session_supplemental_register': ['http://man7.org/linux/man-pages/man3/gnutls_session_supplemental_register.3.html'],
'gnutls_session_ticket_enable_client': ['http://man7.org/linux/man-pages/man3/gnutls_session_ticket_enable_client.3.html'],
'gnutls_session_ticket_enable_server': ['http://man7.org/linux/man-pages/man3/gnutls_session_ticket_enable_server.3.html'],
'gnutls_session_ticket_key_generate': ['http://man7.org/linux/man-pages/man3/gnutls_session_ticket_key_generate.3.html'],
'gnutls_session_ticket_send': ['http://man7.org/linux/man-pages/man3/gnutls_session_ticket_send.3.html'],
'gnutls_set_default_priority': ['http://man7.org/linux/man-pages/man3/gnutls_set_default_priority.3.html'],
'gnutls_set_default_priority_append': ['http://man7.org/linux/man-pages/man3/gnutls_set_default_priority_append.3.html'],
'gnutls_sign_algorithm_get': ['http://man7.org/linux/man-pages/man3/gnutls_sign_algorithm_get.3.html'],
'gnutls_sign_algorithm_get_client': ['http://man7.org/linux/man-pages/man3/gnutls_sign_algorithm_get_client.3.html'],
'gnutls_sign_algorithm_get_requested': ['http://man7.org/linux/man-pages/man3/gnutls_sign_algorithm_get_requested.3.html'],
'gnutls_sign_get_hash_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_sign_get_hash_algorithm.3.html'],
'gnutls_sign_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_sign_get_id.3.html'],
'gnutls_sign_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_sign_get_name.3.html'],
'gnutls_sign_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_sign_get_oid.3.html'],
'gnutls_sign_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_sign_get_pk_algorithm.3.html'],
'gnutls_sign_is_secure': ['http://man7.org/linux/man-pages/man3/gnutls_sign_is_secure.3.html'],
'gnutls_sign_is_secure2': ['http://man7.org/linux/man-pages/man3/gnutls_sign_is_secure2.3.html'],
'gnutls_sign_list': ['http://man7.org/linux/man-pages/man3/gnutls_sign_list.3.html'],
'gnutls_sign_supports_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_sign_supports_pk_algorithm.3.html'],
'gnutls_srp_allocate_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_srp_allocate_client_credentials.3.html'],
'gnutls_srp_allocate_server_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_srp_allocate_server_credentials.3.html'],
'gnutls_srp_base64_decode': ['http://man7.org/linux/man-pages/man3/gnutls_srp_base64_decode.3.html'],
'gnutls_srp_base64_decode2': ['http://man7.org/linux/man-pages/man3/gnutls_srp_base64_decode2.3.html'],
'gnutls_srp_base64_encode': ['http://man7.org/linux/man-pages/man3/gnutls_srp_base64_encode.3.html'],
'gnutls_srp_base64_encode2': ['http://man7.org/linux/man-pages/man3/gnutls_srp_base64_encode2.3.html'],
'gnutls_srp_free_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_srp_free_client_credentials.3.html'],
'gnutls_srp_free_server_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_srp_free_server_credentials.3.html'],
'gnutls_srp_server_get_username': ['http://man7.org/linux/man-pages/man3/gnutls_srp_server_get_username.3.html'],
'gnutls_srp_set_client_credentials': ['http://man7.org/linux/man-pages/man3/gnutls_srp_set_client_credentials.3.html'],
'gnutls_srp_set_client_credentials_function': ['http://man7.org/linux/man-pages/man3/gnutls_srp_set_client_credentials_function.3.html'],
'gnutls_srp_set_prime_bits': ['http://man7.org/linux/man-pages/man3/gnutls_srp_set_prime_bits.3.html'],
'gnutls_srp_set_server_credentials_file': ['http://man7.org/linux/man-pages/man3/gnutls_srp_set_server_credentials_file.3.html'],
'gnutls_srp_set_server_credentials_function': ['http://man7.org/linux/man-pages/man3/gnutls_srp_set_server_credentials_function.3.html'],
'gnutls_srp_set_server_fake_salt_seed': ['http://man7.org/linux/man-pages/man3/gnutls_srp_set_server_fake_salt_seed.3.html'],
'gnutls_srp_verifier': ['http://man7.org/linux/man-pages/man3/gnutls_srp_verifier.3.html'],
'gnutls_srtp_get_keys': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_get_keys.3.html'],
'gnutls_srtp_get_mki': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_get_mki.3.html'],
'gnutls_srtp_get_profile_id': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_get_profile_id.3.html'],
'gnutls_srtp_get_profile_name': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_get_profile_name.3.html'],
'gnutls_srtp_get_selected_profile': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_get_selected_profile.3.html'],
'gnutls_srtp_set_mki': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_set_mki.3.html'],
'gnutls_srtp_set_profile': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_set_profile.3.html'],
'gnutls_srtp_set_profile_direct': ['http://man7.org/linux/man-pages/man3/gnutls_srtp_set_profile_direct.3.html'],
'gnutls_store_commitment': ['http://man7.org/linux/man-pages/man3/gnutls_store_commitment.3.html'],
'gnutls_store_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_store_pubkey.3.html'],
'gnutls_strerror': ['http://man7.org/linux/man-pages/man3/gnutls_strerror.3.html'],
'gnutls_strerror_name': ['http://man7.org/linux/man-pages/man3/gnutls_strerror_name.3.html'],
'gnutls_subject_alt_names_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_subject_alt_names_deinit.3.html'],
'gnutls_subject_alt_names_get': ['http://man7.org/linux/man-pages/man3/gnutls_subject_alt_names_get.3.html'],
'gnutls_subject_alt_names_init': ['http://man7.org/linux/man-pages/man3/gnutls_subject_alt_names_init.3.html'],
'gnutls_subject_alt_names_set': ['http://man7.org/linux/man-pages/man3/gnutls_subject_alt_names_set.3.html'],
'gnutls_supplemental_get_name': ['http://man7.org/linux/man-pages/man3/gnutls_supplemental_get_name.3.html'],
'gnutls_supplemental_recv': ['http://man7.org/linux/man-pages/man3/gnutls_supplemental_recv.3.html'],
'gnutls_supplemental_register': ['http://man7.org/linux/man-pages/man3/gnutls_supplemental_register.3.html'],
'gnutls_supplemental_send': ['http://man7.org/linux/man-pages/man3/gnutls_supplemental_send.3.html'],
'gnutls_system_key_add_x509': ['http://man7.org/linux/man-pages/man3/gnutls_system_key_add_x509.3.html'],
'gnutls_system_key_delete': ['http://man7.org/linux/man-pages/man3/gnutls_system_key_delete.3.html'],
'gnutls_system_key_iter_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_system_key_iter_deinit.3.html'],
'gnutls_system_key_iter_get_info': ['http://man7.org/linux/man-pages/man3/gnutls_system_key_iter_get_info.3.html'],
'gnutls_system_recv_timeout': ['http://man7.org/linux/man-pages/man3/gnutls_system_recv_timeout.3.html'],
'gnutls_tdb_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_tdb_deinit.3.html'],
'gnutls_tdb_init': ['http://man7.org/linux/man-pages/man3/gnutls_tdb_init.3.html'],
'gnutls_tdb_set_store_commitment_func': ['http://man7.org/linux/man-pages/man3/gnutls_tdb_set_store_commitment_func.3.html'],
'gnutls_tdb_set_store_func': ['http://man7.org/linux/man-pages/man3/gnutls_tdb_set_store_func.3.html'],
'gnutls_tdb_set_verify_func': ['http://man7.org/linux/man-pages/man3/gnutls_tdb_set_verify_func.3.html'],
'gnutls_tpm_get_registered': ['http://man7.org/linux/man-pages/man3/gnutls_tpm_get_registered.3.html'],
'gnutls_tpm_key_list_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_tpm_key_list_deinit.3.html'],
'gnutls_tpm_key_list_get_url': ['http://man7.org/linux/man-pages/man3/gnutls_tpm_key_list_get_url.3.html'],
'gnutls_tpm_privkey_delete': ['http://man7.org/linux/man-pages/man3/gnutls_tpm_privkey_delete.3.html'],
'gnutls_tpm_privkey_generate': ['http://man7.org/linux/man-pages/man3/gnutls_tpm_privkey_generate.3.html'],
'gnutls_transport_get_int': ['http://man7.org/linux/man-pages/man3/gnutls_transport_get_int.3.html'],
'gnutls_transport_get_int2': ['http://man7.org/linux/man-pages/man3/gnutls_transport_get_int2.3.html'],
'gnutls_transport_get_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_transport_get_ptr.3.html'],
'gnutls_transport_get_ptr2': ['http://man7.org/linux/man-pages/man3/gnutls_transport_get_ptr2.3.html'],
'gnutls_transport_set_errno': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_errno.3.html'],
'gnutls_transport_set_errno_function': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_errno_function.3.html'],
'gnutls_transport_set_fastopen': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_fastopen.3.html'],
'gnutls_transport_set_int': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_int.3.html'],
'gnutls_transport_set_int2': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_int2.3.html'],
'gnutls_transport_set_ptr': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_ptr.3.html'],
'gnutls_transport_set_ptr2': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_ptr2.3.html'],
'gnutls_transport_set_pull_function': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_pull_function.3.html'],
'gnutls_transport_set_pull_timeout_function': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_pull_timeout_function.3.html'],
'gnutls_transport_set_push_function': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_push_function.3.html'],
'gnutls_transport_set_vec_push_function': ['http://man7.org/linux/man-pages/man3/gnutls_transport_set_vec_push_function.3.html'],
'gnutls_url_is_supported': ['http://man7.org/linux/man-pages/man3/gnutls_url_is_supported.3.html'],
'gnutls_utf8_password_normalize': ['http://man7.org/linux/man-pages/man3/gnutls_utf8_password_normalize.3.html'],
'gnutls_verify_stored_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_verify_stored_pubkey.3.html'],
'gnutls_x509_aia_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aia_deinit.3.html'],
'gnutls_x509_aia_get': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aia_get.3.html'],
'gnutls_x509_aia_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aia_init.3.html'],
'gnutls_x509_aia_set': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aia_set.3.html'],
'gnutls_x509_aki_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aki_deinit.3.html'],
'gnutls_x509_aki_get_cert_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aki_get_cert_issuer.3.html'],
'gnutls_x509_aki_get_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aki_get_id.3.html'],
'gnutls_x509_aki_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aki_init.3.html'],
'gnutls_x509_aki_set_cert_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aki_set_cert_issuer.3.html'],
'gnutls_x509_aki_set_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_aki_set_id.3.html'],
'gnutls_x509_cidr_to_rfc5280': ['http://man7.org/linux/man-pages/man3/gnutls_x509_cidr_to_rfc5280.3.html'],
'gnutls_x509_crl_check_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_check_issuer.3.html'],
'gnutls_x509_crl_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_deinit.3.html'],
'gnutls_x509_crl_dist_points_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_dist_points_deinit.3.html'],
'gnutls_x509_crl_dist_points_get': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_dist_points_get.3.html'],
'gnutls_x509_crl_dist_points_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_dist_points_init.3.html'],
'gnutls_x509_crl_dist_points_set': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_dist_points_set.3.html'],
'gnutls_x509_crl_export': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_export.3.html'],
'gnutls_x509_crl_export2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_export2.3.html'],
'gnutls_x509_crl_get_authority_key_gn_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_authority_key_gn_serial.3.html'],
'gnutls_x509_crl_get_authority_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_authority_key_id.3.html'],
'gnutls_x509_crl_get_crt_count': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_crt_count.3.html'],
'gnutls_x509_crl_get_crt_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_crt_serial.3.html'],
'gnutls_x509_crl_get_dn_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_dn_oid.3.html'],
'gnutls_x509_crl_get_extension_data': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_extension_data.3.html'],
'gnutls_x509_crl_get_extension_data2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_extension_data2.3.html'],
'gnutls_x509_crl_get_extension_info': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_extension_info.3.html'],
'gnutls_x509_crl_get_extension_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_extension_oid.3.html'],
'gnutls_x509_crl_get_issuer_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_issuer_dn.3.html'],
'gnutls_x509_crl_get_issuer_dn2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_issuer_dn2.3.html'],
'gnutls_x509_crl_get_issuer_dn3': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_issuer_dn3.3.html'],
'gnutls_x509_crl_get_issuer_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_issuer_dn_by_oid.3.html'],
'gnutls_x509_crl_get_next_update': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_next_update.3.html'],
'gnutls_x509_crl_get_number': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_number.3.html'],
'gnutls_x509_crl_get_raw_issuer_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_raw_issuer_dn.3.html'],
'gnutls_x509_crl_get_signature': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_signature.3.html'],
'gnutls_x509_crl_get_signature_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_signature_algorithm.3.html'],
'gnutls_x509_crl_get_signature_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_signature_oid.3.html'],
'gnutls_x509_crl_get_this_update': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_this_update.3.html'],
'gnutls_x509_crl_get_version': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_get_version.3.html'],
'gnutls_x509_crl_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_import.3.html'],
'gnutls_x509_crl_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_init.3.html'],
'gnutls_x509_crl_iter_crt_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_iter_crt_serial.3.html'],
'gnutls_x509_crl_iter_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_iter_deinit.3.html'],
'gnutls_x509_crl_list_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_list_import.3.html'],
'gnutls_x509_crl_list_import2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_list_import2.3.html'],
'gnutls_x509_crl_print': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_print.3.html'],
'gnutls_x509_crl_privkey_sign': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_privkey_sign.3.html'],
'gnutls_x509_crl_set_authority_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_authority_key_id.3.html'],
'gnutls_x509_crl_set_crt': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_crt.3.html'],
'gnutls_x509_crl_set_crt_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_crt_serial.3.html'],
'gnutls_x509_crl_set_next_update': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_next_update.3.html'],
'gnutls_x509_crl_set_number': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_number.3.html'],
'gnutls_x509_crl_set_this_update': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_this_update.3.html'],
'gnutls_x509_crl_set_version': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_set_version.3.html'],
'gnutls_x509_crl_sign': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_sign.3.html'],
'gnutls_x509_crl_sign2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_sign2.3.html'],
'gnutls_x509_crl_verify': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crl_verify.3.html'],
'gnutls_x509_crq_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_deinit.3.html'],
'gnutls_x509_crq_export': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_export.3.html'],
'gnutls_x509_crq_export2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_export2.3.html'],
'gnutls_x509_crq_get_attribute_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_attribute_by_oid.3.html'],
'gnutls_x509_crq_get_attribute_data': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_attribute_data.3.html'],
'gnutls_x509_crq_get_attribute_info': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_attribute_info.3.html'],
'gnutls_x509_crq_get_basic_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_basic_constraints.3.html'],
'gnutls_x509_crq_get_challenge_password': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_challenge_password.3.html'],
'gnutls_x509_crq_get_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_dn.3.html'],
'gnutls_x509_crq_get_dn2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_dn2.3.html'],
'gnutls_x509_crq_get_dn3': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_dn3.3.html'],
'gnutls_x509_crq_get_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_dn_by_oid.3.html'],
'gnutls_x509_crq_get_dn_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_dn_oid.3.html'],
'gnutls_x509_crq_get_extension_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_extension_by_oid.3.html'],
'gnutls_x509_crq_get_extension_by_oid2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_extension_by_oid2.3.html'],
'gnutls_x509_crq_get_extension_data': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_extension_data.3.html'],
'gnutls_x509_crq_get_extension_data2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_extension_data2.3.html'],
'gnutls_x509_crq_get_extension_info': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_extension_info.3.html'],
'gnutls_x509_crq_get_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_key_id.3.html'],
'gnutls_x509_crq_get_key_purpose_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_key_purpose_oid.3.html'],
'gnutls_x509_crq_get_key_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_key_rsa_raw.3.html'],
'gnutls_x509_crq_get_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_key_usage.3.html'],
'gnutls_x509_crq_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_pk_algorithm.3.html'],
'gnutls_x509_crq_get_pk_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_pk_oid.3.html'],
'gnutls_x509_crq_get_private_key_usage_period': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_private_key_usage_period.3.html'],
'gnutls_x509_crq_get_signature_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_signature_algorithm.3.html'],
'gnutls_x509_crq_get_signature_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_signature_oid.3.html'],
'gnutls_x509_crq_get_spki': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_spki.3.html'],
'gnutls_x509_crq_get_subject_alt_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_subject_alt_name.3.html'],
'gnutls_x509_crq_get_subject_alt_othername_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_subject_alt_othername_oid.3.html'],
'gnutls_x509_crq_get_tlsfeatures': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_tlsfeatures.3.html'],
'gnutls_x509_crq_get_version': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_get_version.3.html'],
'gnutls_x509_crq_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_import.3.html'],
'gnutls_x509_crq_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_init.3.html'],
'gnutls_x509_crq_print': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_print.3.html'],
'gnutls_x509_crq_privkey_sign': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_privkey_sign.3.html'],
'gnutls_x509_crq_set_attribute_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_attribute_by_oid.3.html'],
'gnutls_x509_crq_set_basic_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_basic_constraints.3.html'],
'gnutls_x509_crq_set_challenge_password': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_challenge_password.3.html'],
'gnutls_x509_crq_set_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_dn.3.html'],
'gnutls_x509_crq_set_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_dn_by_oid.3.html'],
'gnutls_x509_crq_set_extension_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_extension_by_oid.3.html'],
'gnutls_x509_crq_set_key': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_key.3.html'],
'gnutls_x509_crq_set_key_purpose_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_key_purpose_oid.3.html'],
'gnutls_x509_crq_set_key_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_key_rsa_raw.3.html'],
'gnutls_x509_crq_set_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_key_usage.3.html'],
'gnutls_x509_crq_set_private_key_usage_period': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_private_key_usage_period.3.html'],
'gnutls_x509_crq_set_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_pubkey.3.html'],
'gnutls_x509_crq_set_spki': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_spki.3.html'],
'gnutls_x509_crq_set_subject_alt_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_subject_alt_name.3.html'],
'gnutls_x509_crq_set_subject_alt_othername': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_subject_alt_othername.3.html'],
'gnutls_x509_crq_set_tlsfeatures': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_tlsfeatures.3.html'],
'gnutls_x509_crq_set_version': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_set_version.3.html'],
'gnutls_x509_crq_sign': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_sign.3.html'],
'gnutls_x509_crq_sign2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_sign2.3.html'],
'gnutls_x509_crq_verify': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crq_verify.3.html'],
'gnutls_x509_crt_check_email': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_email.3.html'],
'gnutls_x509_crt_check_hostname': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_hostname.3.html'],
'gnutls_x509_crt_check_hostname2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_hostname2.3.html'],
'gnutls_x509_crt_check_ip': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_ip.3.html'],
'gnutls_x509_crt_check_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_issuer.3.html'],
'gnutls_x509_crt_check_key_purpose': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_key_purpose.3.html'],
'gnutls_x509_crt_check_revocation': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_check_revocation.3.html'],
'gnutls_x509_crt_cpy_crl_dist_points': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_cpy_crl_dist_points.3.html'],
'gnutls_x509_crt_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_deinit.3.html'],
'gnutls_x509_crt_equals': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_equals.3.html'],
'gnutls_x509_crt_equals2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_equals2.3.html'],
'gnutls_x509_crt_export': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_export.3.html'],
'gnutls_x509_crt_export2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_export2.3.html'],
'gnutls_x509_crt_get_activation_time': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_activation_time.3.html'],
'gnutls_x509_crt_get_authority_info_access': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_authority_info_access.3.html'],
'gnutls_x509_crt_get_authority_key_gn_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_authority_key_gn_serial.3.html'],
'gnutls_x509_crt_get_authority_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_authority_key_id.3.html'],
'gnutls_x509_crt_get_basic_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_basic_constraints.3.html'],
'gnutls_x509_crt_get_ca_status': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_ca_status.3.html'],
'gnutls_x509_crt_get_crl_dist_points': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_crl_dist_points.3.html'],
'gnutls_x509_crt_get_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_dn.3.html'],
'gnutls_x509_crt_get_dn2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_dn2.3.html'],
'gnutls_x509_crt_get_dn3': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_dn3.3.html'],
'gnutls_x509_crt_get_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_dn_by_oid.3.html'],
'gnutls_x509_crt_get_dn_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_dn_oid.3.html'],
'gnutls_x509_crt_get_expiration_time': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_expiration_time.3.html'],
'gnutls_x509_crt_get_extension_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_extension_by_oid.3.html'],
'gnutls_x509_crt_get_extension_by_oid2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_extension_by_oid2.3.html'],
'gnutls_x509_crt_get_extension_data': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_extension_data.3.html'],
'gnutls_x509_crt_get_extension_data2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_extension_data2.3.html'],
'gnutls_x509_crt_get_extension_info': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_extension_info.3.html'],
'gnutls_x509_crt_get_extension_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_extension_oid.3.html'],
'gnutls_x509_crt_get_fingerprint': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_fingerprint.3.html'],
'gnutls_x509_crt_get_inhibit_anypolicy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_inhibit_anypolicy.3.html'],
'gnutls_x509_crt_get_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer.3.html'],
'gnutls_x509_crt_get_issuer_alt_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_alt_name.3.html'],
'gnutls_x509_crt_get_issuer_alt_name2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_alt_name2.3.html'],
'gnutls_x509_crt_get_issuer_alt_othername_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_alt_othername_oid.3.html'],
'gnutls_x509_crt_get_issuer_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_dn.3.html'],
'gnutls_x509_crt_get_issuer_dn2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_dn2.3.html'],
'gnutls_x509_crt_get_issuer_dn3': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_dn3.3.html'],
'gnutls_x509_crt_get_issuer_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_dn_by_oid.3.html'],
'gnutls_x509_crt_get_issuer_dn_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_dn_oid.3.html'],
'gnutls_x509_crt_get_issuer_unique_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_issuer_unique_id.3.html'],
'gnutls_x509_crt_get_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_key_id.3.html'],
'gnutls_x509_crt_get_key_purpose_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_key_purpose_oid.3.html'],
'gnutls_x509_crt_get_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_key_usage.3.html'],
'gnutls_x509_crt_get_name_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_name_constraints.3.html'],
'gnutls_x509_crt_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_pk_algorithm.3.html'],
'gnutls_x509_crt_get_pk_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_pk_dsa_raw.3.html'],
'gnutls_x509_crt_get_pk_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_pk_ecc_raw.3.html'],
'gnutls_x509_crt_get_pk_gost_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_pk_gost_raw.3.html'],
'gnutls_x509_crt_get_pk_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_pk_oid.3.html'],
'gnutls_x509_crt_get_pk_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_pk_rsa_raw.3.html'],
'gnutls_x509_crt_get_policy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_policy.3.html'],
'gnutls_x509_crt_get_preferred_hash_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_preferred_hash_algorithm.3.html'],
'gnutls_x509_crt_get_private_key_usage_period': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_private_key_usage_period.3.html'],
'gnutls_x509_crt_get_proxy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_proxy.3.html'],
'gnutls_x509_crt_get_raw_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_raw_dn.3.html'],
'gnutls_x509_crt_get_raw_issuer_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_raw_issuer_dn.3.html'],
'gnutls_x509_crt_get_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_serial.3.html'],
'gnutls_x509_crt_get_signature': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_signature.3.html'],
'gnutls_x509_crt_get_signature_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_signature_algorithm.3.html'],
'gnutls_x509_crt_get_signature_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_signature_oid.3.html'],
'gnutls_x509_crt_get_spki': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_spki.3.html'],
'gnutls_x509_crt_get_subject': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_subject.3.html'],
'gnutls_x509_crt_get_subject_alt_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_subject_alt_name.3.html'],
'gnutls_x509_crt_get_subject_alt_name2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_subject_alt_name2.3.html'],
'gnutls_x509_crt_get_subject_alt_othername_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_subject_alt_othername_oid.3.html'],
'gnutls_x509_crt_get_subject_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_subject_key_id.3.html'],
'gnutls_x509_crt_get_subject_unique_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_subject_unique_id.3.html'],
'gnutls_x509_crt_get_tlsfeatures': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_tlsfeatures.3.html'],
'gnutls_x509_crt_get_version': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_get_version.3.html'],
'gnutls_x509_crt_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_import.3.html'],
'gnutls_x509_crt_import_pkcs11': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_import_pkcs11.3.html'],
'gnutls_x509_crt_import_url': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_import_url.3.html'],
'gnutls_x509_crt_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_init.3.html'],
'gnutls_x509_crt_list_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_list_import.3.html'],
'gnutls_x509_crt_list_import2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_list_import2.3.html'],
'gnutls_x509_crt_list_import_pkcs11': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_list_import_pkcs11.3.html'],
'gnutls_x509_crt_list_import_url': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_list_import_url.3.html'],
'gnutls_x509_crt_list_verify': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_list_verify.3.html'],
'gnutls_x509_crt_print': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_print.3.html'],
'gnutls_x509_crt_privkey_sign': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_privkey_sign.3.html'],
'gnutls_x509_crt_set_activation_time': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_activation_time.3.html'],
'gnutls_x509_crt_set_authority_info_access': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_authority_info_access.3.html'],
'gnutls_x509_crt_set_authority_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_authority_key_id.3.html'],
'gnutls_x509_crt_set_basic_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_basic_constraints.3.html'],
'gnutls_x509_crt_set_ca_status': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_ca_status.3.html'],
'gnutls_x509_crt_set_crl_dist_points': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_crl_dist_points.3.html'],
'gnutls_x509_crt_set_crl_dist_points2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_crl_dist_points2.3.html'],
'gnutls_x509_crt_set_crq': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_crq.3.html'],
'gnutls_x509_crt_set_crq_extension_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_crq_extension_by_oid.3.html'],
'gnutls_x509_crt_set_crq_extensions': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_crq_extensions.3.html'],
'gnutls_x509_crt_set_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_dn.3.html'],
'gnutls_x509_crt_set_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_dn_by_oid.3.html'],
'gnutls_x509_crt_set_expiration_time': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_expiration_time.3.html'],
'gnutls_x509_crt_set_extension_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_extension_by_oid.3.html'],
'gnutls_x509_crt_set_flags': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_flags.3.html'],
'gnutls_x509_crt_set_inhibit_anypolicy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_inhibit_anypolicy.3.html'],
'gnutls_x509_crt_set_issuer_alt_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_issuer_alt_name.3.html'],
'gnutls_x509_crt_set_issuer_alt_othername': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_issuer_alt_othername.3.html'],
'gnutls_x509_crt_set_issuer_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_issuer_dn.3.html'],
'gnutls_x509_crt_set_issuer_dn_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_issuer_dn_by_oid.3.html'],
'gnutls_x509_crt_set_issuer_unique_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_issuer_unique_id.3.html'],
'gnutls_x509_crt_set_key': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_key.3.html'],
'gnutls_x509_crt_set_key_purpose_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_key_purpose_oid.3.html'],
'gnutls_x509_crt_set_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_key_usage.3.html'],
'gnutls_x509_crt_set_name_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_name_constraints.3.html'],
'gnutls_x509_crt_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_pin_function.3.html'],
'gnutls_x509_crt_set_policy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_policy.3.html'],
'gnutls_x509_crt_set_private_key_usage_period': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_private_key_usage_period.3.html'],
'gnutls_x509_crt_set_proxy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_proxy.3.html'],
'gnutls_x509_crt_set_proxy_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_proxy_dn.3.html'],
'gnutls_x509_crt_set_pubkey': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_pubkey.3.html'],
'gnutls_x509_crt_set_serial': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_serial.3.html'],
'gnutls_x509_crt_set_spki': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_spki.3.html'],
'gnutls_x509_crt_set_subject_alt_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_subject_alt_name.3.html'],
'gnutls_x509_crt_set_subject_alt_othername': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_subject_alt_othername.3.html'],
'gnutls_x509_crt_set_subject_alternative_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_subject_alternative_name.3.html'],
'gnutls_x509_crt_set_subject_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_subject_key_id.3.html'],
'gnutls_x509_crt_set_subject_unique_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_subject_unique_id.3.html'],
'gnutls_x509_crt_set_tlsfeatures': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_tlsfeatures.3.html'],
'gnutls_x509_crt_set_version': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_set_version.3.html'],
'gnutls_x509_crt_sign': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_sign.3.html'],
'gnutls_x509_crt_sign2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_sign2.3.html'],
'gnutls_x509_crt_verify': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_verify.3.html'],
'gnutls_x509_crt_verify_data2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_crt_verify_data2.3.html'],
'gnutls_x509_dn_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_deinit.3.html'],
'gnutls_x509_dn_export': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_export.3.html'],
'gnutls_x509_dn_export2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_export2.3.html'],
'gnutls_x509_dn_get_rdn_ava': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_get_rdn_ava.3.html'],
'gnutls_x509_dn_get_str': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_get_str.3.html'],
'gnutls_x509_dn_get_str2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_get_str2.3.html'],
'gnutls_x509_dn_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_import.3.html'],
'gnutls_x509_dn_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_init.3.html'],
'gnutls_x509_dn_oid_known': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_oid_known.3.html'],
'gnutls_x509_dn_oid_name': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_oid_name.3.html'],
'gnutls_x509_dn_set_str': ['http://man7.org/linux/man-pages/man3/gnutls_x509_dn_set_str.3.html'],
'gnutls_x509_ext_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_deinit.3.html'],
'gnutls_x509_ext_export_aia': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_aia.3.html'],
'gnutls_x509_ext_export_authority_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_authority_key_id.3.html'],
'gnutls_x509_ext_export_basic_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_basic_constraints.3.html'],
'gnutls_x509_ext_export_crl_dist_points': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_crl_dist_points.3.html'],
'gnutls_x509_ext_export_inhibit_anypolicy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_inhibit_anypolicy.3.html'],
'gnutls_x509_ext_export_key_purposes': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_key_purposes.3.html'],
'gnutls_x509_ext_export_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_key_usage.3.html'],
'gnutls_x509_ext_export_name_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_name_constraints.3.html'],
'gnutls_x509_ext_export_policies': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_policies.3.html'],
'gnutls_x509_ext_export_private_key_usage_period': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_private_key_usage_period.3.html'],
'gnutls_x509_ext_export_proxy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_proxy.3.html'],
'gnutls_x509_ext_export_subject_alt_names': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_subject_alt_names.3.html'],
'gnutls_x509_ext_export_subject_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_subject_key_id.3.html'],
'gnutls_x509_ext_export_tlsfeatures': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_export_tlsfeatures.3.html'],
'gnutls_x509_ext_import_aia': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_aia.3.html'],
'gnutls_x509_ext_import_authority_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_authority_key_id.3.html'],
'gnutls_x509_ext_import_basic_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_basic_constraints.3.html'],
'gnutls_x509_ext_import_crl_dist_points': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_crl_dist_points.3.html'],
'gnutls_x509_ext_import_inhibit_anypolicy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_inhibit_anypolicy.3.html'],
'gnutls_x509_ext_import_key_purposes': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_key_purposes.3.html'],
'gnutls_x509_ext_import_key_usage': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_key_usage.3.html'],
'gnutls_x509_ext_import_name_constraints': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_name_constraints.3.html'],
'gnutls_x509_ext_import_policies': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_policies.3.html'],
'gnutls_x509_ext_import_private_key_usage_period': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_private_key_usage_period.3.html'],
'gnutls_x509_ext_import_proxy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_proxy.3.html'],
'gnutls_x509_ext_import_subject_alt_names': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_subject_alt_names.3.html'],
'gnutls_x509_ext_import_subject_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_subject_key_id.3.html'],
'gnutls_x509_ext_import_tlsfeatures': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_import_tlsfeatures.3.html'],
'gnutls_x509_ext_print': ['http://man7.org/linux/man-pages/man3/gnutls_x509_ext_print.3.html'],
'gnutls_x509_key_purpose_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_key_purpose_deinit.3.html'],
'gnutls_x509_key_purpose_get': ['http://man7.org/linux/man-pages/man3/gnutls_x509_key_purpose_get.3.html'],
'gnutls_x509_key_purpose_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_key_purpose_init.3.html'],
'gnutls_x509_key_purpose_set': ['http://man7.org/linux/man-pages/man3/gnutls_x509_key_purpose_set.3.html'],
'gnutls_x509_name_constraints_add_excluded': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_add_excluded.3.html'],
'gnutls_x509_name_constraints_add_permitted': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_add_permitted.3.html'],
'gnutls_x509_name_constraints_check': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_check.3.html'],
'gnutls_x509_name_constraints_check_crt': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_check_crt.3.html'],
'gnutls_x509_name_constraints_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_deinit.3.html'],
'gnutls_x509_name_constraints_get_excluded': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_get_excluded.3.html'],
'gnutls_x509_name_constraints_get_permitted': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_get_permitted.3.html'],
'gnutls_x509_name_constraints_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_name_constraints_init.3.html'],
'gnutls_x509_othername_to_virtual': ['http://man7.org/linux/man-pages/man3/gnutls_x509_othername_to_virtual.3.html'],
'gnutls_x509_policies_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_policies_deinit.3.html'],
'gnutls_x509_policies_get': ['http://man7.org/linux/man-pages/man3/gnutls_x509_policies_get.3.html'],
'gnutls_x509_policies_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_policies_init.3.html'],
'gnutls_x509_policies_set': ['http://man7.org/linux/man-pages/man3/gnutls_x509_policies_set.3.html'],
'gnutls_x509_policy_release': ['http://man7.org/linux/man-pages/man3/gnutls_x509_policy_release.3.html'],
'gnutls_x509_privkey_cpy': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_cpy.3.html'],
'gnutls_x509_privkey_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_deinit.3.html'],
'gnutls_x509_privkey_export': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export.3.html'],
'gnutls_x509_privkey_export2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export2.3.html'],
'gnutls_x509_privkey_export2_pkcs8': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export2_pkcs8.3.html'],
'gnutls_x509_privkey_export_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export_dsa_raw.3.html'],
'gnutls_x509_privkey_export_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export_ecc_raw.3.html'],
'gnutls_x509_privkey_export_gost_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export_gost_raw.3.html'],
'gnutls_x509_privkey_export_pkcs8': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export_pkcs8.3.html'],
'gnutls_x509_privkey_export_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export_rsa_raw.3.html'],
'gnutls_x509_privkey_export_rsa_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_export_rsa_raw2.3.html'],
'gnutls_x509_privkey_fix': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_fix.3.html'],
'gnutls_x509_privkey_generate': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_generate.3.html'],
'gnutls_x509_privkey_generate2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_generate2.3.html'],
'gnutls_x509_privkey_get_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_get_key_id.3.html'],
'gnutls_x509_privkey_get_pk_algorithm': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_get_pk_algorithm.3.html'],
'gnutls_x509_privkey_get_pk_algorithm2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_get_pk_algorithm2.3.html'],
'gnutls_x509_privkey_get_seed': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_get_seed.3.html'],
'gnutls_x509_privkey_get_spki': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_get_spki.3.html'],
'gnutls_x509_privkey_import': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import.3.html'],
'gnutls_x509_privkey_import2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import2.3.html'],
'gnutls_x509_privkey_import_dsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_dsa_raw.3.html'],
'gnutls_x509_privkey_import_ecc_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_ecc_raw.3.html'],
'gnutls_x509_privkey_import_gost_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_gost_raw.3.html'],
'gnutls_x509_privkey_import_openssl': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_openssl.3.html'],
'gnutls_x509_privkey_import_pkcs8': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_pkcs8.3.html'],
'gnutls_x509_privkey_import_rsa_raw': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_rsa_raw.3.html'],
'gnutls_x509_privkey_import_rsa_raw2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_import_rsa_raw2.3.html'],
'gnutls_x509_privkey_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_init.3.html'],
'gnutls_x509_privkey_sec_param': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_sec_param.3.html'],
'gnutls_x509_privkey_set_flags': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_set_flags.3.html'],
'gnutls_x509_privkey_set_pin_function': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_set_pin_function.3.html'],
'gnutls_x509_privkey_set_spki': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_set_spki.3.html'],
'gnutls_x509_privkey_sign_data': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_sign_data.3.html'],
'gnutls_x509_privkey_sign_hash': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_sign_hash.3.html'],
'gnutls_x509_privkey_verify_params': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_verify_params.3.html'],
'gnutls_x509_privkey_verify_seed': ['http://man7.org/linux/man-pages/man3/gnutls_x509_privkey_verify_seed.3.html'],
'gnutls_x509_rdn_get': ['http://man7.org/linux/man-pages/man3/gnutls_x509_rdn_get.3.html'],
'gnutls_x509_rdn_get2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_rdn_get2.3.html'],
'gnutls_x509_rdn_get_by_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_rdn_get_by_oid.3.html'],
'gnutls_x509_rdn_get_oid': ['http://man7.org/linux/man-pages/man3/gnutls_x509_rdn_get_oid.3.html'],
'gnutls_x509_spki_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_spki_deinit.3.html'],
'gnutls_x509_spki_get_rsa_pss_params': ['http://man7.org/linux/man-pages/man3/gnutls_x509_spki_get_rsa_pss_params.3.html'],
'gnutls_x509_spki_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_spki_init.3.html'],
'gnutls_x509_spki_set_rsa_pss_params': ['http://man7.org/linux/man-pages/man3/gnutls_x509_spki_set_rsa_pss_params.3.html'],
'gnutls_x509_tlsfeatures_add': ['http://man7.org/linux/man-pages/man3/gnutls_x509_tlsfeatures_add.3.html'],
'gnutls_x509_tlsfeatures_check_crt': ['http://man7.org/linux/man-pages/man3/gnutls_x509_tlsfeatures_check_crt.3.html'],
'gnutls_x509_tlsfeatures_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_tlsfeatures_deinit.3.html'],
'gnutls_x509_tlsfeatures_get': ['http://man7.org/linux/man-pages/man3/gnutls_x509_tlsfeatures_get.3.html'],
'gnutls_x509_tlsfeatures_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_tlsfeatures_init.3.html'],
'gnutls_x509_trust_list_add_cas': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_cas.3.html'],
'gnutls_x509_trust_list_add_crls': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_crls.3.html'],
'gnutls_x509_trust_list_add_named_crt': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_named_crt.3.html'],
'gnutls_x509_trust_list_add_system_trust': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_system_trust.3.html'],
'gnutls_x509_trust_list_add_trust_dir': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_trust_dir.3.html'],
'gnutls_x509_trust_list_add_trust_file': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_trust_file.3.html'],
'gnutls_x509_trust_list_add_trust_mem': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_add_trust_mem.3.html'],
'gnutls_x509_trust_list_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_deinit.3.html'],
'gnutls_x509_trust_list_get_issuer': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_get_issuer.3.html'],
'gnutls_x509_trust_list_get_issuer_by_dn': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_get_issuer_by_dn.3.html'],
'gnutls_x509_trust_list_get_issuer_by_subject_key_id': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_get_issuer_by_subject_key_id.3.html'],
'gnutls_x509_trust_list_init': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_init.3.html'],
'gnutls_x509_trust_list_iter_deinit': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_iter_deinit.3.html'],
'gnutls_x509_trust_list_iter_get_ca': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_iter_get_ca.3.html'],
'gnutls_x509_trust_list_remove_cas': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_remove_cas.3.html'],
'gnutls_x509_trust_list_remove_trust_file': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_remove_trust_file.3.html'],
'gnutls_x509_trust_list_remove_trust_mem': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_remove_trust_mem.3.html'],
'gnutls_x509_trust_list_verify_crt': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_verify_crt.3.html'],
'gnutls_x509_trust_list_verify_crt2': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_verify_crt2.3.html'],
'gnutls_x509_trust_list_verify_named_crt': ['http://man7.org/linux/man-pages/man3/gnutls_x509_trust_list_verify_named_crt.3.html'],
'gpasswd': ['http://man7.org/linux/man-pages/man1/gpasswd.1.html'],
'gperl': ['http://man7.org/linux/man-pages/man1/gperl.1.html'],
'gpinyin': ['http://man7.org/linux/man-pages/man1/gpinyin.1.html'],
'gprof': ['http://man7.org/linux/man-pages/man1/gprof.1.html'],
'grantpt': ['http://man7.org/linux/man-pages/man3/grantpt.3.html',
'http://man7.org/linux/man-pages/man3/grantpt.3p.html'],
'grap2graph': ['http://man7.org/linux/man-pages/man1/grap2graph.1.html'],
'grep': ['http://man7.org/linux/man-pages/man1/grep.1.html',
'http://man7.org/linux/man-pages/man1/grep.1p.html'],
'grn': ['http://man7.org/linux/man-pages/man1/grn.1.html'],
'grodvi': ['http://man7.org/linux/man-pages/man1/grodvi.1.html'],
'groff': ['http://man7.org/linux/man-pages/man1/groff.1.html',
'http://man7.org/linux/man-pages/man7/groff.7.html'],
'groff_char': ['http://man7.org/linux/man-pages/man7/groff_char.7.html'],
'groff_diff': ['http://man7.org/linux/man-pages/man7/groff_diff.7.html'],
'groff_filenames': ['http://man7.org/linux/man-pages/man5/groff_filenames.5.html'],
'groff_font': ['http://man7.org/linux/man-pages/man5/groff_font.5.html'],
'groff_hdtbl': ['http://man7.org/linux/man-pages/man7/groff_hdtbl.7.html'],
'groff_man': ['http://man7.org/linux/man-pages/man7/groff_man.7.html'],
'groff_me': ['http://man7.org/linux/man-pages/man7/groff_me.7.html'],
'groff_mm': ['http://man7.org/linux/man-pages/man7/groff_mm.7.html'],
'groff_mmse': ['http://man7.org/linux/man-pages/man7/groff_mmse.7.html'],
'groff_mom': ['http://man7.org/linux/man-pages/man7/groff_mom.7.html'],
'groff_ms': ['http://man7.org/linux/man-pages/man7/groff_ms.7.html'],
'groff_out': ['http://man7.org/linux/man-pages/man5/groff_out.5.html'],
'groff_tmac': ['http://man7.org/linux/man-pages/man5/groff_tmac.5.html'],
'groff_trace': ['http://man7.org/linux/man-pages/man7/groff_trace.7.html'],
'groff_www': ['http://man7.org/linux/man-pages/man7/groff_www.7.html'],
'groffer': ['http://man7.org/linux/man-pages/man1/groffer.1.html'],
'grog': ['http://man7.org/linux/man-pages/man1/grog.1.html'],
'grohtml': ['http://man7.org/linux/man-pages/man1/grohtml.1.html'],
'grolbp': ['http://man7.org/linux/man-pages/man1/grolbp.1.html'],
'grolj4': ['http://man7.org/linux/man-pages/man1/grolj4.1.html'],
'gropdf': ['http://man7.org/linux/man-pages/man1/gropdf.1.html'],
'grops': ['http://man7.org/linux/man-pages/man1/grops.1.html'],
'grotty': ['http://man7.org/linux/man-pages/man1/grotty.1.html'],
'group': ['http://man7.org/linux/man-pages/man5/group.5.html'],
'group.conf': ['http://man7.org/linux/man-pages/man5/group.conf.5.html'],
'group_member': ['http://man7.org/linux/man-pages/man3/group_member.3.html'],
'groupadd': ['http://man7.org/linux/man-pages/man8/groupadd.8.html'],
'groupdel': ['http://man7.org/linux/man-pages/man8/groupdel.8.html'],
'groupmems': ['http://man7.org/linux/man-pages/man8/groupmems.8.html'],
'groupmod': ['http://man7.org/linux/man-pages/man8/groupmod.8.html'],
'groups': ['http://man7.org/linux/man-pages/man1/groups.1.html'],
'grp.h': ['http://man7.org/linux/man-pages/man0/grp.h.0p.html'],
'grpck': ['http://man7.org/linux/man-pages/man8/grpck.8.html'],
'grpconv': ['http://man7.org/linux/man-pages/man8/grpconv.8.html'],
'grpunconv': ['http://man7.org/linux/man-pages/man8/grpunconv.8.html'],
'gshadow': ['http://man7.org/linux/man-pages/man5/gshadow.5.html'],
'gsignal': ['http://man7.org/linux/man-pages/man3/gsignal.3.html'],
'gssd': ['http://man7.org/linux/man-pages/man8/gssd.8.html'],
'gtty': ['http://man7.org/linux/man-pages/man2/gtty.2.html'],
'guards': ['http://man7.org/linux/man-pages/man1/guards.1.html'],
'h_errno': ['http://man7.org/linux/man-pages/man3/h_errno.3.html'],
'halfdelay': ['http://man7.org/linux/man-pages/man3/halfdelay.3x.html'],
'halt': ['http://man7.org/linux/man-pages/man8/halt.8.html'],
'handle': ['http://man7.org/linux/man-pages/man3/handle.3.html'],
'handle_to_fshandle': ['http://man7.org/linux/man-pages/man3/handle_to_fshandle.3.html'],
'has_colors': ['http://man7.org/linux/man-pages/man3/has_colors.3x.html'],
'has_ic': ['http://man7.org/linux/man-pages/man3/has_ic.3x.html'],
'has_il': ['http://man7.org/linux/man-pages/man3/has_il.3x.html'],
'has_key': ['http://man7.org/linux/man-pages/man3/has_key.3x.html'],
'has_mouse': ['http://man7.org/linux/man-pages/man3/has_mouse.3x.html'],
'hash': ['http://man7.org/linux/man-pages/man1/hash.1p.html',
'http://man7.org/linux/man-pages/man3/hash.3.html'],
'hasmntopt': ['http://man7.org/linux/man-pages/man3/hasmntopt.3.html'],
'hcreate': ['http://man7.org/linux/man-pages/man3/hcreate.3.html',
'http://man7.org/linux/man-pages/man3/hcreate.3p.html'],
'hcreate_r': ['http://man7.org/linux/man-pages/man3/hcreate_r.3.html'],
'hd': ['http://man7.org/linux/man-pages/man4/hd.4.html'],
'hdestroy': ['http://man7.org/linux/man-pages/man3/hdestroy.3.html',
'http://man7.org/linux/man-pages/man3/hdestroy.3p.html'],
'hdestroy_r': ['http://man7.org/linux/man-pages/man3/hdestroy_r.3.html'],
'hdparm': ['http://man7.org/linux/man-pages/man8/hdparm.8.html'],
'head': ['http://man7.org/linux/man-pages/man1/head.1.html',
'http://man7.org/linux/man-pages/man1/head.1p.html'],
'herror': ['http://man7.org/linux/man-pages/man3/herror.3.html'],
'hexdump': ['http://man7.org/linux/man-pages/man1/hexdump.1.html'],
'hg': ['http://man7.org/linux/man-pages/man1/hg.1.html'],
'hgignore': ['http://man7.org/linux/man-pages/man5/hgignore.5.html'],
'hgrc': ['http://man7.org/linux/man-pages/man5/hgrc.5.html'],
'hier': ['http://man7.org/linux/man-pages/man7/hier.7.html'],
'history': ['http://man7.org/linux/man-pages/man3/history.3.html'],
'hline': ['http://man7.org/linux/man-pages/man3/hline.3x.html'],
'hline_set': ['http://man7.org/linux/man-pages/man3/hline_set.3x.html'],
'host.conf': ['http://man7.org/linux/man-pages/man5/host.conf.5.html'],
'hostid': ['http://man7.org/linux/man-pages/man1/hostid.1.html'],
'hostname': ['http://man7.org/linux/man-pages/man1/hostname.1.html',
'http://man7.org/linux/man-pages/man5/hostname.5.html',
'http://man7.org/linux/man-pages/man7/hostname.7.html'],
'hostnamectl': ['http://man7.org/linux/man-pages/man1/hostnamectl.1.html'],
'hosts': ['http://man7.org/linux/man-pages/man5/hosts.5.html'],
'hosts.equiv': ['http://man7.org/linux/man-pages/man5/hosts.equiv.5.html'],
'hpftodit': ['http://man7.org/linux/man-pages/man1/hpftodit.1.html'],
'hpsa': ['http://man7.org/linux/man-pages/man4/hpsa.4.html'],
'hsearch': ['http://man7.org/linux/man-pages/man3/hsearch.3.html',
'http://man7.org/linux/man-pages/man3/hsearch.3p.html'],
'hsearch_r': ['http://man7.org/linux/man-pages/man3/hsearch_r.3.html'],
'hstrerror': ['http://man7.org/linux/man-pages/man3/hstrerror.3.html'],
'htobe16': ['http://man7.org/linux/man-pages/man3/htobe16.3.html'],
'htobe32': ['http://man7.org/linux/man-pages/man3/htobe32.3.html'],
'htobe64': ['http://man7.org/linux/man-pages/man3/htobe64.3.html'],
'htole16': ['http://man7.org/linux/man-pages/man3/htole16.3.html'],
'htole32': ['http://man7.org/linux/man-pages/man3/htole32.3.html'],
'htole64': ['http://man7.org/linux/man-pages/man3/htole64.3.html'],
'htonl': ['http://man7.org/linux/man-pages/man3/htonl.3.html',
'http://man7.org/linux/man-pages/man3/htonl.3p.html'],
'htons': ['http://man7.org/linux/man-pages/man3/htons.3.html',
'http://man7.org/linux/man-pages/man3/htons.3p.html'],
'htop': ['http://man7.org/linux/man-pages/man1/htop.1.html'],
'huge_val': ['http://man7.org/linux/man-pages/man3/huge_val.3.html'],
'huge_valf': ['http://man7.org/linux/man-pages/man3/huge_valf.3.html'],
'huge_vall': ['http://man7.org/linux/man-pages/man3/huge_vall.3.html'],
'hwclock': ['http://man7.org/linux/man-pages/man8/hwclock.8.html'],
'hwdb': ['http://man7.org/linux/man-pages/man7/hwdb.7.html'],
'hypot': ['http://man7.org/linux/man-pages/man3/hypot.3.html',
'http://man7.org/linux/man-pages/man3/hypot.3p.html'],
'hypotf': ['http://man7.org/linux/man-pages/man3/hypotf.3.html',
'http://man7.org/linux/man-pages/man3/hypotf.3p.html'],
'hypotl': ['http://man7.org/linux/man-pages/man3/hypotl.3.html',
'http://man7.org/linux/man-pages/man3/hypotl.3p.html'],
'i386': ['http://man7.org/linux/man-pages/man8/i386.8.html'],
'ib_acme': ['http://man7.org/linux/man-pages/man1/ib_acme.1.html'],
'ibacm': ['http://man7.org/linux/man-pages/man1/ibacm.1.html',
'http://man7.org/linux/man-pages/man7/ibacm.7.html'],
'ibsrpdm': ['http://man7.org/linux/man-pages/man1/ibsrpdm.1.html'],
'ibv_ack_async_event': ['http://man7.org/linux/man-pages/man3/ibv_ack_async_event.3.html'],
'ibv_ack_cq_events': ['http://man7.org/linux/man-pages/man3/ibv_ack_cq_events.3.html'],
'ibv_alloc_dm': ['http://man7.org/linux/man-pages/man3/ibv_alloc_dm.3.html'],
'ibv_alloc_mw': ['http://man7.org/linux/man-pages/man3/ibv_alloc_mw.3.html'],
'ibv_alloc_parent_domain': ['http://man7.org/linux/man-pages/man3/ibv_alloc_parent_domain.3.html'],
'ibv_alloc_pd': ['http://man7.org/linux/man-pages/man3/ibv_alloc_pd.3.html'],
'ibv_alloc_td': ['http://man7.org/linux/man-pages/man3/ibv_alloc_td.3.html'],
'ibv_asyncwatch': ['http://man7.org/linux/man-pages/man1/ibv_asyncwatch.1.html'],
'ibv_bind_mw': ['http://man7.org/linux/man-pages/man3/ibv_bind_mw.3.html'],
'ibv_close_device': ['http://man7.org/linux/man-pages/man3/ibv_close_device.3.html'],
'ibv_close_xrcd': ['http://man7.org/linux/man-pages/man3/ibv_close_xrcd.3.html'],
'ibv_create_ah': ['http://man7.org/linux/man-pages/man3/ibv_create_ah.3.html'],
'ibv_create_ah_from_wc': ['http://man7.org/linux/man-pages/man3/ibv_create_ah_from_wc.3.html'],
'ibv_create_comp_channel': ['http://man7.org/linux/man-pages/man3/ibv_create_comp_channel.3.html'],
'ibv_create_cq': ['http://man7.org/linux/man-pages/man3/ibv_create_cq.3.html'],
'ibv_create_cq_ex': ['http://man7.org/linux/man-pages/man3/ibv_create_cq_ex.3.html'],
'ibv_create_flow': ['http://man7.org/linux/man-pages/man3/ibv_create_flow.3.html'],
'ibv_create_qp': ['http://man7.org/linux/man-pages/man3/ibv_create_qp.3.html'],
'ibv_create_qp_ex': ['http://man7.org/linux/man-pages/man3/ibv_create_qp_ex.3.html'],
'ibv_create_rwq_ind_table': ['http://man7.org/linux/man-pages/man3/ibv_create_rwq_ind_table.3.html'],
'ibv_create_srq': ['http://man7.org/linux/man-pages/man3/ibv_create_srq.3.html'],
'ibv_create_srq_ex': ['http://man7.org/linux/man-pages/man3/ibv_create_srq_ex.3.html'],
'ibv_create_wq': ['http://man7.org/linux/man-pages/man3/ibv_create_wq.3.html'],
'ibv_dealloc_mw': ['http://man7.org/linux/man-pages/man3/ibv_dealloc_mw.3.html'],
'ibv_dealloc_pd': ['http://man7.org/linux/man-pages/man3/ibv_dealloc_pd.3.html'],
'ibv_dereg_mr': ['http://man7.org/linux/man-pages/man3/ibv_dereg_mr.3.html'],
'ibv_destroy_ah': ['http://man7.org/linux/man-pages/man3/ibv_destroy_ah.3.html'],
'ibv_destroy_comp_channel': ['http://man7.org/linux/man-pages/man3/ibv_destroy_comp_channel.3.html'],
'ibv_destroy_cq': ['http://man7.org/linux/man-pages/man3/ibv_destroy_cq.3.html'],
'ibv_destroy_flow': ['http://man7.org/linux/man-pages/man3/ibv_destroy_flow.3.html'],
'ibv_destroy_qp': ['http://man7.org/linux/man-pages/man3/ibv_destroy_qp.3.html'],
'ibv_destroy_rwq_ind_table': ['http://man7.org/linux/man-pages/man3/ibv_destroy_rwq_ind_table.3.html'],
'ibv_destroy_srq': ['http://man7.org/linux/man-pages/man3/ibv_destroy_srq.3.html'],
'ibv_destroy_wq': ['http://man7.org/linux/man-pages/man3/ibv_destroy_wq.3.html'],
'ibv_devices': ['http://man7.org/linux/man-pages/man1/ibv_devices.1.html'],
'ibv_devinfo': ['http://man7.org/linux/man-pages/man1/ibv_devinfo.1.html'],
'ibv_get_async_event': ['http://man7.org/linux/man-pages/man3/ibv_get_async_event.3.html'],
'ibv_get_cq_event': ['http://man7.org/linux/man-pages/man3/ibv_get_cq_event.3.html'],
'ibv_init_ah_from_wc': ['http://man7.org/linux/man-pages/man3/ibv_init_ah_from_wc.3.html'],
'ibv_modify_cq': ['http://man7.org/linux/man-pages/man3/ibv_modify_cq.3.html'],
'ibv_modify_qp': ['http://man7.org/linux/man-pages/man3/ibv_modify_qp.3.html'],
'ibv_modify_qp_rate_limit': ['http://man7.org/linux/man-pages/man3/ibv_modify_qp_rate_limit.3.html'],
'ibv_modify_srq': ['http://man7.org/linux/man-pages/man3/ibv_modify_srq.3.html'],
'ibv_modify_wq': ['http://man7.org/linux/man-pages/man3/ibv_modify_wq.3.html'],
'ibv_open_device': ['http://man7.org/linux/man-pages/man3/ibv_open_device.3.html'],
'ibv_open_qp': ['http://man7.org/linux/man-pages/man3/ibv_open_qp.3.html'],
'ibv_open_xrcd': ['http://man7.org/linux/man-pages/man3/ibv_open_xrcd.3.html'],
'ibv_poll_cq': ['http://man7.org/linux/man-pages/man3/ibv_poll_cq.3.html'],
'ibv_post_recv': ['http://man7.org/linux/man-pages/man3/ibv_post_recv.3.html'],
'ibv_post_send': ['http://man7.org/linux/man-pages/man3/ibv_post_send.3.html'],
'ibv_post_srq_ops': ['http://man7.org/linux/man-pages/man3/ibv_post_srq_ops.3.html'],
'ibv_post_srq_recv': ['http://man7.org/linux/man-pages/man3/ibv_post_srq_recv.3.html'],
'ibv_query_device': ['http://man7.org/linux/man-pages/man3/ibv_query_device.3.html'],
'ibv_query_device_ex': ['http://man7.org/linux/man-pages/man3/ibv_query_device_ex.3.html'],
'ibv_query_port': ['http://man7.org/linux/man-pages/man3/ibv_query_port.3.html'],
'ibv_query_qp': ['http://man7.org/linux/man-pages/man3/ibv_query_qp.3.html'],
'ibv_query_rt_values_ex': ['http://man7.org/linux/man-pages/man3/ibv_query_rt_values_ex.3.html'],
'ibv_query_srq': ['http://man7.org/linux/man-pages/man3/ibv_query_srq.3.html'],
'ibv_rc_pingpong': ['http://man7.org/linux/man-pages/man1/ibv_rc_pingpong.1.html'],
'ibv_reg_mr': ['http://man7.org/linux/man-pages/man3/ibv_reg_mr.3.html'],
'ibv_srq_pingpong': ['http://man7.org/linux/man-pages/man1/ibv_srq_pingpong.1.html'],
'ibv_uc_pingpong': ['http://man7.org/linux/man-pages/man1/ibv_uc_pingpong.1.html'],
'ibv_ud_pingpong': ['http://man7.org/linux/man-pages/man1/ibv_ud_pingpong.1.html'],
'ibv_xsrq_pingpong': ['http://man7.org/linux/man-pages/man1/ibv_xsrq_pingpong.1.html'],
'icmp': ['http://man7.org/linux/man-pages/man7/icmp.7.html'],
'iconv': ['http://man7.org/linux/man-pages/man1/iconv.1.html',
'http://man7.org/linux/man-pages/man1/iconv.1p.html',
'http://man7.org/linux/man-pages/man3/iconv.3.html',
'http://man7.org/linux/man-pages/man3/iconv.3p.html'],
'iconv.h': ['http://man7.org/linux/man-pages/man0/iconv.h.0p.html'],
'iconv_close': ['http://man7.org/linux/man-pages/man3/iconv_close.3.html',
'http://man7.org/linux/man-pages/man3/iconv_close.3p.html'],
'iconv_open': ['http://man7.org/linux/man-pages/man3/iconv_open.3.html',
'http://man7.org/linux/man-pages/man3/iconv_open.3p.html'],
'iconvconfig': ['http://man7.org/linux/man-pages/man8/iconvconfig.8.html'],
'id': ['http://man7.org/linux/man-pages/man1/id.1.html',
'http://man7.org/linux/man-pages/man1/id.1p.html'],
'idcok': ['http://man7.org/linux/man-pages/man3/idcok.3x.html'],
'idle': ['http://man7.org/linux/man-pages/man2/idle.2.html'],
'idlok': ['http://man7.org/linux/man-pages/man3/idlok.3x.html'],
'idmapd': ['http://man7.org/linux/man-pages/man8/idmapd.8.html'],
'if_freenameindex': ['http://man7.org/linux/man-pages/man3/if_freenameindex.3.html',
'http://man7.org/linux/man-pages/man3/if_freenameindex.3p.html'],
'if_indextoname': ['http://man7.org/linux/man-pages/man3/if_indextoname.3.html',
'http://man7.org/linux/man-pages/man3/if_indextoname.3p.html'],
'if_nameindex': ['http://man7.org/linux/man-pages/man3/if_nameindex.3.html',
'http://man7.org/linux/man-pages/man3/if_nameindex.3p.html'],
'if_nametoindex': ['http://man7.org/linux/man-pages/man3/if_nametoindex.3.html',
'http://man7.org/linux/man-pages/man3/if_nametoindex.3p.html'],
'ifcfg': ['http://man7.org/linux/man-pages/man8/ifcfg.8.html'],
'ifconfig': ['http://man7.org/linux/man-pages/man8/ifconfig.8.html'],
'ifpps': ['http://man7.org/linux/man-pages/man8/ifpps.8.html'],
'ifstat': ['http://man7.org/linux/man-pages/man8/ifstat.8.html'],
'ilogb': ['http://man7.org/linux/man-pages/man3/ilogb.3.html',
'http://man7.org/linux/man-pages/man3/ilogb.3p.html'],
'ilogbf': ['http://man7.org/linux/man-pages/man3/ilogbf.3.html',
'http://man7.org/linux/man-pages/man3/ilogbf.3p.html'],
'ilogbl': ['http://man7.org/linux/man-pages/man3/ilogbl.3.html',
'http://man7.org/linux/man-pages/man3/ilogbl.3p.html'],
'imaxabs': ['http://man7.org/linux/man-pages/man3/imaxabs.3.html',
'http://man7.org/linux/man-pages/man3/imaxabs.3p.html'],
'imaxdiv': ['http://man7.org/linux/man-pages/man3/imaxdiv.3.html',
'http://man7.org/linux/man-pages/man3/imaxdiv.3p.html'],
'immedok': ['http://man7.org/linux/man-pages/man3/immedok.3x.html'],
'in_wch': ['http://man7.org/linux/man-pages/man3/in_wch.3x.html'],
'in_wchnstr': ['http://man7.org/linux/man-pages/man3/in_wchnstr.3x.html'],
'in_wchstr': ['http://man7.org/linux/man-pages/man3/in_wchstr.3x.html'],
'inb': ['http://man7.org/linux/man-pages/man2/inb.2.html'],
'inb_p': ['http://man7.org/linux/man-pages/man2/inb_p.2.html'],
'inch': ['http://man7.org/linux/man-pages/man3/inch.3x.html'],
'inchnstr': ['http://man7.org/linux/man-pages/man3/inchnstr.3x.html'],
'inchstr': ['http://man7.org/linux/man-pages/man3/inchstr.3x.html'],
'indent': ['http://man7.org/linux/man-pages/man1/indent.1.html'],
'index': ['http://man7.org/linux/man-pages/man3/index.3.html'],
'indxbib': ['http://man7.org/linux/man-pages/man1/indxbib.1.html'],
'inet': ['http://man7.org/linux/man-pages/man3/inet.3.html'],
'inet_addr': ['http://man7.org/linux/man-pages/man3/inet_addr.3.html',
'http://man7.org/linux/man-pages/man3/inet_addr.3p.html'],
'inet_aton': ['http://man7.org/linux/man-pages/man3/inet_aton.3.html'],
'inet_lnaof': ['http://man7.org/linux/man-pages/man3/inet_lnaof.3.html'],
'inet_makeaddr': ['http://man7.org/linux/man-pages/man3/inet_makeaddr.3.html'],
'inet_net_ntop': ['http://man7.org/linux/man-pages/man3/inet_net_ntop.3.html'],
'inet_net_pton': ['http://man7.org/linux/man-pages/man3/inet_net_pton.3.html'],
'inet_netof': ['http://man7.org/linux/man-pages/man3/inet_netof.3.html'],
'inet_network': ['http://man7.org/linux/man-pages/man3/inet_network.3.html'],
'inet_ntoa': ['http://man7.org/linux/man-pages/man3/inet_ntoa.3.html',
'http://man7.org/linux/man-pages/man3/inet_ntoa.3p.html'],
'inet_ntop': ['http://man7.org/linux/man-pages/man3/inet_ntop.3.html',
'http://man7.org/linux/man-pages/man3/inet_ntop.3p.html'],
'inet_pton': ['http://man7.org/linux/man-pages/man3/inet_pton.3.html',
'http://man7.org/linux/man-pages/man3/inet_pton.3p.html'],
'infinity': ['http://man7.org/linux/man-pages/man3/infinity.3.html'],
'init': ['http://man7.org/linux/man-pages/man1/init.1.html'],
'init_color': ['http://man7.org/linux/man-pages/man3/init_color.3x.html'],
'init_module': ['http://man7.org/linux/man-pages/man2/init_module.2.html'],
'init_pair': ['http://man7.org/linux/man-pages/man3/init_pair.3x.html'],
'init_selinuxmnt': ['http://man7.org/linux/man-pages/man3/init_selinuxmnt.3.html'],
'initgroups': ['http://man7.org/linux/man-pages/man3/initgroups.3.html'],
'initrd': ['http://man7.org/linux/man-pages/man4/initrd.4.html'],
'initscr': ['http://man7.org/linux/man-pages/man3/initscr.3x.html'],
'initstate': ['http://man7.org/linux/man-pages/man3/initstate.3.html',
'http://man7.org/linux/man-pages/man3/initstate.3p.html'],
'initstate_r': ['http://man7.org/linux/man-pages/man3/initstate_r.3.html'],
'inl': ['http://man7.org/linux/man-pages/man2/inl.2.html'],
'inl_p': ['http://man7.org/linux/man-pages/man2/inl_p.2.html'],
'innetgr': ['http://man7.org/linux/man-pages/man3/innetgr.3.html'],
'innochecksum': ['http://man7.org/linux/man-pages/man1/innochecksum.1.html'],
'innstr': ['http://man7.org/linux/man-pages/man3/innstr.3x.html'],
'innwstr': ['http://man7.org/linux/man-pages/man3/innwstr.3x.html'],
'inode': ['http://man7.org/linux/man-pages/man7/inode.7.html'],
'inotify': ['http://man7.org/linux/man-pages/man7/inotify.7.html'],
'inotify_add_watch': ['http://man7.org/linux/man-pages/man2/inotify_add_watch.2.html'],
'inotify_init': ['http://man7.org/linux/man-pages/man2/inotify_init.2.html'],
'inotify_init1': ['http://man7.org/linux/man-pages/man2/inotify_init1.2.html'],
'inotify_rm_watch': ['http://man7.org/linux/man-pages/man2/inotify_rm_watch.2.html'],
'inotifywait': ['http://man7.org/linux/man-pages/man1/inotifywait.1.html'],
'inotifywatch': ['http://man7.org/linux/man-pages/man1/inotifywatch.1.html'],
'ins_nwstr': ['http://man7.org/linux/man-pages/man3/ins_nwstr.3x.html'],
'ins_wch': ['http://man7.org/linux/man-pages/man3/ins_wch.3x.html'],
'ins_wstr': ['http://man7.org/linux/man-pages/man3/ins_wstr.3x.html'],
'insb': ['http://man7.org/linux/man-pages/man2/insb.2.html'],
'insch': ['http://man7.org/linux/man-pages/man3/insch.3x.html'],
'insdelln': ['http://man7.org/linux/man-pages/man3/insdelln.3x.html'],
'insertln': ['http://man7.org/linux/man-pages/man3/insertln.3x.html'],
'insl': ['http://man7.org/linux/man-pages/man2/insl.2.html'],
'insmod': ['http://man7.org/linux/man-pages/man8/insmod.8.html'],
'insnstr': ['http://man7.org/linux/man-pages/man3/insnstr.3x.html'],
'insque': ['http://man7.org/linux/man-pages/man3/insque.3.html',
'http://man7.org/linux/man-pages/man3/insque.3p.html'],
'insstr': ['http://man7.org/linux/man-pages/man3/insstr.3x.html'],
'install': ['http://man7.org/linux/man-pages/man1/install.1.html'],
'instr': ['http://man7.org/linux/man-pages/man3/instr.3x.html'],
'insw': ['http://man7.org/linux/man-pages/man2/insw.2.html'],
'integritysetup': ['http://man7.org/linux/man-pages/man8/integritysetup.8.html'],
'intrflush': ['http://man7.org/linux/man-pages/man3/intrflush.3x.html'],
'intro': ['http://man7.org/linux/man-pages/man1/intro.1.html',
'http://man7.org/linux/man-pages/man2/intro.2.html',
'http://man7.org/linux/man-pages/man3/intro.3.html',
'http://man7.org/linux/man-pages/man4/intro.4.html',
'http://man7.org/linux/man-pages/man5/intro.5.html',
'http://man7.org/linux/man-pages/man6/intro.6.html',
'http://man7.org/linux/man-pages/man7/intro.7.html',
'http://man7.org/linux/man-pages/man8/intro.8.html'],
'inttypes.h': ['http://man7.org/linux/man-pages/man0/inttypes.h.0p.html'],
'inw': ['http://man7.org/linux/man-pages/man2/inw.2.html'],
'inw_p': ['http://man7.org/linux/man-pages/man2/inw_p.2.html'],
'inwstr': ['http://man7.org/linux/man-pages/man3/inwstr.3x.html'],
'io_cancel': ['http://man7.org/linux/man-pages/man2/io_cancel.2.html'],
'io_destroy': ['http://man7.org/linux/man-pages/man2/io_destroy.2.html'],
'io_getevents': ['http://man7.org/linux/man-pages/man2/io_getevents.2.html'],
'io_setup': ['http://man7.org/linux/man-pages/man2/io_setup.2.html'],
'io_submit': ['http://man7.org/linux/man-pages/man2/io_submit.2.html'],
'ioctl': ['http://man7.org/linux/man-pages/man2/ioctl.2.html',
'http://man7.org/linux/man-pages/man3/ioctl.3p.html'],
'ioctl_console': ['http://man7.org/linux/man-pages/man2/ioctl_console.2.html'],
'ioctl_fat': ['http://man7.org/linux/man-pages/man2/ioctl_fat.2.html'],
'ioctl_ficlone': ['http://man7.org/linux/man-pages/man2/ioctl_ficlone.2.html'],
'ioctl_ficlonerange': ['http://man7.org/linux/man-pages/man2/ioctl_ficlonerange.2.html'],
'ioctl_fideduperange': ['http://man7.org/linux/man-pages/man2/ioctl_fideduperange.2.html'],
'ioctl_getfsmap': ['http://man7.org/linux/man-pages/man2/ioctl_getfsmap.2.html'],
'ioctl_iflags': ['http://man7.org/linux/man-pages/man2/ioctl_iflags.2.html'],
'ioctl_list': ['http://man7.org/linux/man-pages/man2/ioctl_list.2.html'],
'ioctl_ns': ['http://man7.org/linux/man-pages/man2/ioctl_ns.2.html'],
'ioctl_tty': ['http://man7.org/linux/man-pages/man2/ioctl_tty.2.html'],
'ioctl_userfaultfd': ['http://man7.org/linux/man-pages/man2/ioctl_userfaultfd.2.html'],
'ioctl_xfs_scrub_metadata': ['http://man7.org/linux/man-pages/man2/ioctl_xfs_scrub_metadata.2.html'],
'ionice': ['http://man7.org/linux/man-pages/man1/ionice.1.html'],
'ioperm': ['http://man7.org/linux/man-pages/man2/ioperm.2.html'],
'iopl': ['http://man7.org/linux/man-pages/man2/iopl.2.html'],
'ioprio_get': ['http://man7.org/linux/man-pages/man2/ioprio_get.2.html'],
'ioprio_set': ['http://man7.org/linux/man-pages/man2/ioprio_set.2.html'],
'iostat': ['http://man7.org/linux/man-pages/man1/iostat.1.html'],
'iostat2pcp': ['http://man7.org/linux/man-pages/man1/iostat2pcp.1.html'],
'iotop': ['http://man7.org/linux/man-pages/man8/iotop.8.html'],
'iowatcher': ['http://man7.org/linux/man-pages/man1/iowatcher.1.html'],
'ip': ['http://man7.org/linux/man-pages/man7/ip.7.html',
'http://man7.org/linux/man-pages/man8/ip.8.html'],
'ip-addrlabel': ['http://man7.org/linux/man-pages/man8/ip-addrlabel.8.html'],
'ip-fou': ['http://man7.org/linux/man-pages/man8/ip-fou.8.html'],
'ip-gue': ['http://man7.org/linux/man-pages/man8/ip-gue.8.html'],
'ip-l2tp': ['http://man7.org/linux/man-pages/man8/ip-l2tp.8.html'],
'ip-macsec': ['http://man7.org/linux/man-pages/man8/ip-macsec.8.html'],
'ip-maddress': ['http://man7.org/linux/man-pages/man8/ip-maddress.8.html'],
'ip-monitor': ['http://man7.org/linux/man-pages/man8/ip-monitor.8.html'],
'ip-mroute': ['http://man7.org/linux/man-pages/man8/ip-mroute.8.html'],
'ip-neighbour': ['http://man7.org/linux/man-pages/man8/ip-neighbour.8.html'],
'ip-netconf': ['http://man7.org/linux/man-pages/man8/ip-netconf.8.html'],
'ip-netns': ['http://man7.org/linux/man-pages/man8/ip-netns.8.html'],
'ip-ntable': ['http://man7.org/linux/man-pages/man8/ip-ntable.8.html'],
'ip-rule': ['http://man7.org/linux/man-pages/man8/ip-rule.8.html'],
'ip-sr': ['http://man7.org/linux/man-pages/man8/ip-sr.8.html'],
'ip-tcp_metrics': ['http://man7.org/linux/man-pages/man8/ip-tcp_metrics.8.html'],
'ip-token': ['http://man7.org/linux/man-pages/man8/ip-token.8.html'],
'ip-tunnel': ['http://man7.org/linux/man-pages/man8/ip-tunnel.8.html'],
'ip-vrf': ['http://man7.org/linux/man-pages/man8/ip-vrf.8.html'],
'ip-xfrm': ['http://man7.org/linux/man-pages/man8/ip-xfrm.8.html'],
'ip6tables': ['http://man7.org/linux/man-pages/man8/ip6tables.8.html'],
'ip6tables-restore': ['http://man7.org/linux/man-pages/man8/ip6tables-restore.8.html'],
'ip6tables-save': ['http://man7.org/linux/man-pages/man8/ip6tables-save.8.html'],
'ipc': ['http://man7.org/linux/man-pages/man2/ipc.2.html',
'http://man7.org/linux/man-pages/man5/ipc.5.html'],
'ipcmk': ['http://man7.org/linux/man-pages/man1/ipcmk.1.html'],
'ipcrm': ['http://man7.org/linux/man-pages/man1/ipcrm.1.html',
'http://man7.org/linux/man-pages/man1/ipcrm.1p.html'],
'ipcs': ['http://man7.org/linux/man-pages/man1/ipcs.1.html',
'http://man7.org/linux/man-pages/man1/ipcs.1p.html'],
'ipg': ['http://man7.org/linux/man-pages/man8/ipg.8.html'],
'ippfind': ['http://man7.org/linux/man-pages/man1/ippfind.1.html'],
'ipptool': ['http://man7.org/linux/man-pages/man1/ipptool.1.html'],
'ipptoolfile': ['http://man7.org/linux/man-pages/man5/ipptoolfile.5.html'],
'iptables': ['http://man7.org/linux/man-pages/man8/iptables.8.html'],
'iptables-apply': ['http://man7.org/linux/man-pages/man8/iptables-apply.8.html'],
'iptables-extensions': ['http://man7.org/linux/man-pages/man8/iptables-extensions.8.html'],
'iptables-restore': ['http://man7.org/linux/man-pages/man8/iptables-restore.8.html'],
'iptables-save': ['http://man7.org/linux/man-pages/man8/iptables-save.8.html'],
'iptables-xml': ['http://man7.org/linux/man-pages/man1/iptables-xml.1.html'],
'iptraf': ['http://man7.org/linux/man-pages/man8/iptraf.8.html'],
'iptraf-ng': ['http://man7.org/linux/man-pages/man8/iptraf-ng.8.html'],
'ipv6': ['http://man7.org/linux/man-pages/man7/ipv6.7.html'],
'iruserok': ['http://man7.org/linux/man-pages/man3/iruserok.3.html'],
'iruserok_af': ['http://man7.org/linux/man-pages/man3/iruserok_af.3.html'],
'is_cleared': ['http://man7.org/linux/man-pages/man3/is_cleared.3x.html'],
'is_context_customizable': ['http://man7.org/linux/man-pages/man3/is_context_customizable.3.html'],
'is_idcok': ['http://man7.org/linux/man-pages/man3/is_idcok.3x.html'],
'is_idlok': ['http://man7.org/linux/man-pages/man3/is_idlok.3x.html'],
'is_immedok': ['http://man7.org/linux/man-pages/man3/is_immedok.3x.html'],
'is_keypad': ['http://man7.org/linux/man-pages/man3/is_keypad.3x.html'],
'is_leaveok': ['http://man7.org/linux/man-pages/man3/is_leaveok.3x.html'],
'is_linetouched': ['http://man7.org/linux/man-pages/man3/is_linetouched.3x.html'],
'is_nodelay': ['http://man7.org/linux/man-pages/man3/is_nodelay.3x.html'],
'is_notimeout': ['http://man7.org/linux/man-pages/man3/is_notimeout.3x.html'],
'is_pad': ['http://man7.org/linux/man-pages/man3/is_pad.3x.html'],
'is_scrollok': ['http://man7.org/linux/man-pages/man3/is_scrollok.3x.html'],
'is_selinux_enabled': ['http://man7.org/linux/man-pages/man3/is_selinux_enabled.3.html'],
'is_selinux_mls_enabled': ['http://man7.org/linux/man-pages/man3/is_selinux_mls_enabled.3.html'],
'is_subwin': ['http://man7.org/linux/man-pages/man3/is_subwin.3x.html'],
'is_syncok': ['http://man7.org/linux/man-pages/man3/is_syncok.3x.html'],
'is_term_resized': ['http://man7.org/linux/man-pages/man3/is_term_resized.3x.html'],
'is_wintouched': ['http://man7.org/linux/man-pages/man3/is_wintouched.3x.html'],
'isalnum': ['http://man7.org/linux/man-pages/man3/isalnum.3.html',
'http://man7.org/linux/man-pages/man3/isalnum.3p.html'],
'isalnum_l': ['http://man7.org/linux/man-pages/man3/isalnum_l.3.html',
'http://man7.org/linux/man-pages/man3/isalnum_l.3p.html'],
'isalpha': ['http://man7.org/linux/man-pages/man3/isalpha.3.html',
'http://man7.org/linux/man-pages/man3/isalpha.3p.html'],
'isalpha_l': ['http://man7.org/linux/man-pages/man3/isalpha_l.3.html',
'http://man7.org/linux/man-pages/man3/isalpha_l.3p.html'],
'isascii': ['http://man7.org/linux/man-pages/man3/isascii.3.html',
'http://man7.org/linux/man-pages/man3/isascii.3p.html'],
'isascii_l': ['http://man7.org/linux/man-pages/man3/isascii_l.3.html'],
'isastream': ['http://man7.org/linux/man-pages/man2/isastream.2.html',
'http://man7.org/linux/man-pages/man3/isastream.3p.html'],
'isatty': ['http://man7.org/linux/man-pages/man3/isatty.3.html',
'http://man7.org/linux/man-pages/man3/isatty.3p.html'],
'isblank': ['http://man7.org/linux/man-pages/man3/isblank.3.html',
'http://man7.org/linux/man-pages/man3/isblank.3p.html'],
'isblank_l': ['http://man7.org/linux/man-pages/man3/isblank_l.3.html',
'http://man7.org/linux/man-pages/man3/isblank_l.3p.html'],
'iscntrl': ['http://man7.org/linux/man-pages/man3/iscntrl.3.html',
'http://man7.org/linux/man-pages/man3/iscntrl.3p.html'],
'iscntrl_l': ['http://man7.org/linux/man-pages/man3/iscntrl_l.3.html',
'http://man7.org/linux/man-pages/man3/iscntrl_l.3p.html'],
'isdigit': ['http://man7.org/linux/man-pages/man3/isdigit.3.html',
'http://man7.org/linux/man-pages/man3/isdigit.3p.html'],
'isdigit_l': ['http://man7.org/linux/man-pages/man3/isdigit_l.3.html',
'http://man7.org/linux/man-pages/man3/isdigit_l.3p.html'],
'isendwin': ['http://man7.org/linux/man-pages/man3/isendwin.3x.html'],
'isfdtype': ['http://man7.org/linux/man-pages/man3/isfdtype.3.html'],
'isfinite': ['http://man7.org/linux/man-pages/man3/isfinite.3.html',
'http://man7.org/linux/man-pages/man3/isfinite.3p.html'],
'isgraph': ['http://man7.org/linux/man-pages/man3/isgraph.3.html',
'http://man7.org/linux/man-pages/man3/isgraph.3p.html'],
'isgraph_l': ['http://man7.org/linux/man-pages/man3/isgraph_l.3.html',
'http://man7.org/linux/man-pages/man3/isgraph_l.3p.html'],
'isgreater': ['http://man7.org/linux/man-pages/man3/isgreater.3.html',
'http://man7.org/linux/man-pages/man3/isgreater.3p.html'],
'isgreaterequal': ['http://man7.org/linux/man-pages/man3/isgreaterequal.3.html',
'http://man7.org/linux/man-pages/man3/isgreaterequal.3p.html'],
'isinf': ['http://man7.org/linux/man-pages/man3/isinf.3.html',
'http://man7.org/linux/man-pages/man3/isinf.3p.html'],
'isinff': ['http://man7.org/linux/man-pages/man3/isinff.3.html'],
'isinfl': ['http://man7.org/linux/man-pages/man3/isinfl.3.html'],
'isless': ['http://man7.org/linux/man-pages/man3/isless.3.html',
'http://man7.org/linux/man-pages/man3/isless.3p.html'],
'islessequal': ['http://man7.org/linux/man-pages/man3/islessequal.3.html',
'http://man7.org/linux/man-pages/man3/islessequal.3p.html'],
'islessgreater': ['http://man7.org/linux/man-pages/man3/islessgreater.3.html',
'http://man7.org/linux/man-pages/man3/islessgreater.3p.html'],
'islower': ['http://man7.org/linux/man-pages/man3/islower.3.html',
'http://man7.org/linux/man-pages/man3/islower.3p.html'],
'islower_l': ['http://man7.org/linux/man-pages/man3/islower_l.3.html',
'http://man7.org/linux/man-pages/man3/islower_l.3p.html'],
'isnan': ['http://man7.org/linux/man-pages/man3/isnan.3.html',
'http://man7.org/linux/man-pages/man3/isnan.3p.html'],
'isnanf': ['http://man7.org/linux/man-pages/man3/isnanf.3.html'],
'isnanl': ['http://man7.org/linux/man-pages/man3/isnanl.3.html'],
'isnormal': ['http://man7.org/linux/man-pages/man3/isnormal.3.html',
'http://man7.org/linux/man-pages/man3/isnormal.3p.html'],
'iso-8859-1': ['http://man7.org/linux/man-pages/man7/iso-8859-1.7.html'],
'iso-8859-10': ['http://man7.org/linux/man-pages/man7/iso-8859-10.7.html'],
'iso-8859-11': ['http://man7.org/linux/man-pages/man7/iso-8859-11.7.html'],
'iso-8859-13': ['http://man7.org/linux/man-pages/man7/iso-8859-13.7.html'],
'iso-8859-14': ['http://man7.org/linux/man-pages/man7/iso-8859-14.7.html'],
'iso-8859-15': ['http://man7.org/linux/man-pages/man7/iso-8859-15.7.html'],
'iso-8859-16': ['http://man7.org/linux/man-pages/man7/iso-8859-16.7.html'],
'iso-8859-2': ['http://man7.org/linux/man-pages/man7/iso-8859-2.7.html'],
'iso-8859-3': ['http://man7.org/linux/man-pages/man7/iso-8859-3.7.html'],
'iso-8859-4': ['http://man7.org/linux/man-pages/man7/iso-8859-4.7.html'],
'iso-8859-5': ['http://man7.org/linux/man-pages/man7/iso-8859-5.7.html'],
'iso-8859-6': ['http://man7.org/linux/man-pages/man7/iso-8859-6.7.html'],
'iso-8859-7': ['http://man7.org/linux/man-pages/man7/iso-8859-7.7.html'],
'iso-8859-8': ['http://man7.org/linux/man-pages/man7/iso-8859-8.7.html'],
'iso-8859-9': ['http://man7.org/linux/man-pages/man7/iso-8859-9.7.html'],
'iso646.h': ['http://man7.org/linux/man-pages/man0/iso646.h.0p.html'],
'iso_8859-1': ['http://man7.org/linux/man-pages/man7/iso_8859-1.7.html'],
'iso_8859-10': ['http://man7.org/linux/man-pages/man7/iso_8859-10.7.html'],
'iso_8859-11': ['http://man7.org/linux/man-pages/man7/iso_8859-11.7.html'],
'iso_8859-13': ['http://man7.org/linux/man-pages/man7/iso_8859-13.7.html'],
'iso_8859-14': ['http://man7.org/linux/man-pages/man7/iso_8859-14.7.html'],
'iso_8859-15': ['http://man7.org/linux/man-pages/man7/iso_8859-15.7.html'],
'iso_8859-16': ['http://man7.org/linux/man-pages/man7/iso_8859-16.7.html'],
'iso_8859-2': ['http://man7.org/linux/man-pages/man7/iso_8859-2.7.html'],
'iso_8859-3': ['http://man7.org/linux/man-pages/man7/iso_8859-3.7.html'],
'iso_8859-4': ['http://man7.org/linux/man-pages/man7/iso_8859-4.7.html'],
'iso_8859-5': ['http://man7.org/linux/man-pages/man7/iso_8859-5.7.html'],
'iso_8859-6': ['http://man7.org/linux/man-pages/man7/iso_8859-6.7.html'],
'iso_8859-7': ['http://man7.org/linux/man-pages/man7/iso_8859-7.7.html'],
'iso_8859-8': ['http://man7.org/linux/man-pages/man7/iso_8859-8.7.html'],
'iso_8859-9': ['http://man7.org/linux/man-pages/man7/iso_8859-9.7.html'],
'iso_8859_1': ['http://man7.org/linux/man-pages/man7/iso_8859_1.7.html'],
'iso_8859_10': ['http://man7.org/linux/man-pages/man7/iso_8859_10.7.html'],
'iso_8859_11': ['http://man7.org/linux/man-pages/man7/iso_8859_11.7.html'],
'iso_8859_13': ['http://man7.org/linux/man-pages/man7/iso_8859_13.7.html'],
'iso_8859_14': ['http://man7.org/linux/man-pages/man7/iso_8859_14.7.html'],
'iso_8859_15': ['http://man7.org/linux/man-pages/man7/iso_8859_15.7.html'],
'iso_8859_16': ['http://man7.org/linux/man-pages/man7/iso_8859_16.7.html'],
'iso_8859_2': ['http://man7.org/linux/man-pages/man7/iso_8859_2.7.html'],
'iso_8859_3': ['http://man7.org/linux/man-pages/man7/iso_8859_3.7.html'],
'iso_8859_4': ['http://man7.org/linux/man-pages/man7/iso_8859_4.7.html'],
'iso_8859_5': ['http://man7.org/linux/man-pages/man7/iso_8859_5.7.html'],
'iso_8859_6': ['http://man7.org/linux/man-pages/man7/iso_8859_6.7.html'],
'iso_8859_7': ['http://man7.org/linux/man-pages/man7/iso_8859_7.7.html'],
'iso_8859_8': ['http://man7.org/linux/man-pages/man7/iso_8859_8.7.html'],
'iso_8859_9': ['http://man7.org/linux/man-pages/man7/iso_8859_9.7.html'],
'isosize': ['http://man7.org/linux/man-pages/man8/isosize.8.html'],
'isprint': ['http://man7.org/linux/man-pages/man3/isprint.3.html',
'http://man7.org/linux/man-pages/man3/isprint.3p.html'],
'isprint_l': ['http://man7.org/linux/man-pages/man3/isprint_l.3.html',
'http://man7.org/linux/man-pages/man3/isprint_l.3p.html'],
'ispunct': ['http://man7.org/linux/man-pages/man3/ispunct.3.html',
'http://man7.org/linux/man-pages/man3/ispunct.3p.html'],
'ispunct_l': ['http://man7.org/linux/man-pages/man3/ispunct_l.3.html',
'http://man7.org/linux/man-pages/man3/ispunct_l.3p.html'],
'isspace': ['http://man7.org/linux/man-pages/man3/isspace.3.html',
'http://man7.org/linux/man-pages/man3/isspace.3p.html'],
'isspace_l': ['http://man7.org/linux/man-pages/man3/isspace_l.3.html',
'http://man7.org/linux/man-pages/man3/isspace_l.3p.html'],
'issue': ['http://man7.org/linux/man-pages/man5/issue.5.html'],
'isunordered': ['http://man7.org/linux/man-pages/man3/isunordered.3.html',
'http://man7.org/linux/man-pages/man3/isunordered.3p.html'],
'isupper': ['http://man7.org/linux/man-pages/man3/isupper.3.html',
'http://man7.org/linux/man-pages/man3/isupper.3p.html'],
'isupper_l': ['http://man7.org/linux/man-pages/man3/isupper_l.3.html',
'http://man7.org/linux/man-pages/man3/isupper_l.3p.html'],
'iswalnum': ['http://man7.org/linux/man-pages/man3/iswalnum.3.html',
'http://man7.org/linux/man-pages/man3/iswalnum.3p.html'],
'iswalnum_l': ['http://man7.org/linux/man-pages/man3/iswalnum_l.3p.html'],
'iswalpha': ['http://man7.org/linux/man-pages/man3/iswalpha.3.html',
'http://man7.org/linux/man-pages/man3/iswalpha.3p.html'],
'iswalpha_l': ['http://man7.org/linux/man-pages/man3/iswalpha_l.3p.html'],
'iswblank': ['http://man7.org/linux/man-pages/man3/iswblank.3.html',
'http://man7.org/linux/man-pages/man3/iswblank.3p.html'],
'iswblank_l': ['http://man7.org/linux/man-pages/man3/iswblank_l.3p.html'],
'iswcntrl': ['http://man7.org/linux/man-pages/man3/iswcntrl.3.html',
'http://man7.org/linux/man-pages/man3/iswcntrl.3p.html'],
'iswcntrl_l': ['http://man7.org/linux/man-pages/man3/iswcntrl_l.3p.html'],
'iswctype': ['http://man7.org/linux/man-pages/man3/iswctype.3.html',
'http://man7.org/linux/man-pages/man3/iswctype.3p.html'],
'iswctype_l': ['http://man7.org/linux/man-pages/man3/iswctype_l.3p.html'],
'iswdigit': ['http://man7.org/linux/man-pages/man3/iswdigit.3.html',
'http://man7.org/linux/man-pages/man3/iswdigit.3p.html'],
'iswdigit_l': ['http://man7.org/linux/man-pages/man3/iswdigit_l.3p.html'],
'iswgraph': ['http://man7.org/linux/man-pages/man3/iswgraph.3.html',
'http://man7.org/linux/man-pages/man3/iswgraph.3p.html'],
'iswgraph_l': ['http://man7.org/linux/man-pages/man3/iswgraph_l.3p.html'],
'iswlower': ['http://man7.org/linux/man-pages/man3/iswlower.3.html',
'http://man7.org/linux/man-pages/man3/iswlower.3p.html'],
'iswlower_l': ['http://man7.org/linux/man-pages/man3/iswlower_l.3p.html'],
'iswprint': ['http://man7.org/linux/man-pages/man3/iswprint.3.html',
'http://man7.org/linux/man-pages/man3/iswprint.3p.html'],
'iswprint_l': ['http://man7.org/linux/man-pages/man3/iswprint_l.3p.html'],
'iswpunct': ['http://man7.org/linux/man-pages/man3/iswpunct.3.html',
'http://man7.org/linux/man-pages/man3/iswpunct.3p.html'],
'iswpunct_l': ['http://man7.org/linux/man-pages/man3/iswpunct_l.3p.html'],
'iswspace': ['http://man7.org/linux/man-pages/man3/iswspace.3.html',
'http://man7.org/linux/man-pages/man3/iswspace.3p.html'],
'iswspace_l': ['http://man7.org/linux/man-pages/man3/iswspace_l.3p.html'],
'iswupper': ['http://man7.org/linux/man-pages/man3/iswupper.3.html',
'http://man7.org/linux/man-pages/man3/iswupper.3p.html'],
'iswupper_l': ['http://man7.org/linux/man-pages/man3/iswupper_l.3p.html'],
'iswxdigit': ['http://man7.org/linux/man-pages/man3/iswxdigit.3.html',
'http://man7.org/linux/man-pages/man3/iswxdigit.3p.html'],
'iswxdigit_l': ['http://man7.org/linux/man-pages/man3/iswxdigit_l.3p.html'],
'isxdigit': ['http://man7.org/linux/man-pages/man3/isxdigit.3.html',
'http://man7.org/linux/man-pages/man3/isxdigit.3p.html'],
'isxdigit_l': ['http://man7.org/linux/man-pages/man3/isxdigit_l.3.html',
'http://man7.org/linux/man-pages/man3/isxdigit_l.3p.html'],
'item_count': ['http://man7.org/linux/man-pages/man3/item_count.3x.html'],
'item_description': ['http://man7.org/linux/man-pages/man3/item_description.3x.html'],
'item_name': ['http://man7.org/linux/man-pages/man3/item_name.3x.html'],
'item_opts': ['http://man7.org/linux/man-pages/man3/item_opts.3x.html'],
'item_opts_off': ['http://man7.org/linux/man-pages/man3/item_opts_off.3x.html'],
'item_opts_on': ['http://man7.org/linux/man-pages/man3/item_opts_on.3x.html'],
'item_userptr': ['http://man7.org/linux/man-pages/man3/item_userptr.3x.html'],
'item_value': ['http://man7.org/linux/man-pages/man3/item_value.3x.html'],
'j0': ['http://man7.org/linux/man-pages/man3/j0.3.html',
'http://man7.org/linux/man-pages/man3/j0.3p.html'],
'j0f': ['http://man7.org/linux/man-pages/man3/j0f.3.html'],
'j0l': ['http://man7.org/linux/man-pages/man3/j0l.3.html'],
'j1': ['http://man7.org/linux/man-pages/man3/j1.3.html',
'http://man7.org/linux/man-pages/man3/j1.3p.html'],
'j1f': ['http://man7.org/linux/man-pages/man3/j1f.3.html'],
'j1l': ['http://man7.org/linux/man-pages/man3/j1l.3.html'],
'jn': ['http://man7.org/linux/man-pages/man3/jn.3.html',
'http://man7.org/linux/man-pages/man3/jn.3p.html'],
'jnf': ['http://man7.org/linux/man-pages/man3/jnf.3.html'],
'jnl': ['http://man7.org/linux/man-pages/man3/jnl.3.html'],
'jobs': ['http://man7.org/linux/man-pages/man1/jobs.1p.html'],
'join': ['http://man7.org/linux/man-pages/man1/join.1.html',
'http://man7.org/linux/man-pages/man1/join.1p.html'],
'journalctl': ['http://man7.org/linux/man-pages/man1/journalctl.1.html'],
'journald.conf': ['http://man7.org/linux/man-pages/man5/journald.conf.5.html'],
'journald.conf.d': ['http://man7.org/linux/man-pages/man5/journald.conf.d.5.html'],
'jrand48': ['http://man7.org/linux/man-pages/man3/jrand48.3.html',
'http://man7.org/linux/man-pages/man3/jrand48.3p.html'],
'jrand48_r': ['http://man7.org/linux/man-pages/man3/jrand48_r.3.html'],
'kbd_mode': ['http://man7.org/linux/man-pages/man1/kbd_mode.1.html'],
'kbdrate': ['http://man7.org/linux/man-pages/man8/kbdrate.8.html'],
'kcmp': ['http://man7.org/linux/man-pages/man2/kcmp.2.html'],
'kernel-command-line': ['http://man7.org/linux/man-pages/man7/kernel-command-line.7.html'],
'kernel-install': ['http://man7.org/linux/man-pages/man8/kernel-install.8.html'],
'kernelshark': ['http://man7.org/linux/man-pages/man1/kernelshark.1.html'],
'kexec': ['http://man7.org/linux/man-pages/man8/kexec.8.html'],
'kexec_file_load': ['http://man7.org/linux/man-pages/man2/kexec_file_load.2.html'],
'kexec_load': ['http://man7.org/linux/man-pages/man2/kexec_load.2.html'],
'key.dns_resolver': ['http://man7.org/linux/man-pages/man8/key.dns_resolver.8.html'],
'key_decryptsession': ['http://man7.org/linux/man-pages/man3/key_decryptsession.3.html'],
'key_defined': ['http://man7.org/linux/man-pages/man3/key_defined.3x.html'],
'key_encryptsession': ['http://man7.org/linux/man-pages/man3/key_encryptsession.3.html'],
'key_gendes': ['http://man7.org/linux/man-pages/man3/key_gendes.3.html'],
'key_name': ['http://man7.org/linux/man-pages/man3/key_name.3x.html'],
'key_secretkey_is_set': ['http://man7.org/linux/man-pages/man3/key_secretkey_is_set.3.html'],
'key_setsecret': ['http://man7.org/linux/man-pages/man3/key_setsecret.3.html'],
'keybound': ['http://man7.org/linux/man-pages/man3/keybound.3x.html'],
'keyctl': ['http://man7.org/linux/man-pages/man1/keyctl.1.html',
'http://man7.org/linux/man-pages/man2/keyctl.2.html',
'http://man7.org/linux/man-pages/man3/keyctl.3.html'],
'keyctl_assume_authority': ['http://man7.org/linux/man-pages/man3/keyctl_assume_authority.3.html'],
'keyctl_chown': ['http://man7.org/linux/man-pages/man3/keyctl_chown.3.html'],
'keyctl_clear': ['http://man7.org/linux/man-pages/man3/keyctl_clear.3.html'],
'keyctl_describe': ['http://man7.org/linux/man-pages/man3/keyctl_describe.3.html'],
'keyctl_dh_compute': ['http://man7.org/linux/man-pages/man3/keyctl_dh_compute.3.html'],
'keyctl_dh_compute_kdf': ['http://man7.org/linux/man-pages/man3/keyctl_dh_compute_kdf.3.html'],
'keyctl_get_keyring_ID': ['http://man7.org/linux/man-pages/man3/keyctl_get_keyring_ID.3.html'],
'keyctl_get_keyring_id': ['http://man7.org/linux/man-pages/man3/keyctl_get_keyring_id.3.html'],
'keyctl_get_persistent': ['http://man7.org/linux/man-pages/man3/keyctl_get_persistent.3.html'],
'keyctl_get_security': ['http://man7.org/linux/man-pages/man3/keyctl_get_security.3.html'],
'keyctl_instantiate': ['http://man7.org/linux/man-pages/man3/keyctl_instantiate.3.html'],
'keyctl_instantiate_iov': ['http://man7.org/linux/man-pages/man3/keyctl_instantiate_iov.3.html'],
'keyctl_invalidate': ['http://man7.org/linux/man-pages/man3/keyctl_invalidate.3.html'],
'keyctl_join_session_keyring': ['http://man7.org/linux/man-pages/man3/keyctl_join_session_keyring.3.html'],
'keyctl_link': ['http://man7.org/linux/man-pages/man3/keyctl_link.3.html'],
'keyctl_negate': ['http://man7.org/linux/man-pages/man3/keyctl_negate.3.html'],
'keyctl_read': ['http://man7.org/linux/man-pages/man3/keyctl_read.3.html'],
'keyctl_reject': ['http://man7.org/linux/man-pages/man3/keyctl_reject.3.html'],
'keyctl_restrict_keyring': ['http://man7.org/linux/man-pages/man3/keyctl_restrict_keyring.3.html'],
'keyctl_revoke': ['http://man7.org/linux/man-pages/man3/keyctl_revoke.3.html'],
'keyctl_search': ['http://man7.org/linux/man-pages/man3/keyctl_search.3.html'],
'keyctl_session_to_parent': ['http://man7.org/linux/man-pages/man3/keyctl_session_to_parent.3.html'],
'keyctl_set_reqkey_keyring': ['http://man7.org/linux/man-pages/man3/keyctl_set_reqkey_keyring.3.html'],
'keyctl_set_timeout': ['http://man7.org/linux/man-pages/man3/keyctl_set_timeout.3.html'],
'keyctl_setperm': ['http://man7.org/linux/man-pages/man3/keyctl_setperm.3.html'],
'keyctl_unlink': ['http://man7.org/linux/man-pages/man3/keyctl_unlink.3.html'],
'keyctl_update': ['http://man7.org/linux/man-pages/man3/keyctl_update.3.html'],
'keymaps': ['http://man7.org/linux/man-pages/man5/keymaps.5.html'],
'keyname': ['http://man7.org/linux/man-pages/man3/keyname.3x.html'],
'keyok': ['http://man7.org/linux/man-pages/man3/keyok.3x.html'],
'keypad': ['http://man7.org/linux/man-pages/man3/keypad.3x.html'],
'keyrings': ['http://man7.org/linux/man-pages/man7/keyrings.7.html'],
'keyutils': ['http://man7.org/linux/man-pages/man7/keyutils.7.html'],
'kill': ['http://man7.org/linux/man-pages/man1/kill.1.html',
'http://man7.org/linux/man-pages/man1/kill.1p.html',
'http://man7.org/linux/man-pages/man2/kill.2.html',
'http://man7.org/linux/man-pages/man3/kill.3p.html'],
'killall': ['http://man7.org/linux/man-pages/man1/killall.1.html'],
'killchar': ['http://man7.org/linux/man-pages/man3/killchar.3x.html'],
'killpg': ['http://man7.org/linux/man-pages/man2/killpg.2.html',
'http://man7.org/linux/man-pages/man3/killpg.3.html',
'http://man7.org/linux/man-pages/man3/killpg.3p.html'],
'killwchar': ['http://man7.org/linux/man-pages/man3/killwchar.3x.html'],
'klogctl': ['http://man7.org/linux/man-pages/man3/klogctl.3.html'],
'kmem': ['http://man7.org/linux/man-pages/man4/kmem.4.html'],
'kmod': ['http://man7.org/linux/man-pages/man8/kmod.8.html'],
'koi8-r': ['http://man7.org/linux/man-pages/man7/koi8-r.7.html'],
'koi8-u': ['http://man7.org/linux/man-pages/man7/koi8-u.7.html'],
'l64a': ['http://man7.org/linux/man-pages/man3/l64a.3.html',
'http://man7.org/linux/man-pages/man3/l64a.3p.html'],
'labs': ['http://man7.org/linux/man-pages/man3/labs.3.html',
'http://man7.org/linux/man-pages/man3/labs.3p.html'],
'langinfo.h': ['http://man7.org/linux/man-pages/man0/langinfo.h.0p.html'],
'last': ['http://man7.org/linux/man-pages/man1/last.1.html'],
'lastb': ['http://man7.org/linux/man-pages/man1/lastb.1.html'],
'lastcomm': ['http://man7.org/linux/man-pages/man1/lastcomm.1.html'],
'lastlog': ['http://man7.org/linux/man-pages/man8/lastlog.8.html'],
'latin1': ['http://man7.org/linux/man-pages/man7/latin1.7.html'],
'latin10': ['http://man7.org/linux/man-pages/man7/latin10.7.html'],
'latin2': ['http://man7.org/linux/man-pages/man7/latin2.7.html'],
'latin3': ['http://man7.org/linux/man-pages/man7/latin3.7.html'],
'latin4': ['http://man7.org/linux/man-pages/man7/latin4.7.html'],
'latin5': ['http://man7.org/linux/man-pages/man7/latin5.7.html'],
'latin6': ['http://man7.org/linux/man-pages/man7/latin6.7.html'],
'latin7': ['http://man7.org/linux/man-pages/man7/latin7.7.html'],
'latin8': ['http://man7.org/linux/man-pages/man7/latin8.7.html'],
'latin9': ['http://man7.org/linux/man-pages/man7/latin9.7.html'],
'lber-decode': ['http://man7.org/linux/man-pages/man3/lber-decode.3.html'],
'lber-encode': ['http://man7.org/linux/man-pages/man3/lber-encode.3.html'],
'lber-memory': ['http://man7.org/linux/man-pages/man3/lber-memory.3.html'],
'lber-sockbuf': ['http://man7.org/linux/man-pages/man3/lber-sockbuf.3.html'],
'lber-types': ['http://man7.org/linux/man-pages/man3/lber-types.3.html'],
'lchown': ['http://man7.org/linux/man-pages/man2/lchown.2.html',
'http://man7.org/linux/man-pages/man3/lchown.3p.html'],
'lchown32': ['http://man7.org/linux/man-pages/man2/lchown32.2.html'],
'lckpwdf': ['http://man7.org/linux/man-pages/man3/lckpwdf.3.html'],
'lcong48': ['http://man7.org/linux/man-pages/man3/lcong48.3.html',
'http://man7.org/linux/man-pages/man3/lcong48.3p.html'],
'lcong48_r': ['http://man7.org/linux/man-pages/man3/lcong48_r.3.html'],
'ld': ['http://man7.org/linux/man-pages/man1/ld.1.html'],
'ld-linux': ['http://man7.org/linux/man-pages/man8/ld-linux.8.html'],
'ld-linux.so': ['http://man7.org/linux/man-pages/man8/ld-linux.so.8.html'],
'ld.so': ['http://man7.org/linux/man-pages/man8/ld.so.8.html'],
'ld_errno': ['http://man7.org/linux/man-pages/man3/ld_errno.3.html'],
'ldap': ['http://man7.org/linux/man-pages/man3/ldap.3.html'],
'ldap.conf': ['http://man7.org/linux/man-pages/man5/ldap.conf.5.html'],
'ldap_abandon': ['http://man7.org/linux/man-pages/man3/ldap_abandon.3.html'],
'ldap_abandon_ext': ['http://man7.org/linux/man-pages/man3/ldap_abandon_ext.3.html'],
'ldap_add': ['http://man7.org/linux/man-pages/man3/ldap_add.3.html'],
'ldap_add_ext': ['http://man7.org/linux/man-pages/man3/ldap_add_ext.3.html'],
'ldap_add_ext_s': ['http://man7.org/linux/man-pages/man3/ldap_add_ext_s.3.html'],
'ldap_add_s': ['http://man7.org/linux/man-pages/man3/ldap_add_s.3.html'],
'ldap_attributetype2name': ['http://man7.org/linux/man-pages/man3/ldap_attributetype2name.3.html'],
'ldap_attributetype2str': ['http://man7.org/linux/man-pages/man3/ldap_attributetype2str.3.html'],
'ldap_attributetype_free': ['http://man7.org/linux/man-pages/man3/ldap_attributetype_free.3.html'],
'ldap_bind': ['http://man7.org/linux/man-pages/man3/ldap_bind.3.html'],
'ldap_bind_s': ['http://man7.org/linux/man-pages/man3/ldap_bind_s.3.html'],
'ldap_compare': ['http://man7.org/linux/man-pages/man3/ldap_compare.3.html'],
'ldap_compare_ext': ['http://man7.org/linux/man-pages/man3/ldap_compare_ext.3.html'],
'ldap_compare_ext_s': ['http://man7.org/linux/man-pages/man3/ldap_compare_ext_s.3.html'],
'ldap_compare_s': ['http://man7.org/linux/man-pages/man3/ldap_compare_s.3.html'],
'ldap_control_create': ['http://man7.org/linux/man-pages/man3/ldap_control_create.3.html'],
'ldap_control_dup': ['http://man7.org/linux/man-pages/man3/ldap_control_dup.3.html'],
'ldap_control_find': ['http://man7.org/linux/man-pages/man3/ldap_control_find.3.html'],
'ldap_control_free': ['http://man7.org/linux/man-pages/man3/ldap_control_free.3.html'],
'ldap_controls': ['http://man7.org/linux/man-pages/man3/ldap_controls.3.html'],
'ldap_controls_dup': ['http://man7.org/linux/man-pages/man3/ldap_controls_dup.3.html'],
'ldap_controls_free': ['http://man7.org/linux/man-pages/man3/ldap_controls_free.3.html'],
'ldap_count_entries': ['http://man7.org/linux/man-pages/man3/ldap_count_entries.3.html'],
'ldap_count_messages': ['http://man7.org/linux/man-pages/man3/ldap_count_messages.3.html'],
'ldap_count_references': ['http://man7.org/linux/man-pages/man3/ldap_count_references.3.html'],
'ldap_count_values': ['http://man7.org/linux/man-pages/man3/ldap_count_values.3.html'],
'ldap_count_values_len': ['http://man7.org/linux/man-pages/man3/ldap_count_values_len.3.html'],
'ldap_dcedn2dn': ['http://man7.org/linux/man-pages/man3/ldap_dcedn2dn.3.html'],
'ldap_delete': ['http://man7.org/linux/man-pages/man3/ldap_delete.3.html'],
'ldap_delete_ext': ['http://man7.org/linux/man-pages/man3/ldap_delete_ext.3.html'],
'ldap_delete_ext_s': ['http://man7.org/linux/man-pages/man3/ldap_delete_ext_s.3.html'],
'ldap_delete_s': ['http://man7.org/linux/man-pages/man3/ldap_delete_s.3.html'],
'ldap_destroy': ['http://man7.org/linux/man-pages/man3/ldap_destroy.3.html'],
'ldap_dn2ad_canonical': ['http://man7.org/linux/man-pages/man3/ldap_dn2ad_canonical.3.html'],
'ldap_dn2dcedn': ['http://man7.org/linux/man-pages/man3/ldap_dn2dcedn.3.html'],
'ldap_dn2str': ['http://man7.org/linux/man-pages/man3/ldap_dn2str.3.html'],
'ldap_dn2ufn': ['http://man7.org/linux/man-pages/man3/ldap_dn2ufn.3.html'],
'ldap_dnfree': ['http://man7.org/linux/man-pages/man3/ldap_dnfree.3.html'],
'ldap_dup': ['http://man7.org/linux/man-pages/man3/ldap_dup.3.html'],
'ldap_err2string': ['http://man7.org/linux/man-pages/man3/ldap_err2string.3.html'],
'ldap_errlist': ['http://man7.org/linux/man-pages/man3/ldap_errlist.3.html'],
'ldap_error': ['http://man7.org/linux/man-pages/man3/ldap_error.3.html'],
'ldap_explode_dn': ['http://man7.org/linux/man-pages/man3/ldap_explode_dn.3.html'],
'ldap_explode_rdn': ['http://man7.org/linux/man-pages/man3/ldap_explode_rdn.3.html'],
'ldap_extended_operation': ['http://man7.org/linux/man-pages/man3/ldap_extended_operation.3.html'],
'ldap_extended_operation_s': ['http://man7.org/linux/man-pages/man3/ldap_extended_operation_s.3.html'],
'ldap_first_attribute': ['http://man7.org/linux/man-pages/man3/ldap_first_attribute.3.html'],
'ldap_first_entry': ['http://man7.org/linux/man-pages/man3/ldap_first_entry.3.html'],
'ldap_first_message': ['http://man7.org/linux/man-pages/man3/ldap_first_message.3.html'],
'ldap_first_reference': ['http://man7.org/linux/man-pages/man3/ldap_first_reference.3.html'],
'ldap_free_urldesc': ['http://man7.org/linux/man-pages/man3/ldap_free_urldesc.3.html'],
'ldap_get_dn': ['http://man7.org/linux/man-pages/man3/ldap_get_dn.3.html'],
'ldap_get_option': ['http://man7.org/linux/man-pages/man3/ldap_get_option.3.html'],
'ldap_get_values': ['http://man7.org/linux/man-pages/man3/ldap_get_values.3.html'],
'ldap_get_values_len': ['http://man7.org/linux/man-pages/man3/ldap_get_values_len.3.html'],
'ldap_init': ['http://man7.org/linux/man-pages/man3/ldap_init.3.html'],
'ldap_init_fd': ['http://man7.org/linux/man-pages/man3/ldap_init_fd.3.html'],
'ldap_initialize': ['http://man7.org/linux/man-pages/man3/ldap_initialize.3.html'],
'ldap_install_tls': ['http://man7.org/linux/man-pages/man3/ldap_install_tls.3.html'],
'ldap_is_ldap_url': ['http://man7.org/linux/man-pages/man3/ldap_is_ldap_url.3.html'],
'ldap_matchingrule2name': ['http://man7.org/linux/man-pages/man3/ldap_matchingrule2name.3.html'],
'ldap_matchingrule2str': ['http://man7.org/linux/man-pages/man3/ldap_matchingrule2str.3.html'],
'ldap_matchingrule_free': ['http://man7.org/linux/man-pages/man3/ldap_matchingrule_free.3.html'],
'ldap_memalloc': ['http://man7.org/linux/man-pages/man3/ldap_memalloc.3.html'],
'ldap_memcalloc': ['http://man7.org/linux/man-pages/man3/ldap_memcalloc.3.html'],
'ldap_memfree': ['http://man7.org/linux/man-pages/man3/ldap_memfree.3.html'],
'ldap_memory': ['http://man7.org/linux/man-pages/man3/ldap_memory.3.html'],
'ldap_memrealloc': ['http://man7.org/linux/man-pages/man3/ldap_memrealloc.3.html'],
'ldap_memvfree': ['http://man7.org/linux/man-pages/man3/ldap_memvfree.3.html'],
'ldap_modify': ['http://man7.org/linux/man-pages/man3/ldap_modify.3.html'],
'ldap_modify_ext': ['http://man7.org/linux/man-pages/man3/ldap_modify_ext.3.html'],
'ldap_modify_ext_s': ['http://man7.org/linux/man-pages/man3/ldap_modify_ext_s.3.html'],
'ldap_modify_s': ['http://man7.org/linux/man-pages/man3/ldap_modify_s.3.html'],
'ldap_modrdn': ['http://man7.org/linux/man-pages/man3/ldap_modrdn.3.html'],
'ldap_modrdn2': ['http://man7.org/linux/man-pages/man3/ldap_modrdn2.3.html'],
'ldap_modrdn2_s': ['http://man7.org/linux/man-pages/man3/ldap_modrdn2_s.3.html'],
'ldap_modrdn_s': ['http://man7.org/linux/man-pages/man3/ldap_modrdn_s.3.html'],
'ldap_mods_free': ['http://man7.org/linux/man-pages/man3/ldap_mods_free.3.html'],
'ldap_msgfree': ['http://man7.org/linux/man-pages/man3/ldap_msgfree.3.html'],
'ldap_msgid': ['http://man7.org/linux/man-pages/man3/ldap_msgid.3.html'],
'ldap_msgtype': ['http://man7.org/linux/man-pages/man3/ldap_msgtype.3.html'],
'ldap_next_attribute': ['http://man7.org/linux/man-pages/man3/ldap_next_attribute.3.html'],
'ldap_next_entry': ['http://man7.org/linux/man-pages/man3/ldap_next_entry.3.html'],
'ldap_next_message': ['http://man7.org/linux/man-pages/man3/ldap_next_message.3.html'],
'ldap_next_reference': ['http://man7.org/linux/man-pages/man3/ldap_next_reference.3.html'],
'ldap_objectclass2name': ['http://man7.org/linux/man-pages/man3/ldap_objectclass2name.3.html'],
'ldap_objectclass2str': ['http://man7.org/linux/man-pages/man3/ldap_objectclass2str.3.html'],
'ldap_objectclass_free': ['http://man7.org/linux/man-pages/man3/ldap_objectclass_free.3.html'],
'ldap_open': ['http://man7.org/linux/man-pages/man3/ldap_open.3.html'],
'ldap_parse_extended_result': ['http://man7.org/linux/man-pages/man3/ldap_parse_extended_result.3.html'],
'ldap_parse_reference': ['http://man7.org/linux/man-pages/man3/ldap_parse_reference.3.html'],
'ldap_parse_result': ['http://man7.org/linux/man-pages/man3/ldap_parse_result.3.html'],
'ldap_parse_sasl_bind_result': ['http://man7.org/linux/man-pages/man3/ldap_parse_sasl_bind_result.3.html'],
'ldap_parse_sort_control': ['http://man7.org/linux/man-pages/man3/ldap_parse_sort_control.3.html'],
'ldap_parse_vlv_control': ['http://man7.org/linux/man-pages/man3/ldap_parse_vlv_control.3.html'],
'ldap_perror': ['http://man7.org/linux/man-pages/man3/ldap_perror.3.html'],
'ldap_rename': ['http://man7.org/linux/man-pages/man3/ldap_rename.3.html'],
'ldap_rename_s': ['http://man7.org/linux/man-pages/man3/ldap_rename_s.3.html'],
'ldap_result': ['http://man7.org/linux/man-pages/man3/ldap_result.3.html'],
'ldap_result2error': ['http://man7.org/linux/man-pages/man3/ldap_result2error.3.html'],
'ldap_sasl_bind': ['http://man7.org/linux/man-pages/man3/ldap_sasl_bind.3.html'],
'ldap_sasl_bind_s': ['http://man7.org/linux/man-pages/man3/ldap_sasl_bind_s.3.html'],
'ldap_sasl_interactive_bind_s': ['http://man7.org/linux/man-pages/man3/ldap_sasl_interactive_bind_s.3.html'],
'ldap_schema': ['http://man7.org/linux/man-pages/man3/ldap_schema.3.html'],
'ldap_scherr2str': ['http://man7.org/linux/man-pages/man3/ldap_scherr2str.3.html'],
'ldap_search': ['http://man7.org/linux/man-pages/man3/ldap_search.3.html'],
'ldap_search_ext': ['http://man7.org/linux/man-pages/man3/ldap_search_ext.3.html'],
'ldap_search_ext_s': ['http://man7.org/linux/man-pages/man3/ldap_search_ext_s.3.html'],
'ldap_search_s': ['http://man7.org/linux/man-pages/man3/ldap_search_s.3.html'],
'ldap_search_st': ['http://man7.org/linux/man-pages/man3/ldap_search_st.3.html'],
'ldap_set_option': ['http://man7.org/linux/man-pages/man3/ldap_set_option.3.html'],
'ldap_set_rebind_proc': ['http://man7.org/linux/man-pages/man3/ldap_set_rebind_proc.3.html'],
'ldap_set_urllist_proc': ['http://man7.org/linux/man-pages/man3/ldap_set_urllist_proc.3.html'],
'ldap_simple_bind': ['http://man7.org/linux/man-pages/man3/ldap_simple_bind.3.html'],
'ldap_simple_bind_s': ['http://man7.org/linux/man-pages/man3/ldap_simple_bind_s.3.html'],
'ldap_sort': ['http://man7.org/linux/man-pages/man3/ldap_sort.3.html'],
'ldap_sort_entries': ['http://man7.org/linux/man-pages/man3/ldap_sort_entries.3.html'],
'ldap_sort_strcasecmp': ['http://man7.org/linux/man-pages/man3/ldap_sort_strcasecmp.3.html'],
'ldap_sort_values': ['http://man7.org/linux/man-pages/man3/ldap_sort_values.3.html'],
'ldap_start_tls': ['http://man7.org/linux/man-pages/man3/ldap_start_tls.3.html'],
'ldap_start_tls_s': ['http://man7.org/linux/man-pages/man3/ldap_start_tls_s.3.html'],
'ldap_str2attributetype': ['http://man7.org/linux/man-pages/man3/ldap_str2attributetype.3.html'],
'ldap_str2dn': ['http://man7.org/linux/man-pages/man3/ldap_str2dn.3.html'],
'ldap_str2matchingrule': ['http://man7.org/linux/man-pages/man3/ldap_str2matchingrule.3.html'],
'ldap_str2objectclass': ['http://man7.org/linux/man-pages/man3/ldap_str2objectclass.3.html'],
'ldap_str2syntax': ['http://man7.org/linux/man-pages/man3/ldap_str2syntax.3.html'],
'ldap_strdup': ['http://man7.org/linux/man-pages/man3/ldap_strdup.3.html'],
'ldap_sync': ['http://man7.org/linux/man-pages/man3/ldap_sync.3.html'],
'ldap_sync_init': ['http://man7.org/linux/man-pages/man3/ldap_sync_init.3.html'],
'ldap_sync_init_refresh_and_persist': ['http://man7.org/linux/man-pages/man3/ldap_sync_init_refresh_and_persist.3.html'],
'ldap_sync_init_refresh_only': ['http://man7.org/linux/man-pages/man3/ldap_sync_init_refresh_only.3.html'],
'ldap_sync_poll': ['http://man7.org/linux/man-pages/man3/ldap_sync_poll.3.html'],
'ldap_syntax2name': ['http://man7.org/linux/man-pages/man3/ldap_syntax2name.3.html'],
'ldap_syntax2str': ['http://man7.org/linux/man-pages/man3/ldap_syntax2str.3.html'],
'ldap_syntax_free': ['http://man7.org/linux/man-pages/man3/ldap_syntax_free.3.html'],
'ldap_tls': ['http://man7.org/linux/man-pages/man3/ldap_tls.3.html'],
'ldap_tls_inplace': ['http://man7.org/linux/man-pages/man3/ldap_tls_inplace.3.html'],
'ldap_unbind': ['http://man7.org/linux/man-pages/man3/ldap_unbind.3.html'],
'ldap_unbind_ext': ['http://man7.org/linux/man-pages/man3/ldap_unbind_ext.3.html'],
'ldap_unbind_ext_s': ['http://man7.org/linux/man-pages/man3/ldap_unbind_ext_s.3.html'],
'ldap_unbind_s': ['http://man7.org/linux/man-pages/man3/ldap_unbind_s.3.html'],
'ldap_url': ['http://man7.org/linux/man-pages/man3/ldap_url.3.html'],
'ldap_url_parse': ['http://man7.org/linux/man-pages/man3/ldap_url_parse.3.html'],
'ldap_value_free': ['http://man7.org/linux/man-pages/man3/ldap_value_free.3.html'],
'ldap_value_free_len': ['http://man7.org/linux/man-pages/man3/ldap_value_free_len.3.html'],
'ldapadd': ['http://man7.org/linux/man-pages/man1/ldapadd.1.html'],
'ldapcompare': ['http://man7.org/linux/man-pages/man1/ldapcompare.1.html'],
'ldapdelete': ['http://man7.org/linux/man-pages/man1/ldapdelete.1.html'],
'ldapexop': ['http://man7.org/linux/man-pages/man1/ldapexop.1.html'],
'ldapmodify': ['http://man7.org/linux/man-pages/man1/ldapmodify.1.html'],
'ldapmodrdn': ['http://man7.org/linux/man-pages/man1/ldapmodrdn.1.html'],
'ldappasswd': ['http://man7.org/linux/man-pages/man1/ldappasswd.1.html'],
'ldapsearch': ['http://man7.org/linux/man-pages/man1/ldapsearch.1.html'],
'ldapurl': ['http://man7.org/linux/man-pages/man1/ldapurl.1.html'],
'ldapwhoami': ['http://man7.org/linux/man-pages/man1/ldapwhoami.1.html'],
'ldattach': ['http://man7.org/linux/man-pages/man8/ldattach.8.html'],
'ldconfig': ['http://man7.org/linux/man-pages/man8/ldconfig.8.html'],
'ldd': ['http://man7.org/linux/man-pages/man1/ldd.1.html'],
'ldexp': ['http://man7.org/linux/man-pages/man3/ldexp.3.html',
'http://man7.org/linux/man-pages/man3/ldexp.3p.html'],
'ldexpf': ['http://man7.org/linux/man-pages/man3/ldexpf.3.html',
'http://man7.org/linux/man-pages/man3/ldexpf.3p.html'],
'ldexpl': ['http://man7.org/linux/man-pages/man3/ldexpl.3.html',
'http://man7.org/linux/man-pages/man3/ldexpl.3p.html'],
'ldif': ['http://man7.org/linux/man-pages/man5/ldif.5.html'],
'ldiv': ['http://man7.org/linux/man-pages/man3/ldiv.3.html',
'http://man7.org/linux/man-pages/man3/ldiv.3p.html'],
'le16toh': ['http://man7.org/linux/man-pages/man3/le16toh.3.html'],
'le32toh': ['http://man7.org/linux/man-pages/man3/le32toh.3.html'],
'le64toh': ['http://man7.org/linux/man-pages/man3/le64toh.3.html'],
'leaveok': ['http://man7.org/linux/man-pages/man3/leaveok.3x.html'],
'legacy_coding': ['http://man7.org/linux/man-pages/man3/legacy_coding.3x.html'],
'less': ['http://man7.org/linux/man-pages/man1/less.1.html'],
'lessecho': ['http://man7.org/linux/man-pages/man1/lessecho.1.html'],
'lesskey': ['http://man7.org/linux/man-pages/man1/lesskey.1.html'],
'lex': ['http://man7.org/linux/man-pages/man1/lex.1p.html'],
'lexgrog': ['http://man7.org/linux/man-pages/man1/lexgrog.1.html'],
'lfind': ['http://man7.org/linux/man-pages/man3/lfind.3.html',
'http://man7.org/linux/man-pages/man3/lfind.3p.html'],
'lgamma': ['http://man7.org/linux/man-pages/man3/lgamma.3.html',
'http://man7.org/linux/man-pages/man3/lgamma.3p.html'],
'lgamma_r': ['http://man7.org/linux/man-pages/man3/lgamma_r.3.html'],
'lgammaf': ['http://man7.org/linux/man-pages/man3/lgammaf.3.html',
'http://man7.org/linux/man-pages/man3/lgammaf.3p.html'],
'lgammaf_r': ['http://man7.org/linux/man-pages/man3/lgammaf_r.3.html'],
'lgammal': ['http://man7.org/linux/man-pages/man3/lgammal.3.html',
'http://man7.org/linux/man-pages/man3/lgammal.3p.html'],
'lgammal_r': ['http://man7.org/linux/man-pages/man3/lgammal_r.3.html'],
'lgetfilecon': ['http://man7.org/linux/man-pages/man3/lgetfilecon.3.html'],
'lgetfilecon_raw': ['http://man7.org/linux/man-pages/man3/lgetfilecon_raw.3.html'],
'lgetxattr': ['http://man7.org/linux/man-pages/man2/lgetxattr.2.html'],
'libabigail': ['http://man7.org/linux/man-pages/man7/libabigail.7.html'],
'libaudit.conf': ['http://man7.org/linux/man-pages/man5/libaudit.conf.5.html'],
'libblkid': ['http://man7.org/linux/man-pages/man3/libblkid.3.html'],
'libc': ['http://man7.org/linux/man-pages/man7/libc.7.html'],
'libcap': ['http://man7.org/linux/man-pages/man3/libcap.3.html'],
'libexpect': ['http://man7.org/linux/man-pages/man3/libexpect.3.html'],
'libgen.h': ['http://man7.org/linux/man-pages/man0/libgen.h.0p.html'],
'libmagic': ['http://man7.org/linux/man-pages/man3/libmagic.3.html'],
'libnetlink': ['http://man7.org/linux/man-pages/man3/libnetlink.3.html'],
'libnss_myhostname.so.2': ['http://man7.org/linux/man-pages/man8/libnss_myhostname.so.2.8.html'],
'libnss_mymachines.so.2': ['http://man7.org/linux/man-pages/man8/libnss_mymachines.so.2.8.html'],
'libnss_resolve.so.2': ['http://man7.org/linux/man-pages/man8/libnss_resolve.so.2.8.html'],
'libnss_systemd.so.2': ['http://man7.org/linux/man-pages/man8/libnss_systemd.so.2.8.html'],
'libpfm': ['http://man7.org/linux/man-pages/man3/libpfm.3.html'],
'libpfm_amd64': ['http://man7.org/linux/man-pages/man3/libpfm_amd64.3.html'],
'libpfm_amd64_fam10h': ['http://man7.org/linux/man-pages/man3/libpfm_amd64_fam10h.3.html'],
'libpfm_amd64_fam15h': ['http://man7.org/linux/man-pages/man3/libpfm_amd64_fam15h.3.html'],
'libpfm_amd64_fam16h': ['http://man7.org/linux/man-pages/man3/libpfm_amd64_fam16h.3.html'],
'libpfm_amd64_fam17h': ['http://man7.org/linux/man-pages/man3/libpfm_amd64_fam17h.3.html'],
'libpfm_amd64_k7': ['http://man7.org/linux/man-pages/man3/libpfm_amd64_k7.3.html'],
'libpfm_amd64_k8': ['http://man7.org/linux/man-pages/man3/libpfm_amd64_k8.3.html'],
'libpfm_arm_ac15': ['http://man7.org/linux/man-pages/man3/libpfm_arm_ac15.3.html'],
'libpfm_arm_ac53': ['http://man7.org/linux/man-pages/man3/libpfm_arm_ac53.3.html'],
'libpfm_arm_ac57': ['http://man7.org/linux/man-pages/man3/libpfm_arm_ac57.3.html'],
'libpfm_arm_ac7': ['http://man7.org/linux/man-pages/man3/libpfm_arm_ac7.3.html'],
'libpfm_arm_ac8': ['http://man7.org/linux/man-pages/man3/libpfm_arm_ac8.3.html'],
'libpfm_arm_ac9': ['http://man7.org/linux/man-pages/man3/libpfm_arm_ac9.3.html'],
'libpfm_arm_qcom_krait': ['http://man7.org/linux/man-pages/man3/libpfm_arm_qcom_krait.3.html'],
'libpfm_arm_xgene': ['http://man7.org/linux/man-pages/man3/libpfm_arm_xgene.3.html'],
'libpfm_intel_atom': ['http://man7.org/linux/man-pages/man3/libpfm_intel_atom.3.html'],
'libpfm_intel_bdw': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdw.3.html'],
'libpfm_intel_bdx_unc_cbo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_cbo.3.html'],
'libpfm_intel_bdx_unc_ha': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_ha.3.html'],
'libpfm_intel_bdx_unc_imc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_imc.3.html'],
'libpfm_intel_bdx_unc_irp': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_irp.3.html'],
'libpfm_intel_bdx_unc_pcu': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_pcu.3.html'],
'libpfm_intel_bdx_unc_qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_qpi.3.html'],
'libpfm_intel_bdx_unc_r2pcie': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_r2pcie.3.html'],
'libpfm_intel_bdx_unc_r3qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_r3qpi.3.html'],
'libpfm_intel_bdx_unc_sbo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_sbo.3.html'],
'libpfm_intel_bdx_unc_ubo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_bdx_unc_ubo.3.html'],
'libpfm_intel_core': ['http://man7.org/linux/man-pages/man3/libpfm_intel_core.3.html'],
'libpfm_intel_coreduo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_coreduo.3.html'],
'libpfm_intel_glm': ['http://man7.org/linux/man-pages/man3/libpfm_intel_glm.3.html'],
'libpfm_intel_hsw': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hsw.3.html'],
'libpfm_intel_hswep_unc_cbo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_cbo.3.html'],
'libpfm_intel_hswep_unc_ha': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_ha.3.html'],
'libpfm_intel_hswep_unc_imc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_imc.3.html'],
'libpfm_intel_hswep_unc_irp': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_irp.3.html'],
'libpfm_intel_hswep_unc_pcu': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_pcu.3.html'],
'libpfm_intel_hswep_unc_qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_qpi.3.html'],
'libpfm_intel_hswep_unc_r2pcie': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_r2pcie.3.html'],
'libpfm_intel_hswep_unc_r3qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_r3qpi.3.html'],
'libpfm_intel_hswep_unc_sbo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_sbo.3.html'],
'libpfm_intel_hswep_unc_ubo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_hswep_unc_ubo.3.html'],
'libpfm_intel_ivb': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivb.3.html'],
'libpfm_intel_ivb_unc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivb_unc.3.html'],
'libpfm_intel_ivbep_unc_cbo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_cbo.3.html'],
'libpfm_intel_ivbep_unc_ha': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_ha.3.html'],
'libpfm_intel_ivbep_unc_imc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_imc.3.html'],
'libpfm_intel_ivbep_unc_irp': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_irp.3.html'],
'libpfm_intel_ivbep_unc_pcu': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_pcu.3.html'],
'libpfm_intel_ivbep_unc_qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_qpi.3.html'],
'libpfm_intel_ivbep_unc_r2pcie': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_r2pcie.3.html'],
'libpfm_intel_ivbep_unc_r3qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_r3qpi.3.html'],
'libpfm_intel_ivbep_unc_ubo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_ivbep_unc_ubo.3.html'],
'libpfm_intel_knc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_knc.3.html'],
'libpfm_intel_knl': ['http://man7.org/linux/man-pages/man3/libpfm_intel_knl.3.html'],
'libpfm_intel_knm': ['http://man7.org/linux/man-pages/man3/libpfm_intel_knm.3.html'],
'libpfm_intel_nhm': ['http://man7.org/linux/man-pages/man3/libpfm_intel_nhm.3.html'],
'libpfm_intel_nhm_unc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_nhm_unc.3.html'],
'libpfm_intel_p6': ['http://man7.org/linux/man-pages/man3/libpfm_intel_p6.3.html'],
'libpfm_intel_rapl': ['http://man7.org/linux/man-pages/man3/libpfm_intel_rapl.3.html'],
'libpfm_intel_skl': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skl.3.html'],
'libpfm_intel_skx_unc_cha': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_cha.3.html'],
'libpfm_intel_skx_unc_iio': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_iio.3.html'],
'libpfm_intel_skx_unc_imc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_imc.3.html'],
'libpfm_intel_skx_unc_irp': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_irp.3.html'],
'libpfm_intel_skx_unc_m2m': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_m2m.3.html'],
'libpfm_intel_skx_unc_m3upi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_m3upi.3.html'],
'libpfm_intel_skx_unc_pcu': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_pcu.3.html'],
'libpfm_intel_skx_unc_ubo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_ubo.3.html'],
'libpfm_intel_skx_unc_upi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_skx_unc_upi.3.html'],
'libpfm_intel_slm': ['http://man7.org/linux/man-pages/man3/libpfm_intel_slm.3.html'],
'libpfm_intel_snb': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snb.3.html'],
'libpfm_intel_snb_unc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snb_unc.3.html'],
'libpfm_intel_snbep_unc_cbo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_cbo.3.html'],
'libpfm_intel_snbep_unc_ha': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_ha.3.html'],
'libpfm_intel_snbep_unc_imc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_imc.3.html'],
'libpfm_intel_snbep_unc_pcu': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_pcu.3.html'],
'libpfm_intel_snbep_unc_qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_qpi.3.html'],
'libpfm_intel_snbep_unc_r2pcie': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_r2pcie.3.html'],
'libpfm_intel_snbep_unc_r3qpi': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_r3qpi.3.html'],
'libpfm_intel_snbep_unc_ubo': ['http://man7.org/linux/man-pages/man3/libpfm_intel_snbep_unc_ubo.3.html'],
'libpfm_intel_wsm': ['http://man7.org/linux/man-pages/man3/libpfm_intel_wsm.3.html'],
'libpfm_intel_wsm_unc': ['http://man7.org/linux/man-pages/man3/libpfm_intel_wsm_unc.3.html'],
'libpfm_intel_x86_arch': ['http://man7.org/linux/man-pages/man3/libpfm_intel_x86_arch.3.html'],
'libpfm_mips_74k': ['http://man7.org/linux/man-pages/man3/libpfm_mips_74k.3.html'],
'libpfm_perf_event_raw': ['http://man7.org/linux/man-pages/man3/libpfm_perf_event_raw.3.html'],
'libpipeline': ['http://man7.org/linux/man-pages/man3/libpipeline.3.html'],
'libudev': ['http://man7.org/linux/man-pages/man3/libudev.3.html'],
'limits.conf': ['http://man7.org/linux/man-pages/man5/limits.conf.5.html'],
'limits.h': ['http://man7.org/linux/man-pages/man0/limits.h.0p.html'],
'line': ['http://man7.org/linux/man-pages/man1/line.1.html'],
'link': ['http://man7.org/linux/man-pages/man1/link.1.html',
'http://man7.org/linux/man-pages/man1/link.1p.html',
'http://man7.org/linux/man-pages/man2/link.2.html',
'http://man7.org/linux/man-pages/man3/link.3p.html'],
'link_field': ['http://man7.org/linux/man-pages/man3/link_field.3x.html'],
'linkat': ['http://man7.org/linux/man-pages/man2/linkat.2.html',
'http://man7.org/linux/man-pages/man3/linkat.3p.html'],
'linux32': ['http://man7.org/linux/man-pages/man8/linux32.8.html'],
'linux64': ['http://man7.org/linux/man-pages/man8/linux64.8.html'],
'lio_listio': ['http://man7.org/linux/man-pages/man3/lio_listio.3.html',
'http://man7.org/linux/man-pages/man3/lio_listio.3p.html'],
'lirc': ['http://man7.org/linux/man-pages/man4/lirc.4.html'],
'list_empty': ['http://man7.org/linux/man-pages/man3/list_empty.3.html'],
'list_entry': ['http://man7.org/linux/man-pages/man3/list_entry.3.html'],
'list_first': ['http://man7.org/linux/man-pages/man3/list_first.3.html'],
'list_foreach': ['http://man7.org/linux/man-pages/man3/list_foreach.3.html'],
'list_head': ['http://man7.org/linux/man-pages/man3/list_head.3.html'],
'list_head_initializer': ['http://man7.org/linux/man-pages/man3/list_head_initializer.3.html'],
'list_init': ['http://man7.org/linux/man-pages/man3/list_init.3.html'],
'list_insert_after': ['http://man7.org/linux/man-pages/man3/list_insert_after.3.html'],
'list_insert_before': ['http://man7.org/linux/man-pages/man3/list_insert_before.3.html'],
'list_insert_head': ['http://man7.org/linux/man-pages/man3/list_insert_head.3.html'],
'list_next': ['http://man7.org/linux/man-pages/man3/list_next.3.html'],
'list_remove': ['http://man7.org/linux/man-pages/man3/list_remove.3.html'],
'listen': ['http://man7.org/linux/man-pages/man2/listen.2.html',
'http://man7.org/linux/man-pages/man3/listen.3p.html'],
'listxattr': ['http://man7.org/linux/man-pages/man2/listxattr.2.html'],
'lj4_font': ['http://man7.org/linux/man-pages/man5/lj4_font.5.html'],
'lkbib': ['http://man7.org/linux/man-pages/man1/lkbib.1.html'],
'llabs': ['http://man7.org/linux/man-pages/man3/llabs.3.html',
'http://man7.org/linux/man-pages/man3/llabs.3p.html'],
'lldiv': ['http://man7.org/linux/man-pages/man3/lldiv.3.html',
'http://man7.org/linux/man-pages/man3/lldiv.3p.html'],
'llistxattr': ['http://man7.org/linux/man-pages/man2/llistxattr.2.html'],
'llrint': ['http://man7.org/linux/man-pages/man3/llrint.3.html',
'http://man7.org/linux/man-pages/man3/llrint.3p.html'],
'llrintf': ['http://man7.org/linux/man-pages/man3/llrintf.3.html',
'http://man7.org/linux/man-pages/man3/llrintf.3p.html'],
'llrintl': ['http://man7.org/linux/man-pages/man3/llrintl.3.html',
'http://man7.org/linux/man-pages/man3/llrintl.3p.html'],
'llround': ['http://man7.org/linux/man-pages/man3/llround.3.html',
'http://man7.org/linux/man-pages/man3/llround.3p.html'],
'llroundf': ['http://man7.org/linux/man-pages/man3/llroundf.3.html',
'http://man7.org/linux/man-pages/man3/llroundf.3p.html'],
'llroundl': ['http://man7.org/linux/man-pages/man3/llroundl.3.html',
'http://man7.org/linux/man-pages/man3/llroundl.3p.html'],
'llseek': ['http://man7.org/linux/man-pages/man2/llseek.2.html'],
'ln': ['http://man7.org/linux/man-pages/man1/ln.1.html',
'http://man7.org/linux/man-pages/man1/ln.1p.html'],
'lnstat': ['http://man7.org/linux/man-pages/man8/lnstat.8.html'],
'load_policy': ['http://man7.org/linux/man-pages/man8/load_policy.8.html'],
'loadkeys': ['http://man7.org/linux/man-pages/man1/loadkeys.1.html'],
'loadunimap': ['http://man7.org/linux/man-pages/man8/loadunimap.8.html'],
'local.users': ['http://man7.org/linux/man-pages/man5/local.users.5.html'],
'locale': ['http://man7.org/linux/man-pages/man1/locale.1.html',
'http://man7.org/linux/man-pages/man1/locale.1p.html',
'http://man7.org/linux/man-pages/man5/locale.5.html',
'http://man7.org/linux/man-pages/man7/locale.7.html'],
'locale.conf': ['http://man7.org/linux/man-pages/man5/locale.conf.5.html'],
'locale.h': ['http://man7.org/linux/man-pages/man0/locale.h.0p.html'],
'localeconv': ['http://man7.org/linux/man-pages/man3/localeconv.3.html',
'http://man7.org/linux/man-pages/man3/localeconv.3p.html'],
'localectl': ['http://man7.org/linux/man-pages/man1/localectl.1.html'],
'localedef': ['http://man7.org/linux/man-pages/man1/localedef.1.html',
'http://man7.org/linux/man-pages/man1/localedef.1p.html'],
'localtime': ['http://man7.org/linux/man-pages/man3/localtime.3.html',
'http://man7.org/linux/man-pages/man3/localtime.3p.html',
'http://man7.org/linux/man-pages/man5/localtime.5.html'],
'localtime_r': ['http://man7.org/linux/man-pages/man3/localtime_r.3.html',
'http://man7.org/linux/man-pages/man3/localtime_r.3p.html'],
'locate': ['http://man7.org/linux/man-pages/man1/locate.1.html'],
'lock': ['http://man7.org/linux/man-pages/man2/lock.2.html'],
'lockf': ['http://man7.org/linux/man-pages/man3/lockf.3.html',
'http://man7.org/linux/man-pages/man3/lockf.3p.html'],
'log': ['http://man7.org/linux/man-pages/man3/log.3.html',
'http://man7.org/linux/man-pages/man3/log.3p.html'],
'log10': ['http://man7.org/linux/man-pages/man3/log10.3.html',
'http://man7.org/linux/man-pages/man3/log10.3p.html'],
'log10f': ['http://man7.org/linux/man-pages/man3/log10f.3.html',
'http://man7.org/linux/man-pages/man3/log10f.3p.html'],
'log10l': ['http://man7.org/linux/man-pages/man3/log10l.3.html',
'http://man7.org/linux/man-pages/man3/log10l.3p.html'],
'log1p': ['http://man7.org/linux/man-pages/man3/log1p.3.html',
'http://man7.org/linux/man-pages/man3/log1p.3p.html'],
'log1pf': ['http://man7.org/linux/man-pages/man3/log1pf.3.html',
'http://man7.org/linux/man-pages/man3/log1pf.3p.html'],
'log1pl': ['http://man7.org/linux/man-pages/man3/log1pl.3.html',
'http://man7.org/linux/man-pages/man3/log1pl.3p.html'],
'log2': ['http://man7.org/linux/man-pages/man3/log2.3.html',
'http://man7.org/linux/man-pages/man3/log2.3p.html'],
'log2f': ['http://man7.org/linux/man-pages/man3/log2f.3.html',
'http://man7.org/linux/man-pages/man3/log2f.3p.html'],
'log2l': ['http://man7.org/linux/man-pages/man3/log2l.3.html',
'http://man7.org/linux/man-pages/man3/log2l.3p.html'],
'logarchive': ['http://man7.org/linux/man-pages/man5/logarchive.5.html'],
'logb': ['http://man7.org/linux/man-pages/man3/logb.3.html',
'http://man7.org/linux/man-pages/man3/logb.3p.html'],
'logbf': ['http://man7.org/linux/man-pages/man3/logbf.3.html',
'http://man7.org/linux/man-pages/man3/logbf.3p.html'],
'logbl': ['http://man7.org/linux/man-pages/man3/logbl.3.html',
'http://man7.org/linux/man-pages/man3/logbl.3p.html'],
'logf': ['http://man7.org/linux/man-pages/man3/logf.3.html',
'http://man7.org/linux/man-pages/man3/logf.3p.html'],
'logger': ['http://man7.org/linux/man-pages/man1/logger.1.html',
'http://man7.org/linux/man-pages/man1/logger.1p.html'],
'logimport': ['http://man7.org/linux/man-pages/man3/logimport.3.html'],
'login': ['http://man7.org/linux/man-pages/man1/login.1.html',
'http://man7.org/linux/man-pages/man3/login.3.html'],
'login.defs': ['http://man7.org/linux/man-pages/man5/login.defs.5.html'],
'login.users': ['http://man7.org/linux/man-pages/man5/login.users.5.html'],
'login_tty': ['http://man7.org/linux/man-pages/man3/login_tty.3.html'],
'loginctl': ['http://man7.org/linux/man-pages/man1/loginctl.1.html'],
'logind.conf': ['http://man7.org/linux/man-pages/man5/logind.conf.5.html'],
'logind.conf.d': ['http://man7.org/linux/man-pages/man5/logind.conf.d.5.html'],
'logl': ['http://man7.org/linux/man-pages/man3/logl.3.html',
'http://man7.org/linux/man-pages/man3/logl.3p.html'],
'logname': ['http://man7.org/linux/man-pages/man1/logname.1.html',
'http://man7.org/linux/man-pages/man1/logname.1p.html'],
'logout': ['http://man7.org/linux/man-pages/man3/logout.3.html'],
'logoutd': ['http://man7.org/linux/man-pages/man8/logoutd.8.html'],
'logrotate': ['http://man7.org/linux/man-pages/man8/logrotate.8.html'],
'logrotate.conf': ['http://man7.org/linux/man-pages/man5/logrotate.conf.5.html'],
'logsave': ['http://man7.org/linux/man-pages/man8/logsave.8.html'],
'logwtmp': ['http://man7.org/linux/man-pages/man3/logwtmp.3.html'],
'longjmp': ['http://man7.org/linux/man-pages/man3/longjmp.3.html',
'http://man7.org/linux/man-pages/man3/longjmp.3p.html'],
'longname': ['http://man7.org/linux/man-pages/man3/longname.3x.html'],
'look': ['http://man7.org/linux/man-pages/man1/look.1.html'],
'lookbib': ['http://man7.org/linux/man-pages/man1/lookbib.1.html'],
'lookup_dcookie': ['http://man7.org/linux/man-pages/man2/lookup_dcookie.2.html'],
'loop': ['http://man7.org/linux/man-pages/man4/loop.4.html'],
'loop-control': ['http://man7.org/linux/man-pages/man4/loop-control.4.html'],
'losetup': ['http://man7.org/linux/man-pages/man8/losetup.8.html'],
'lp': ['http://man7.org/linux/man-pages/man1/lp.1.html',
'http://man7.org/linux/man-pages/man1/lp.1p.html',
'http://man7.org/linux/man-pages/man4/lp.4.html'],
'lpadmin': ['http://man7.org/linux/man-pages/man8/lpadmin.8.html'],
'lpc': ['http://man7.org/linux/man-pages/man8/lpc.8.html'],
'lpinfo': ['http://man7.org/linux/man-pages/man8/lpinfo.8.html'],
'lpmove': ['http://man7.org/linux/man-pages/man8/lpmove.8.html'],
'lpoptions': ['http://man7.org/linux/man-pages/man1/lpoptions.1.html'],
'lpq': ['http://man7.org/linux/man-pages/man1/lpq.1.html'],
'lpr': ['http://man7.org/linux/man-pages/man1/lpr.1.html'],
'lprm': ['http://man7.org/linux/man-pages/man1/lprm.1.html'],
'lpstat': ['http://man7.org/linux/man-pages/man1/lpstat.1.html'],
'lrand48': ['http://man7.org/linux/man-pages/man3/lrand48.3.html',
'http://man7.org/linux/man-pages/man3/lrand48.3p.html'],
'lrand48_r': ['http://man7.org/linux/man-pages/man3/lrand48_r.3.html'],
'lremovexattr': ['http://man7.org/linux/man-pages/man2/lremovexattr.2.html'],
'lrint': ['http://man7.org/linux/man-pages/man3/lrint.3.html',
'http://man7.org/linux/man-pages/man3/lrint.3p.html'],
'lrintf': ['http://man7.org/linux/man-pages/man3/lrintf.3.html',
'http://man7.org/linux/man-pages/man3/lrintf.3p.html'],
'lrintl': ['http://man7.org/linux/man-pages/man3/lrintl.3.html',
'http://man7.org/linux/man-pages/man3/lrintl.3p.html'],
'lround': ['http://man7.org/linux/man-pages/man3/lround.3.html',
'http://man7.org/linux/man-pages/man3/lround.3p.html'],
'lroundf': ['http://man7.org/linux/man-pages/man3/lroundf.3.html',
'http://man7.org/linux/man-pages/man3/lroundf.3p.html'],
'lroundl': ['http://man7.org/linux/man-pages/man3/lroundl.3.html',
'http://man7.org/linux/man-pages/man3/lroundl.3p.html'],
'ls': ['http://man7.org/linux/man-pages/man1/ls.1.html',
'http://man7.org/linux/man-pages/man1/ls.1p.html'],
'lsattr': ['http://man7.org/linux/man-pages/man1/lsattr.1.html'],
'lsblk': ['http://man7.org/linux/man-pages/man8/lsblk.8.html'],
'lscpu': ['http://man7.org/linux/man-pages/man1/lscpu.1.html'],
'lsearch': ['http://man7.org/linux/man-pages/man3/lsearch.3.html',
'http://man7.org/linux/man-pages/man3/lsearch.3p.html'],
'lseek': ['http://man7.org/linux/man-pages/man2/lseek.2.html',
'http://man7.org/linux/man-pages/man3/lseek.3p.html'],
'lseek64': ['http://man7.org/linux/man-pages/man3/lseek64.3.html'],
'lsetfilecon': ['http://man7.org/linux/man-pages/man3/lsetfilecon.3.html'],
'lsetfilecon_raw': ['http://man7.org/linux/man-pages/man3/lsetfilecon_raw.3.html'],
'lsetxattr': ['http://man7.org/linux/man-pages/man2/lsetxattr.2.html'],
'lsinitrd': ['http://man7.org/linux/man-pages/man1/lsinitrd.1.html'],
'lsipc': ['http://man7.org/linux/man-pages/man1/lsipc.1.html'],
'lslocks': ['http://man7.org/linux/man-pages/man8/lslocks.8.html'],
'lslogins': ['http://man7.org/linux/man-pages/man1/lslogins.1.html'],
'lsmem': ['http://man7.org/linux/man-pages/man1/lsmem.1.html'],
'lsmod': ['http://man7.org/linux/man-pages/man8/lsmod.8.html'],
'lsns': ['http://man7.org/linux/man-pages/man8/lsns.8.html'],
'lsof': ['http://man7.org/linux/man-pages/man8/lsof.8.html'],
'lspci': ['http://man7.org/linux/man-pages/man8/lspci.8.html'],
'lstat': ['http://man7.org/linux/man-pages/man2/lstat.2.html',
'http://man7.org/linux/man-pages/man3/lstat.3p.html'],
'lstat64': ['http://man7.org/linux/man-pages/man2/lstat64.2.html'],
'lsusb': ['http://man7.org/linux/man-pages/man8/lsusb.8.html'],
'ltrace': ['http://man7.org/linux/man-pages/man1/ltrace.1.html'],
'ltrace.conf': ['http://man7.org/linux/man-pages/man5/ltrace.conf.5.html'],
'lttng': ['http://man7.org/linux/man-pages/man1/lttng.1.html'],
'lttng-add-context': ['http://man7.org/linux/man-pages/man1/lttng-add-context.1.html'],
'lttng-calibrate': ['http://man7.org/linux/man-pages/man1/lttng-calibrate.1.html'],
'lttng-crash': ['http://man7.org/linux/man-pages/man1/lttng-crash.1.html'],
'lttng-create': ['http://man7.org/linux/man-pages/man1/lttng-create.1.html'],
'lttng-destroy': ['http://man7.org/linux/man-pages/man1/lttng-destroy.1.html'],
'lttng-disable-channel': ['http://man7.org/linux/man-pages/man1/lttng-disable-channel.1.html'],
'lttng-disable-event': ['http://man7.org/linux/man-pages/man1/lttng-disable-event.1.html'],
'lttng-disable-rotation': ['http://man7.org/linux/man-pages/man1/lttng-disable-rotation.1.html'],
'lttng-enable-channel': ['http://man7.org/linux/man-pages/man1/lttng-enable-channel.1.html'],
'lttng-enable-event': ['http://man7.org/linux/man-pages/man1/lttng-enable-event.1.html'],
'lttng-enable-rotation': ['http://man7.org/linux/man-pages/man1/lttng-enable-rotation.1.html'],
'lttng-gen-tp': ['http://man7.org/linux/man-pages/man1/lttng-gen-tp.1.html'],
'lttng-health-check': ['http://man7.org/linux/man-pages/man3/lttng-health-check.3.html'],
'lttng-help': ['http://man7.org/linux/man-pages/man1/lttng-help.1.html'],
'lttng-list': ['http://man7.org/linux/man-pages/man1/lttng-list.1.html'],
'lttng-load': ['http://man7.org/linux/man-pages/man1/lttng-load.1.html'],
'lttng-metadata': ['http://man7.org/linux/man-pages/man1/lttng-metadata.1.html'],
'lttng-regenerate': ['http://man7.org/linux/man-pages/man1/lttng-regenerate.1.html'],
'lttng-relayd': ['http://man7.org/linux/man-pages/man8/lttng-relayd.8.html'],
'lttng-rotate': ['http://man7.org/linux/man-pages/man1/lttng-rotate.1.html'],
'lttng-save': ['http://man7.org/linux/man-pages/man1/lttng-save.1.html'],
'lttng-sessiond': ['http://man7.org/linux/man-pages/man8/lttng-sessiond.8.html'],
'lttng-set-session': ['http://man7.org/linux/man-pages/man1/lttng-set-session.1.html'],
'lttng-snapshot': ['http://man7.org/linux/man-pages/man1/lttng-snapshot.1.html'],
'lttng-start': ['http://man7.org/linux/man-pages/man1/lttng-start.1.html'],
'lttng-status': ['http://man7.org/linux/man-pages/man1/lttng-status.1.html'],
'lttng-stop': ['http://man7.org/linux/man-pages/man1/lttng-stop.1.html'],
'lttng-track': ['http://man7.org/linux/man-pages/man1/lttng-track.1.html'],
'lttng-untrack': ['http://man7.org/linux/man-pages/man1/lttng-untrack.1.html'],
'lttng-ust': ['http://man7.org/linux/man-pages/man3/lttng-ust.3.html'],
'lttng-ust-cyg-profile': ['http://man7.org/linux/man-pages/man3/lttng-ust-cyg-profile.3.html'],
'lttng-ust-dl': ['http://man7.org/linux/man-pages/man3/lttng-ust-dl.3.html'],
'lttng-version': ['http://man7.org/linux/man-pages/man1/lttng-version.1.html'],
'lttng-view': ['http://man7.org/linux/man-pages/man1/lttng-view.1.html'],
'lttng_health_check': ['http://man7.org/linux/man-pages/man3/lttng_health_check.3.html'],
'lttngtop': ['http://man7.org/linux/man-pages/man1/lttngtop.1.html'],
'lttngtoptrace': ['http://man7.org/linux/man-pages/man1/lttngtoptrace.1.html'],
'lutimes': ['http://man7.org/linux/man-pages/man3/lutimes.3.html'],
'lvchange': ['http://man7.org/linux/man-pages/man8/lvchange.8.html'],
'lvconvert': ['http://man7.org/linux/man-pages/man8/lvconvert.8.html'],
'lvcreate': ['http://man7.org/linux/man-pages/man8/lvcreate.8.html'],
'lvdisplay': ['http://man7.org/linux/man-pages/man8/lvdisplay.8.html'],
'lvextend': ['http://man7.org/linux/man-pages/man8/lvextend.8.html'],
'lvm': ['http://man7.org/linux/man-pages/man8/lvm.8.html'],
'lvm-config': ['http://man7.org/linux/man-pages/man8/lvm-config.8.html'],
'lvm-dumpconfig': ['http://man7.org/linux/man-pages/man8/lvm-dumpconfig.8.html'],
'lvm-fullreport': ['http://man7.org/linux/man-pages/man8/lvm-fullreport.8.html'],
'lvm-lvpoll': ['http://man7.org/linux/man-pages/man8/lvm-lvpoll.8.html'],
'lvm.conf': ['http://man7.org/linux/man-pages/man5/lvm.conf.5.html'],
'lvm2-activation-generator': ['http://man7.org/linux/man-pages/man8/lvm2-activation-generator.8.html'],
'lvmcache': ['http://man7.org/linux/man-pages/man7/lvmcache.7.html'],
'lvmconfig': ['http://man7.org/linux/man-pages/man8/lvmconfig.8.html'],
'lvmdbusd': ['http://man7.org/linux/man-pages/man8/lvmdbusd.8.html'],
'lvmdiskscan': ['http://man7.org/linux/man-pages/man8/lvmdiskscan.8.html'],
'lvmdump': ['http://man7.org/linux/man-pages/man8/lvmdump.8.html'],
'lvmetad': ['http://man7.org/linux/man-pages/man8/lvmetad.8.html'],
'lvmlockctl': ['http://man7.org/linux/man-pages/man8/lvmlockctl.8.html'],
'lvmlockd': ['http://man7.org/linux/man-pages/man8/lvmlockd.8.html'],
'lvmpolld': ['http://man7.org/linux/man-pages/man8/lvmpolld.8.html'],
'lvmraid': ['http://man7.org/linux/man-pages/man7/lvmraid.7.html'],
'lvmreport': ['http://man7.org/linux/man-pages/man7/lvmreport.7.html'],
'lvmsadc': ['http://man7.org/linux/man-pages/man8/lvmsadc.8.html'],
'lvmsar': ['http://man7.org/linux/man-pages/man8/lvmsar.8.html'],
'lvmsystemid': ['http://man7.org/linux/man-pages/man7/lvmsystemid.7.html'],
'lvmthin': ['http://man7.org/linux/man-pages/man7/lvmthin.7.html'],
'lvpoll': ['http://man7.org/linux/man-pages/man8/lvpoll.8.html'],
'lvreduce': ['http://man7.org/linux/man-pages/man8/lvreduce.8.html'],
'lvremove': ['http://man7.org/linux/man-pages/man8/lvremove.8.html'],
'lvrename': ['http://man7.org/linux/man-pages/man8/lvrename.8.html'],
'lvresize': ['http://man7.org/linux/man-pages/man8/lvresize.8.html'],
'lvs': ['http://man7.org/linux/man-pages/man8/lvs.8.html'],
'lvscan': ['http://man7.org/linux/man-pages/man8/lvscan.8.html'],
'lxc': ['http://man7.org/linux/man-pages/man7/lxc.7.html'],
'lxc-attach': ['http://man7.org/linux/man-pages/man1/lxc-attach.1.html'],
'lxc-autostart': ['http://man7.org/linux/man-pages/man1/lxc-autostart.1.html'],
'lxc-cgroup': ['http://man7.org/linux/man-pages/man1/lxc-cgroup.1.html'],
'lxc-checkconfig': ['http://man7.org/linux/man-pages/man1/lxc-checkconfig.1.html'],
'lxc-checkpoint': ['http://man7.org/linux/man-pages/man1/lxc-checkpoint.1.html'],
'lxc-config': ['http://man7.org/linux/man-pages/man1/lxc-config.1.html'],
'lxc-console': ['http://man7.org/linux/man-pages/man1/lxc-console.1.html'],
'lxc-copy': ['http://man7.org/linux/man-pages/man1/lxc-copy.1.html'],
'lxc-create': ['http://man7.org/linux/man-pages/man1/lxc-create.1.html'],
'lxc-destroy': ['http://man7.org/linux/man-pages/man1/lxc-destroy.1.html'],
'lxc-device': ['http://man7.org/linux/man-pages/man1/lxc-device.1.html'],
'lxc-execute': ['http://man7.org/linux/man-pages/man1/lxc-execute.1.html'],
'lxc-freeze': ['http://man7.org/linux/man-pages/man1/lxc-freeze.1.html'],
'lxc-info': ['http://man7.org/linux/man-pages/man1/lxc-info.1.html'],
'lxc-ls': ['http://man7.org/linux/man-pages/man1/lxc-ls.1.html'],
'lxc-monitor': ['http://man7.org/linux/man-pages/man1/lxc-monitor.1.html'],
'lxc-snapshot': ['http://man7.org/linux/man-pages/man1/lxc-snapshot.1.html'],
'lxc-start': ['http://man7.org/linux/man-pages/man1/lxc-start.1.html'],
'lxc-stop': ['http://man7.org/linux/man-pages/man1/lxc-stop.1.html'],
'lxc-top': ['http://man7.org/linux/man-pages/man1/lxc-top.1.html'],
'lxc-unfreeze': ['http://man7.org/linux/man-pages/man1/lxc-unfreeze.1.html'],
'lxc-unshare': ['http://man7.org/linux/man-pages/man1/lxc-unshare.1.html'],
'lxc-update-config': ['http://man7.org/linux/man-pages/man1/lxc-update-config.1.html'],
'lxc-user-nic': ['http://man7.org/linux/man-pages/man1/lxc-user-nic.1.html'],
'lxc-usernet': ['http://man7.org/linux/man-pages/man5/lxc-usernet.5.html'],
'lxc-usernsexec': ['http://man7.org/linux/man-pages/man1/lxc-usernsexec.1.html'],
'lxc-wait': ['http://man7.org/linux/man-pages/man1/lxc-wait.1.html'],
'lxc.conf': ['http://man7.org/linux/man-pages/man5/lxc.conf.5.html'],
'lxc.container.conf': ['http://man7.org/linux/man-pages/man5/lxc.container.conf.5.html'],
'lxc.system.conf': ['http://man7.org/linux/man-pages/man5/lxc.system.conf.5.html'],
'm4': ['http://man7.org/linux/man-pages/man1/m4.1p.html'],
'machine-id': ['http://man7.org/linux/man-pages/man5/machine-id.5.html'],
'machine-info': ['http://man7.org/linux/man-pages/man5/machine-info.5.html'],
'machinectl': ['http://man7.org/linux/man-pages/man1/machinectl.1.html'],
'madvise': ['http://man7.org/linux/man-pages/man2/madvise.2.html'],
'madvise1': ['http://man7.org/linux/man-pages/man2/madvise1.2.html'],
'magic': ['http://man7.org/linux/man-pages/man4/magic.4.html'],
'magic_buffer': ['http://man7.org/linux/man-pages/man3/magic_buffer.3.html'],
'magic_check': ['http://man7.org/linux/man-pages/man3/magic_check.3.html'],
'magic_close': ['http://man7.org/linux/man-pages/man3/magic_close.3.html'],
'magic_compile': ['http://man7.org/linux/man-pages/man3/magic_compile.3.html'],
'magic_descriptor': ['http://man7.org/linux/man-pages/man3/magic_descriptor.3.html'],
'magic_errno': ['http://man7.org/linux/man-pages/man3/magic_errno.3.html'],
'magic_error': ['http://man7.org/linux/man-pages/man3/magic_error.3.html'],
'magic_getflags': ['http://man7.org/linux/man-pages/man3/magic_getflags.3.html'],
'magic_getparam': ['http://man7.org/linux/man-pages/man3/magic_getparam.3.html'],
'magic_list': ['http://man7.org/linux/man-pages/man3/magic_list.3.html'],
'magic_load': ['http://man7.org/linux/man-pages/man3/magic_load.3.html'],
'magic_load_buffers': ['http://man7.org/linux/man-pages/man3/magic_load_buffers.3.html'],
'magic_open': ['http://man7.org/linux/man-pages/man3/magic_open.3.html'],
'magic_setflags': ['http://man7.org/linux/man-pages/man3/magic_setflags.3.html'],
'magic_setparam': ['http://man7.org/linux/man-pages/man3/magic_setparam.3.html'],
'magic_version': ['http://man7.org/linux/man-pages/man3/magic_version.3.html'],
'mailaddr': ['http://man7.org/linux/man-pages/man7/mailaddr.7.html'],
'mailto.conf': ['http://man7.org/linux/man-pages/man5/mailto.conf.5.html'],
'mailx': ['http://man7.org/linux/man-pages/man1/mailx.1p.html'],
'major': ['http://man7.org/linux/man-pages/man3/major.3.html'],
'make': ['http://man7.org/linux/man-pages/man1/make.1.html',
'http://man7.org/linux/man-pages/man1/make.1p.html'],
'make_win_bin_dist': ['http://man7.org/linux/man-pages/man1/make_win_bin_dist.1.html'],
'makecontext': ['http://man7.org/linux/man-pages/man3/makecontext.3.html'],
'makedev': ['http://man7.org/linux/man-pages/man3/makedev.3.html'],
'mallinfo': ['http://man7.org/linux/man-pages/man3/mallinfo.3.html'],
'malloc': ['http://man7.org/linux/man-pages/man3/malloc.3.html',
'http://man7.org/linux/man-pages/man3/malloc.3p.html'],
'malloc_get_state': ['http://man7.org/linux/man-pages/man3/malloc_get_state.3.html'],
'malloc_hook': ['http://man7.org/linux/man-pages/man3/malloc_hook.3.html'],
'malloc_info': ['http://man7.org/linux/man-pages/man3/malloc_info.3.html'],
'malloc_set_state': ['http://man7.org/linux/man-pages/man3/malloc_set_state.3.html'],
'malloc_stats': ['http://man7.org/linux/man-pages/man3/malloc_stats.3.html'],
'malloc_trim': ['http://man7.org/linux/man-pages/man3/malloc_trim.3.html'],
'malloc_usable_size': ['http://man7.org/linux/man-pages/man3/malloc_usable_size.3.html'],
'mallopt': ['http://man7.org/linux/man-pages/man3/mallopt.3.html'],
'man': ['http://man7.org/linux/man-pages/man1/man.1.html',
'http://man7.org/linux/man-pages/man1/man.1p.html',
'http://man7.org/linux/man-pages/man7/man.7.html'],
'man-pages': ['http://man7.org/linux/man-pages/man7/man-pages.7.html'],
'manconv': ['http://man7.org/linux/man-pages/man1/manconv.1.html'],
'mandb': ['http://man7.org/linux/man-pages/man8/mandb.8.html'],
'manpath': ['http://man7.org/linux/man-pages/man1/manpath.1.html',
'http://man7.org/linux/man-pages/man5/manpath.5.html'],
'manual_user_enter_context': ['http://man7.org/linux/man-pages/man3/manual_user_enter_context.3.html'],
'mapscrn': ['http://man7.org/linux/man-pages/man8/mapscrn.8.html'],
'mariabackup': ['http://man7.org/linux/man-pages/man1/mariabackup.1.html'],
'mariadb-service-convert': ['http://man7.org/linux/man-pages/man1/mariadb-service-convert.1.html'],
'matchall': ['http://man7.org/linux/man-pages/man8/matchall.8.html'],
'matchmediacon': ['http://man7.org/linux/man-pages/man3/matchmediacon.3.html'],
'matchpathcon': ['http://man7.org/linux/man-pages/man3/matchpathcon.3.html',
'http://man7.org/linux/man-pages/man8/matchpathcon.8.html'],
'matchpathcon_checkmatches': ['http://man7.org/linux/man-pages/man3/matchpathcon_checkmatches.3.html'],
'matchpathcon_filespec_add': ['http://man7.org/linux/man-pages/man3/matchpathcon_filespec_add.3.html'],
'matchpathcon_filespec_destroy': ['http://man7.org/linux/man-pages/man3/matchpathcon_filespec_destroy.3.html'],
'matchpathcon_filespec_eval': ['http://man7.org/linux/man-pages/man3/matchpathcon_filespec_eval.3.html'],
'matchpathcon_fini': ['http://man7.org/linux/man-pages/man3/matchpathcon_fini.3.html'],
'matchpathcon_index': ['http://man7.org/linux/man-pages/man3/matchpathcon_index.3.html'],
'matchpathcon_init': ['http://man7.org/linux/man-pages/man3/matchpathcon_init.3.html'],
'math.h': ['http://man7.org/linux/man-pages/man0/math.h.0p.html'],
'math_error': ['http://man7.org/linux/man-pages/man7/math_error.7.html'],
'matherr': ['http://man7.org/linux/man-pages/man3/matherr.3.html'],
'mausezahn': ['http://man7.org/linux/man-pages/man8/mausezahn.8.html'],
'mb_cur_max': ['http://man7.org/linux/man-pages/man3/mb_cur_max.3.html'],
'mb_len_max': ['http://man7.org/linux/man-pages/man3/mb_len_max.3.html'],
'mbind': ['http://man7.org/linux/man-pages/man2/mbind.2.html'],
'mblen': ['http://man7.org/linux/man-pages/man3/mblen.3.html',
'http://man7.org/linux/man-pages/man3/mblen.3p.html'],
'mbrlen': ['http://man7.org/linux/man-pages/man3/mbrlen.3.html',
'http://man7.org/linux/man-pages/man3/mbrlen.3p.html'],
'mbrtowc': ['http://man7.org/linux/man-pages/man3/mbrtowc.3.html',
'http://man7.org/linux/man-pages/man3/mbrtowc.3p.html'],
'mbsinit': ['http://man7.org/linux/man-pages/man3/mbsinit.3.html',
'http://man7.org/linux/man-pages/man3/mbsinit.3p.html'],
'mbsnrtowcs': ['http://man7.org/linux/man-pages/man3/mbsnrtowcs.3.html',
'http://man7.org/linux/man-pages/man3/mbsnrtowcs.3p.html'],
'mbsrtowcs': ['http://man7.org/linux/man-pages/man3/mbsrtowcs.3.html',
'http://man7.org/linux/man-pages/man3/mbsrtowcs.3p.html'],
'mbstowcs': ['http://man7.org/linux/man-pages/man3/mbstowcs.3.html',
'http://man7.org/linux/man-pages/man3/mbstowcs.3p.html'],
'mbstream': ['http://man7.org/linux/man-pages/man1/mbstream.1.html'],
'mbtowc': ['http://man7.org/linux/man-pages/man3/mbtowc.3.html',
'http://man7.org/linux/man-pages/man3/mbtowc.3p.html'],
'mcheck': ['http://man7.org/linux/man-pages/man3/mcheck.3.html'],
'mcheck_check_all': ['http://man7.org/linux/man-pages/man3/mcheck_check_all.3.html'],
'mcheck_pedantic': ['http://man7.org/linux/man-pages/man3/mcheck_pedantic.3.html'],
'mckey': ['http://man7.org/linux/man-pages/man1/mckey.1.html'],
'mcookie': ['http://man7.org/linux/man-pages/man1/mcookie.1.html'],
'mcprint': ['http://man7.org/linux/man-pages/man3/mcprint.3x.html'],
'mcs': ['http://man7.org/linux/man-pages/man8/mcs.8.html'],
'mcstransd': ['http://man7.org/linux/man-pages/man8/mcstransd.8.html'],
'md': ['http://man7.org/linux/man-pages/man4/md.4.html'],
'md5sum': ['http://man7.org/linux/man-pages/man1/md5sum.1.html'],
'mdadm': ['http://man7.org/linux/man-pages/man8/mdadm.8.html'],
'mdadm.conf': ['http://man7.org/linux/man-pages/man5/mdadm.conf.5.html'],
'mdmon': ['http://man7.org/linux/man-pages/man8/mdmon.8.html'],
'mdoc': ['http://man7.org/linux/man-pages/man7/mdoc.7.html'],
'mdoc.samples': ['http://man7.org/linux/man-pages/man7/mdoc.samples.7.html'],
'media': ['http://man7.org/linux/man-pages/man5/media.5.html'],
'mem': ['http://man7.org/linux/man-pages/man4/mem.4.html'],
'memalign': ['http://man7.org/linux/man-pages/man3/memalign.3.html'],
'membarrier': ['http://man7.org/linux/man-pages/man2/membarrier.2.html'],
'memccpy': ['http://man7.org/linux/man-pages/man3/memccpy.3.html',
'http://man7.org/linux/man-pages/man3/memccpy.3p.html'],
'memchr': ['http://man7.org/linux/man-pages/man3/memchr.3.html',
'http://man7.org/linux/man-pages/man3/memchr.3p.html'],
'memcmp': ['http://man7.org/linux/man-pages/man3/memcmp.3.html',
'http://man7.org/linux/man-pages/man3/memcmp.3p.html'],
'memcpy': ['http://man7.org/linux/man-pages/man3/memcpy.3.html',
'http://man7.org/linux/man-pages/man3/memcpy.3p.html'],
'memfd_create': ['http://man7.org/linux/man-pages/man2/memfd_create.2.html'],
'memfrob': ['http://man7.org/linux/man-pages/man3/memfrob.3.html'],
'memmem': ['http://man7.org/linux/man-pages/man3/memmem.3.html'],
'memmove': ['http://man7.org/linux/man-pages/man3/memmove.3.html',
'http://man7.org/linux/man-pages/man3/memmove.3p.html'],
'mempcpy': ['http://man7.org/linux/man-pages/man3/mempcpy.3.html'],
'memrchr': ['http://man7.org/linux/man-pages/man3/memrchr.3.html'],
'memset': ['http://man7.org/linux/man-pages/man3/memset.3.html',
'http://man7.org/linux/man-pages/man3/memset.3p.html'],
'memusage': ['http://man7.org/linux/man-pages/man1/memusage.1.html'],
'memusagestat': ['http://man7.org/linux/man-pages/man1/memusagestat.1.html'],
'menu': ['http://man7.org/linux/man-pages/man3/menu.3x.html'],
'menu_attributes': ['http://man7.org/linux/man-pages/man3/menu_attributes.3x.html'],
'menu_back': ['http://man7.org/linux/man-pages/man3/menu_back.3x.html'],
'menu_cursor': ['http://man7.org/linux/man-pages/man3/menu_cursor.3x.html'],
'menu_driver': ['http://man7.org/linux/man-pages/man3/menu_driver.3x.html'],
'menu_fore': ['http://man7.org/linux/man-pages/man3/menu_fore.3x.html'],
'menu_format': ['http://man7.org/linux/man-pages/man3/menu_format.3x.html'],
'menu_grey': ['http://man7.org/linux/man-pages/man3/menu_grey.3x.html'],
'menu_hook': ['http://man7.org/linux/man-pages/man3/menu_hook.3x.html'],
'menu_items': ['http://man7.org/linux/man-pages/man3/menu_items.3x.html'],
'menu_mark': ['http://man7.org/linux/man-pages/man3/menu_mark.3x.html'],
'menu_new': ['http://man7.org/linux/man-pages/man3/menu_new.3x.html'],
'menu_opts': ['http://man7.org/linux/man-pages/man3/menu_opts.3x.html'],
'menu_opts_off': ['http://man7.org/linux/man-pages/man3/menu_opts_off.3x.html'],
'menu_opts_on': ['http://man7.org/linux/man-pages/man3/menu_opts_on.3x.html'],
'menu_pad': ['http://man7.org/linux/man-pages/man3/menu_pad.3x.html'],
'menu_pattern': ['http://man7.org/linux/man-pages/man3/menu_pattern.3x.html'],
'menu_post': ['http://man7.org/linux/man-pages/man3/menu_post.3x.html'],
'menu_request_by_name': ['http://man7.org/linux/man-pages/man3/menu_request_by_name.3x.html'],
'menu_request_name': ['http://man7.org/linux/man-pages/man3/menu_request_name.3x.html'],
'menu_requestname': ['http://man7.org/linux/man-pages/man3/menu_requestname.3x.html'],
'menu_spacing': ['http://man7.org/linux/man-pages/man3/menu_spacing.3x.html'],
'menu_userptr': ['http://man7.org/linux/man-pages/man3/menu_userptr.3x.html'],
'menu_win': ['http://man7.org/linux/man-pages/man3/menu_win.3x.html'],
'mesg': ['http://man7.org/linux/man-pages/man1/mesg.1.html',
'http://man7.org/linux/man-pages/man1/mesg.1p.html'],
'meta': ['http://man7.org/linux/man-pages/man3/meta.3x.html'],
'migrate_pages': ['http://man7.org/linux/man-pages/man2/migrate_pages.2.html'],
'migratepages': ['http://man7.org/linux/man-pages/man8/migratepages.8.html'],
'migspeed': ['http://man7.org/linux/man-pages/man8/migspeed.8.html'],
'mii-tool': ['http://man7.org/linux/man-pages/man8/mii-tool.8.html'],
'mime.convs': ['http://man7.org/linux/man-pages/man5/mime.convs.5.html'],
'mime.types': ['http://man7.org/linux/man-pages/man5/mime.types.5.html'],
'mincore': ['http://man7.org/linux/man-pages/man2/mincore.2.html'],
'miniunzip': ['http://man7.org/linux/man-pages/man1/miniunzip.1.html'],
'minizip': ['http://man7.org/linux/man-pages/man1/minizip.1.html'],
'minor': ['http://man7.org/linux/man-pages/man3/minor.3.html'],
'mirred': ['http://man7.org/linux/man-pages/man8/mirred.8.html'],
'misc_conv': ['http://man7.org/linux/man-pages/man3/misc_conv.3.html'],
'mitem_current': ['http://man7.org/linux/man-pages/man3/mitem_current.3x.html'],
'mitem_name': ['http://man7.org/linux/man-pages/man3/mitem_name.3x.html'],
'mitem_new': ['http://man7.org/linux/man-pages/man3/mitem_new.3x.html'],
'mitem_opts': ['http://man7.org/linux/man-pages/man3/mitem_opts.3x.html'],
'mitem_userptr': ['http://man7.org/linux/man-pages/man3/mitem_userptr.3x.html'],
'mitem_value': ['http://man7.org/linux/man-pages/man3/mitem_value.3x.html'],
'mitem_visible': ['http://man7.org/linux/man-pages/man3/mitem_visible.3x.html'],
'mkaf': ['http://man7.org/linux/man-pages/man1/mkaf.1.html'],
'mkdir': ['http://man7.org/linux/man-pages/man1/mkdir.1.html',
'http://man7.org/linux/man-pages/man1/mkdir.1p.html',
'http://man7.org/linux/man-pages/man2/mkdir.2.html',
'http://man7.org/linux/man-pages/man3/mkdir.3p.html'],
'mkdirat': ['http://man7.org/linux/man-pages/man2/mkdirat.2.html',
'http://man7.org/linux/man-pages/man3/mkdirat.3p.html'],
'mkdtemp': ['http://man7.org/linux/man-pages/man3/mkdtemp.3.html',
'http://man7.org/linux/man-pages/man3/mkdtemp.3p.html'],
'mke2fs': ['http://man7.org/linux/man-pages/man8/mke2fs.8.html'],
'mke2fs.conf': ['http://man7.org/linux/man-pages/man5/mke2fs.conf.5.html'],
'mkfifo': ['http://man7.org/linux/man-pages/man1/mkfifo.1.html',
'http://man7.org/linux/man-pages/man1/mkfifo.1p.html',
'http://man7.org/linux/man-pages/man3/mkfifo.3.html',
'http://man7.org/linux/man-pages/man3/mkfifo.3p.html'],
'mkfifoat': ['http://man7.org/linux/man-pages/man3/mkfifoat.3.html',
'http://man7.org/linux/man-pages/man3/mkfifoat.3p.html'],
'mkfs': ['http://man7.org/linux/man-pages/man8/mkfs.8.html'],
'mkfs.bfs': ['http://man7.org/linux/man-pages/man8/mkfs.bfs.8.html'],
'mkfs.btrfs': ['http://man7.org/linux/man-pages/man8/mkfs.btrfs.8.html'],
'mkfs.cramfs': ['http://man7.org/linux/man-pages/man8/mkfs.cramfs.8.html'],
'mkfs.minix': ['http://man7.org/linux/man-pages/man8/mkfs.minix.8.html'],
'mkfs.xfs': ['http://man7.org/linux/man-pages/man8/mkfs.xfs.8.html'],
'mkhomedir_helper': ['http://man7.org/linux/man-pages/man8/mkhomedir_helper.8.html'],
'mkinitrd': ['http://man7.org/linux/man-pages/man8/mkinitrd.8.html'],
'mkinitrd-suse': ['http://man7.org/linux/man-pages/man8/mkinitrd-suse.8.html'],
'mknod': ['http://man7.org/linux/man-pages/man1/mknod.1.html',
'http://man7.org/linux/man-pages/man2/mknod.2.html',
'http://man7.org/linux/man-pages/man3/mknod.3p.html'],
'mknodat': ['http://man7.org/linux/man-pages/man2/mknodat.2.html',
'http://man7.org/linux/man-pages/man3/mknodat.3p.html'],
'mkostemp': ['http://man7.org/linux/man-pages/man3/mkostemp.3.html'],
'mkostemps': ['http://man7.org/linux/man-pages/man3/mkostemps.3.html'],
'mkstemp': ['http://man7.org/linux/man-pages/man3/mkstemp.3.html',
'http://man7.org/linux/man-pages/man3/mkstemp.3p.html'],
'mkstemps': ['http://man7.org/linux/man-pages/man3/mkstemps.3.html'],
'mkswap': ['http://man7.org/linux/man-pages/man8/mkswap.8.html'],
'mktemp': ['http://man7.org/linux/man-pages/man1/mktemp.1.html',
'http://man7.org/linux/man-pages/man3/mktemp.3.html'],
'mktime': ['http://man7.org/linux/man-pages/man3/mktime.3.html',
'http://man7.org/linux/man-pages/man3/mktime.3p.html'],
'mlock': ['http://man7.org/linux/man-pages/man2/mlock.2.html',
'http://man7.org/linux/man-pages/man3/mlock.3p.html'],
'mlock2': ['http://man7.org/linux/man-pages/man2/mlock2.2.html'],
'mlockall': ['http://man7.org/linux/man-pages/man2/mlockall.2.html',
'http://man7.org/linux/man-pages/man3/mlockall.3p.html'],
'mlx4dv': ['http://man7.org/linux/man-pages/man7/mlx4dv.7.html'],
'mlx4dv_init_obj': ['http://man7.org/linux/man-pages/man3/mlx4dv_init_obj.3.html'],
'mlx4dv_query_device': ['http://man7.org/linux/man-pages/man3/mlx4dv_query_device.3.html'],
'mlx5dv': ['http://man7.org/linux/man-pages/man7/mlx5dv.7.html'],
'mlx5dv_get_clock_info': ['http://man7.org/linux/man-pages/man3/mlx5dv_get_clock_info.3.html'],
'mlx5dv_init_obj': ['http://man7.org/linux/man-pages/man3/mlx5dv_init_obj.3.html'],
'mlx5dv_query_device': ['http://man7.org/linux/man-pages/man3/mlx5dv_query_device.3.html'],
'mlx5dv_ts_to_ns': ['http://man7.org/linux/man-pages/man3/mlx5dv_ts_to_ns.3.html'],
'mmap': ['http://man7.org/linux/man-pages/man2/mmap.2.html',
'http://man7.org/linux/man-pages/man3/mmap.3p.html'],
'mmap2': ['http://man7.org/linux/man-pages/man2/mmap2.2.html'],
'mmap64': ['http://man7.org/linux/man-pages/man3/mmap64.3.html'],
'mmroff': ['http://man7.org/linux/man-pages/man1/mmroff.1.html'],
'mmv': ['http://man7.org/linux/man-pages/man5/mmv.5.html'],
'mmv_inc_value': ['http://man7.org/linux/man-pages/man3/mmv_inc_value.3.html'],
'mmv_lookup_value_desc': ['http://man7.org/linux/man-pages/man3/mmv_lookup_value_desc.3.html'],
'mmv_stats2_init': ['http://man7.org/linux/man-pages/man3/mmv_stats2_init.3.html'],
'mmv_stats_init': ['http://man7.org/linux/man-pages/man3/mmv_stats_init.3.html'],
'mmv_stats_registry': ['http://man7.org/linux/man-pages/man3/mmv_stats_registry.3.html'],
'mode_to_security_class': ['http://man7.org/linux/man-pages/man3/mode_to_security_class.3.html'],
'modf': ['http://man7.org/linux/man-pages/man3/modf.3.html',
'http://man7.org/linux/man-pages/man3/modf.3p.html'],
'modff': ['http://man7.org/linux/man-pages/man3/modff.3.html',
'http://man7.org/linux/man-pages/man3/modff.3p.html'],
'modfl': ['http://man7.org/linux/man-pages/man3/modfl.3.html',
'http://man7.org/linux/man-pages/man3/modfl.3p.html'],
'modify_ldt': ['http://man7.org/linux/man-pages/man2/modify_ldt.2.html'],
'modinfo': ['http://man7.org/linux/man-pages/man8/modinfo.8.html'],
'modprobe': ['http://man7.org/linux/man-pages/man8/modprobe.8.html'],
'modprobe.d': ['http://man7.org/linux/man-pages/man5/modprobe.d.5.html'],
'modules-load.d': ['http://man7.org/linux/man-pages/man5/modules-load.d.5.html'],
'modules.dep': ['http://man7.org/linux/man-pages/man5/modules.dep.5.html'],
'modules.dep.bin': ['http://man7.org/linux/man-pages/man5/modules.dep.bin.5.html'],
'moduli': ['http://man7.org/linux/man-pages/man5/moduli.5.html'],
'monetary.h': ['http://man7.org/linux/man-pages/man0/monetary.h.0p.html'],
'more': ['http://man7.org/linux/man-pages/man1/more.1.html',
'http://man7.org/linux/man-pages/man1/more.1p.html'],
'motd': ['http://man7.org/linux/man-pages/man5/motd.5.html'],
'mount': ['http://man7.org/linux/man-pages/man2/mount.2.html',
'http://man7.org/linux/man-pages/man8/mount.8.html'],
'mount.fuse3': ['http://man7.org/linux/man-pages/man8/mount.fuse3.8.html'],
'mount.nfs': ['http://man7.org/linux/man-pages/man8/mount.nfs.8.html'],
'mount.nfs4': ['http://man7.org/linux/man-pages/man8/mount.nfs4.8.html'],
'mount_namespaces': ['http://man7.org/linux/man-pages/man7/mount_namespaces.7.html'],
'mountd': ['http://man7.org/linux/man-pages/man8/mountd.8.html'],
'mountpoint': ['http://man7.org/linux/man-pages/man1/mountpoint.1.html'],
'mountstats': ['http://man7.org/linux/man-pages/man8/mountstats.8.html'],
'mouse': ['http://man7.org/linux/man-pages/man4/mouse.4.html'],
'mouse_trafo': ['http://man7.org/linux/man-pages/man3/mouse_trafo.3x.html'],
'mouseinterval': ['http://man7.org/linux/man-pages/man3/mouseinterval.3x.html'],
'mousemask': ['http://man7.org/linux/man-pages/man3/mousemask.3x.html'],
'move': ['http://man7.org/linux/man-pages/man3/move.3x.html'],
'move_pages': ['http://man7.org/linux/man-pages/man2/move_pages.2.html'],
'mpool': ['http://man7.org/linux/man-pages/man3/mpool.3.html'],
'mprobe': ['http://man7.org/linux/man-pages/man3/mprobe.3.html'],
'mprotect': ['http://man7.org/linux/man-pages/man2/mprotect.2.html',
'http://man7.org/linux/man-pages/man3/mprotect.3p.html'],
'mpstat': ['http://man7.org/linux/man-pages/man1/mpstat.1.html'],
'mpx': ['http://man7.org/linux/man-pages/man2/mpx.2.html'],
'mq_close': ['http://man7.org/linux/man-pages/man3/mq_close.3.html',
'http://man7.org/linux/man-pages/man3/mq_close.3p.html'],
'mq_getattr': ['http://man7.org/linux/man-pages/man3/mq_getattr.3.html',
'http://man7.org/linux/man-pages/man3/mq_getattr.3p.html'],
'mq_getsetattr': ['http://man7.org/linux/man-pages/man2/mq_getsetattr.2.html'],
'mq_notify': ['http://man7.org/linux/man-pages/man2/mq_notify.2.html',
'http://man7.org/linux/man-pages/man3/mq_notify.3.html',
'http://man7.org/linux/man-pages/man3/mq_notify.3p.html'],
'mq_open': ['http://man7.org/linux/man-pages/man2/mq_open.2.html',
'http://man7.org/linux/man-pages/man3/mq_open.3.html',
'http://man7.org/linux/man-pages/man3/mq_open.3p.html'],
'mq_overview': ['http://man7.org/linux/man-pages/man7/mq_overview.7.html'],
'mq_receive': ['http://man7.org/linux/man-pages/man3/mq_receive.3.html',
'http://man7.org/linux/man-pages/man3/mq_receive.3p.html'],
'mq_send': ['http://man7.org/linux/man-pages/man3/mq_send.3.html',
'http://man7.org/linux/man-pages/man3/mq_send.3p.html'],
'mq_setattr': ['http://man7.org/linux/man-pages/man3/mq_setattr.3.html',
'http://man7.org/linux/man-pages/man3/mq_setattr.3p.html'],
'mq_timedreceive': ['http://man7.org/linux/man-pages/man2/mq_timedreceive.2.html',
'http://man7.org/linux/man-pages/man3/mq_timedreceive.3.html',
'http://man7.org/linux/man-pages/man3/mq_timedreceive.3p.html'],
'mq_timedsend': ['http://man7.org/linux/man-pages/man2/mq_timedsend.2.html',
'http://man7.org/linux/man-pages/man3/mq_timedsend.3.html',
'http://man7.org/linux/man-pages/man3/mq_timedsend.3p.html'],
'mq_unlink': ['http://man7.org/linux/man-pages/man2/mq_unlink.2.html',
'http://man7.org/linux/man-pages/man3/mq_unlink.3.html',
'http://man7.org/linux/man-pages/man3/mq_unlink.3p.html'],
'mqueue.h': ['http://man7.org/linux/man-pages/man0/mqueue.h.0p.html'],
'mrand48': ['http://man7.org/linux/man-pages/man3/mrand48.3.html',
'http://man7.org/linux/man-pages/man3/mrand48.3p.html'],
'mrand48_r': ['http://man7.org/linux/man-pages/man3/mrand48_r.3.html'],
'mremap': ['http://man7.org/linux/man-pages/man2/mremap.2.html'],
'mrtg2pcp': ['http://man7.org/linux/man-pages/man1/mrtg2pcp.1.html'],
'ms_print': ['http://man7.org/linux/man-pages/man1/ms_print.1.html'],
'msgattrib': ['http://man7.org/linux/man-pages/man1/msgattrib.1.html'],
'msgcat': ['http://man7.org/linux/man-pages/man1/msgcat.1.html'],
'msgcmp': ['http://man7.org/linux/man-pages/man1/msgcmp.1.html'],
'msgcomm': ['http://man7.org/linux/man-pages/man1/msgcomm.1.html'],
'msgconv': ['http://man7.org/linux/man-pages/man1/msgconv.1.html'],
'msgctl': ['http://man7.org/linux/man-pages/man2/msgctl.2.html',
'http://man7.org/linux/man-pages/man3/msgctl.3p.html'],
'msgen': ['http://man7.org/linux/man-pages/man1/msgen.1.html'],
'msgexec': ['http://man7.org/linux/man-pages/man1/msgexec.1.html'],
'msgfilter': ['http://man7.org/linux/man-pages/man1/msgfilter.1.html'],
'msgfmt': ['http://man7.org/linux/man-pages/man1/msgfmt.1.html'],
'msgget': ['http://man7.org/linux/man-pages/man2/msgget.2.html',
'http://man7.org/linux/man-pages/man3/msgget.3p.html'],
'msggrep': ['http://man7.org/linux/man-pages/man1/msggrep.1.html'],
'msginit': ['http://man7.org/linux/man-pages/man1/msginit.1.html'],
'msgmerge': ['http://man7.org/linux/man-pages/man1/msgmerge.1.html'],
'msgop': ['http://man7.org/linux/man-pages/man2/msgop.2.html'],
'msgrcv': ['http://man7.org/linux/man-pages/man2/msgrcv.2.html',
'http://man7.org/linux/man-pages/man3/msgrcv.3p.html'],
'msgsnd': ['http://man7.org/linux/man-pages/man2/msgsnd.2.html',
'http://man7.org/linux/man-pages/man3/msgsnd.3p.html'],
'msgunfmt': ['http://man7.org/linux/man-pages/man1/msgunfmt.1.html'],
'msguniq': ['http://man7.org/linux/man-pages/man1/msguniq.1.html'],
'msql2mysql': ['http://man7.org/linux/man-pages/man1/msql2mysql.1.html'],
'msr': ['http://man7.org/linux/man-pages/man4/msr.4.html'],
'msync': ['http://man7.org/linux/man-pages/man2/msync.2.html',
'http://man7.org/linux/man-pages/man3/msync.3p.html'],
'mtrace': ['http://man7.org/linux/man-pages/man1/mtrace.1.html',
'http://man7.org/linux/man-pages/man3/mtrace.3.html'],
'munlock': ['http://man7.org/linux/man-pages/man2/munlock.2.html',
'http://man7.org/linux/man-pages/man3/munlock.3p.html'],
'munlockall': ['http://man7.org/linux/man-pages/man2/munlockall.2.html',
'http://man7.org/linux/man-pages/man3/munlockall.3p.html'],
'munmap': ['http://man7.org/linux/man-pages/man2/munmap.2.html',
'http://man7.org/linux/man-pages/man3/munmap.3p.html'],
'muntrace': ['http://man7.org/linux/man-pages/man3/muntrace.3.html'],
'mv': ['http://man7.org/linux/man-pages/man1/mv.1.html',
'http://man7.org/linux/man-pages/man1/mv.1p.html'],
'mvadd_wch': ['http://man7.org/linux/man-pages/man3/mvadd_wch.3x.html'],
'mvadd_wchnstr': ['http://man7.org/linux/man-pages/man3/mvadd_wchnstr.3x.html'],
'mvadd_wchstr': ['http://man7.org/linux/man-pages/man3/mvadd_wchstr.3x.html'],
'mvaddch': ['http://man7.org/linux/man-pages/man3/mvaddch.3x.html'],
'mvaddchnstr': ['http://man7.org/linux/man-pages/man3/mvaddchnstr.3x.html'],
'mvaddchstr': ['http://man7.org/linux/man-pages/man3/mvaddchstr.3x.html'],
'mvaddnstr': ['http://man7.org/linux/man-pages/man3/mvaddnstr.3x.html'],
'mvaddnwstr': ['http://man7.org/linux/man-pages/man3/mvaddnwstr.3x.html'],
'mvaddstr': ['http://man7.org/linux/man-pages/man3/mvaddstr.3x.html'],
'mvaddwstr': ['http://man7.org/linux/man-pages/man3/mvaddwstr.3x.html'],
'mvchgat': ['http://man7.org/linux/man-pages/man3/mvchgat.3x.html'],
'mvcur': ['http://man7.org/linux/man-pages/man3/mvcur.3x.html'],
'mvdelch': ['http://man7.org/linux/man-pages/man3/mvdelch.3x.html'],
'mvderwin': ['http://man7.org/linux/man-pages/man3/mvderwin.3x.html'],
'mvget_wch': ['http://man7.org/linux/man-pages/man3/mvget_wch.3x.html'],
'mvget_wstr': ['http://man7.org/linux/man-pages/man3/mvget_wstr.3x.html'],
'mvgetch': ['http://man7.org/linux/man-pages/man3/mvgetch.3x.html'],
'mvgetn_wstr': ['http://man7.org/linux/man-pages/man3/mvgetn_wstr.3x.html'],
'mvgetnstr': ['http://man7.org/linux/man-pages/man3/mvgetnstr.3x.html'],
'mvgetstr': ['http://man7.org/linux/man-pages/man3/mvgetstr.3x.html'],
'mvhline': ['http://man7.org/linux/man-pages/man3/mvhline.3x.html'],
'mvhline_set': ['http://man7.org/linux/man-pages/man3/mvhline_set.3x.html'],
'mvin_wch': ['http://man7.org/linux/man-pages/man3/mvin_wch.3x.html'],
'mvin_wchnstr': ['http://man7.org/linux/man-pages/man3/mvin_wchnstr.3x.html'],
'mvin_wchstr': ['http://man7.org/linux/man-pages/man3/mvin_wchstr.3x.html'],
'mvinch': ['http://man7.org/linux/man-pages/man3/mvinch.3x.html'],
'mvinchnstr': ['http://man7.org/linux/man-pages/man3/mvinchnstr.3x.html'],
'mvinchstr': ['http://man7.org/linux/man-pages/man3/mvinchstr.3x.html'],
'mvinnstr': ['http://man7.org/linux/man-pages/man3/mvinnstr.3x.html'],
'mvinnwstr': ['http://man7.org/linux/man-pages/man3/mvinnwstr.3x.html'],
'mvins_nwstr': ['http://man7.org/linux/man-pages/man3/mvins_nwstr.3x.html'],
'mvins_wch': ['http://man7.org/linux/man-pages/man3/mvins_wch.3x.html'],
'mvins_wstr': ['http://man7.org/linux/man-pages/man3/mvins_wstr.3x.html'],
'mvinsch': ['http://man7.org/linux/man-pages/man3/mvinsch.3x.html'],
'mvinsnstr': ['http://man7.org/linux/man-pages/man3/mvinsnstr.3x.html'],
'mvinsstr': ['http://man7.org/linux/man-pages/man3/mvinsstr.3x.html'],
'mvinstr': ['http://man7.org/linux/man-pages/man3/mvinstr.3x.html'],
'mvinwstr': ['http://man7.org/linux/man-pages/man3/mvinwstr.3x.html'],
'mvprintw': ['http://man7.org/linux/man-pages/man3/mvprintw.3x.html'],
'mvscanw': ['http://man7.org/linux/man-pages/man3/mvscanw.3x.html'],
'mvvline': ['http://man7.org/linux/man-pages/man3/mvvline.3x.html'],
'mvvline_set': ['http://man7.org/linux/man-pages/man3/mvvline_set.3x.html'],
'mvwadd_wch': ['http://man7.org/linux/man-pages/man3/mvwadd_wch.3x.html'],
'mvwadd_wchnstr': ['http://man7.org/linux/man-pages/man3/mvwadd_wchnstr.3x.html'],
'mvwadd_wchstr': ['http://man7.org/linux/man-pages/man3/mvwadd_wchstr.3x.html'],
'mvwaddch': ['http://man7.org/linux/man-pages/man3/mvwaddch.3x.html'],
'mvwaddchnstr': ['http://man7.org/linux/man-pages/man3/mvwaddchnstr.3x.html'],
'mvwaddchstr': ['http://man7.org/linux/man-pages/man3/mvwaddchstr.3x.html'],
'mvwaddnstr': ['http://man7.org/linux/man-pages/man3/mvwaddnstr.3x.html'],
'mvwaddnwstr': ['http://man7.org/linux/man-pages/man3/mvwaddnwstr.3x.html'],
'mvwaddstr': ['http://man7.org/linux/man-pages/man3/mvwaddstr.3x.html'],
'mvwaddwstr': ['http://man7.org/linux/man-pages/man3/mvwaddwstr.3x.html'],
'mvwchgat': ['http://man7.org/linux/man-pages/man3/mvwchgat.3x.html'],
'mvwdelch': ['http://man7.org/linux/man-pages/man3/mvwdelch.3x.html'],
'mvwget_wch': ['http://man7.org/linux/man-pages/man3/mvwget_wch.3x.html'],
'mvwget_wstr': ['http://man7.org/linux/man-pages/man3/mvwget_wstr.3x.html'],
'mvwgetch': ['http://man7.org/linux/man-pages/man3/mvwgetch.3x.html'],
'mvwgetn_wstr': ['http://man7.org/linux/man-pages/man3/mvwgetn_wstr.3x.html'],
'mvwgetnstr': ['http://man7.org/linux/man-pages/man3/mvwgetnstr.3x.html'],
'mvwgetstr': ['http://man7.org/linux/man-pages/man3/mvwgetstr.3x.html'],
'mvwhline': ['http://man7.org/linux/man-pages/man3/mvwhline.3x.html'],
'mvwhline_set': ['http://man7.org/linux/man-pages/man3/mvwhline_set.3x.html'],
'mvwin': ['http://man7.org/linux/man-pages/man3/mvwin.3x.html'],
'mvwin_wch': ['http://man7.org/linux/man-pages/man3/mvwin_wch.3x.html'],
'mvwin_wchnstr': ['http://man7.org/linux/man-pages/man3/mvwin_wchnstr.3x.html'],
'mvwin_wchstr': ['http://man7.org/linux/man-pages/man3/mvwin_wchstr.3x.html'],
'mvwinch': ['http://man7.org/linux/man-pages/man3/mvwinch.3x.html'],
'mvwinchnstr': ['http://man7.org/linux/man-pages/man3/mvwinchnstr.3x.html'],
'mvwinchstr': ['http://man7.org/linux/man-pages/man3/mvwinchstr.3x.html'],
'mvwinnstr': ['http://man7.org/linux/man-pages/man3/mvwinnstr.3x.html'],
'mvwinnwstr': ['http://man7.org/linux/man-pages/man3/mvwinnwstr.3x.html'],
'mvwins_nwstr': ['http://man7.org/linux/man-pages/man3/mvwins_nwstr.3x.html'],
'mvwins_wch': ['http://man7.org/linux/man-pages/man3/mvwins_wch.3x.html'],
'mvwins_wstr': ['http://man7.org/linux/man-pages/man3/mvwins_wstr.3x.html'],
'mvwinsch': ['http://man7.org/linux/man-pages/man3/mvwinsch.3x.html'],
'mvwinsnstr': ['http://man7.org/linux/man-pages/man3/mvwinsnstr.3x.html'],
'mvwinsstr': ['http://man7.org/linux/man-pages/man3/mvwinsstr.3x.html'],
'mvwinstr': ['http://man7.org/linux/man-pages/man3/mvwinstr.3x.html'],
'mvwinwstr': ['http://man7.org/linux/man-pages/man3/mvwinwstr.3x.html'],
'mvwprintw': ['http://man7.org/linux/man-pages/man3/mvwprintw.3x.html'],
'mvwscanw': ['http://man7.org/linux/man-pages/man3/mvwscanw.3x.html'],
'mvwvline': ['http://man7.org/linux/man-pages/man3/mvwvline.3x.html'],
'mvwvline_set': ['http://man7.org/linux/man-pages/man3/mvwvline_set.3x.html'],
'my_print_defaults': ['http://man7.org/linux/man-pages/man1/my_print_defaults.1.html'],
'my_safe_process': ['http://man7.org/linux/man-pages/man1/my_safe_process.1.html'],
'myisam_ftdump': ['http://man7.org/linux/man-pages/man1/myisam_ftdump.1.html'],
'myisamchk': ['http://man7.org/linux/man-pages/man1/myisamchk.1.html'],
'myisamlog': ['http://man7.org/linux/man-pages/man1/myisamlog.1.html'],
'myisampack': ['http://man7.org/linux/man-pages/man1/myisampack.1.html'],
'mysql': ['http://man7.org/linux/man-pages/man1/mysql.1.html'],
'mysql-stress-test.pl': ['http://man7.org/linux/man-pages/man1/mysql-stress-test.pl.1.html'],
'mysql-test-run.pl': ['http://man7.org/linux/man-pages/man1/mysql-test-run.pl.1.html'],
'mysql.server': ['http://man7.org/linux/man-pages/man1/mysql.server.1.html'],
'mysql_client_test': ['http://man7.org/linux/man-pages/man1/mysql_client_test.1.html'],
'mysql_client_test_embedded': ['http://man7.org/linux/man-pages/man1/mysql_client_test_embedded.1.html'],
'mysql_config': ['http://man7.org/linux/man-pages/man1/mysql_config.1.html'],
'mysql_convert_table_format': ['http://man7.org/linux/man-pages/man1/mysql_convert_table_format.1.html'],
'mysql_embedded': ['http://man7.org/linux/man-pages/man1/mysql_embedded.1.html'],
'mysql_find_rows': ['http://man7.org/linux/man-pages/man1/mysql_find_rows.1.html'],
'mysql_fix_extensions': ['http://man7.org/linux/man-pages/man1/mysql_fix_extensions.1.html'],
'mysql_install_db': ['http://man7.org/linux/man-pages/man1/mysql_install_db.1.html'],
'mysql_plugin': ['http://man7.org/linux/man-pages/man1/mysql_plugin.1.html'],
'mysql_secure_installation': ['http://man7.org/linux/man-pages/man1/mysql_secure_installation.1.html'],
'mysql_setpermission': ['http://man7.org/linux/man-pages/man1/mysql_setpermission.1.html'],
'mysql_tzinfo_to_sql': ['http://man7.org/linux/man-pages/man1/mysql_tzinfo_to_sql.1.html'],
'mysql_upgrade': ['http://man7.org/linux/man-pages/man1/mysql_upgrade.1.html'],
'mysql_waitpid': ['http://man7.org/linux/man-pages/man1/mysql_waitpid.1.html'],
'mysql_zap': ['http://man7.org/linux/man-pages/man1/mysql_zap.1.html'],
'mysqlaccess': ['http://man7.org/linux/man-pages/man1/mysqlaccess.1.html'],
'mysqladmin': ['http://man7.org/linux/man-pages/man1/mysqladmin.1.html'],
'mysqlbinlog': ['http://man7.org/linux/man-pages/man1/mysqlbinlog.1.html'],
'mysqlbug': ['http://man7.org/linux/man-pages/man1/mysqlbug.1.html'],
'mysqlcheck': ['http://man7.org/linux/man-pages/man1/mysqlcheck.1.html'],
'mysqld': ['http://man7.org/linux/man-pages/man8/mysqld.8.html'],
'mysqld_multi': ['http://man7.org/linux/man-pages/man1/mysqld_multi.1.html'],
'mysqld_safe': ['http://man7.org/linux/man-pages/man1/mysqld_safe.1.html'],
'mysqld_safe_helper': ['http://man7.org/linux/man-pages/man1/mysqld_safe_helper.1.html'],
'mysqldump': ['http://man7.org/linux/man-pages/man1/mysqldump.1.html'],
'mysqldumpslow': ['http://man7.org/linux/man-pages/man1/mysqldumpslow.1.html'],
'mysqlhotcopy': ['http://man7.org/linux/man-pages/man1/mysqlhotcopy.1.html'],
'mysqlimport': ['http://man7.org/linux/man-pages/man1/mysqlimport.1.html'],
'mysqlshow': ['http://man7.org/linux/man-pages/man1/mysqlshow.1.html'],
'mysqlslap': ['http://man7.org/linux/man-pages/man1/mysqlslap.1.html'],
'mysqltest': ['http://man7.org/linux/man-pages/man1/mysqltest.1.html'],
'mysqltest_embedded': ['http://man7.org/linux/man-pages/man1/mysqltest_embedded.1.html'],
'name_to_handle_at': ['http://man7.org/linux/man-pages/man2/name_to_handle_at.2.html'],
'namei': ['http://man7.org/linux/man-pages/man1/namei.1.html'],
'nameif': ['http://man7.org/linux/man-pages/man8/nameif.8.html'],
'namespace.conf': ['http://man7.org/linux/man-pages/man5/namespace.conf.5.html'],
'namespaces': ['http://man7.org/linux/man-pages/man7/namespaces.7.html'],
'nan': ['http://man7.org/linux/man-pages/man3/nan.3.html',
'http://man7.org/linux/man-pages/man3/nan.3p.html'],
'nanf': ['http://man7.org/linux/man-pages/man3/nanf.3.html',
'http://man7.org/linux/man-pages/man3/nanf.3p.html'],
'nanl': ['http://man7.org/linux/man-pages/man3/nanl.3.html',
'http://man7.org/linux/man-pages/man3/nanl.3p.html'],
'nanosleep': ['http://man7.org/linux/man-pages/man2/nanosleep.2.html',
'http://man7.org/linux/man-pages/man3/nanosleep.3p.html'],
'napms': ['http://man7.org/linux/man-pages/man3/napms.3x.html'],
'nat': ['http://man7.org/linux/man-pages/man8/nat.8.html'],
'ncat': ['http://man7.org/linux/man-pages/man1/ncat.1.html'],
'ncurses': ['http://man7.org/linux/man-pages/man3/ncurses.3x.html'],
'ncurses5-config': ['http://man7.org/linux/man-pages/man1/ncurses5-config.1.html'],
'ncurses6-config': ['http://man7.org/linux/man-pages/man1/ncurses6-config.1.html'],
'ndbm.h': ['http://man7.org/linux/man-pages/man0/ndbm.h.0p.html'],
'ndiff': ['http://man7.org/linux/man-pages/man1/ndiff.1.html'],
'nearbyint': ['http://man7.org/linux/man-pages/man3/nearbyint.3.html',
'http://man7.org/linux/man-pages/man3/nearbyint.3p.html'],
'nearbyintf': ['http://man7.org/linux/man-pages/man3/nearbyintf.3.html',
'http://man7.org/linux/man-pages/man3/nearbyintf.3p.html'],
'nearbyintl': ['http://man7.org/linux/man-pages/man3/nearbyintl.3.html',
'http://man7.org/linux/man-pages/man3/nearbyintl.3p.html'],
'needs-restarting': ['http://man7.org/linux/man-pages/man1/needs-restarting.1.html'],
'neqn': ['http://man7.org/linux/man-pages/man1/neqn.1.html'],
'net_if.h': ['http://man7.org/linux/man-pages/man0/net_if.h.0p.html'],
'netcap': ['http://man7.org/linux/man-pages/man8/netcap.8.html'],
'netdb.h': ['http://man7.org/linux/man-pages/man0/netdb.h.0p.html'],
'netdevice': ['http://man7.org/linux/man-pages/man7/netdevice.7.html'],
'netinet_in.h': ['http://man7.org/linux/man-pages/man0/netinet_in.h.0p.html'],
'netinet_tcp.h': ['http://man7.org/linux/man-pages/man0/netinet_tcp.h.0p.html'],
'netlink': ['http://man7.org/linux/man-pages/man3/netlink.3.html',
'http://man7.org/linux/man-pages/man7/netlink.7.html'],
'netsniff-ng': ['http://man7.org/linux/man-pages/man8/netsniff-ng.8.html'],
'netstat': ['http://man7.org/linux/man-pages/man8/netstat.8.html'],
'network_namespaces': ['http://man7.org/linux/man-pages/man7/network_namespaces.7.html'],
'networkctl': ['http://man7.org/linux/man-pages/man1/networkctl.1.html'],
'networkd.conf': ['http://man7.org/linux/man-pages/man5/networkd.conf.5.html'],
'networkd.conf.d': ['http://man7.org/linux/man-pages/man5/networkd.conf.d.5.html'],
'networks': ['http://man7.org/linux/man-pages/man5/networks.5.html'],
'new_field': ['http://man7.org/linux/man-pages/man3/new_field.3x.html'],
'new_form': ['http://man7.org/linux/man-pages/man3/new_form.3x.html'],
'new_item': ['http://man7.org/linux/man-pages/man3/new_item.3x.html'],
'new_menu': ['http://man7.org/linux/man-pages/man3/new_menu.3x.html'],
'new_page': ['http://man7.org/linux/man-pages/man3/new_page.3x.html'],
'new_pair': ['http://man7.org/linux/man-pages/man3/new_pair.3x.html'],
'newfstatat': ['http://man7.org/linux/man-pages/man2/newfstatat.2.html'],
'newgidmap': ['http://man7.org/linux/man-pages/man1/newgidmap.1.html'],
'newgrp': ['http://man7.org/linux/man-pages/man1/newgrp.1.html',
'http://man7.org/linux/man-pages/man1/newgrp.1p.html'],
'newhelp': ['http://man7.org/linux/man-pages/man1/newhelp.1.html'],
'newlocale': ['http://man7.org/linux/man-pages/man3/newlocale.3.html',
'http://man7.org/linux/man-pages/man3/newlocale.3p.html'],
'newpad': ['http://man7.org/linux/man-pages/man3/newpad.3x.html'],
'newrole': ['http://man7.org/linux/man-pages/man1/newrole.1.html'],
'newscr': ['http://man7.org/linux/man-pages/man3/newscr.3x.html'],
'newterm': ['http://man7.org/linux/man-pages/man3/newterm.3x.html'],
'newuidmap': ['http://man7.org/linux/man-pages/man1/newuidmap.1.html'],
'newusers': ['http://man7.org/linux/man-pages/man8/newusers.8.html'],
'newwin': ['http://man7.org/linux/man-pages/man3/newwin.3x.html'],
'nextafter': ['http://man7.org/linux/man-pages/man3/nextafter.3.html',
'http://man7.org/linux/man-pages/man3/nextafter.3p.html'],
'nextafterf': ['http://man7.org/linux/man-pages/man3/nextafterf.3.html',
'http://man7.org/linux/man-pages/man3/nextafterf.3p.html'],
'nextafterl': ['http://man7.org/linux/man-pages/man3/nextafterl.3.html',
'http://man7.org/linux/man-pages/man3/nextafterl.3p.html'],
'nextdown': ['http://man7.org/linux/man-pages/man3/nextdown.3.html'],
'nextdownf': ['http://man7.org/linux/man-pages/man3/nextdownf.3.html'],
'nextdownl': ['http://man7.org/linux/man-pages/man3/nextdownl.3.html'],
'nexttoward': ['http://man7.org/linux/man-pages/man3/nexttoward.3.html',
'http://man7.org/linux/man-pages/man3/nexttoward.3p.html'],
'nexttowardf': ['http://man7.org/linux/man-pages/man3/nexttowardf.3.html',
'http://man7.org/linux/man-pages/man3/nexttowardf.3p.html'],
'nexttowardl': ['http://man7.org/linux/man-pages/man3/nexttowardl.3.html',
'http://man7.org/linux/man-pages/man3/nexttowardl.3p.html'],
'nextup': ['http://man7.org/linux/man-pages/man3/nextup.3.html'],
'nextupf': ['http://man7.org/linux/man-pages/man3/nextupf.3.html'],
'nextupl': ['http://man7.org/linux/man-pages/man3/nextupl.3.html'],
'nfs': ['http://man7.org/linux/man-pages/man5/nfs.5.html'],
'nfs.conf': ['http://man7.org/linux/man-pages/man5/nfs.conf.5.html'],
'nfs.systemd': ['http://man7.org/linux/man-pages/man7/nfs.systemd.7.html'],
'nfs4_acl': ['http://man7.org/linux/man-pages/man5/nfs4_acl.5.html'],
'nfs4_editfacl': ['http://man7.org/linux/man-pages/man1/nfs4_editfacl.1.html'],
'nfs4_getfacl': ['http://man7.org/linux/man-pages/man1/nfs4_getfacl.1.html'],
'nfs4_setfacl': ['http://man7.org/linux/man-pages/man1/nfs4_setfacl.1.html'],
'nfsconf': ['http://man7.org/linux/man-pages/man8/nfsconf.8.html'],
'nfsd': ['http://man7.org/linux/man-pages/man7/nfsd.7.html',
'http://man7.org/linux/man-pages/man8/nfsd.8.html'],
'nfsdcltrack': ['http://man7.org/linux/man-pages/man8/nfsdcltrack.8.html'],
'nfsidmap': ['http://man7.org/linux/man-pages/man5/nfsidmap.5.html'],
'nfsiostat': ['http://man7.org/linux/man-pages/man8/nfsiostat.8.html'],
'nfsiostat-sysstat': ['http://man7.org/linux/man-pages/man1/nfsiostat-sysstat.1.html'],
'nfsmount.conf': ['http://man7.org/linux/man-pages/man5/nfsmount.conf.5.html'],
'nfsref': ['http://man7.org/linux/man-pages/man8/nfsref.8.html'],
'nfsservctl': ['http://man7.org/linux/man-pages/man2/nfsservctl.2.html'],
'nfsstat': ['http://man7.org/linux/man-pages/man8/nfsstat.8.html'],
'nftw': ['http://man7.org/linux/man-pages/man3/nftw.3.html',
'http://man7.org/linux/man-pages/man3/nftw.3p.html'],
'ngettext': ['http://man7.org/linux/man-pages/man1/ngettext.1.html',
'http://man7.org/linux/man-pages/man3/ngettext.3.html'],
'nice': ['http://man7.org/linux/man-pages/man1/nice.1.html',
'http://man7.org/linux/man-pages/man1/nice.1p.html',
'http://man7.org/linux/man-pages/man2/nice.2.html',
'http://man7.org/linux/man-pages/man3/nice.3p.html'],
'ninfod': ['http://man7.org/linux/man-pages/man8/ninfod.8.html'],
'nisdomainname': ['http://man7.org/linux/man-pages/man1/nisdomainname.1.html'],
'nl': ['http://man7.org/linux/man-pages/man1/nl.1.html',
'http://man7.org/linux/man-pages/man1/nl.1p.html',
'http://man7.org/linux/man-pages/man3/nl.3x.html'],
'nl_langinfo': ['http://man7.org/linux/man-pages/man3/nl_langinfo.3.html',
'http://man7.org/linux/man-pages/man3/nl_langinfo.3p.html'],
'nl_langinfo_l': ['http://man7.org/linux/man-pages/man3/nl_langinfo_l.3.html',
'http://man7.org/linux/man-pages/man3/nl_langinfo_l.3p.html'],
'nl_types.h': ['http://man7.org/linux/man-pages/man0/nl_types.h.0p.html'],
'nm': ['http://man7.org/linux/man-pages/man1/nm.1.html',
'http://man7.org/linux/man-pages/man1/nm.1p.html'],
'nmap': ['http://man7.org/linux/man-pages/man1/nmap.1.html'],
'nmap-update': ['http://man7.org/linux/man-pages/man1/nmap-update.1.html'],
'nocbreak': ['http://man7.org/linux/man-pages/man3/nocbreak.3x.html'],
'nodelay': ['http://man7.org/linux/man-pages/man3/nodelay.3x.html'],
'nodename': ['http://man7.org/linux/man-pages/man1/nodename.1.html'],
'noecho': ['http://man7.org/linux/man-pages/man3/noecho.3x.html'],
'nofilter': ['http://man7.org/linux/man-pages/man3/nofilter.3x.html'],
'nohup': ['http://man7.org/linux/man-pages/man1/nohup.1.html',
'http://man7.org/linux/man-pages/man1/nohup.1p.html'],
'nologin': ['http://man7.org/linux/man-pages/man5/nologin.5.html',
'http://man7.org/linux/man-pages/man8/nologin.8.html'],
'nonl': ['http://man7.org/linux/man-pages/man3/nonl.3x.html'],
'noqiflush': ['http://man7.org/linux/man-pages/man3/noqiflush.3x.html'],
'noraw': ['http://man7.org/linux/man-pages/man3/noraw.3x.html'],
'notifier': ['http://man7.org/linux/man-pages/man7/notifier.7.html'],
'notimeout': ['http://man7.org/linux/man-pages/man3/notimeout.3x.html'],
'nping': ['http://man7.org/linux/man-pages/man1/nping.1.html'],
'nproc': ['http://man7.org/linux/man-pages/man1/nproc.1.html'],
'nptl': ['http://man7.org/linux/man-pages/man7/nptl.7.html'],
'nrand48': ['http://man7.org/linux/man-pages/man3/nrand48.3.html',
'http://man7.org/linux/man-pages/man3/nrand48.3p.html'],
'nrand48_r': ['http://man7.org/linux/man-pages/man3/nrand48_r.3.html'],
'nroff': ['http://man7.org/linux/man-pages/man1/nroff.1.html'],
'nscd': ['http://man7.org/linux/man-pages/man8/nscd.8.html'],
'nscd.conf': ['http://man7.org/linux/man-pages/man5/nscd.conf.5.html'],
'nsenter': ['http://man7.org/linux/man-pages/man1/nsenter.1.html'],
'nss': ['http://man7.org/linux/man-pages/man5/nss.5.html'],
'nss-myhostname': ['http://man7.org/linux/man-pages/man8/nss-myhostname.8.html'],
'nss-mymachines': ['http://man7.org/linux/man-pages/man8/nss-mymachines.8.html'],
'nss-resolve': ['http://man7.org/linux/man-pages/man8/nss-resolve.8.html'],
'nss-systemd': ['http://man7.org/linux/man-pages/man8/nss-systemd.8.html'],
'nsswitch.conf': ['http://man7.org/linux/man-pages/man5/nsswitch.conf.5.html'],
'nstat': ['http://man7.org/linux/man-pages/man8/nstat.8.html'],
'ntohl': ['http://man7.org/linux/man-pages/man3/ntohl.3.html',
'http://man7.org/linux/man-pages/man3/ntohl.3p.html'],
'ntohs': ['http://man7.org/linux/man-pages/man3/ntohs.3.html',
'http://man7.org/linux/man-pages/man3/ntohs.3p.html'],
'ntp_adjtime': ['http://man7.org/linux/man-pages/man3/ntp_adjtime.3.html'],
'ntp_gettime': ['http://man7.org/linux/man-pages/man3/ntp_gettime.3.html'],
'ntp_gettimex': ['http://man7.org/linux/man-pages/man3/ntp_gettimex.3.html'],
'null': ['http://man7.org/linux/man-pages/man4/null.4.html'],
'numa': ['http://man7.org/linux/man-pages/man3/numa.3.html',
'http://man7.org/linux/man-pages/man7/numa.7.html'],
'numa_maps': ['http://man7.org/linux/man-pages/man5/numa_maps.5.html'],
'numactl': ['http://man7.org/linux/man-pages/man8/numactl.8.html'],
'numastat': ['http://man7.org/linux/man-pages/man8/numastat.8.html'],
'numcodes': ['http://man7.org/linux/man-pages/man3/numcodes.3x.html'],
'numfmt': ['http://man7.org/linux/man-pages/man1/numfmt.1.html'],
'numfnames': ['http://man7.org/linux/man-pages/man3/numfnames.3x.html'],
'numnames': ['http://man7.org/linux/man-pages/man3/numnames.3x.html'],
'objcopy': ['http://man7.org/linux/man-pages/man1/objcopy.1.html'],
'objdump': ['http://man7.org/linux/man-pages/man1/objdump.1.html'],
'ocount': ['http://man7.org/linux/man-pages/man1/ocount.1.html'],
'ocsptool': ['http://man7.org/linux/man-pages/man1/ocsptool.1.html'],
'od': ['http://man7.org/linux/man-pages/man1/od.1.html',
'http://man7.org/linux/man-pages/man1/od.1p.html'],
'offsetof': ['http://man7.org/linux/man-pages/man3/offsetof.3.html'],
'oldfstat': ['http://man7.org/linux/man-pages/man2/oldfstat.2.html'],
'oldlstat': ['http://man7.org/linux/man-pages/man2/oldlstat.2.html'],
'oldolduname': ['http://man7.org/linux/man-pages/man2/oldolduname.2.html'],
'oldstat': ['http://man7.org/linux/man-pages/man2/oldstat.2.html'],
'olduname': ['http://man7.org/linux/man-pages/man2/olduname.2.html'],
'on_exit': ['http://man7.org/linux/man-pages/man3/on_exit.3.html'],
'op-check-perfevents': ['http://man7.org/linux/man-pages/man1/op-check-perfevents.1.html'],
'opannotate': ['http://man7.org/linux/man-pages/man1/opannotate.1.html'],
'oparchive': ['http://man7.org/linux/man-pages/man1/oparchive.1.html'],
'opcontrol': ['http://man7.org/linux/man-pages/man1/opcontrol.1.html'],
'open': ['http://man7.org/linux/man-pages/man2/open.2.html',
'http://man7.org/linux/man-pages/man3/open.3p.html'],
'open_by_handle': ['http://man7.org/linux/man-pages/man3/open_by_handle.3.html'],
'open_by_handle_at': ['http://man7.org/linux/man-pages/man2/open_by_handle_at.2.html'],
'open_init_pty': ['http://man7.org/linux/man-pages/man8/open_init_pty.8.html'],
'open_memstream': ['http://man7.org/linux/man-pages/man3/open_memstream.3.html',
'http://man7.org/linux/man-pages/man3/open_memstream.3p.html'],
'open_wmemstream': ['http://man7.org/linux/man-pages/man3/open_wmemstream.3.html',
'http://man7.org/linux/man-pages/man3/open_wmemstream.3p.html'],
'openat': ['http://man7.org/linux/man-pages/man2/openat.2.html',
'http://man7.org/linux/man-pages/man3/openat.3p.html'],
'opendir': ['http://man7.org/linux/man-pages/man3/opendir.3.html',
'http://man7.org/linux/man-pages/man3/opendir.3p.html'],
'openlog': ['http://man7.org/linux/man-pages/man3/openlog.3.html',
'http://man7.org/linux/man-pages/man3/openlog.3p.html'],
'openpty': ['http://man7.org/linux/man-pages/man3/openpty.3.html'],
'openvt': ['http://man7.org/linux/man-pages/man1/openvt.1.html'],
'operator': ['http://man7.org/linux/man-pages/man7/operator.7.html'],
'operf': ['http://man7.org/linux/man-pages/man1/operf.1.html'],
'opgprof': ['http://man7.org/linux/man-pages/man1/opgprof.1.html'],
'ophelp': ['http://man7.org/linux/man-pages/man1/ophelp.1.html'],
'opimport': ['http://man7.org/linux/man-pages/man1/opimport.1.html'],
'opjitconv': ['http://man7.org/linux/man-pages/man1/opjitconv.1.html'],
'opreport': ['http://man7.org/linux/man-pages/man1/opreport.1.html'],
'oprof_start': ['http://man7.org/linux/man-pages/man1/oprof_start.1.html'],
'oprofile': ['http://man7.org/linux/man-pages/man1/oprofile.1.html'],
'optarg': ['http://man7.org/linux/man-pages/man3/optarg.3.html',
'http://man7.org/linux/man-pages/man3/optarg.3p.html'],
'opterr': ['http://man7.org/linux/man-pages/man3/opterr.3.html',
'http://man7.org/linux/man-pages/man3/opterr.3p.html'],
'optind': ['http://man7.org/linux/man-pages/man3/optind.3.html',
'http://man7.org/linux/man-pages/man3/optind.3p.html'],
'optopt': ['http://man7.org/linux/man-pages/man3/optopt.3.html',
'http://man7.org/linux/man-pages/man3/optopt.3p.html'],
'os-release': ['http://man7.org/linux/man-pages/man5/os-release.5.html'],
'ospeed': ['http://man7.org/linux/man-pages/man3/ospeed.3x.html'],
'outb': ['http://man7.org/linux/man-pages/man2/outb.2.html'],
'outb_p': ['http://man7.org/linux/man-pages/man2/outb_p.2.html'],
'outl': ['http://man7.org/linux/man-pages/man2/outl.2.html'],
'outl_p': ['http://man7.org/linux/man-pages/man2/outl_p.2.html'],
'outsb': ['http://man7.org/linux/man-pages/man2/outsb.2.html'],
'outsl': ['http://man7.org/linux/man-pages/man2/outsl.2.html'],
'outsw': ['http://man7.org/linux/man-pages/man2/outsw.2.html'],
'outw': ['http://man7.org/linux/man-pages/man2/outw.2.html'],
'outw_p': ['http://man7.org/linux/man-pages/man2/outw_p.2.html'],
'overlay': ['http://man7.org/linux/man-pages/man3/overlay.3x.html'],
'overwrite': ['http://man7.org/linux/man-pages/man3/overwrite.3x.html'],
'ovn-architecture': ['http://man7.org/linux/man-pages/man7/ovn-architecture.7.html'],
'ovn-controller': ['http://man7.org/linux/man-pages/man8/ovn-controller.8.html'],
'ovn-controller-vtep': ['http://man7.org/linux/man-pages/man8/ovn-controller-vtep.8.html'],
'ovn-ctl': ['http://man7.org/linux/man-pages/man8/ovn-ctl.8.html'],
'ovn-detrace': ['http://man7.org/linux/man-pages/man1/ovn-detrace.1.html'],
'ovn-nb': ['http://man7.org/linux/man-pages/man5/ovn-nb.5.html'],
'ovn-nbctl': ['http://man7.org/linux/man-pages/man8/ovn-nbctl.8.html'],
'ovn-northd': ['http://man7.org/linux/man-pages/man8/ovn-northd.8.html'],
'ovn-sb': ['http://man7.org/linux/man-pages/man5/ovn-sb.5.html'],
'ovn-sbctl': ['http://man7.org/linux/man-pages/man8/ovn-sbctl.8.html'],
'ovn-trace': ['http://man7.org/linux/man-pages/man8/ovn-trace.8.html'],
'ovs-appctl': ['http://man7.org/linux/man-pages/man8/ovs-appctl.8.html'],
'ovs-bugtool': ['http://man7.org/linux/man-pages/man8/ovs-bugtool.8.html'],
'ovs-ctl': ['http://man7.org/linux/man-pages/man8/ovs-ctl.8.html'],
'ovs-dpctl': ['http://man7.org/linux/man-pages/man8/ovs-dpctl.8.html'],
'ovs-dpctl-top': ['http://man7.org/linux/man-pages/man8/ovs-dpctl-top.8.html'],
'ovs-fields': ['http://man7.org/linux/man-pages/man7/ovs-fields.7.html'],
'ovs-kmod-ctl': ['http://man7.org/linux/man-pages/man8/ovs-kmod-ctl.8.html'],
'ovs-l3ping': ['http://man7.org/linux/man-pages/man8/ovs-l3ping.8.html'],
'ovs-ofctl': ['http://man7.org/linux/man-pages/man8/ovs-ofctl.8.html'],
'ovs-parse-backtrace': ['http://man7.org/linux/man-pages/man8/ovs-parse-backtrace.8.html'],
'ovs-pcap': ['http://man7.org/linux/man-pages/man1/ovs-pcap.1.html'],
'ovs-pki': ['http://man7.org/linux/man-pages/man8/ovs-pki.8.html'],
'ovs-sim': ['http://man7.org/linux/man-pages/man1/ovs-sim.1.html'],
'ovs-tcpdump': ['http://man7.org/linux/man-pages/man8/ovs-tcpdump.8.html'],
'ovs-tcpundump': ['http://man7.org/linux/man-pages/man1/ovs-tcpundump.1.html'],
'ovs-testcontroller': ['http://man7.org/linux/man-pages/man8/ovs-testcontroller.8.html'],
'ovs-vlan-bug-workaround': ['http://man7.org/linux/man-pages/man8/ovs-vlan-bug-workaround.8.html'],
'ovs-vsctl': ['http://man7.org/linux/man-pages/man8/ovs-vsctl.8.html'],
'ovs-vswitchd': ['http://man7.org/linux/man-pages/man8/ovs-vswitchd.8.html'],
'ovs-vswitchd.conf.db': ['http://man7.org/linux/man-pages/man5/ovs-vswitchd.conf.db.5.html'],
'ovsdb-client': ['http://man7.org/linux/man-pages/man1/ovsdb-client.1.html'],
'ovsdb-idlc': ['http://man7.org/linux/man-pages/man1/ovsdb-idlc.1.html'],
'ovsdb-server': ['http://man7.org/linux/man-pages/man1/ovsdb-server.1.html',
'http://man7.org/linux/man-pages/man5/ovsdb-server.5.html'],
'ovsdb-tool': ['http://man7.org/linux/man-pages/man1/ovsdb-tool.1.html'],
'p11tool': ['http://man7.org/linux/man-pages/man1/p11tool.1.html'],
'package-cleanup': ['http://man7.org/linux/man-pages/man1/package-cleanup.1.html'],
'packet': ['http://man7.org/linux/man-pages/man7/packet.7.html'],
'pair_content': ['http://man7.org/linux/man-pages/man3/pair_content.3x.html'],
'pam': ['http://man7.org/linux/man-pages/man3/pam.3.html',
'http://man7.org/linux/man-pages/man8/pam.8.html'],
'pam.conf': ['http://man7.org/linux/man-pages/man5/pam.conf.5.html'],
'pam.d': ['http://man7.org/linux/man-pages/man5/pam.d.5.html'],
'pam_access': ['http://man7.org/linux/man-pages/man8/pam_access.8.html'],
'pam_acct_mgmt': ['http://man7.org/linux/man-pages/man3/pam_acct_mgmt.3.html'],
'pam_authenticate': ['http://man7.org/linux/man-pages/man3/pam_authenticate.3.html'],
'pam_chauthtok': ['http://man7.org/linux/man-pages/man3/pam_chauthtok.3.html'],
'pam_close_session': ['http://man7.org/linux/man-pages/man3/pam_close_session.3.html'],
'pam_conv': ['http://man7.org/linux/man-pages/man3/pam_conv.3.html'],
'pam_cracklib': ['http://man7.org/linux/man-pages/man8/pam_cracklib.8.html'],
'pam_debug': ['http://man7.org/linux/man-pages/man8/pam_debug.8.html'],
'pam_deny': ['http://man7.org/linux/man-pages/man8/pam_deny.8.html'],
'pam_echo': ['http://man7.org/linux/man-pages/man8/pam_echo.8.html'],
'pam_end': ['http://man7.org/linux/man-pages/man3/pam_end.3.html'],
'pam_env': ['http://man7.org/linux/man-pages/man8/pam_env.8.html'],
'pam_env.conf': ['http://man7.org/linux/man-pages/man5/pam_env.conf.5.html'],
'pam_error': ['http://man7.org/linux/man-pages/man3/pam_error.3.html'],
'pam_exec': ['http://man7.org/linux/man-pages/man8/pam_exec.8.html'],
'pam_fail_delay': ['http://man7.org/linux/man-pages/man3/pam_fail_delay.3.html'],
'pam_faildelay': ['http://man7.org/linux/man-pages/man8/pam_faildelay.8.html'],
'pam_filter': ['http://man7.org/linux/man-pages/man8/pam_filter.8.html'],
'pam_ftp': ['http://man7.org/linux/man-pages/man8/pam_ftp.8.html'],
'pam_get_authtok': ['http://man7.org/linux/man-pages/man3/pam_get_authtok.3.html'],
'pam_get_authtok_noverify': ['http://man7.org/linux/man-pages/man3/pam_get_authtok_noverify.3.html'],
'pam_get_authtok_verify': ['http://man7.org/linux/man-pages/man3/pam_get_authtok_verify.3.html'],
'pam_get_data': ['http://man7.org/linux/man-pages/man3/pam_get_data.3.html'],
'pam_get_item': ['http://man7.org/linux/man-pages/man3/pam_get_item.3.html'],
'pam_get_user': ['http://man7.org/linux/man-pages/man3/pam_get_user.3.html'],
'pam_getenv': ['http://man7.org/linux/man-pages/man3/pam_getenv.3.html'],
'pam_getenvlist': ['http://man7.org/linux/man-pages/man3/pam_getenvlist.3.html'],
'pam_group': ['http://man7.org/linux/man-pages/man8/pam_group.8.html'],
'pam_info': ['http://man7.org/linux/man-pages/man3/pam_info.3.html'],
'pam_issue': ['http://man7.org/linux/man-pages/man8/pam_issue.8.html'],
'pam_keyinit': ['http://man7.org/linux/man-pages/man8/pam_keyinit.8.html'],
'pam_lastlog': ['http://man7.org/linux/man-pages/man8/pam_lastlog.8.html'],
'pam_limits': ['http://man7.org/linux/man-pages/man8/pam_limits.8.html'],
'pam_listfile': ['http://man7.org/linux/man-pages/man8/pam_listfile.8.html'],
'pam_localuser': ['http://man7.org/linux/man-pages/man8/pam_localuser.8.html'],
'pam_loginuid': ['http://man7.org/linux/man-pages/man8/pam_loginuid.8.html'],
'pam_mail': ['http://man7.org/linux/man-pages/man8/pam_mail.8.html'],
'pam_misc_drop_env': ['http://man7.org/linux/man-pages/man3/pam_misc_drop_env.3.html'],
'pam_misc_paste_env': ['http://man7.org/linux/man-pages/man3/pam_misc_paste_env.3.html'],
'pam_misc_setenv': ['http://man7.org/linux/man-pages/man3/pam_misc_setenv.3.html'],
'pam_mkhomedir': ['http://man7.org/linux/man-pages/man8/pam_mkhomedir.8.html'],
'pam_motd': ['http://man7.org/linux/man-pages/man8/pam_motd.8.html'],
'pam_namespace': ['http://man7.org/linux/man-pages/man8/pam_namespace.8.html'],
'pam_nologin': ['http://man7.org/linux/man-pages/man8/pam_nologin.8.html'],
'pam_open_session': ['http://man7.org/linux/man-pages/man3/pam_open_session.3.html'],
'pam_permit': ['http://man7.org/linux/man-pages/man8/pam_permit.8.html'],
'pam_prompt': ['http://man7.org/linux/man-pages/man3/pam_prompt.3.html'],
'pam_putenv': ['http://man7.org/linux/man-pages/man3/pam_putenv.3.html'],
'pam_pwhistory': ['http://man7.org/linux/man-pages/man8/pam_pwhistory.8.html'],
'pam_rhosts': ['http://man7.org/linux/man-pages/man8/pam_rhosts.8.html'],
'pam_rootok': ['http://man7.org/linux/man-pages/man8/pam_rootok.8.html'],
'pam_securetty': ['http://man7.org/linux/man-pages/man8/pam_securetty.8.html'],
'pam_selinux': ['http://man7.org/linux/man-pages/man8/pam_selinux.8.html'],
'pam_selinux_check': ['http://man7.org/linux/man-pages/man8/pam_selinux_check.8.html'],
'pam_sepermit': ['http://man7.org/linux/man-pages/man8/pam_sepermit.8.html'],
'pam_set_data': ['http://man7.org/linux/man-pages/man3/pam_set_data.3.html'],
'pam_set_item': ['http://man7.org/linux/man-pages/man3/pam_set_item.3.html'],
'pam_setcred': ['http://man7.org/linux/man-pages/man3/pam_setcred.3.html'],
'pam_shells': ['http://man7.org/linux/man-pages/man8/pam_shells.8.html'],
'pam_sm_acct_mgmt': ['http://man7.org/linux/man-pages/man3/pam_sm_acct_mgmt.3.html'],
'pam_sm_authenticate': ['http://man7.org/linux/man-pages/man3/pam_sm_authenticate.3.html'],
'pam_sm_chauthtok': ['http://man7.org/linux/man-pages/man3/pam_sm_chauthtok.3.html'],
'pam_sm_close_session': ['http://man7.org/linux/man-pages/man3/pam_sm_close_session.3.html'],
'pam_sm_open_session': ['http://man7.org/linux/man-pages/man3/pam_sm_open_session.3.html'],
'pam_sm_setcred': ['http://man7.org/linux/man-pages/man3/pam_sm_setcred.3.html'],
'pam_start': ['http://man7.org/linux/man-pages/man3/pam_start.3.html'],
'pam_strerror': ['http://man7.org/linux/man-pages/man3/pam_strerror.3.html'],
'pam_succeed_if': ['http://man7.org/linux/man-pages/man8/pam_succeed_if.8.html'],
'pam_syslog': ['http://man7.org/linux/man-pages/man3/pam_syslog.3.html'],
'pam_systemd': ['http://man7.org/linux/man-pages/man8/pam_systemd.8.html'],
'pam_tally': ['http://man7.org/linux/man-pages/man8/pam_tally.8.html'],
'pam_tally2': ['http://man7.org/linux/man-pages/man8/pam_tally2.8.html'],
'pam_time': ['http://man7.org/linux/man-pages/man8/pam_time.8.html'],
'pam_timestamp': ['http://man7.org/linux/man-pages/man8/pam_timestamp.8.html'],
'pam_timestamp_check': ['http://man7.org/linux/man-pages/man8/pam_timestamp_check.8.html'],
'pam_tty_audit': ['http://man7.org/linux/man-pages/man8/pam_tty_audit.8.html'],
'pam_umask': ['http://man7.org/linux/man-pages/man8/pam_umask.8.html'],
'pam_unix': ['http://man7.org/linux/man-pages/man8/pam_unix.8.html'],
'pam_userdb': ['http://man7.org/linux/man-pages/man8/pam_userdb.8.html'],
'pam_verror': ['http://man7.org/linux/man-pages/man3/pam_verror.3.html'],
'pam_vinfo': ['http://man7.org/linux/man-pages/man3/pam_vinfo.3.html'],
'pam_vprompt': ['http://man7.org/linux/man-pages/man3/pam_vprompt.3.html'],
'pam_vsyslog': ['http://man7.org/linux/man-pages/man3/pam_vsyslog.3.html'],
'pam_warn': ['http://man7.org/linux/man-pages/man8/pam_warn.8.html'],
'pam_wheel': ['http://man7.org/linux/man-pages/man8/pam_wheel.8.html'],
'pam_xauth': ['http://man7.org/linux/man-pages/man8/pam_xauth.8.html'],
'pam_xauth_data': ['http://man7.org/linux/man-pages/man3/pam_xauth_data.3.html'],
'panel': ['http://man7.org/linux/man-pages/man3/panel.3x.html'],
'parted': ['http://man7.org/linux/man-pages/man8/parted.8.html'],
'partprobe': ['http://man7.org/linux/man-pages/man8/partprobe.8.html'],
'partx': ['http://man7.org/linux/man-pages/man8/partx.8.html'],
'passwd': ['http://man7.org/linux/man-pages/man1/passwd.1.html',
'http://man7.org/linux/man-pages/man5/passwd.5.html'],
'passwd2des': ['http://man7.org/linux/man-pages/man3/passwd2des.3.html'],
'paste': ['http://man7.org/linux/man-pages/man1/paste.1.html',
'http://man7.org/linux/man-pages/man1/paste.1p.html'],
'patch': ['http://man7.org/linux/man-pages/man1/patch.1.html',
'http://man7.org/linux/man-pages/man1/patch.1p.html'],
'path_resolution': ['http://man7.org/linux/man-pages/man7/path_resolution.7.html'],
'path_to_fshandle': ['http://man7.org/linux/man-pages/man3/path_to_fshandle.3.html'],
'path_to_handle': ['http://man7.org/linux/man-pages/man3/path_to_handle.3.html'],
'pathchk': ['http://man7.org/linux/man-pages/man1/pathchk.1.html',
'http://man7.org/linux/man-pages/man1/pathchk.1p.html'],
'pathconf': ['http://man7.org/linux/man-pages/man3/pathconf.3.html',
'http://man7.org/linux/man-pages/man3/pathconf.3p.html'],
'pause': ['http://man7.org/linux/man-pages/man2/pause.2.html',
'http://man7.org/linux/man-pages/man3/pause.3p.html'],
'pax': ['http://man7.org/linux/man-pages/man1/pax.1p.html'],
'pcap-config': ['http://man7.org/linux/man-pages/man1/pcap-config.1.html'],
'pciconfig_iobase': ['http://man7.org/linux/man-pages/man2/pciconfig_iobase.2.html'],
'pciconfig_read': ['http://man7.org/linux/man-pages/man2/pciconfig_read.2.html'],
'pciconfig_write': ['http://man7.org/linux/man-pages/man2/pciconfig_write.2.html'],
'pcilib': ['http://man7.org/linux/man-pages/man7/pcilib.7.html'],
'pclose': ['http://man7.org/linux/man-pages/man3/pclose.3.html',
'http://man7.org/linux/man-pages/man3/pclose.3p.html'],
'pcp': ['http://man7.org/linux/man-pages/man1/pcp.1.html'],
'pcp-atop': ['http://man7.org/linux/man-pages/man1/pcp-atop.1.html'],
'pcp-atoprc': ['http://man7.org/linux/man-pages/man5/pcp-atoprc.5.html'],
'pcp-atopsar': ['http://man7.org/linux/man-pages/man1/pcp-atopsar.1.html'],
'pcp-collectl': ['http://man7.org/linux/man-pages/man1/pcp-collectl.1.html'],
'pcp-dmcache': ['http://man7.org/linux/man-pages/man1/pcp-dmcache.1.html'],
'pcp-dstat': ['http://man7.org/linux/man-pages/man1/pcp-dstat.1.html',
'http://man7.org/linux/man-pages/man5/pcp-dstat.5.html'],
'pcp-free': ['http://man7.org/linux/man-pages/man1/pcp-free.1.html'],
'pcp-iostat': ['http://man7.org/linux/man-pages/man1/pcp-iostat.1.html'],
'pcp-ipcs': ['http://man7.org/linux/man-pages/man1/pcp-ipcs.1.html'],
'pcp-kube-pods': ['http://man7.org/linux/man-pages/man1/pcp-kube-pods.1.html'],
'pcp-lvmcache': ['http://man7.org/linux/man-pages/man1/pcp-lvmcache.1.html'],
'pcp-mpstat': ['http://man7.org/linux/man-pages/man1/pcp-mpstat.1.html'],
'pcp-numastat': ['http://man7.org/linux/man-pages/man1/pcp-numastat.1.html'],
'pcp-pidstat': ['http://man7.org/linux/man-pages/man1/pcp-pidstat.1.html'],
'pcp-python': ['http://man7.org/linux/man-pages/man1/pcp-python.1.html'],
'pcp-shping': ['http://man7.org/linux/man-pages/man1/pcp-shping.1.html'],
'pcp-summary': ['http://man7.org/linux/man-pages/man1/pcp-summary.1.html'],
'pcp-tapestat': ['http://man7.org/linux/man-pages/man1/pcp-tapestat.1.html'],
'pcp-uptime': ['http://man7.org/linux/man-pages/man1/pcp-uptime.1.html'],
'pcp-verify': ['http://man7.org/linux/man-pages/man1/pcp-verify.1.html'],
'pcp-vmstat': ['http://man7.org/linux/man-pages/man1/pcp-vmstat.1.html'],
'pcp.conf': ['http://man7.org/linux/man-pages/man5/pcp.conf.5.html'],
'pcp.env': ['http://man7.org/linux/man-pages/man5/pcp.env.5.html'],
'pcp2csv': ['http://man7.org/linux/man-pages/man1/pcp2csv.1.html'],
'pcp2elasticsearch': ['http://man7.org/linux/man-pages/man1/pcp2elasticsearch.1.html'],
'pcp2graphite': ['http://man7.org/linux/man-pages/man1/pcp2graphite.1.html'],
'pcp2influxdb': ['http://man7.org/linux/man-pages/man1/pcp2influxdb.1.html'],
'pcp2json': ['http://man7.org/linux/man-pages/man1/pcp2json.1.html'],
'pcp2spark': ['http://man7.org/linux/man-pages/man1/pcp2spark.1.html'],
'pcp2xlsx': ['http://man7.org/linux/man-pages/man1/pcp2xlsx.1.html'],
'pcp2xml': ['http://man7.org/linux/man-pages/man1/pcp2xml.1.html'],
'pcp2zabbix': ['http://man7.org/linux/man-pages/man1/pcp2zabbix.1.html'],
'pcpintro': ['http://man7.org/linux/man-pages/man1/pcpintro.1.html',
'http://man7.org/linux/man-pages/man3/pcpintro.3.html'],
'pcre': ['http://man7.org/linux/man-pages/man3/pcre.3.html'],
'pcre-config': ['http://man7.org/linux/man-pages/man1/pcre-config.1.html'],
'pcre16': ['http://man7.org/linux/man-pages/man3/pcre16.3.html'],
'pcre32': ['http://man7.org/linux/man-pages/man3/pcre32.3.html'],
'pcre_assign_jit_stack': ['http://man7.org/linux/man-pages/man3/pcre_assign_jit_stack.3.html'],
'pcre_compile': ['http://man7.org/linux/man-pages/man3/pcre_compile.3.html'],
'pcre_compile2': ['http://man7.org/linux/man-pages/man3/pcre_compile2.3.html'],
'pcre_config': ['http://man7.org/linux/man-pages/man3/pcre_config.3.html'],
'pcre_copy_named_substring': ['http://man7.org/linux/man-pages/man3/pcre_copy_named_substring.3.html'],
'pcre_copy_substring': ['http://man7.org/linux/man-pages/man3/pcre_copy_substring.3.html'],
'pcre_dfa_exec': ['http://man7.org/linux/man-pages/man3/pcre_dfa_exec.3.html'],
'pcre_exec': ['http://man7.org/linux/man-pages/man3/pcre_exec.3.html'],
'pcre_free_study': ['http://man7.org/linux/man-pages/man3/pcre_free_study.3.html'],
'pcre_free_substring': ['http://man7.org/linux/man-pages/man3/pcre_free_substring.3.html'],
'pcre_free_substring_list': ['http://man7.org/linux/man-pages/man3/pcre_free_substring_list.3.html'],
'pcre_fullinfo': ['http://man7.org/linux/man-pages/man3/pcre_fullinfo.3.html'],
'pcre_get_named_substring': ['http://man7.org/linux/man-pages/man3/pcre_get_named_substring.3.html'],
'pcre_get_stringnumber': ['http://man7.org/linux/man-pages/man3/pcre_get_stringnumber.3.html'],
'pcre_get_stringtable_entries': ['http://man7.org/linux/man-pages/man3/pcre_get_stringtable_entries.3.html'],
'pcre_get_substring': ['http://man7.org/linux/man-pages/man3/pcre_get_substring.3.html'],
'pcre_get_substring_list': ['http://man7.org/linux/man-pages/man3/pcre_get_substring_list.3.html'],
'pcre_jit_exec': ['http://man7.org/linux/man-pages/man3/pcre_jit_exec.3.html'],
'pcre_jit_stack_alloc': ['http://man7.org/linux/man-pages/man3/pcre_jit_stack_alloc.3.html'],
'pcre_jit_stack_free': ['http://man7.org/linux/man-pages/man3/pcre_jit_stack_free.3.html'],
'pcre_maketables': ['http://man7.org/linux/man-pages/man3/pcre_maketables.3.html'],
'pcre_pattern_to_host_byte_order': ['http://man7.org/linux/man-pages/man3/pcre_pattern_to_host_byte_order.3.html'],
'pcre_refcount': ['http://man7.org/linux/man-pages/man3/pcre_refcount.3.html'],
'pcre_study': ['http://man7.org/linux/man-pages/man3/pcre_study.3.html'],
'pcre_utf16_to_host_byte_order': ['http://man7.org/linux/man-pages/man3/pcre_utf16_to_host_byte_order.3.html'],
'pcre_utf32_to_host_byte_order': ['http://man7.org/linux/man-pages/man3/pcre_utf32_to_host_byte_order.3.html'],
'pcre_version': ['http://man7.org/linux/man-pages/man3/pcre_version.3.html'],
'pcreapi': ['http://man7.org/linux/man-pages/man3/pcreapi.3.html'],
'pcrebuild': ['http://man7.org/linux/man-pages/man3/pcrebuild.3.html'],
'pcrecallout': ['http://man7.org/linux/man-pages/man3/pcrecallout.3.html'],
'pcrecompat': ['http://man7.org/linux/man-pages/man3/pcrecompat.3.html'],
'pcrecpp': ['http://man7.org/linux/man-pages/man3/pcrecpp.3.html'],
'pcredemo': ['http://man7.org/linux/man-pages/man3/pcredemo.3.html'],
'pcregrep': ['http://man7.org/linux/man-pages/man1/pcregrep.1.html'],
'pcrejit': ['http://man7.org/linux/man-pages/man3/pcrejit.3.html'],
'pcrelimits': ['http://man7.org/linux/man-pages/man3/pcrelimits.3.html'],
'pcrematching': ['http://man7.org/linux/man-pages/man3/pcrematching.3.html'],
'pcrepartial': ['http://man7.org/linux/man-pages/man3/pcrepartial.3.html'],
'pcrepattern': ['http://man7.org/linux/man-pages/man3/pcrepattern.3.html'],
'pcreperform': ['http://man7.org/linux/man-pages/man3/pcreperform.3.html'],
'pcreposix': ['http://man7.org/linux/man-pages/man3/pcreposix.3.html'],
'pcreprecompile': ['http://man7.org/linux/man-pages/man3/pcreprecompile.3.html'],
'pcresample': ['http://man7.org/linux/man-pages/man3/pcresample.3.html'],
'pcrestack': ['http://man7.org/linux/man-pages/man3/pcrestack.3.html'],
'pcresyntax': ['http://man7.org/linux/man-pages/man3/pcresyntax.3.html'],
'pcretest': ['http://man7.org/linux/man-pages/man1/pcretest.1.html'],
'pcreunicode': ['http://man7.org/linux/man-pages/man3/pcreunicode.3.html'],
'pdfmom': ['http://man7.org/linux/man-pages/man1/pdfmom.1.html'],
'pdfroff': ['http://man7.org/linux/man-pages/man1/pdfroff.1.html'],
'pecho_wchar': ['http://man7.org/linux/man-pages/man3/pecho_wchar.3x.html'],
'pechochar': ['http://man7.org/linux/man-pages/man3/pechochar.3x.html'],
'pedit': ['http://man7.org/linux/man-pages/man8/pedit.8.html'],
'peekfd': ['http://man7.org/linux/man-pages/man1/peekfd.1.html'],
'perf': ['http://man7.org/linux/man-pages/man1/perf.1.html'],
'perf-annotate': ['http://man7.org/linux/man-pages/man1/perf-annotate.1.html'],
'perf-archive': ['http://man7.org/linux/man-pages/man1/perf-archive.1.html'],
'perf-bench': ['http://man7.org/linux/man-pages/man1/perf-bench.1.html'],
'perf-buildid-cache': ['http://man7.org/linux/man-pages/man1/perf-buildid-cache.1.html'],
'perf-buildid-list': ['http://man7.org/linux/man-pages/man1/perf-buildid-list.1.html'],
'perf-c2c': ['http://man7.org/linux/man-pages/man1/perf-c2c.1.html'],
'perf-config': ['http://man7.org/linux/man-pages/man1/perf-config.1.html'],
'perf-data': ['http://man7.org/linux/man-pages/man1/perf-data.1.html'],
'perf-diff': ['http://man7.org/linux/man-pages/man1/perf-diff.1.html'],
'perf-evlist': ['http://man7.org/linux/man-pages/man1/perf-evlist.1.html'],
'perf-ftrace': ['http://man7.org/linux/man-pages/man1/perf-ftrace.1.html'],
'perf-help': ['http://man7.org/linux/man-pages/man1/perf-help.1.html'],
'perf-inject': ['http://man7.org/linux/man-pages/man1/perf-inject.1.html'],
'perf-kallsyms': ['http://man7.org/linux/man-pages/man1/perf-kallsyms.1.html'],
'perf-kmem': ['http://man7.org/linux/man-pages/man1/perf-kmem.1.html'],
'perf-kvm': ['http://man7.org/linux/man-pages/man1/perf-kvm.1.html'],
'perf-list': ['http://man7.org/linux/man-pages/man1/perf-list.1.html'],
'perf-lock': ['http://man7.org/linux/man-pages/man1/perf-lock.1.html'],
'perf-mem': ['http://man7.org/linux/man-pages/man1/perf-mem.1.html'],
'perf-probe': ['http://man7.org/linux/man-pages/man1/perf-probe.1.html'],
'perf-record': ['http://man7.org/linux/man-pages/man1/perf-record.1.html'],
'perf-report': ['http://man7.org/linux/man-pages/man1/perf-report.1.html'],
'perf-sched': ['http://man7.org/linux/man-pages/man1/perf-sched.1.html'],
'perf-script': ['http://man7.org/linux/man-pages/man1/perf-script.1.html'],
'perf-script-perl': ['http://man7.org/linux/man-pages/man1/perf-script-perl.1.html'],
'perf-script-python': ['http://man7.org/linux/man-pages/man1/perf-script-python.1.html'],
'perf-stat': ['http://man7.org/linux/man-pages/man1/perf-stat.1.html'],
'perf-test': ['http://man7.org/linux/man-pages/man1/perf-test.1.html'],
'perf-timechart': ['http://man7.org/linux/man-pages/man1/perf-timechart.1.html'],
'perf-top': ['http://man7.org/linux/man-pages/man1/perf-top.1.html'],
'perf-trace': ['http://man7.org/linux/man-pages/man1/perf-trace.1.html'],
'perf-version': ['http://man7.org/linux/man-pages/man1/perf-version.1.html'],
'perf_event_open': ['http://man7.org/linux/man-pages/man2/perf_event_open.2.html'],
'perfalloc': ['http://man7.org/linux/man-pages/man1/perfalloc.1.html'],
'perfevent.conf': ['http://man7.org/linux/man-pages/man5/perfevent.conf.5.html'],
'perfmonctl': ['http://man7.org/linux/man-pages/man2/perfmonctl.2.html'],
'perror': ['http://man7.org/linux/man-pages/man1/perror.1.html',
'http://man7.org/linux/man-pages/man3/perror.3.html',
'http://man7.org/linux/man-pages/man3/perror.3p.html'],
'persistent-keyring': ['http://man7.org/linux/man-pages/man7/persistent-keyring.7.html'],
'personality': ['http://man7.org/linux/man-pages/man2/personality.2.html'],
'pfbtops': ['http://man7.org/linux/man-pages/man1/pfbtops.1.html'],
'pfifo': ['http://man7.org/linux/man-pages/man8/pfifo.8.html'],
'pfifo_fast': ['http://man7.org/linux/man-pages/man8/pfifo_fast.8.html'],
'pfm_find_event': ['http://man7.org/linux/man-pages/man3/pfm_find_event.3.html'],
'pfm_get_event_attr_info': ['http://man7.org/linux/man-pages/man3/pfm_get_event_attr_info.3.html'],
'pfm_get_event_encoding': ['http://man7.org/linux/man-pages/man3/pfm_get_event_encoding.3.html'],
'pfm_get_event_info': ['http://man7.org/linux/man-pages/man3/pfm_get_event_info.3.html'],
'pfm_get_event_next': ['http://man7.org/linux/man-pages/man3/pfm_get_event_next.3.html'],
'pfm_get_os_event_encoding': ['http://man7.org/linux/man-pages/man3/pfm_get_os_event_encoding.3.html'],
'pfm_get_perf_event_encoding': ['http://man7.org/linux/man-pages/man3/pfm_get_perf_event_encoding.3.html'],
'pfm_get_pmu_info': ['http://man7.org/linux/man-pages/man3/pfm_get_pmu_info.3.html'],
'pfm_get_version': ['http://man7.org/linux/man-pages/man3/pfm_get_version.3.html'],
'pfm_initialize': ['http://man7.org/linux/man-pages/man3/pfm_initialize.3.html'],
'pfm_strerror': ['http://man7.org/linux/man-pages/man3/pfm_strerror.3.html'],
'pfm_terminate': ['http://man7.org/linux/man-pages/man3/pfm_terminate.3.html'],
'pg': ['http://man7.org/linux/man-pages/man1/pg.1.html'],
'pg3': ['http://man7.org/linux/man-pages/man8/pg3.8.html'],
'pgrep': ['http://man7.org/linux/man-pages/man1/pgrep.1.html'],
'pgset': ['http://man7.org/linux/man-pages/man8/pgset.8.html'],
'phys': ['http://man7.org/linux/man-pages/man2/phys.2.html'],
'pic': ['http://man7.org/linux/man-pages/man1/pic.1.html'],
'pic2graph': ['http://man7.org/linux/man-pages/man1/pic2graph.1.html'],
'pid_namespaces': ['http://man7.org/linux/man-pages/man7/pid_namespaces.7.html'],
'pidof': ['http://man7.org/linux/man-pages/man1/pidof.1.html'],
'pidstat': ['http://man7.org/linux/man-pages/man1/pidstat.1.html'],
'ping': ['http://man7.org/linux/man-pages/man8/ping.8.html'],
'pinky': ['http://man7.org/linux/man-pages/man1/pinky.1.html'],
'pipe': ['http://man7.org/linux/man-pages/man2/pipe.2.html',
'http://man7.org/linux/man-pages/man3/pipe.3p.html',
'http://man7.org/linux/man-pages/man7/pipe.7.html'],
'pipe2': ['http://man7.org/linux/man-pages/man2/pipe2.2.html'],
'pivot_root': ['http://man7.org/linux/man-pages/man2/pivot_root.2.html',
'http://man7.org/linux/man-pages/man8/pivot_root.8.html'],
'pkey_alloc': ['http://man7.org/linux/man-pages/man2/pkey_alloc.2.html'],
'pkey_free': ['http://man7.org/linux/man-pages/man2/pkey_free.2.html'],
'pkey_mprotect': ['http://man7.org/linux/man-pages/man2/pkey_mprotect.2.html'],
'pkeys': ['http://man7.org/linux/man-pages/man7/pkeys.7.html'],
'pkill': ['http://man7.org/linux/man-pages/man1/pkill.1.html'],
'pldd': ['http://man7.org/linux/man-pages/man1/pldd.1.html'],
'plipconfig': ['http://man7.org/linux/man-pages/man8/plipconfig.8.html'],
'pmAddProfile': ['http://man7.org/linux/man-pages/man3/pmAddProfile.3.html'],
'pmAtomStr': ['http://man7.org/linux/man-pages/man3/pmAtomStr.3.html'],
'pmAtomStr_r': ['http://man7.org/linux/man-pages/man3/pmAtomStr_r.3.html'],
'pmClearDebug': ['http://man7.org/linux/man-pages/man3/pmClearDebug.3.html'],
'pmClearFetchGroup': ['http://man7.org/linux/man-pages/man3/pmClearFetchGroup.3.html'],
'pmConvScale': ['http://man7.org/linux/man-pages/man3/pmConvScale.3.html'],
'pmCreateFetchGroup': ['http://man7.org/linux/man-pages/man3/pmCreateFetchGroup.3.html'],
'pmCtime': ['http://man7.org/linux/man-pages/man3/pmCtime.3.html'],
'pmDelProfile': ['http://man7.org/linux/man-pages/man3/pmDelProfile.3.html'],
'pmDerivedErrStr': ['http://man7.org/linux/man-pages/man3/pmDerivedErrStr.3.html'],
'pmDestroyContext': ['http://man7.org/linux/man-pages/man3/pmDestroyContext.3.html'],
'pmDestroyFetchGroup': ['http://man7.org/linux/man-pages/man3/pmDestroyFetchGroup.3.html'],
'pmDiscoverServices': ['http://man7.org/linux/man-pages/man3/pmDiscoverServices.3.html'],
'pmDupContext': ['http://man7.org/linux/man-pages/man3/pmDupContext.3.html'],
'pmErrStr': ['http://man7.org/linux/man-pages/man3/pmErrStr.3.html'],
'pmErrStr_r': ['http://man7.org/linux/man-pages/man3/pmErrStr_r.3.html'],
'pmEventFlagsStr': ['http://man7.org/linux/man-pages/man3/pmEventFlagsStr.3.html'],
'pmEventFlagsStr_r': ['http://man7.org/linux/man-pages/man3/pmEventFlagsStr_r.3.html'],
'pmExtendFetchGroup_event': ['http://man7.org/linux/man-pages/man3/pmExtendFetchGroup_event.3.html'],
'pmExtendFetchGroup_indom': ['http://man7.org/linux/man-pages/man3/pmExtendFetchGroup_indom.3.html'],
'pmExtendFetchGroup_item': ['http://man7.org/linux/man-pages/man3/pmExtendFetchGroup_item.3.html'],
'pmExtendFetchGroup_timestamp': ['http://man7.org/linux/man-pages/man3/pmExtendFetchGroup_timestamp.3.html'],
'pmExtractValue': ['http://man7.org/linux/man-pages/man3/pmExtractValue.3.html'],
'pmFetch': ['http://man7.org/linux/man-pages/man3/pmFetch.3.html'],
'pmFetchArchive': ['http://man7.org/linux/man-pages/man3/pmFetchArchive.3.html'],
'pmFetchGroup': ['http://man7.org/linux/man-pages/man3/pmFetchGroup.3.html'],
'pmFreeEventResult': ['http://man7.org/linux/man-pages/man3/pmFreeEventResult.3.html'],
'pmFreeHighResEventResult': ['http://man7.org/linux/man-pages/man3/pmFreeHighResEventResult.3.html'],
'pmFreeLabelSets': ['http://man7.org/linux/man-pages/man3/pmFreeLabelSets.3.html'],
'pmFreeMetricSpec': ['http://man7.org/linux/man-pages/man3/pmFreeMetricSpec.3.html'],
'pmFreeOptions': ['http://man7.org/linux/man-pages/man3/pmFreeOptions.3.html'],
'pmFreeResult': ['http://man7.org/linux/man-pages/man3/pmFreeResult.3.html'],
'pmGetAPIConfig': ['http://man7.org/linux/man-pages/man3/pmGetAPIConfig.3.html'],
'pmGetArchiveEnd': ['http://man7.org/linux/man-pages/man3/pmGetArchiveEnd.3.html'],
'pmGetArchiveLabel': ['http://man7.org/linux/man-pages/man3/pmGetArchiveLabel.3.html'],
'pmGetChildren': ['http://man7.org/linux/man-pages/man3/pmGetChildren.3.html'],
'pmGetChildrenStatus': ['http://man7.org/linux/man-pages/man3/pmGetChildrenStatus.3.html'],
'pmGetClusterLabels': ['http://man7.org/linux/man-pages/man3/pmGetClusterLabels.3.html'],
'pmGetConfig': ['http://man7.org/linux/man-pages/man3/pmGetConfig.3.html'],
'pmGetContextHostName': ['http://man7.org/linux/man-pages/man3/pmGetContextHostName.3.html'],
'pmGetContextHostName_r': ['http://man7.org/linux/man-pages/man3/pmGetContextHostName_r.3.html'],
'pmGetContextLabels': ['http://man7.org/linux/man-pages/man3/pmGetContextLabels.3.html'],
'pmGetContextOptions': ['http://man7.org/linux/man-pages/man3/pmGetContextOptions.3.html'],
'pmGetDomainLabels': ['http://man7.org/linux/man-pages/man3/pmGetDomainLabels.3.html'],
'pmGetFetchGroupContext': ['http://man7.org/linux/man-pages/man3/pmGetFetchGroupContext.3.html'],
'pmGetInDom': ['http://man7.org/linux/man-pages/man3/pmGetInDom.3.html'],
'pmGetInDomArchive': ['http://man7.org/linux/man-pages/man3/pmGetInDomArchive.3.html'],
'pmGetInDomLabels': ['http://man7.org/linux/man-pages/man3/pmGetInDomLabels.3.html'],
'pmGetInstancesLabels': ['http://man7.org/linux/man-pages/man3/pmGetInstancesLabels.3.html'],
'pmGetItemLabels': ['http://man7.org/linux/man-pages/man3/pmGetItemLabels.3.html'],
'pmGetOptionalConfig': ['http://man7.org/linux/man-pages/man3/pmGetOptionalConfig.3.html'],
'pmGetOptions': ['http://man7.org/linux/man-pages/man3/pmGetOptions.3.html'],
'pmGetPMNSLocation': ['http://man7.org/linux/man-pages/man3/pmGetPMNSLocation.3.html'],
'pmGetProgname': ['http://man7.org/linux/man-pages/man3/pmGetProgname.3.html'],
'pmGetUsername': ['http://man7.org/linux/man-pages/man3/pmGetUsername.3.html'],
'pmGetVersion': ['http://man7.org/linux/man-pages/man3/pmGetVersion.3.html'],
'pmIDStr': ['http://man7.org/linux/man-pages/man3/pmIDStr.3.html'],
'pmIDStr_r': ['http://man7.org/linux/man-pages/man3/pmIDStr_r.3.html'],
'pmID_build': ['http://man7.org/linux/man-pages/man3/pmID_build.3.html'],
'pmID_cluster': ['http://man7.org/linux/man-pages/man3/pmID_cluster.3.html'],
'pmID_domain': ['http://man7.org/linux/man-pages/man3/pmID_domain.3.html'],
'pmID_item': ['http://man7.org/linux/man-pages/man3/pmID_item.3.html'],
'pmInDomStr': ['http://man7.org/linux/man-pages/man3/pmInDomStr.3.html'],
'pmInDomStr_r': ['http://man7.org/linux/man-pages/man3/pmInDomStr_r.3.html'],
'pmInDom_build': ['http://man7.org/linux/man-pages/man3/pmInDom_build.3.html'],
'pmInDom_domain': ['http://man7.org/linux/man-pages/man3/pmInDom_domain.3.html'],
'pmInDom_serial': ['http://man7.org/linux/man-pages/man3/pmInDom_serial.3.html'],
'pmLoadASCIINameSpace': ['http://man7.org/linux/man-pages/man3/pmLoadASCIINameSpace.3.html'],
'pmLoadDerivedConfig': ['http://man7.org/linux/man-pages/man3/pmLoadDerivedConfig.3.html'],
'pmLoadNameSpace': ['http://man7.org/linux/man-pages/man3/pmLoadNameSpace.3.html'],
'pmLocaltime': ['http://man7.org/linux/man-pages/man3/pmLocaltime.3.html'],
'pmLookupDesc': ['http://man7.org/linux/man-pages/man3/pmLookupDesc.3.html'],
'pmLookupInDom': ['http://man7.org/linux/man-pages/man3/pmLookupInDom.3.html'],
'pmLookupInDomArchive': ['http://man7.org/linux/man-pages/man3/pmLookupInDomArchive.3.html'],
'pmLookupInDomText': ['http://man7.org/linux/man-pages/man3/pmLookupInDomText.3.html'],
'pmLookupLabels': ['http://man7.org/linux/man-pages/man3/pmLookupLabels.3.html'],
'pmLookupName': ['http://man7.org/linux/man-pages/man3/pmLookupName.3.html'],
'pmLookupText': ['http://man7.org/linux/man-pages/man3/pmLookupText.3.html'],
'pmMergeLabelSets': ['http://man7.org/linux/man-pages/man3/pmMergeLabelSets.3.html'],
'pmMergeLabels': ['http://man7.org/linux/man-pages/man3/pmMergeLabels.3.html'],
'pmNameAll': ['http://man7.org/linux/man-pages/man3/pmNameAll.3.html'],
'pmNameID': ['http://man7.org/linux/man-pages/man3/pmNameID.3.html'],
'pmNameInDom': ['http://man7.org/linux/man-pages/man3/pmNameInDom.3.html'],
'pmNameInDomArchive': ['http://man7.org/linux/man-pages/man3/pmNameInDomArchive.3.html'],
'pmNewContext': ['http://man7.org/linux/man-pages/man3/pmNewContext.3.html'],
'pmNewContextZone': ['http://man7.org/linux/man-pages/man3/pmNewContextZone.3.html'],
'pmNewZone': ['http://man7.org/linux/man-pages/man3/pmNewZone.3.html'],
'pmNoMem': ['http://man7.org/linux/man-pages/man3/pmNoMem.3.html'],
'pmNotifyErr': ['http://man7.org/linux/man-pages/man3/pmNotifyErr.3.html'],
'pmNumberStr': ['http://man7.org/linux/man-pages/man3/pmNumberStr.3.html'],
'pmNumberStr_r': ['http://man7.org/linux/man-pages/man3/pmNumberStr_r.3.html'],
'pmOpenLog': ['http://man7.org/linux/man-pages/man3/pmOpenLog.3.html'],
'pmParseInterval': ['http://man7.org/linux/man-pages/man3/pmParseInterval.3.html'],
'pmParseMetricSpec': ['http://man7.org/linux/man-pages/man3/pmParseMetricSpec.3.html'],
'pmParseTimeWindow': ['http://man7.org/linux/man-pages/man3/pmParseTimeWindow.3.html'],
'pmParseUnitsStr': ['http://man7.org/linux/man-pages/man3/pmParseUnitsStr.3.html'],
'pmPathSeparator': ['http://man7.org/linux/man-pages/man3/pmPathSeparator.3.html'],
'pmPrintDesc': ['http://man7.org/linux/man-pages/man3/pmPrintDesc.3.html'],
'pmPrintHighResStamp': ['http://man7.org/linux/man-pages/man3/pmPrintHighResStamp.3.html'],
'pmPrintLabelSets': ['http://man7.org/linux/man-pages/man3/pmPrintLabelSets.3.html'],
'pmPrintStamp': ['http://man7.org/linux/man-pages/man3/pmPrintStamp.3.html'],
'pmPrintValue': ['http://man7.org/linux/man-pages/man3/pmPrintValue.3.html'],
'pmReconnectContext': ['http://man7.org/linux/man-pages/man3/pmReconnectContext.3.html'],
'pmRecordAddHost': ['http://man7.org/linux/man-pages/man3/pmRecordAddHost.3.html'],
'pmRecordControl': ['http://man7.org/linux/man-pages/man3/pmRecordControl.3.html'],
'pmRecordSetup': ['http://man7.org/linux/man-pages/man3/pmRecordSetup.3.html'],
'pmRegisterDerived': ['http://man7.org/linux/man-pages/man3/pmRegisterDerived.3.html'],
'pmRegisterDerivedMetric': ['http://man7.org/linux/man-pages/man3/pmRegisterDerivedMetric.3.html'],
'pmSemStr': ['http://man7.org/linux/man-pages/man3/pmSemStr.3.html'],
'pmSemStr_r': ['http://man7.org/linux/man-pages/man3/pmSemStr_r.3.html'],
'pmSetDebug': ['http://man7.org/linux/man-pages/man3/pmSetDebug.3.html'],
'pmSetMode': ['http://man7.org/linux/man-pages/man3/pmSetMode.3.html'],
'pmSetProcessIdentity': ['http://man7.org/linux/man-pages/man3/pmSetProcessIdentity.3.html'],
'pmSetProgname': ['http://man7.org/linux/man-pages/man3/pmSetProgname.3.html'],
'pmSortInstances': ['http://man7.org/linux/man-pages/man3/pmSortInstances.3.html'],
'pmSpecLocalPMDA': ['http://man7.org/linux/man-pages/man3/pmSpecLocalPMDA.3.html'],
'pmStore': ['http://man7.org/linux/man-pages/man3/pmStore.3.html'],
'pmSyslog': ['http://man7.org/linux/man-pages/man3/pmSyslog.3.html'],
'pmTimeConnect': ['http://man7.org/linux/man-pages/man3/pmTimeConnect.3.html'],
'pmTimeDisconnect': ['http://man7.org/linux/man-pages/man3/pmTimeDisconnect.3.html'],
'pmTimeRecv': ['http://man7.org/linux/man-pages/man3/pmTimeRecv.3.html'],
'pmTimeSendAck': ['http://man7.org/linux/man-pages/man3/pmTimeSendAck.3.html'],
'pmTimeShowDialog': ['http://man7.org/linux/man-pages/man3/pmTimeShowDialog.3.html'],
'pmTraversePMNS': ['http://man7.org/linux/man-pages/man3/pmTraversePMNS.3.html'],
'pmTraversePMNS_r': ['http://man7.org/linux/man-pages/man3/pmTraversePMNS_r.3.html'],
'pmTrimNameSpace': ['http://man7.org/linux/man-pages/man3/pmTrimNameSpace.3.html'],
'pmTypeStr': ['http://man7.org/linux/man-pages/man3/pmTypeStr.3.html'],
'pmTypeStr_r': ['http://man7.org/linux/man-pages/man3/pmTypeStr_r.3.html'],
'pmUnitsStr': ['http://man7.org/linux/man-pages/man3/pmUnitsStr.3.html'],
'pmUnitsStr_r': ['http://man7.org/linux/man-pages/man3/pmUnitsStr_r.3.html'],
'pmUnloadNameSpace': ['http://man7.org/linux/man-pages/man3/pmUnloadNameSpace.3.html'],
'pmUnpackEventRecords': ['http://man7.org/linux/man-pages/man3/pmUnpackEventRecords.3.html'],
'pmUnpackHighResEventRecords': ['http://man7.org/linux/man-pages/man3/pmUnpackHighResEventRecords.3.html'],
'pmUsageMessage': ['http://man7.org/linux/man-pages/man3/pmUsageMessage.3.html'],
'pmUseContext': ['http://man7.org/linux/man-pages/man3/pmUseContext.3.html'],
'pmUseZone': ['http://man7.org/linux/man-pages/man3/pmUseZone.3.html'],
'pmWhichContext': ['http://man7.org/linux/man-pages/man3/pmWhichContext.3.html'],
'pmWhichZone': ['http://man7.org/linux/man-pages/man3/pmWhichZone.3.html'],
'pmaddprofile': ['http://man7.org/linux/man-pages/man3/pmaddprofile.3.html'],
'pmafm': ['http://man7.org/linux/man-pages/man1/pmafm.1.html',
'http://man7.org/linux/man-pages/man3/pmafm.3.html'],
'pmap': ['http://man7.org/linux/man-pages/man1/pmap.1.html'],
'pmap_getmaps': ['http://man7.org/linux/man-pages/man3/pmap_getmaps.3.html'],
'pmap_getport': ['http://man7.org/linux/man-pages/man3/pmap_getport.3.html'],
'pmap_rmtcall': ['http://man7.org/linux/man-pages/man3/pmap_rmtcall.3.html'],
'pmap_set': ['http://man7.org/linux/man-pages/man3/pmap_set.3.html'],
'pmap_unset': ['http://man7.org/linux/man-pages/man3/pmap_unset.3.html'],
'pmapi': ['http://man7.org/linux/man-pages/man3/pmapi.3.html'],
'pmapi_internal': ['http://man7.org/linux/man-pages/man3/pmapi_internal.3.html'],
'pmatomstr': ['http://man7.org/linux/man-pages/man3/pmatomstr.3.html'],
'pmcd': ['http://man7.org/linux/man-pages/man1/pmcd.1.html'],
'pmcd_wait': ['http://man7.org/linux/man-pages/man1/pmcd_wait.1.html'],
'pmchart': ['http://man7.org/linux/man-pages/man1/pmchart.1.html'],
'pmclient': ['http://man7.org/linux/man-pages/man1/pmclient.1.html'],
'pmclient_fg': ['http://man7.org/linux/man-pages/man1/pmclient_fg.1.html'],
'pmcollectl': ['http://man7.org/linux/man-pages/man1/pmcollectl.1.html'],
'pmconfig': ['http://man7.org/linux/man-pages/man1/pmconfig.1.html'],
'pmconfirm': ['http://man7.org/linux/man-pages/man1/pmconfirm.1.html'],
'pmconvscale': ['http://man7.org/linux/man-pages/man3/pmconvscale.3.html'],
'pmcpp': ['http://man7.org/linux/man-pages/man1/pmcpp.1.html'],
'pmctime': ['http://man7.org/linux/man-pages/man3/pmctime.3.html'],
'pmda': ['http://man7.org/linux/man-pages/man3/pmda.3.html'],
'pmdaAttribute': ['http://man7.org/linux/man-pages/man3/pmdaAttribute.3.html'],
'pmdaCacheLookup': ['http://man7.org/linux/man-pages/man3/pmdaCacheLookup.3.html'],
'pmdaCacheLookupKey': ['http://man7.org/linux/man-pages/man3/pmdaCacheLookupKey.3.html'],
'pmdaCacheLookupName': ['http://man7.org/linux/man-pages/man3/pmdaCacheLookupName.3.html'],
'pmdaCacheOp': ['http://man7.org/linux/man-pages/man3/pmdaCacheOp.3.html'],
'pmdaCachePurge': ['http://man7.org/linux/man-pages/man3/pmdaCachePurge.3.html'],
'pmdaCacheResize': ['http://man7.org/linux/man-pages/man3/pmdaCacheResize.3.html'],
'pmdaCacheStore': ['http://man7.org/linux/man-pages/man3/pmdaCacheStore.3.html'],
'pmdaCacheStoreKey': ['http://man7.org/linux/man-pages/man3/pmdaCacheStoreKey.3.html'],
'pmdaChildren': ['http://man7.org/linux/man-pages/man3/pmdaChildren.3.html'],
'pmdaCloseHelp': ['http://man7.org/linux/man-pages/man3/pmdaCloseHelp.3.html'],
'pmdaConnect': ['http://man7.org/linux/man-pages/man3/pmdaConnect.3.html'],
'pmdaDSO': ['http://man7.org/linux/man-pages/man3/pmdaDSO.3.html'],
'pmdaDaemon': ['http://man7.org/linux/man-pages/man3/pmdaDaemon.3.html'],
'pmdaDesc': ['http://man7.org/linux/man-pages/man3/pmdaDesc.3.html'],
'pmdaEventAddHighResMissedRecord': ['http://man7.org/linux/man-pages/man3/pmdaEventAddHighResMissedRecord.3.html'],
'pmdaEventAddHighResRecord': ['http://man7.org/linux/man-pages/man3/pmdaEventAddHighResRecord.3.html'],
'pmdaEventAddMissedRecord': ['http://man7.org/linux/man-pages/man3/pmdaEventAddMissedRecord.3.html'],
'pmdaEventAddParam': ['http://man7.org/linux/man-pages/man3/pmdaEventAddParam.3.html'],
'pmdaEventAddRecord': ['http://man7.org/linux/man-pages/man3/pmdaEventAddRecord.3.html'],
'pmdaEventClients': ['http://man7.org/linux/man-pages/man3/pmdaEventClients.3.html'],
'pmdaEventEndClient': ['http://man7.org/linux/man-pages/man3/pmdaEventEndClient.3.html'],
'pmdaEventGetAddr': ['http://man7.org/linux/man-pages/man3/pmdaEventGetAddr.3.html'],
'pmdaEventHighResAddParam': ['http://man7.org/linux/man-pages/man3/pmdaEventHighResAddParam.3.html'],
'pmdaEventHighResGetAddr': ['http://man7.org/linux/man-pages/man3/pmdaEventHighResGetAddr.3.html'],
'pmdaEventNewActiveQueue': ['http://man7.org/linux/man-pages/man3/pmdaEventNewActiveQueue.3.html'],
'pmdaEventNewArray': ['http://man7.org/linux/man-pages/man3/pmdaEventNewArray.3.html'],
'pmdaEventNewClient': ['http://man7.org/linux/man-pages/man3/pmdaEventNewClient.3.html'],
'pmdaEventNewHighResArray': ['http://man7.org/linux/man-pages/man3/pmdaEventNewHighResArray.3.html'],
'pmdaEventNewQueue': ['http://man7.org/linux/man-pages/man3/pmdaEventNewQueue.3.html'],
'pmdaEventQueueAppend': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueAppend.3.html'],
'pmdaEventQueueBytes': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueBytes.3.html'],
'pmdaEventQueueClients': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueClients.3.html'],
'pmdaEventQueueCounter': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueCounter.3.html'],
'pmdaEventQueueHandle': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueHandle.3.html'],
'pmdaEventQueueMemory': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueMemory.3.html'],
'pmdaEventQueueRecords': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueRecords.3.html'],
'pmdaEventQueueShutdown': ['http://man7.org/linux/man-pages/man3/pmdaEventQueueShutdown.3.html'],
'pmdaEventReleaseArray': ['http://man7.org/linux/man-pages/man3/pmdaEventReleaseArray.3.html'],
'pmdaEventReleaseHighResArray': ['http://man7.org/linux/man-pages/man3/pmdaEventReleaseHighResArray.3.html'],
'pmdaEventResetArray': ['http://man7.org/linux/man-pages/man3/pmdaEventResetArray.3.html'],
'pmdaEventResetHighResArray': ['http://man7.org/linux/man-pages/man3/pmdaEventResetHighResArray.3.html'],
'pmdaExtSetFlags': ['http://man7.org/linux/man-pages/man3/pmdaExtSetFlags.3.html'],
'pmdaFetch': ['http://man7.org/linux/man-pages/man3/pmdaFetch.3.html'],
'pmdaGetContext': ['http://man7.org/linux/man-pages/man3/pmdaGetContext.3.html'],
'pmdaGetHelp': ['http://man7.org/linux/man-pages/man3/pmdaGetHelp.3.html'],
'pmdaGetInDomHelp': ['http://man7.org/linux/man-pages/man3/pmdaGetInDomHelp.3.html'],
'pmdaGetOpt': ['http://man7.org/linux/man-pages/man3/pmdaGetOpt.3.html'],
'pmdaGetOptions': ['http://man7.org/linux/man-pages/man3/pmdaGetOptions.3.html'],
'pmdaInit': ['http://man7.org/linux/man-pages/man3/pmdaInit.3.html'],
'pmdaInstance': ['http://man7.org/linux/man-pages/man3/pmdaInstance.3.html'],
'pmdaInterfaceMoved': ['http://man7.org/linux/man-pages/man3/pmdaInterfaceMoved.3.html'],
'pmdaLabel': ['http://man7.org/linux/man-pages/man3/pmdaLabel.3.html'],
'pmdaMain': ['http://man7.org/linux/man-pages/man3/pmdaMain.3.html'],
'pmdaName': ['http://man7.org/linux/man-pages/man3/pmdaName.3.html'],
'pmdaOpenHelp': ['http://man7.org/linux/man-pages/man3/pmdaOpenHelp.3.html'],
'pmdaOpenLog': ['http://man7.org/linux/man-pages/man3/pmdaOpenLog.3.html'],
'pmdaPMID': ['http://man7.org/linux/man-pages/man3/pmdaPMID.3.html'],
'pmdaProfile': ['http://man7.org/linux/man-pages/man3/pmdaProfile.3.html'],
'pmdaRehash': ['http://man7.org/linux/man-pages/man3/pmdaRehash.3.html'],
'pmdaRootConnect': ['http://man7.org/linux/man-pages/man3/pmdaRootConnect.3.html'],
'pmdaRootContainerCGroupName': ['http://man7.org/linux/man-pages/man3/pmdaRootContainerCGroupName.3.html'],
'pmdaRootContainerHostName': ['http://man7.org/linux/man-pages/man3/pmdaRootContainerHostName.3.html'],
'pmdaRootContainerProcessID': ['http://man7.org/linux/man-pages/man3/pmdaRootContainerProcessID.3.html'],
'pmdaRootProcessStart': ['http://man7.org/linux/man-pages/man3/pmdaRootProcessStart.3.html'],
'pmdaRootProcessTerminate': ['http://man7.org/linux/man-pages/man3/pmdaRootProcessTerminate.3.html'],
'pmdaRootProcessWait': ['http://man7.org/linux/man-pages/man3/pmdaRootProcessWait.3.html'],
'pmdaRootShutdown': ['http://man7.org/linux/man-pages/man3/pmdaRootShutdown.3.html'],
'pmdaSetCheckCallBack': ['http://man7.org/linux/man-pages/man3/pmdaSetCheckCallBack.3.html'],
'pmdaSetCommFlags': ['http://man7.org/linux/man-pages/man3/pmdaSetCommFlags.3.html'],
'pmdaSetDoneCallBack': ['http://man7.org/linux/man-pages/man3/pmdaSetDoneCallBack.3.html'],
'pmdaSetEndContextCallBack': ['http://man7.org/linux/man-pages/man3/pmdaSetEndContextCallBack.3.html'],
'pmdaSetFetchCallBack': ['http://man7.org/linux/man-pages/man3/pmdaSetFetchCallBack.3.html'],
'pmdaSetFlags': ['http://man7.org/linux/man-pages/man3/pmdaSetFlags.3.html'],
'pmdaSetLabelCallBack': ['http://man7.org/linux/man-pages/man3/pmdaSetLabelCallBack.3.html'],
'pmdaSetResultCallBack': ['http://man7.org/linux/man-pages/man3/pmdaSetResultCallBack.3.html'],
'pmdaStore': ['http://man7.org/linux/man-pages/man3/pmdaStore.3.html'],
'pmdaText': ['http://man7.org/linux/man-pages/man3/pmdaText.3.html'],
'pmdaactivemq': ['http://man7.org/linux/man-pages/man1/pmdaactivemq.1.html'],
'pmdaaix': ['http://man7.org/linux/man-pages/man1/pmdaaix.1.html'],
'pmdaapache': ['http://man7.org/linux/man-pages/man1/pmdaapache.1.html'],
'pmdaattribute': ['http://man7.org/linux/man-pages/man3/pmdaattribute.3.html'],
'pmdabash': ['http://man7.org/linux/man-pages/man1/pmdabash.1.html'],
'pmdabcc': ['http://man7.org/linux/man-pages/man1/pmdabcc.1.html'],
'pmdabind2': ['http://man7.org/linux/man-pages/man1/pmdabind2.1.html'],
'pmdabonding': ['http://man7.org/linux/man-pages/man1/pmdabonding.1.html'],
'pmdacache': ['http://man7.org/linux/man-pages/man3/pmdacache.3.html'],
'pmdachildren': ['http://man7.org/linux/man-pages/man3/pmdachildren.3.html'],
'pmdacifs': ['http://man7.org/linux/man-pages/man1/pmdacifs.1.html'],
'pmdacisco': ['http://man7.org/linux/man-pages/man1/pmdacisco.1.html'],
'pmdaconnect': ['http://man7.org/linux/man-pages/man3/pmdaconnect.3.html'],
'pmdadaemon': ['http://man7.org/linux/man-pages/man3/pmdadaemon.3.html'],
'pmdadarwin': ['http://man7.org/linux/man-pages/man1/pmdadarwin.1.html'],
'pmdadbping': ['http://man7.org/linux/man-pages/man1/pmdadbping.1.html'],
'pmdadesc': ['http://man7.org/linux/man-pages/man3/pmdadesc.3.html'],
'pmdadm': ['http://man7.org/linux/man-pages/man1/pmdadm.1.html'],
'pmdadocker': ['http://man7.org/linux/man-pages/man1/pmdadocker.1.html'],
'pmdads389': ['http://man7.org/linux/man-pages/man1/pmdads389.1.html'],
'pmdads389log': ['http://man7.org/linux/man-pages/man1/pmdads389log.1.html'],
'pmdadso': ['http://man7.org/linux/man-pages/man3/pmdadso.3.html'],
'pmdaelasticsearch': ['http://man7.org/linux/man-pages/man1/pmdaelasticsearch.1.html'],
'pmdaeventarray': ['http://man7.org/linux/man-pages/man3/pmdaeventarray.3.html'],
'pmdaeventclient': ['http://man7.org/linux/man-pages/man3/pmdaeventclient.3.html'],
'pmdaeventqueue': ['http://man7.org/linux/man-pages/man3/pmdaeventqueue.3.html'],
'pmdafetch': ['http://man7.org/linux/man-pages/man3/pmdafetch.3.html'],
'pmdafreebsd': ['http://man7.org/linux/man-pages/man1/pmdafreebsd.1.html'],
'pmdagetoptions': ['http://man7.org/linux/man-pages/man3/pmdagetoptions.3.html'],
'pmdagfs2': ['http://man7.org/linux/man-pages/man1/pmdagfs2.1.html'],
'pmdagluster': ['http://man7.org/linux/man-pages/man1/pmdagluster.1.html'],
'pmdagpfs': ['http://man7.org/linux/man-pages/man1/pmdagpfs.1.html'],
'pmdahaproxy': ['http://man7.org/linux/man-pages/man1/pmdahaproxy.1.html'],
'pmdahelp': ['http://man7.org/linux/man-pages/man3/pmdahelp.3.html'],
'pmdaib': ['http://man7.org/linux/man-pages/man1/pmdaib.1.html'],
'pmdainit': ['http://man7.org/linux/man-pages/man3/pmdainit.3.html'],
'pmdainstance': ['http://man7.org/linux/man-pages/man3/pmdainstance.3.html'],
'pmdainterfacemoved': ['http://man7.org/linux/man-pages/man3/pmdainterfacemoved.3.html'],
'pmdajbd2': ['http://man7.org/linux/man-pages/man1/pmdajbd2.1.html'],
'pmdajson': ['http://man7.org/linux/man-pages/man1/pmdajson.1.html'],
'pmdakernel': ['http://man7.org/linux/man-pages/man1/pmdakernel.1.html'],
'pmdakvm': ['http://man7.org/linux/man-pages/man1/pmdakvm.1.html'],
'pmdalabel': ['http://man7.org/linux/man-pages/man3/pmdalabel.3.html'],
'pmdalibvirt': ['http://man7.org/linux/man-pages/man1/pmdalibvirt.1.html'],
'pmdalinux': ['http://man7.org/linux/man-pages/man1/pmdalinux.1.html'],
'pmdalio': ['http://man7.org/linux/man-pages/man1/pmdalio.1.html'],
'pmdalmsensors': ['http://man7.org/linux/man-pages/man1/pmdalmsensors.1.html'],
'pmdalmsensors.python': ['http://man7.org/linux/man-pages/man1/pmdalmsensors.python.1.html'],
'pmdalogger': ['http://man7.org/linux/man-pages/man1/pmdalogger.1.html'],
'pmdalustre': ['http://man7.org/linux/man-pages/man1/pmdalustre.1.html'],
'pmdalustrecomm': ['http://man7.org/linux/man-pages/man1/pmdalustrecomm.1.html'],
'pmdamailq': ['http://man7.org/linux/man-pages/man1/pmdamailq.1.html'],
'pmdamain': ['http://man7.org/linux/man-pages/man3/pmdamain.3.html'],
'pmdamemcache': ['http://man7.org/linux/man-pages/man1/pmdamemcache.1.html'],
'pmdamic': ['http://man7.org/linux/man-pages/man1/pmdamic.1.html'],
'pmdammv': ['http://man7.org/linux/man-pages/man1/pmdammv.1.html'],
'pmdamounts': ['http://man7.org/linux/man-pages/man1/pmdamounts.1.html'],
'pmdamysql': ['http://man7.org/linux/man-pages/man1/pmdamysql.1.html'],
'pmdaname': ['http://man7.org/linux/man-pages/man3/pmdaname.3.html'],
'pmdanetbsd': ['http://man7.org/linux/man-pages/man1/pmdanetbsd.1.html'],
'pmdanetfilter': ['http://man7.org/linux/man-pages/man1/pmdanetfilter.1.html'],
'pmdanfsclient': ['http://man7.org/linux/man-pages/man1/pmdanfsclient.1.html'],
'pmdanginx': ['http://man7.org/linux/man-pages/man1/pmdanginx.1.html'],
'pmdanutcracker': ['http://man7.org/linux/man-pages/man1/pmdanutcracker.1.html'],
'pmdanvidia': ['http://man7.org/linux/man-pages/man1/pmdanvidia.1.html'],
'pmdaopenlog': ['http://man7.org/linux/man-pages/man3/pmdaopenlog.3.html'],
'pmdaoracle': ['http://man7.org/linux/man-pages/man1/pmdaoracle.1.html'],
'pmdapapi': ['http://man7.org/linux/man-pages/man1/pmdapapi.1.html'],
'pmdaperfevent': ['http://man7.org/linux/man-pages/man1/pmdaperfevent.1.html'],
'pmdapipe': ['http://man7.org/linux/man-pages/man1/pmdapipe.1.html'],
'pmdapmid': ['http://man7.org/linux/man-pages/man3/pmdapmid.3.html'],
'pmdapostfix': ['http://man7.org/linux/man-pages/man1/pmdapostfix.1.html'],
'pmdapostgresql': ['http://man7.org/linux/man-pages/man1/pmdapostgresql.1.html'],
'pmdaproc': ['http://man7.org/linux/man-pages/man1/pmdaproc.1.html'],
'pmdaprofile': ['http://man7.org/linux/man-pages/man3/pmdaprofile.3.html'],
'pmdaprometheus': ['http://man7.org/linux/man-pages/man1/pmdaprometheus.1.html'],
'pmdaredis': ['http://man7.org/linux/man-pages/man1/pmdaredis.1.html'],
'pmdaroomtemp': ['http://man7.org/linux/man-pages/man1/pmdaroomtemp.1.html'],
'pmdaroot': ['http://man7.org/linux/man-pages/man1/pmdaroot.1.html'],
'pmdarootconnect': ['http://man7.org/linux/man-pages/man3/pmdarootconnect.3.html'],
'pmdarpm': ['http://man7.org/linux/man-pages/man1/pmdarpm.1.html'],
'pmdarsyslog': ['http://man7.org/linux/man-pages/man1/pmdarsyslog.1.html'],
'pmdasample': ['http://man7.org/linux/man-pages/man1/pmdasample.1.html'],
'pmdasenderror': ['http://man7.org/linux/man-pages/man3/pmdasenderror.3.html'],
'pmdasendmail': ['http://man7.org/linux/man-pages/man1/pmdasendmail.1.html'],
'pmdashping': ['http://man7.org/linux/man-pages/man1/pmdashping.1.html'],
'pmdasimple': ['http://man7.org/linux/man-pages/man1/pmdasimple.1.html'],
'pmdaslurm': ['http://man7.org/linux/man-pages/man1/pmdaslurm.1.html'],
'pmdasmart': ['http://man7.org/linux/man-pages/man1/pmdasmart.1.html'],
'pmdasolaris': ['http://man7.org/linux/man-pages/man1/pmdasolaris.1.html'],
'pmdastore': ['http://man7.org/linux/man-pages/man3/pmdastore.3.html'],
'pmdasummary': ['http://man7.org/linux/man-pages/man1/pmdasummary.1.html'],
'pmdasystemd': ['http://man7.org/linux/man-pages/man1/pmdasystemd.1.html'],
'pmdate': ['http://man7.org/linux/man-pages/man1/pmdate.1.html'],
'pmdatext': ['http://man7.org/linux/man-pages/man3/pmdatext.3.html'],
'pmdatrace': ['http://man7.org/linux/man-pages/man1/pmdatrace.1.html',
'http://man7.org/linux/man-pages/man3/pmdatrace.3.html'],
'pmdatrivial': ['http://man7.org/linux/man-pages/man1/pmdatrivial.1.html'],
'pmdatxmon': ['http://man7.org/linux/man-pages/man1/pmdatxmon.1.html'],
'pmdaunbound': ['http://man7.org/linux/man-pages/man1/pmdaunbound.1.html'],
'pmdaweblog': ['http://man7.org/linux/man-pages/man1/pmdaweblog.1.html'],
'pmdawindows': ['http://man7.org/linux/man-pages/man1/pmdawindows.1.html'],
'pmdaxfs': ['http://man7.org/linux/man-pages/man1/pmdaxfs.1.html'],
'pmdazimbra': ['http://man7.org/linux/man-pages/man1/pmdazimbra.1.html'],
'pmdazswap': ['http://man7.org/linux/man-pages/man1/pmdazswap.1.html'],
'pmdbg': ['http://man7.org/linux/man-pages/man1/pmdbg.1.html'],
'pmdelprofile': ['http://man7.org/linux/man-pages/man3/pmdelprofile.3.html'],
'pmderivederrstr': ['http://man7.org/linux/man-pages/man3/pmderivederrstr.3.html'],
'pmdestroycontext': ['http://man7.org/linux/man-pages/man3/pmdestroycontext.3.html'],
'pmdiff': ['http://man7.org/linux/man-pages/man1/pmdiff.1.html'],
'pmdiscoverservices': ['http://man7.org/linux/man-pages/man3/pmdiscoverservices.3.html'],
'pmdumplog': ['http://man7.org/linux/man-pages/man1/pmdumplog.1.html'],
'pmdumptext': ['http://man7.org/linux/man-pages/man1/pmdumptext.1.html'],
'pmdupcontext': ['http://man7.org/linux/man-pages/man3/pmdupcontext.3.html'],
'pmerr': ['http://man7.org/linux/man-pages/man1/pmerr.1.html'],
'pmerrstr': ['http://man7.org/linux/man-pages/man3/pmerrstr.3.html'],
'pmevent': ['http://man7.org/linux/man-pages/man1/pmevent.1.html'],
'pmeventflagsstr': ['http://man7.org/linux/man-pages/man3/pmeventflagsstr.3.html'],
'pmextractvalue': ['http://man7.org/linux/man-pages/man3/pmextractvalue.3.html'],
'pmfault': ['http://man7.org/linux/man-pages/man3/pmfault.3.html'],
'pmfetch': ['http://man7.org/linux/man-pages/man3/pmfetch.3.html'],
'pmfetcharchive': ['http://man7.org/linux/man-pages/man3/pmfetcharchive.3.html'],
'pmfetchgroup': ['http://man7.org/linux/man-pages/man3/pmfetchgroup.3.html'],
'pmfind': ['http://man7.org/linux/man-pages/man1/pmfind.1.html'],
'pmflush': ['http://man7.org/linux/man-pages/man3/pmflush.3.html'],
'pmfreeeventresult': ['http://man7.org/linux/man-pages/man3/pmfreeeventresult.3.html'],
'pmfreelabelsets': ['http://man7.org/linux/man-pages/man3/pmfreelabelsets.3.html'],
'pmfreeprofile': ['http://man7.org/linux/man-pages/man3/pmfreeprofile.3.html'],
'pmfreeresult': ['http://man7.org/linux/man-pages/man3/pmfreeresult.3.html'],
'pmgenmap': ['http://man7.org/linux/man-pages/man1/pmgenmap.1.html'],
'pmgetarchiveend': ['http://man7.org/linux/man-pages/man3/pmgetarchiveend.3.html'],
'pmgetarchivelabel': ['http://man7.org/linux/man-pages/man3/pmgetarchivelabel.3.html'],
'pmgetchildren': ['http://man7.org/linux/man-pages/man3/pmgetchildren.3.html'],
'pmgetchildrenstatus': ['http://man7.org/linux/man-pages/man3/pmgetchildrenstatus.3.html'],
'pmgetconfig': ['http://man7.org/linux/man-pages/man3/pmgetconfig.3.html'],
'pmgetcontexthostname': ['http://man7.org/linux/man-pages/man3/pmgetcontexthostname.3.html'],
'pmgetindom': ['http://man7.org/linux/man-pages/man3/pmgetindom.3.html'],
'pmgetindomarchive': ['http://man7.org/linux/man-pages/man3/pmgetindomarchive.3.html'],
'pmgetopt': ['http://man7.org/linux/man-pages/man1/pmgetopt.1.html'],
'pmgetopt_r': ['http://man7.org/linux/man-pages/man3/pmgetopt_r.3.html'],
'pmgetoptions': ['http://man7.org/linux/man-pages/man3/pmgetoptions.3.html'],
'pmgetpmnslocation': ['http://man7.org/linux/man-pages/man3/pmgetpmnslocation.3.html'],
'pmgetusername': ['http://man7.org/linux/man-pages/man3/pmgetusername.3.html'],
'pmgetversion': ['http://man7.org/linux/man-pages/man3/pmgetversion.3.html'],
'pmhostname': ['http://man7.org/linux/man-pages/man1/pmhostname.1.html'],
'pmhttpClientFetch': ['http://man7.org/linux/man-pages/man3/pmhttpClientFetch.3.html'],
'pmhttpFreeClient': ['http://man7.org/linux/man-pages/man3/pmhttpFreeClient.3.html'],
'pmhttpNewClient': ['http://man7.org/linux/man-pages/man3/pmhttpNewClient.3.html'],
'pmhttpnewclient': ['http://man7.org/linux/man-pages/man3/pmhttpnewclient.3.html'],
'pmiAddInstance': ['http://man7.org/linux/man-pages/man3/pmiAddInstance.3.html'],
'pmiAddMetric': ['http://man7.org/linux/man-pages/man3/pmiAddMetric.3.html'],
'pmiEnd': ['http://man7.org/linux/man-pages/man3/pmiEnd.3.html'],
'pmiErrStr': ['http://man7.org/linux/man-pages/man3/pmiErrStr.3.html'],
'pmiGetHandle': ['http://man7.org/linux/man-pages/man3/pmiGetHandle.3.html'],
'pmiID': ['http://man7.org/linux/man-pages/man3/pmiID.3.html'],
'pmiInDom': ['http://man7.org/linux/man-pages/man3/pmiInDom.3.html'],
'pmiPutMark': ['http://man7.org/linux/man-pages/man3/pmiPutMark.3.html'],
'pmiPutResult': ['http://man7.org/linux/man-pages/man3/pmiPutResult.3.html'],
'pmiPutValue': ['http://man7.org/linux/man-pages/man3/pmiPutValue.3.html'],
'pmiPutValueHandle': ['http://man7.org/linux/man-pages/man3/pmiPutValueHandle.3.html'],
'pmiSetHostname': ['http://man7.org/linux/man-pages/man3/pmiSetHostname.3.html'],
'pmiSetTimezone': ['http://man7.org/linux/man-pages/man3/pmiSetTimezone.3.html'],
'pmiStart': ['http://man7.org/linux/man-pages/man3/pmiStart.3.html'],
'pmiUnits': ['http://man7.org/linux/man-pages/man3/pmiUnits.3.html'],
'pmiUseContext': ['http://man7.org/linux/man-pages/man3/pmiUseContext.3.html'],
'pmiWrite': ['http://man7.org/linux/man-pages/man3/pmiWrite.3.html'],
'pmiaddinstance': ['http://man7.org/linux/man-pages/man3/pmiaddinstance.3.html'],
'pmiaddmetric': ['http://man7.org/linux/man-pages/man3/pmiaddmetric.3.html'],
'pmid_helper': ['http://man7.org/linux/man-pages/man3/pmid_helper.3.html'],
'pmidstr': ['http://man7.org/linux/man-pages/man3/pmidstr.3.html'],
'pmie': ['http://man7.org/linux/man-pages/man1/pmie.1.html'],
'pmie2col': ['http://man7.org/linux/man-pages/man1/pmie2col.1.html'],
'pmie_check': ['http://man7.org/linux/man-pages/man1/pmie_check.1.html'],
'pmie_daily': ['http://man7.org/linux/man-pages/man1/pmie_daily.1.html'],
'pmieconf': ['http://man7.org/linux/man-pages/man1/pmieconf.1.html',
'http://man7.org/linux/man-pages/man5/pmieconf.5.html'],
'pmiend': ['http://man7.org/linux/man-pages/man3/pmiend.3.html'],
'pmierrstr': ['http://man7.org/linux/man-pages/man3/pmierrstr.3.html'],
'pmiestatus': ['http://man7.org/linux/man-pages/man1/pmiestatus.1.html'],
'pmigethandle': ['http://man7.org/linux/man-pages/man3/pmigethandle.3.html'],
'pmindom_helper': ['http://man7.org/linux/man-pages/man3/pmindom_helper.3.html'],
'pmindomstr': ['http://man7.org/linux/man-pages/man3/pmindomstr.3.html'],
'pminfo': ['http://man7.org/linux/man-pages/man1/pminfo.1.html'],
'pmiostat': ['http://man7.org/linux/man-pages/man1/pmiostat.1.html'],
'pmiputmark': ['http://man7.org/linux/man-pages/man3/pmiputmark.3.html'],
'pmiputresult': ['http://man7.org/linux/man-pages/man3/pmiputresult.3.html'],
'pmiputvalue': ['http://man7.org/linux/man-pages/man3/pmiputvalue.3.html'],
'pmiputvaluehandle': ['http://man7.org/linux/man-pages/man3/pmiputvaluehandle.3.html'],
'pmisethostname': ['http://man7.org/linux/man-pages/man3/pmisethostname.3.html'],
'pmisettimezone': ['http://man7.org/linux/man-pages/man3/pmisettimezone.3.html'],
'pmistart': ['http://man7.org/linux/man-pages/man3/pmistart.3.html'],
'pmiunits': ['http://man7.org/linux/man-pages/man3/pmiunits.3.html'],
'pmiusecontext': ['http://man7.org/linux/man-pages/man3/pmiusecontext.3.html'],
'pmiwrite': ['http://man7.org/linux/man-pages/man3/pmiwrite.3.html'],
'pmjson': ['http://man7.org/linux/man-pages/man1/pmjson.1.html'],
'pmjsonGet': ['http://man7.org/linux/man-pages/man3/pmjsonGet.3.html'],
'pmjsonInit': ['http://man7.org/linux/man-pages/man3/pmjsonInit.3.html'],
'pmjsonInitIndom': ['http://man7.org/linux/man-pages/man3/pmjsonInitIndom.3.html'],
'pmjsonPrint': ['http://man7.org/linux/man-pages/man3/pmjsonPrint.3.html'],
'pmjsonget': ['http://man7.org/linux/man-pages/man3/pmjsonget.3.html'],
'pmlc': ['http://man7.org/linux/man-pages/man1/pmlc.1.html'],
'pmloadasciinamespace': ['http://man7.org/linux/man-pages/man3/pmloadasciinamespace.3.html'],
'pmloadderivedconfig': ['http://man7.org/linux/man-pages/man3/pmloadderivedconfig.3.html'],
'pmloadnamespace': ['http://man7.org/linux/man-pages/man3/pmloadnamespace.3.html'],
'pmlocaltime': ['http://man7.org/linux/man-pages/man3/pmlocaltime.3.html'],
'pmlock': ['http://man7.org/linux/man-pages/man1/pmlock.1.html'],
'pmlogcheck': ['http://man7.org/linux/man-pages/man1/pmlogcheck.1.html'],
'pmlogconf': ['http://man7.org/linux/man-pages/man1/pmlogconf.1.html'],
'pmlogextract': ['http://man7.org/linux/man-pages/man1/pmlogextract.1.html'],
'pmlogger': ['http://man7.org/linux/man-pages/man1/pmlogger.1.html'],
'pmlogger_check': ['http://man7.org/linux/man-pages/man1/pmlogger_check.1.html'],
'pmlogger_daily': ['http://man7.org/linux/man-pages/man1/pmlogger_daily.1.html'],
'pmlogger_daily_report': ['http://man7.org/linux/man-pages/man1/pmlogger_daily_report.1.html'],
'pmlogger_merge': ['http://man7.org/linux/man-pages/man1/pmlogger_merge.1.html'],
'pmlogger_rewrite': ['http://man7.org/linux/man-pages/man1/pmlogger_rewrite.1.html'],
'pmloglabel': ['http://man7.org/linux/man-pages/man1/pmloglabel.1.html'],
'pmlogmv': ['http://man7.org/linux/man-pages/man1/pmlogmv.1.html'],
'pmlogreduce': ['http://man7.org/linux/man-pages/man1/pmlogreduce.1.html'],
'pmlogrewrite': ['http://man7.org/linux/man-pages/man1/pmlogrewrite.1.html'],
'pmlogsize': ['http://man7.org/linux/man-pages/man1/pmlogsize.1.html'],
'pmlogsummary': ['http://man7.org/linux/man-pages/man1/pmlogsummary.1.html'],
'pmlookupdesc': ['http://man7.org/linux/man-pages/man3/pmlookupdesc.3.html'],
'pmlookupindom': ['http://man7.org/linux/man-pages/man3/pmlookupindom.3.html'],
'pmlookupindomarchive': ['http://man7.org/linux/man-pages/man3/pmlookupindomarchive.3.html'],
'pmlookupindomtext': ['http://man7.org/linux/man-pages/man3/pmlookupindomtext.3.html'],
'pmlookuplabels': ['http://man7.org/linux/man-pages/man3/pmlookuplabels.3.html'],
'pmlookupname': ['http://man7.org/linux/man-pages/man3/pmlookupname.3.html'],
'pmlookuptext': ['http://man7.org/linux/man-pages/man3/pmlookuptext.3.html'],
'pmmergelabels': ['http://man7.org/linux/man-pages/man3/pmmergelabels.3.html'],
'pmmessage': ['http://man7.org/linux/man-pages/man1/pmmessage.1.html'],
'pmmgr': ['http://man7.org/linux/man-pages/man1/pmmgr.1.html'],
'pmnameall': ['http://man7.org/linux/man-pages/man3/pmnameall.3.html'],
'pmnameid': ['http://man7.org/linux/man-pages/man3/pmnameid.3.html'],
'pmnameindom': ['http://man7.org/linux/man-pages/man3/pmnameindom.3.html'],
'pmnameindomarchive': ['http://man7.org/linux/man-pages/man3/pmnameindomarchive.3.html'],
'pmnewcontext': ['http://man7.org/linux/man-pages/man3/pmnewcontext.3.html'],
'pmnewcontextzone': ['http://man7.org/linux/man-pages/man3/pmnewcontextzone.3.html'],
'pmnewlog': ['http://man7.org/linux/man-pages/man1/pmnewlog.1.html'],
'pmnewzone': ['http://man7.org/linux/man-pages/man3/pmnewzone.3.html'],
'pmnomem': ['http://man7.org/linux/man-pages/man3/pmnomem.3.html'],
'pmnotifyerr': ['http://man7.org/linux/man-pages/man3/pmnotifyerr.3.html'],
'pmns': ['http://man7.org/linux/man-pages/man5/pmns.5.html'],
'pmnsadd': ['http://man7.org/linux/man-pages/man1/pmnsadd.1.html'],
'pmnscomp': ['http://man7.org/linux/man-pages/man1/pmnscomp.1.html'],
'pmnsdel': ['http://man7.org/linux/man-pages/man1/pmnsdel.1.html'],
'pmnsmerge': ['http://man7.org/linux/man-pages/man1/pmnsmerge.1.html'],
'pmnumberstr': ['http://man7.org/linux/man-pages/man3/pmnumberstr.3.html'],
'pmopenlog': ['http://man7.org/linux/man-pages/man3/pmopenlog.3.html'],
'pmparsedebug': ['http://man7.org/linux/man-pages/man3/pmparsedebug.3.html'],
'pmparsehostattrsspec': ['http://man7.org/linux/man-pages/man3/pmparsehostattrsspec.3.html'],
'pmparsehostspec': ['http://man7.org/linux/man-pages/man3/pmparsehostspec.3.html'],
'pmparseinterval': ['http://man7.org/linux/man-pages/man3/pmparseinterval.3.html'],
'pmparsemetricspec': ['http://man7.org/linux/man-pages/man3/pmparsemetricspec.3.html'],
'pmparsetimewindow': ['http://man7.org/linux/man-pages/man3/pmparsetimewindow.3.html'],
'pmparseunitsstr': ['http://man7.org/linux/man-pages/man3/pmparseunitsstr.3.html'],
'pmpathseparator': ['http://man7.org/linux/man-pages/man3/pmpathseparator.3.html'],
'pmpause': ['http://man7.org/linux/man-pages/man1/pmpause.1.html'],
'pmpost': ['http://man7.org/linux/man-pages/man1/pmpost.1.html'],
'pmprintdesc': ['http://man7.org/linux/man-pages/man3/pmprintdesc.3.html'],
'pmprintf': ['http://man7.org/linux/man-pages/man3/pmprintf.3.html'],
'pmprintlabelsets': ['http://man7.org/linux/man-pages/man3/pmprintlabelsets.3.html'],
'pmprintvalue': ['http://man7.org/linux/man-pages/man3/pmprintvalue.3.html'],
'pmprobe': ['http://man7.org/linux/man-pages/man1/pmprobe.1.html'],
'pmproxy': ['http://man7.org/linux/man-pages/man1/pmproxy.1.html'],
'pmpython': ['http://man7.org/linux/man-pages/man1/pmpython.1.html'],
'pmquery': ['http://man7.org/linux/man-pages/man1/pmquery.1.html'],
'pmreconnectcontext': ['http://man7.org/linux/man-pages/man3/pmreconnectcontext.3.html'],
'pmregisterderived': ['http://man7.org/linux/man-pages/man3/pmregisterderived.3.html'],
'pmrep': ['http://man7.org/linux/man-pages/man1/pmrep.1.html'],
'pmrep.conf': ['http://man7.org/linux/man-pages/man5/pmrep.conf.5.html'],
'pmsemstr': ['http://man7.org/linux/man-pages/man3/pmsemstr.3.html'],
'pmsetdebug': ['http://man7.org/linux/man-pages/man3/pmsetdebug.3.html'],
'pmsetmode': ['http://man7.org/linux/man-pages/man3/pmsetmode.3.html'],
'pmsetprocessidentity': ['http://man7.org/linux/man-pages/man3/pmsetprocessidentity.3.html'],
'pmsetprogname': ['http://man7.org/linux/man-pages/man3/pmsetprogname.3.html'],
'pmsignal': ['http://man7.org/linux/man-pages/man1/pmsignal.1.html'],
'pmsleep': ['http://man7.org/linux/man-pages/man1/pmsleep.1.html'],
'pmsnap': ['http://man7.org/linux/man-pages/man1/pmsnap.1.html'],
'pmsocks': ['http://man7.org/linux/man-pages/man1/pmsocks.1.html'],
'pmsortinstances': ['http://man7.org/linux/man-pages/man3/pmsortinstances.3.html'],
'pmspeclocalpmda': ['http://man7.org/linux/man-pages/man3/pmspeclocalpmda.3.html'],
'pmsprintf': ['http://man7.org/linux/man-pages/man3/pmsprintf.3.html'],
'pmstat': ['http://man7.org/linux/man-pages/man1/pmstat.1.html'],
'pmstore': ['http://man7.org/linux/man-pages/man1/pmstore.1.html',
'http://man7.org/linux/man-pages/man3/pmstore.3.html'],
'pmtime': ['http://man7.org/linux/man-pages/man1/pmtime.1.html',
'http://man7.org/linux/man-pages/man3/pmtime.3.html'],
'pmtimeval': ['http://man7.org/linux/man-pages/man3/pmtimeval.3.html'],
'pmtimevalAdd': ['http://man7.org/linux/man-pages/man3/pmtimevalAdd.3.html'],
'pmtimevalDec': ['http://man7.org/linux/man-pages/man3/pmtimevalDec.3.html'],
'pmtimevalFromReal': ['http://man7.org/linux/man-pages/man3/pmtimevalFromReal.3.html'],
'pmtimevalInc': ['http://man7.org/linux/man-pages/man3/pmtimevalInc.3.html'],
'pmtimevalNow': ['http://man7.org/linux/man-pages/man3/pmtimevalNow.3.html'],
'pmtimevalSub': ['http://man7.org/linux/man-pages/man3/pmtimevalSub.3.html'],
'pmtimevalToReal': ['http://man7.org/linux/man-pages/man3/pmtimevalToReal.3.html'],
'pmtrace': ['http://man7.org/linux/man-pages/man1/pmtrace.1.html'],
'pmtraceabort': ['http://man7.org/linux/man-pages/man3/pmtraceabort.3.html'],
'pmtracebegin': ['http://man7.org/linux/man-pages/man3/pmtracebegin.3.html'],
'pmtracecounter': ['http://man7.org/linux/man-pages/man3/pmtracecounter.3.html'],
'pmtraceend': ['http://man7.org/linux/man-pages/man3/pmtraceend.3.html'],
'pmtraceerrstr': ['http://man7.org/linux/man-pages/man3/pmtraceerrstr.3.html'],
'pmtraceobs': ['http://man7.org/linux/man-pages/man3/pmtraceobs.3.html'],
'pmtracepoint': ['http://man7.org/linux/man-pages/man3/pmtracepoint.3.html'],
'pmtracestate': ['http://man7.org/linux/man-pages/man3/pmtracestate.3.html'],
'pmtraversepmns': ['http://man7.org/linux/man-pages/man3/pmtraversepmns.3.html'],
'pmtrimnamespace': ['http://man7.org/linux/man-pages/man3/pmtrimnamespace.3.html'],
'pmtypestr': ['http://man7.org/linux/man-pages/man3/pmtypestr.3.html'],
'pmunitsstr': ['http://man7.org/linux/man-pages/man3/pmunitsstr.3.html'],
'pmunloadnamespace': ['http://man7.org/linux/man-pages/man3/pmunloadnamespace.3.html'],
'pmunpackeventrecords': ['http://man7.org/linux/man-pages/man3/pmunpackeventrecords.3.html'],
'pmusecontext': ['http://man7.org/linux/man-pages/man3/pmusecontext.3.html'],
'pmusezone': ['http://man7.org/linux/man-pages/man3/pmusezone.3.html'],
'pmval': ['http://man7.org/linux/man-pages/man1/pmval.1.html'],
'pmview': ['http://man7.org/linux/man-pages/man1/pmview.1.html',
'http://man7.org/linux/man-pages/man5/pmview.5.html'],
'pmwebapi': ['http://man7.org/linux/man-pages/man3/pmwebapi.3.html'],
'pmwebd': ['http://man7.org/linux/man-pages/man1/pmwebd.1.html'],
'pmwhichcontext': ['http://man7.org/linux/man-pages/man3/pmwhichcontext.3.html'],
'pmwhichzone': ['http://man7.org/linux/man-pages/man3/pmwhichzone.3.html'],
'pnoutrefresh': ['http://man7.org/linux/man-pages/man3/pnoutrefresh.3x.html'],
'police': ['http://man7.org/linux/man-pages/man8/police.8.html'],
'poll': ['http://man7.org/linux/man-pages/man2/poll.2.html',
'http://man7.org/linux/man-pages/man3/poll.3p.html'],
'poll.h': ['http://man7.org/linux/man-pages/man0/poll.h.0p.html'],
'popen': ['http://man7.org/linux/man-pages/man3/popen.3.html',
'http://man7.org/linux/man-pages/man3/popen.3p.html'],
'port': ['http://man7.org/linux/man-pages/man4/port.4.html'],
'pos_form_cursor': ['http://man7.org/linux/man-pages/man3/pos_form_cursor.3x.html'],
'pos_menu_cursor': ['http://man7.org/linux/man-pages/man3/pos_menu_cursor.3x.html'],
'posix_fadvise': ['http://man7.org/linux/man-pages/man2/posix_fadvise.2.html',
'http://man7.org/linux/man-pages/man3/posix_fadvise.3p.html'],
'posix_fallocate': ['http://man7.org/linux/man-pages/man3/posix_fallocate.3.html',
'http://man7.org/linux/man-pages/man3/posix_fallocate.3p.html'],
'posix_madvise': ['http://man7.org/linux/man-pages/man3/posix_madvise.3.html',
'http://man7.org/linux/man-pages/man3/posix_madvise.3p.html'],
'posix_mem_offset': ['http://man7.org/linux/man-pages/man3/posix_mem_offset.3p.html'],
'posix_memalign': ['http://man7.org/linux/man-pages/man3/posix_memalign.3.html',
'http://man7.org/linux/man-pages/man3/posix_memalign.3p.html'],
'posix_openpt': ['http://man7.org/linux/man-pages/man3/posix_openpt.3.html',
'http://man7.org/linux/man-pages/man3/posix_openpt.3p.html'],
'posix_spawn': ['http://man7.org/linux/man-pages/man3/posix_spawn.3.html',
'http://man7.org/linux/man-pages/man3/posix_spawn.3p.html'],
'posix_spawn_file_actions_addclose': ['http://man7.org/linux/man-pages/man3/posix_spawn_file_actions_addclose.3p.html'],
'posix_spawn_file_actions_adddup2': ['http://man7.org/linux/man-pages/man3/posix_spawn_file_actions_adddup2.3p.html'],
'posix_spawn_file_actions_addopen': ['http://man7.org/linux/man-pages/man3/posix_spawn_file_actions_addopen.3p.html'],
'posix_spawn_file_actions_destroy': ['http://man7.org/linux/man-pages/man3/posix_spawn_file_actions_destroy.3p.html'],
'posix_spawn_file_actions_init': ['http://man7.org/linux/man-pages/man3/posix_spawn_file_actions_init.3p.html'],
'posix_spawnattr_destroy': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_destroy.3p.html'],
'posix_spawnattr_getflags': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_getflags.3p.html'],
'posix_spawnattr_getpgroup': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_getpgroup.3p.html'],
'posix_spawnattr_getschedparam': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_getschedparam.3p.html'],
'posix_spawnattr_getschedpolicy': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_getschedpolicy.3p.html'],
'posix_spawnattr_getsigdefault': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_getsigdefault.3p.html'],
'posix_spawnattr_getsigmask': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_getsigmask.3p.html'],
'posix_spawnattr_init': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_init.3p.html'],
'posix_spawnattr_setflags': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_setflags.3p.html'],
'posix_spawnattr_setpgroup': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_setpgroup.3p.html'],
'posix_spawnattr_setschedparam': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_setschedparam.3p.html'],
'posix_spawnattr_setschedpolicy': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_setschedpolicy.3p.html'],
'posix_spawnattr_setsigdefault': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_setsigdefault.3p.html'],
'posix_spawnattr_setsigmask': ['http://man7.org/linux/man-pages/man3/posix_spawnattr_setsigmask.3p.html'],
'posix_spawnp': ['http://man7.org/linux/man-pages/man3/posix_spawnp.3.html',
'http://man7.org/linux/man-pages/man3/posix_spawnp.3p.html'],
'posix_trace_attr_destroy': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_destroy.3p.html'],
'posix_trace_attr_getclockres': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getclockres.3p.html'],
'posix_trace_attr_getcreatetime': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getcreatetime.3p.html'],
'posix_trace_attr_getgenversion': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getgenversion.3p.html'],
'posix_trace_attr_getinherited': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getinherited.3p.html'],
'posix_trace_attr_getlogfullpolicy': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getlogfullpolicy.3p.html'],
'posix_trace_attr_getlogsize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getlogsize.3p.html'],
'posix_trace_attr_getmaxdatasize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getmaxdatasize.3p.html'],
'posix_trace_attr_getmaxsystemeventsize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getmaxsystemeventsize.3p.html'],
'posix_trace_attr_getmaxusereventsize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getmaxusereventsize.3p.html'],
'posix_trace_attr_getname': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getname.3p.html'],
'posix_trace_attr_getstreamfullpolicy': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getstreamfullpolicy.3p.html'],
'posix_trace_attr_getstreamsize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_getstreamsize.3p.html'],
'posix_trace_attr_init': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_init.3p.html'],
'posix_trace_attr_setinherited': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setinherited.3p.html'],
'posix_trace_attr_setlogfullpolicy': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setlogfullpolicy.3p.html'],
'posix_trace_attr_setlogsize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setlogsize.3p.html'],
'posix_trace_attr_setmaxdatasize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setmaxdatasize.3p.html'],
'posix_trace_attr_setname': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setname.3p.html'],
'posix_trace_attr_setstreamfullpolicy': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setstreamfullpolicy.3p.html'],
'posix_trace_attr_setstreamsize': ['http://man7.org/linux/man-pages/man3/posix_trace_attr_setstreamsize.3p.html'],
'posix_trace_clear': ['http://man7.org/linux/man-pages/man3/posix_trace_clear.3p.html'],
'posix_trace_close': ['http://man7.org/linux/man-pages/man3/posix_trace_close.3p.html'],
'posix_trace_create': ['http://man7.org/linux/man-pages/man3/posix_trace_create.3p.html'],
'posix_trace_create_withlog': ['http://man7.org/linux/man-pages/man3/posix_trace_create_withlog.3p.html'],
'posix_trace_event': ['http://man7.org/linux/man-pages/man3/posix_trace_event.3p.html'],
'posix_trace_eventid_equal': ['http://man7.org/linux/man-pages/man3/posix_trace_eventid_equal.3p.html'],
'posix_trace_eventid_get_name': ['http://man7.org/linux/man-pages/man3/posix_trace_eventid_get_name.3p.html'],
'posix_trace_eventid_open': ['http://man7.org/linux/man-pages/man3/posix_trace_eventid_open.3p.html'],
'posix_trace_eventset_add': ['http://man7.org/linux/man-pages/man3/posix_trace_eventset_add.3p.html'],
'posix_trace_eventset_del': ['http://man7.org/linux/man-pages/man3/posix_trace_eventset_del.3p.html'],
'posix_trace_eventset_empty': ['http://man7.org/linux/man-pages/man3/posix_trace_eventset_empty.3p.html'],
'posix_trace_eventset_fill': ['http://man7.org/linux/man-pages/man3/posix_trace_eventset_fill.3p.html'],
'posix_trace_eventset_ismember': ['http://man7.org/linux/man-pages/man3/posix_trace_eventset_ismember.3p.html'],
'posix_trace_eventtypelist_getnext_id': ['http://man7.org/linux/man-pages/man3/posix_trace_eventtypelist_getnext_id.3p.html'],
'posix_trace_eventtypelist_rewind': ['http://man7.org/linux/man-pages/man3/posix_trace_eventtypelist_rewind.3p.html'],
'posix_trace_flush': ['http://man7.org/linux/man-pages/man3/posix_trace_flush.3p.html'],
'posix_trace_get_attr': ['http://man7.org/linux/man-pages/man3/posix_trace_get_attr.3p.html'],
'posix_trace_get_filter': ['http://man7.org/linux/man-pages/man3/posix_trace_get_filter.3p.html'],
'posix_trace_get_status': ['http://man7.org/linux/man-pages/man3/posix_trace_get_status.3p.html'],
'posix_trace_getnext_event': ['http://man7.org/linux/man-pages/man3/posix_trace_getnext_event.3p.html'],
'posix_trace_open': ['http://man7.org/linux/man-pages/man3/posix_trace_open.3p.html'],
'posix_trace_rewind': ['http://man7.org/linux/man-pages/man3/posix_trace_rewind.3p.html'],
'posix_trace_set_filter': ['http://man7.org/linux/man-pages/man3/posix_trace_set_filter.3p.html'],
'posix_trace_shutdown': ['http://man7.org/linux/man-pages/man3/posix_trace_shutdown.3p.html'],
'posix_trace_start': ['http://man7.org/linux/man-pages/man3/posix_trace_start.3p.html'],
'posix_trace_stop': ['http://man7.org/linux/man-pages/man3/posix_trace_stop.3p.html'],
'posix_trace_timedgetnext_event': ['http://man7.org/linux/man-pages/man3/posix_trace_timedgetnext_event.3p.html'],
'posix_trace_trid_eventid_open': ['http://man7.org/linux/man-pages/man3/posix_trace_trid_eventid_open.3p.html'],
'posix_trace_trygetnext_event': ['http://man7.org/linux/man-pages/man3/posix_trace_trygetnext_event.3p.html'],
'posix_typed_mem_get_info': ['http://man7.org/linux/man-pages/man3/posix_typed_mem_get_info.3p.html'],
'posix_typed_mem_open': ['http://man7.org/linux/man-pages/man3/posix_typed_mem_open.3p.html'],
'posixoptions': ['http://man7.org/linux/man-pages/man7/posixoptions.7.html'],
'post_form': ['http://man7.org/linux/man-pages/man3/post_form.3x.html'],
'post_menu': ['http://man7.org/linux/man-pages/man3/post_menu.3x.html'],
'postgres_pg_stat_tables.10.3': ['http://man7.org/linux/man-pages/man1/postgres_pg_stat_tables.10.3.1.html'],
'postgres_pg_stat_tables.9.4': ['http://man7.org/linux/man-pages/man5/postgres_pg_stat_tables.9.4.5.html'],
'postgres_pg_stat_tables.9.5': ['http://man7.org/linux/man-pages/man4/postgres_pg_stat_tables.9.5.4.html'],
'postgres_pg_stat_tables.9.6': ['http://man7.org/linux/man-pages/man5/postgres_pg_stat_tables.9.6.5.html',
'http://man7.org/linux/man-pages/man7/postgres_pg_stat_tables.9.6.7.html'],
'pow': ['http://man7.org/linux/man-pages/man3/pow.3.html',
'http://man7.org/linux/man-pages/man3/pow.3p.html'],
'pow10': ['http://man7.org/linux/man-pages/man3/pow10.3.html'],
'pow10f': ['http://man7.org/linux/man-pages/man3/pow10f.3.html'],
'pow10l': ['http://man7.org/linux/man-pages/man3/pow10l.3.html'],
'poweroff': ['http://man7.org/linux/man-pages/man8/poweroff.8.html'],
'powf': ['http://man7.org/linux/man-pages/man3/powf.3.html',
'http://man7.org/linux/man-pages/man3/powf.3p.html'],
'powl': ['http://man7.org/linux/man-pages/man3/powl.3.html',
'http://man7.org/linux/man-pages/man3/powl.3p.html'],
'ppdc': ['http://man7.org/linux/man-pages/man1/ppdc.1.html'],
'ppdcfile': ['http://man7.org/linux/man-pages/man5/ppdcfile.5.html'],
'ppdhtml': ['http://man7.org/linux/man-pages/man1/ppdhtml.1.html'],
'ppdi': ['http://man7.org/linux/man-pages/man1/ppdi.1.html'],
'ppdmerge': ['http://man7.org/linux/man-pages/man1/ppdmerge.1.html'],
'ppdpo': ['http://man7.org/linux/man-pages/man1/ppdpo.1.html'],
'ppoll': ['http://man7.org/linux/man-pages/man2/ppoll.2.html'],
'pr': ['http://man7.org/linux/man-pages/man1/pr.1.html',
'http://man7.org/linux/man-pages/man1/pr.1p.html'],
'prctl': ['http://man7.org/linux/man-pages/man2/prctl.2.html'],
'pread': ['http://man7.org/linux/man-pages/man2/pread.2.html',
'http://man7.org/linux/man-pages/man3/pread.3p.html'],
'pread64': ['http://man7.org/linux/man-pages/man2/pread64.2.html'],
'preadv': ['http://man7.org/linux/man-pages/man2/preadv.2.html'],
'preadv2': ['http://man7.org/linux/man-pages/man2/preadv2.2.html'],
'preconv': ['http://man7.org/linux/man-pages/man1/preconv.1.html'],
'prefresh': ['http://man7.org/linux/man-pages/man3/prefresh.3x.html'],
'prelink': ['http://man7.org/linux/man-pages/man8/prelink.8.html'],
'print_access_vector': ['http://man7.org/linux/man-pages/man3/print_access_vector.3.html'],
'printenv': ['http://man7.org/linux/man-pages/man1/printenv.1.html'],
'printers.conf': ['http://man7.org/linux/man-pages/man5/printers.conf.5.html'],
'printf': ['http://man7.org/linux/man-pages/man1/printf.1.html',
'http://man7.org/linux/man-pages/man1/printf.1p.html',
'http://man7.org/linux/man-pages/man3/printf.3.html',
'http://man7.org/linux/man-pages/man3/printf.3p.html'],
'printw': ['http://man7.org/linux/man-pages/man3/printw.3x.html'],
'prlimit': ['http://man7.org/linux/man-pages/man1/prlimit.1.html',
'http://man7.org/linux/man-pages/man2/prlimit.2.html'],
'prlimit64': ['http://man7.org/linux/man-pages/man2/prlimit64.2.html'],
'proc': ['http://man7.org/linux/man-pages/man5/proc.5.html'],
'process-keyring': ['http://man7.org/linux/man-pages/man7/process-keyring.7.html'],
'process_vm_readv': ['http://man7.org/linux/man-pages/man2/process_vm_readv.2.html'],
'process_vm_writev': ['http://man7.org/linux/man-pages/man2/process_vm_writev.2.html'],
'procfs': ['http://man7.org/linux/man-pages/man5/procfs.5.html'],
'procps': ['http://man7.org/linux/man-pages/man1/procps.1.html'],
'prof': ['http://man7.org/linux/man-pages/man2/prof.2.html'],
'profil': ['http://man7.org/linux/man-pages/man3/profil.3.html'],
'profile': ['http://man7.org/linux/man-pages/man5/profile.5.html'],
'program_invocation_name': ['http://man7.org/linux/man-pages/man3/program_invocation_name.3.html'],
'program_invocation_short_name': ['http://man7.org/linux/man-pages/man3/program_invocation_short_name.3.html'],
'projects': ['http://man7.org/linux/man-pages/man5/projects.5.html'],
'projid': ['http://man7.org/linux/man-pages/man5/projid.5.html'],
'protocols': ['http://man7.org/linux/man-pages/man5/protocols.5.html'],
'prs': ['http://man7.org/linux/man-pages/man1/prs.1p.html'],
'prtstat': ['http://man7.org/linux/man-pages/man1/prtstat.1.html'],
'ps': ['http://man7.org/linux/man-pages/man1/ps.1.html',
'http://man7.org/linux/man-pages/man1/ps.1p.html'],
'pscap': ['http://man7.org/linux/man-pages/man8/pscap.8.html'],
'pselect': ['http://man7.org/linux/man-pages/man2/pselect.2.html',
'http://man7.org/linux/man-pages/man3/pselect.3p.html'],
'pselect6': ['http://man7.org/linux/man-pages/man2/pselect6.2.html'],
'psfaddtable': ['http://man7.org/linux/man-pages/man1/psfaddtable.1.html'],
'psfgettable': ['http://man7.org/linux/man-pages/man1/psfgettable.1.html'],
'psfstriptable': ['http://man7.org/linux/man-pages/man1/psfstriptable.1.html'],
'psfxtable': ['http://man7.org/linux/man-pages/man1/psfxtable.1.html'],
'psiginfo': ['http://man7.org/linux/man-pages/man3/psiginfo.3.html',
'http://man7.org/linux/man-pages/man3/psiginfo.3p.html'],
'psignal': ['http://man7.org/linux/man-pages/man3/psignal.3.html',
'http://man7.org/linux/man-pages/man3/psignal.3p.html'],
'psktool': ['http://man7.org/linux/man-pages/man1/psktool.1.html'],
'pslog': ['http://man7.org/linux/man-pages/man1/pslog.1.html'],
'pstree': ['http://man7.org/linux/man-pages/man1/pstree.1.html'],
'pthread.h': ['http://man7.org/linux/man-pages/man0/pthread.h.0p.html'],
'pthread_atfork': ['http://man7.org/linux/man-pages/man3/pthread_atfork.3.html',
'http://man7.org/linux/man-pages/man3/pthread_atfork.3p.html'],
'pthread_attr_destroy': ['http://man7.org/linux/man-pages/man3/pthread_attr_destroy.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_destroy.3p.html'],
'pthread_attr_getaffinity_np': ['http://man7.org/linux/man-pages/man3/pthread_attr_getaffinity_np.3.html'],
'pthread_attr_getdetachstate': ['http://man7.org/linux/man-pages/man3/pthread_attr_getdetachstate.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getdetachstate.3p.html'],
'pthread_attr_getguardsize': ['http://man7.org/linux/man-pages/man3/pthread_attr_getguardsize.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getguardsize.3p.html'],
'pthread_attr_getinheritsched': ['http://man7.org/linux/man-pages/man3/pthread_attr_getinheritsched.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getinheritsched.3p.html'],
'pthread_attr_getschedparam': ['http://man7.org/linux/man-pages/man3/pthread_attr_getschedparam.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getschedparam.3p.html'],
'pthread_attr_getschedpolicy': ['http://man7.org/linux/man-pages/man3/pthread_attr_getschedpolicy.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getschedpolicy.3p.html'],
'pthread_attr_getscope': ['http://man7.org/linux/man-pages/man3/pthread_attr_getscope.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getscope.3p.html'],
'pthread_attr_getstack': ['http://man7.org/linux/man-pages/man3/pthread_attr_getstack.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getstack.3p.html'],
'pthread_attr_getstackaddr': ['http://man7.org/linux/man-pages/man3/pthread_attr_getstackaddr.3.html'],
'pthread_attr_getstacksize': ['http://man7.org/linux/man-pages/man3/pthread_attr_getstacksize.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_getstacksize.3p.html'],
'pthread_attr_init': ['http://man7.org/linux/man-pages/man3/pthread_attr_init.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_init.3p.html'],
'pthread_attr_setaffinity_np': ['http://man7.org/linux/man-pages/man3/pthread_attr_setaffinity_np.3.html'],
'pthread_attr_setdetachstate': ['http://man7.org/linux/man-pages/man3/pthread_attr_setdetachstate.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setdetachstate.3p.html'],
'pthread_attr_setguardsize': ['http://man7.org/linux/man-pages/man3/pthread_attr_setguardsize.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setguardsize.3p.html'],
'pthread_attr_setinheritsched': ['http://man7.org/linux/man-pages/man3/pthread_attr_setinheritsched.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setinheritsched.3p.html'],
'pthread_attr_setschedparam': ['http://man7.org/linux/man-pages/man3/pthread_attr_setschedparam.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setschedparam.3p.html'],
'pthread_attr_setschedpolicy': ['http://man7.org/linux/man-pages/man3/pthread_attr_setschedpolicy.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setschedpolicy.3p.html'],
'pthread_attr_setscope': ['http://man7.org/linux/man-pages/man3/pthread_attr_setscope.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setscope.3p.html'],
'pthread_attr_setstack': ['http://man7.org/linux/man-pages/man3/pthread_attr_setstack.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setstack.3p.html'],
'pthread_attr_setstackaddr': ['http://man7.org/linux/man-pages/man3/pthread_attr_setstackaddr.3.html'],
'pthread_attr_setstacksize': ['http://man7.org/linux/man-pages/man3/pthread_attr_setstacksize.3.html',
'http://man7.org/linux/man-pages/man3/pthread_attr_setstacksize.3p.html'],
'pthread_barrier_destroy': ['http://man7.org/linux/man-pages/man3/pthread_barrier_destroy.3p.html'],
'pthread_barrier_init': ['http://man7.org/linux/man-pages/man3/pthread_barrier_init.3p.html'],
'pthread_barrier_wait': ['http://man7.org/linux/man-pages/man3/pthread_barrier_wait.3p.html'],
'pthread_barrierattr_destroy': ['http://man7.org/linux/man-pages/man3/pthread_barrierattr_destroy.3p.html'],
'pthread_barrierattr_getpshared': ['http://man7.org/linux/man-pages/man3/pthread_barrierattr_getpshared.3p.html'],
'pthread_barrierattr_init': ['http://man7.org/linux/man-pages/man3/pthread_barrierattr_init.3p.html'],
'pthread_barrierattr_setpshared': ['http://man7.org/linux/man-pages/man3/pthread_barrierattr_setpshared.3p.html'],
'pthread_cancel': ['http://man7.org/linux/man-pages/man3/pthread_cancel.3.html',
'http://man7.org/linux/man-pages/man3/pthread_cancel.3p.html'],
'pthread_cleanup_pop': ['http://man7.org/linux/man-pages/man3/pthread_cleanup_pop.3.html',
'http://man7.org/linux/man-pages/man3/pthread_cleanup_pop.3p.html'],
'pthread_cleanup_pop_restore_np': ['http://man7.org/linux/man-pages/man3/pthread_cleanup_pop_restore_np.3.html'],
'pthread_cleanup_push': ['http://man7.org/linux/man-pages/man3/pthread_cleanup_push.3.html',
'http://man7.org/linux/man-pages/man3/pthread_cleanup_push.3p.html'],
'pthread_cleanup_push_defer_np': ['http://man7.org/linux/man-pages/man3/pthread_cleanup_push_defer_np.3.html'],
'pthread_cond_broadcast': ['http://man7.org/linux/man-pages/man3/pthread_cond_broadcast.3p.html'],
'pthread_cond_destroy': ['http://man7.org/linux/man-pages/man3/pthread_cond_destroy.3p.html'],
'pthread_cond_init': ['http://man7.org/linux/man-pages/man3/pthread_cond_init.3p.html'],
'pthread_cond_signal': ['http://man7.org/linux/man-pages/man3/pthread_cond_signal.3p.html'],
'pthread_cond_timedwait': ['http://man7.org/linux/man-pages/man3/pthread_cond_timedwait.3p.html'],
'pthread_cond_wait': ['http://man7.org/linux/man-pages/man3/pthread_cond_wait.3p.html'],
'pthread_condattr_destroy': ['http://man7.org/linux/man-pages/man3/pthread_condattr_destroy.3p.html'],
'pthread_condattr_getclock': ['http://man7.org/linux/man-pages/man3/pthread_condattr_getclock.3p.html'],
'pthread_condattr_getpshared': ['http://man7.org/linux/man-pages/man3/pthread_condattr_getpshared.3p.html'],
'pthread_condattr_init': ['http://man7.org/linux/man-pages/man3/pthread_condattr_init.3p.html'],
'pthread_condattr_setclock': ['http://man7.org/linux/man-pages/man3/pthread_condattr_setclock.3p.html'],
'pthread_condattr_setpshared': ['http://man7.org/linux/man-pages/man3/pthread_condattr_setpshared.3p.html'],
'pthread_create': ['http://man7.org/linux/man-pages/man3/pthread_create.3.html',
'http://man7.org/linux/man-pages/man3/pthread_create.3p.html'],
'pthread_detach': ['http://man7.org/linux/man-pages/man3/pthread_detach.3.html',
'http://man7.org/linux/man-pages/man3/pthread_detach.3p.html'],
'pthread_equal': ['http://man7.org/linux/man-pages/man3/pthread_equal.3.html',
'http://man7.org/linux/man-pages/man3/pthread_equal.3p.html'],
'pthread_exit': ['http://man7.org/linux/man-pages/man3/pthread_exit.3.html',
'http://man7.org/linux/man-pages/man3/pthread_exit.3p.html'],
'pthread_getaffinity_np': ['http://man7.org/linux/man-pages/man3/pthread_getaffinity_np.3.html'],
'pthread_getattr_default_np': ['http://man7.org/linux/man-pages/man3/pthread_getattr_default_np.3.html'],
'pthread_getattr_np': ['http://man7.org/linux/man-pages/man3/pthread_getattr_np.3.html'],
'pthread_getconcurrency': ['http://man7.org/linux/man-pages/man3/pthread_getconcurrency.3.html',
'http://man7.org/linux/man-pages/man3/pthread_getconcurrency.3p.html'],
'pthread_getcpuclockid': ['http://man7.org/linux/man-pages/man3/pthread_getcpuclockid.3.html',
'http://man7.org/linux/man-pages/man3/pthread_getcpuclockid.3p.html'],
'pthread_getname_np': ['http://man7.org/linux/man-pages/man3/pthread_getname_np.3.html'],
'pthread_getschedparam': ['http://man7.org/linux/man-pages/man3/pthread_getschedparam.3.html',
'http://man7.org/linux/man-pages/man3/pthread_getschedparam.3p.html'],
'pthread_getspecific': ['http://man7.org/linux/man-pages/man3/pthread_getspecific.3p.html'],
'pthread_join': ['http://man7.org/linux/man-pages/man3/pthread_join.3.html',
'http://man7.org/linux/man-pages/man3/pthread_join.3p.html'],
'pthread_key_create': ['http://man7.org/linux/man-pages/man3/pthread_key_create.3p.html'],
'pthread_key_delete': ['http://man7.org/linux/man-pages/man3/pthread_key_delete.3p.html'],
'pthread_kill': ['http://man7.org/linux/man-pages/man3/pthread_kill.3.html',
'http://man7.org/linux/man-pages/man3/pthread_kill.3p.html'],
'pthread_kill_other_threads_np': ['http://man7.org/linux/man-pages/man3/pthread_kill_other_threads_np.3.html'],
'pthread_mutex_consistent': ['http://man7.org/linux/man-pages/man3/pthread_mutex_consistent.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutex_consistent.3p.html'],
'pthread_mutex_consistent_np': ['http://man7.org/linux/man-pages/man3/pthread_mutex_consistent_np.3.html'],
'pthread_mutex_destroy': ['http://man7.org/linux/man-pages/man3/pthread_mutex_destroy.3p.html'],
'pthread_mutex_getprioceiling': ['http://man7.org/linux/man-pages/man3/pthread_mutex_getprioceiling.3p.html'],
'pthread_mutex_init': ['http://man7.org/linux/man-pages/man3/pthread_mutex_init.3p.html'],
'pthread_mutex_lock': ['http://man7.org/linux/man-pages/man3/pthread_mutex_lock.3p.html'],
'pthread_mutex_setprioceiling': ['http://man7.org/linux/man-pages/man3/pthread_mutex_setprioceiling.3p.html'],
'pthread_mutex_timedlock': ['http://man7.org/linux/man-pages/man3/pthread_mutex_timedlock.3p.html'],
'pthread_mutex_trylock': ['http://man7.org/linux/man-pages/man3/pthread_mutex_trylock.3p.html'],
'pthread_mutex_unlock': ['http://man7.org/linux/man-pages/man3/pthread_mutex_unlock.3p.html'],
'pthread_mutexattr_destroy': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_destroy.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutexattr_destroy.3p.html'],
'pthread_mutexattr_getprioceiling': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_getprioceiling.3p.html'],
'pthread_mutexattr_getprotocol': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_getprotocol.3p.html'],
'pthread_mutexattr_getpshared': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_getpshared.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutexattr_getpshared.3p.html'],
'pthread_mutexattr_getrobust': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_getrobust.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutexattr_getrobust.3p.html'],
'pthread_mutexattr_getrobust_np': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_getrobust_np.3.html'],
'pthread_mutexattr_gettype': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_gettype.3p.html'],
'pthread_mutexattr_init': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_init.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutexattr_init.3p.html'],
'pthread_mutexattr_setprioceiling': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_setprioceiling.3p.html'],
'pthread_mutexattr_setprotocol': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_setprotocol.3p.html'],
'pthread_mutexattr_setpshared': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_setpshared.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutexattr_setpshared.3p.html'],
'pthread_mutexattr_setrobust': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_setrobust.3.html',
'http://man7.org/linux/man-pages/man3/pthread_mutexattr_setrobust.3p.html'],
'pthread_mutexattr_setrobust_np': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_setrobust_np.3.html'],
'pthread_mutexattr_settype': ['http://man7.org/linux/man-pages/man3/pthread_mutexattr_settype.3p.html'],
'pthread_once': ['http://man7.org/linux/man-pages/man3/pthread_once.3p.html'],
'pthread_rwlock_destroy': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_destroy.3p.html'],
'pthread_rwlock_init': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_init.3p.html'],
'pthread_rwlock_rdlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_rdlock.3p.html'],
'pthread_rwlock_timedrdlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_timedrdlock.3p.html'],
'pthread_rwlock_timedwrlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_timedwrlock.3p.html'],
'pthread_rwlock_tryrdlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_tryrdlock.3p.html'],
'pthread_rwlock_trywrlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_trywrlock.3p.html'],
'pthread_rwlock_unlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_unlock.3p.html'],
'pthread_rwlock_wrlock': ['http://man7.org/linux/man-pages/man3/pthread_rwlock_wrlock.3p.html'],
'pthread_rwlockattr_destroy': ['http://man7.org/linux/man-pages/man3/pthread_rwlockattr_destroy.3p.html'],
'pthread_rwlockattr_getkind_np': ['http://man7.org/linux/man-pages/man3/pthread_rwlockattr_getkind_np.3.html'],
'pthread_rwlockattr_getpshared': ['http://man7.org/linux/man-pages/man3/pthread_rwlockattr_getpshared.3p.html'],
'pthread_rwlockattr_init': ['http://man7.org/linux/man-pages/man3/pthread_rwlockattr_init.3p.html'],
'pthread_rwlockattr_setkind_np': ['http://man7.org/linux/man-pages/man3/pthread_rwlockattr_setkind_np.3.html'],
'pthread_rwlockattr_setpshared': ['http://man7.org/linux/man-pages/man3/pthread_rwlockattr_setpshared.3p.html'],
'pthread_self': ['http://man7.org/linux/man-pages/man3/pthread_self.3.html',
'http://man7.org/linux/man-pages/man3/pthread_self.3p.html'],
'pthread_setaffinity_np': ['http://man7.org/linux/man-pages/man3/pthread_setaffinity_np.3.html'],
'pthread_setattr_default_np': ['http://man7.org/linux/man-pages/man3/pthread_setattr_default_np.3.html'],
'pthread_setcancelstate': ['http://man7.org/linux/man-pages/man3/pthread_setcancelstate.3.html',
'http://man7.org/linux/man-pages/man3/pthread_setcancelstate.3p.html'],
'pthread_setcanceltype': ['http://man7.org/linux/man-pages/man3/pthread_setcanceltype.3.html',
'http://man7.org/linux/man-pages/man3/pthread_setcanceltype.3p.html'],
'pthread_setconcurrency': ['http://man7.org/linux/man-pages/man3/pthread_setconcurrency.3.html',
'http://man7.org/linux/man-pages/man3/pthread_setconcurrency.3p.html'],
'pthread_setname_np': ['http://man7.org/linux/man-pages/man3/pthread_setname_np.3.html'],
'pthread_setschedparam': ['http://man7.org/linux/man-pages/man3/pthread_setschedparam.3.html',
'http://man7.org/linux/man-pages/man3/pthread_setschedparam.3p.html'],
'pthread_setschedprio': ['http://man7.org/linux/man-pages/man3/pthread_setschedprio.3.html',
'http://man7.org/linux/man-pages/man3/pthread_setschedprio.3p.html'],
'pthread_setspecific': ['http://man7.org/linux/man-pages/man3/pthread_setspecific.3p.html'],
'pthread_sigmask': ['http://man7.org/linux/man-pages/man3/pthread_sigmask.3.html',
'http://man7.org/linux/man-pages/man3/pthread_sigmask.3p.html'],
'pthread_sigqueue': ['http://man7.org/linux/man-pages/man3/pthread_sigqueue.3.html'],
'pthread_spin_destroy': ['http://man7.org/linux/man-pages/man3/pthread_spin_destroy.3.html',
'http://man7.org/linux/man-pages/man3/pthread_spin_destroy.3p.html'],
'pthread_spin_init': ['http://man7.org/linux/man-pages/man3/pthread_spin_init.3.html',
'http://man7.org/linux/man-pages/man3/pthread_spin_init.3p.html'],
'pthread_spin_lock': ['http://man7.org/linux/man-pages/man3/pthread_spin_lock.3.html',
'http://man7.org/linux/man-pages/man3/pthread_spin_lock.3p.html'],
'pthread_spin_trylock': ['http://man7.org/linux/man-pages/man3/pthread_spin_trylock.3.html',
'http://man7.org/linux/man-pages/man3/pthread_spin_trylock.3p.html'],
'pthread_spin_unlock': ['http://man7.org/linux/man-pages/man3/pthread_spin_unlock.3.html',
'http://man7.org/linux/man-pages/man3/pthread_spin_unlock.3p.html'],
'pthread_testcancel': ['http://man7.org/linux/man-pages/man3/pthread_testcancel.3.html',
'http://man7.org/linux/man-pages/man3/pthread_testcancel.3p.html'],
'pthread_timedjoin_np': ['http://man7.org/linux/man-pages/man3/pthread_timedjoin_np.3.html'],
'pthread_tryjoin_np': ['http://man7.org/linux/man-pages/man3/pthread_tryjoin_np.3.html'],
'pthread_yield': ['http://man7.org/linux/man-pages/man3/pthread_yield.3.html'],
'pthreads': ['http://man7.org/linux/man-pages/man7/pthreads.7.html'],
'ptmx': ['http://man7.org/linux/man-pages/man4/ptmx.4.html'],
'ptrace': ['http://man7.org/linux/man-pages/man2/ptrace.2.html'],
'pts': ['http://man7.org/linux/man-pages/man4/pts.4.html'],
'ptsname': ['http://man7.org/linux/man-pages/man3/ptsname.3.html',
'http://man7.org/linux/man-pages/man3/ptsname.3p.html'],
'ptsname_r': ['http://man7.org/linux/man-pages/man3/ptsname_r.3.html'],
'ptx': ['http://man7.org/linux/man-pages/man1/ptx.1.html'],
'pty': ['http://man7.org/linux/man-pages/man7/pty.7.html'],
'putc': ['http://man7.org/linux/man-pages/man3/putc.3.html',
'http://man7.org/linux/man-pages/man3/putc.3p.html'],
'putc_unlocked': ['http://man7.org/linux/man-pages/man3/putc_unlocked.3.html',
'http://man7.org/linux/man-pages/man3/putc_unlocked.3p.html'],
'putchar': ['http://man7.org/linux/man-pages/man3/putchar.3.html',
'http://man7.org/linux/man-pages/man3/putchar.3p.html'],
'putchar_unlocked': ['http://man7.org/linux/man-pages/man3/putchar_unlocked.3.html',
'http://man7.org/linux/man-pages/man3/putchar_unlocked.3p.html'],
'putenv': ['http://man7.org/linux/man-pages/man3/putenv.3.html',
'http://man7.org/linux/man-pages/man3/putenv.3p.html'],
'putgrent': ['http://man7.org/linux/man-pages/man3/putgrent.3.html'],
'putmsg': ['http://man7.org/linux/man-pages/man2/putmsg.2.html',
'http://man7.org/linux/man-pages/man3/putmsg.3p.html'],
'putp': ['http://man7.org/linux/man-pages/man3/putp.3x.html'],
'putpmsg': ['http://man7.org/linux/man-pages/man2/putpmsg.2.html',
'http://man7.org/linux/man-pages/man3/putpmsg.3p.html'],
'putpwent': ['http://man7.org/linux/man-pages/man3/putpwent.3.html'],
'puts': ['http://man7.org/linux/man-pages/man3/puts.3.html',
'http://man7.org/linux/man-pages/man3/puts.3p.html'],
'putspent': ['http://man7.org/linux/man-pages/man3/putspent.3.html'],
'pututline': ['http://man7.org/linux/man-pages/man3/pututline.3.html'],
'pututxline': ['http://man7.org/linux/man-pages/man3/pututxline.3.html',
'http://man7.org/linux/man-pages/man3/pututxline.3p.html'],
'putw': ['http://man7.org/linux/man-pages/man3/putw.3.html'],
'putwc': ['http://man7.org/linux/man-pages/man3/putwc.3.html',
'http://man7.org/linux/man-pages/man3/putwc.3p.html'],
'putwc_unlocked': ['http://man7.org/linux/man-pages/man3/putwc_unlocked.3.html'],
'putwchar': ['http://man7.org/linux/man-pages/man3/putwchar.3.html',
'http://man7.org/linux/man-pages/man3/putwchar.3p.html'],
'putwchar_unlocked': ['http://man7.org/linux/man-pages/man3/putwchar_unlocked.3.html'],
'putwin': ['http://man7.org/linux/man-pages/man3/putwin.3x.html'],
'pv': ['http://man7.org/linux/man-pages/man1/pv.1.html'],
'pvalloc': ['http://man7.org/linux/man-pages/man3/pvalloc.3.html'],
'pvchange': ['http://man7.org/linux/man-pages/man8/pvchange.8.html'],
'pvck': ['http://man7.org/linux/man-pages/man8/pvck.8.html'],
'pvcreate': ['http://man7.org/linux/man-pages/man8/pvcreate.8.html'],
'pvdisplay': ['http://man7.org/linux/man-pages/man8/pvdisplay.8.html'],
'pvmove': ['http://man7.org/linux/man-pages/man8/pvmove.8.html'],
'pvremove': ['http://man7.org/linux/man-pages/man8/pvremove.8.html'],
'pvresize': ['http://man7.org/linux/man-pages/man8/pvresize.8.html'],
'pvs': ['http://man7.org/linux/man-pages/man8/pvs.8.html'],
'pvscan': ['http://man7.org/linux/man-pages/man8/pvscan.8.html'],
'pwck': ['http://man7.org/linux/man-pages/man8/pwck.8.html'],
'pwconv': ['http://man7.org/linux/man-pages/man8/pwconv.8.html'],
'pwd': ['http://man7.org/linux/man-pages/man1/pwd.1.html',
'http://man7.org/linux/man-pages/man1/pwd.1p.html'],
'pwd.h': ['http://man7.org/linux/man-pages/man0/pwd.h.0p.html'],
'pwdx': ['http://man7.org/linux/man-pages/man1/pwdx.1.html'],
'pwrite': ['http://man7.org/linux/man-pages/man2/pwrite.2.html',
'http://man7.org/linux/man-pages/man3/pwrite.3p.html'],
'pwrite64': ['http://man7.org/linux/man-pages/man2/pwrite64.2.html'],
'pwritev': ['http://man7.org/linux/man-pages/man2/pwritev.2.html'],
'pwritev2': ['http://man7.org/linux/man-pages/man2/pwritev2.2.html'],
'pwunconv': ['http://man7.org/linux/man-pages/man8/pwunconv.8.html'],
'qalter': ['http://man7.org/linux/man-pages/man1/qalter.1p.html'],
'qdel': ['http://man7.org/linux/man-pages/man1/qdel.1p.html'],
'qecvt': ['http://man7.org/linux/man-pages/man3/qecvt.3.html'],
'qecvt_r': ['http://man7.org/linux/man-pages/man3/qecvt_r.3.html'],
'qfcvt': ['http://man7.org/linux/man-pages/man3/qfcvt.3.html'],
'qfcvt_r': ['http://man7.org/linux/man-pages/man3/qfcvt_r.3.html'],
'qgcvt': ['http://man7.org/linux/man-pages/man3/qgcvt.3.html'],
'qhold': ['http://man7.org/linux/man-pages/man1/qhold.1p.html'],
'qiflush': ['http://man7.org/linux/man-pages/man3/qiflush.3x.html'],
'qmc': ['http://man7.org/linux/man-pages/man3/qmc.3.html'],
'qmccontext': ['http://man7.org/linux/man-pages/man3/qmccontext.3.html'],
'qmcdesc': ['http://man7.org/linux/man-pages/man3/qmcdesc.3.html'],
'qmcgroup': ['http://man7.org/linux/man-pages/man3/qmcgroup.3.html'],
'qmcindom': ['http://man7.org/linux/man-pages/man3/qmcindom.3.html'],
'qmcmetric': ['http://man7.org/linux/man-pages/man3/qmcmetric.3.html'],
'qmcsource': ['http://man7.org/linux/man-pages/man3/qmcsource.3.html'],
'qmove': ['http://man7.org/linux/man-pages/man1/qmove.1p.html'],
'qmsg': ['http://man7.org/linux/man-pages/man1/qmsg.1p.html'],
'qrerun': ['http://man7.org/linux/man-pages/man1/qrerun.1p.html'],
'qrls': ['http://man7.org/linux/man-pages/man1/qrls.1p.html'],
'qselect': ['http://man7.org/linux/man-pages/man1/qselect.1p.html'],
'qsig': ['http://man7.org/linux/man-pages/man1/qsig.1p.html'],
'qsort': ['http://man7.org/linux/man-pages/man3/qsort.3.html',
'http://man7.org/linux/man-pages/man3/qsort.3p.html'],
'qsort_r': ['http://man7.org/linux/man-pages/man3/qsort_r.3.html'],
'qstat': ['http://man7.org/linux/man-pages/man1/qstat.1p.html'],
'qsub': ['http://man7.org/linux/man-pages/man1/qsub.1p.html'],
'query_module': ['http://man7.org/linux/man-pages/man2/query_module.2.html'],
'query_user_context': ['http://man7.org/linux/man-pages/man3/query_user_context.3.html'],
'queue': ['http://man7.org/linux/man-pages/man3/queue.3.html'],
'quilt': ['http://man7.org/linux/man-pages/man1/quilt.1.html'],
'quot': ['http://man7.org/linux/man-pages/man8/quot.8.html'],
'quota': ['http://man7.org/linux/man-pages/man1/quota.1.html'],
'quota_nld': ['http://man7.org/linux/man-pages/man8/quota_nld.8.html'],
'quotacheck': ['http://man7.org/linux/man-pages/man8/quotacheck.8.html'],
'quotactl': ['http://man7.org/linux/man-pages/man2/quotactl.2.html'],
'quotagrpadmins': ['http://man7.org/linux/man-pages/man5/quotagrpadmins.5.html'],
'quotaoff': ['http://man7.org/linux/man-pages/man8/quotaoff.8.html'],
'quotaon': ['http://man7.org/linux/man-pages/man8/quotaon.8.html'],
'quotastats': ['http://man7.org/linux/man-pages/man8/quotastats.8.html'],
'quotasync': ['http://man7.org/linux/man-pages/man1/quotasync.1.html'],
'quotatab': ['http://man7.org/linux/man-pages/man5/quotatab.5.html'],
'raid6check': ['http://man7.org/linux/man-pages/man8/raid6check.8.html'],
'raise': ['http://man7.org/linux/man-pages/man3/raise.3.html',
'http://man7.org/linux/man-pages/man3/raise.3p.html'],
'ram': ['http://man7.org/linux/man-pages/man4/ram.4.html'],
'rand': ['http://man7.org/linux/man-pages/man3/rand.3.html',
'http://man7.org/linux/man-pages/man3/rand.3p.html'],
'rand_r': ['http://man7.org/linux/man-pages/man3/rand_r.3.html',
'http://man7.org/linux/man-pages/man3/rand_r.3p.html'],
'random': ['http://man7.org/linux/man-pages/man3/random.3.html',
'http://man7.org/linux/man-pages/man3/random.3p.html',
'http://man7.org/linux/man-pages/man4/random.4.html',
'http://man7.org/linux/man-pages/man7/random.7.html'],
'random_r': ['http://man7.org/linux/man-pages/man3/random_r.3.html'],
'ranlib': ['http://man7.org/linux/man-pages/man1/ranlib.1.html'],
'rarp': ['http://man7.org/linux/man-pages/man8/rarp.8.html'],
'rarpd': ['http://man7.org/linux/man-pages/man8/rarpd.8.html'],
'raw': ['http://man7.org/linux/man-pages/man3/raw.3x.html',
'http://man7.org/linux/man-pages/man7/raw.7.html',
'http://man7.org/linux/man-pages/man8/raw.8.html'],
'rawmemchr': ['http://man7.org/linux/man-pages/man3/rawmemchr.3.html'],
'rcmd': ['http://man7.org/linux/man-pages/man3/rcmd.3.html'],
'rcmd_af': ['http://man7.org/linux/man-pages/man3/rcmd_af.3.html'],
'rcopy': ['http://man7.org/linux/man-pages/man1/rcopy.1.html'],
'rdisc': ['http://man7.org/linux/man-pages/man8/rdisc.8.html'],
'rdma': ['http://man7.org/linux/man-pages/man8/rdma.8.html'],
'rdma-dev': ['http://man7.org/linux/man-pages/man8/rdma-dev.8.html'],
'rdma-link': ['http://man7.org/linux/man-pages/man8/rdma-link.8.html'],
'rdma-resource': ['http://man7.org/linux/man-pages/man8/rdma-resource.8.html'],
'rdma_accept': ['http://man7.org/linux/man-pages/man3/rdma_accept.3.html'],
'rdma_ack_cm_event': ['http://man7.org/linux/man-pages/man3/rdma_ack_cm_event.3.html'],
'rdma_bind_addr': ['http://man7.org/linux/man-pages/man3/rdma_bind_addr.3.html'],
'rdma_client': ['http://man7.org/linux/man-pages/man1/rdma_client.1.html'],
'rdma_cm': ['http://man7.org/linux/man-pages/man7/rdma_cm.7.html'],
'rdma_connect': ['http://man7.org/linux/man-pages/man3/rdma_connect.3.html'],
'rdma_create_ep': ['http://man7.org/linux/man-pages/man3/rdma_create_ep.3.html'],
'rdma_create_event_channel': ['http://man7.org/linux/man-pages/man3/rdma_create_event_channel.3.html'],
'rdma_create_id': ['http://man7.org/linux/man-pages/man3/rdma_create_id.3.html'],
'rdma_create_qp': ['http://man7.org/linux/man-pages/man3/rdma_create_qp.3.html'],
'rdma_create_srq': ['http://man7.org/linux/man-pages/man3/rdma_create_srq.3.html'],
'rdma_dereg_mr': ['http://man7.org/linux/man-pages/man3/rdma_dereg_mr.3.html'],
'rdma_destroy_ep': ['http://man7.org/linux/man-pages/man3/rdma_destroy_ep.3.html'],
'rdma_destroy_event_channel': ['http://man7.org/linux/man-pages/man3/rdma_destroy_event_channel.3.html'],
'rdma_destroy_id': ['http://man7.org/linux/man-pages/man3/rdma_destroy_id.3.html'],
'rdma_destroy_qp': ['http://man7.org/linux/man-pages/man3/rdma_destroy_qp.3.html'],
'rdma_destroy_srq': ['http://man7.org/linux/man-pages/man3/rdma_destroy_srq.3.html'],
'rdma_disconnect': ['http://man7.org/linux/man-pages/man3/rdma_disconnect.3.html'],
'rdma_event_str': ['http://man7.org/linux/man-pages/man3/rdma_event_str.3.html'],
'rdma_free_devices': ['http://man7.org/linux/man-pages/man3/rdma_free_devices.3.html'],
'rdma_get_cm_event': ['http://man7.org/linux/man-pages/man3/rdma_get_cm_event.3.html'],
'rdma_get_devices': ['http://man7.org/linux/man-pages/man3/rdma_get_devices.3.html'],
'rdma_get_dst_port': ['http://man7.org/linux/man-pages/man3/rdma_get_dst_port.3.html'],
'rdma_get_local_addr': ['http://man7.org/linux/man-pages/man3/rdma_get_local_addr.3.html'],
'rdma_get_peer_addr': ['http://man7.org/linux/man-pages/man3/rdma_get_peer_addr.3.html'],
'rdma_get_recv_comp': ['http://man7.org/linux/man-pages/man3/rdma_get_recv_comp.3.html'],
'rdma_get_request': ['http://man7.org/linux/man-pages/man3/rdma_get_request.3.html'],
'rdma_get_send_comp': ['http://man7.org/linux/man-pages/man3/rdma_get_send_comp.3.html'],
'rdma_get_src_port': ['http://man7.org/linux/man-pages/man3/rdma_get_src_port.3.html'],
'rdma_getaddrinfo': ['http://man7.org/linux/man-pages/man3/rdma_getaddrinfo.3.html'],
'rdma_join_multicast': ['http://man7.org/linux/man-pages/man3/rdma_join_multicast.3.html'],
'rdma_join_multicast_ex': ['http://man7.org/linux/man-pages/man3/rdma_join_multicast_ex.3.html'],
'rdma_leave_multicast': ['http://man7.org/linux/man-pages/man3/rdma_leave_multicast.3.html'],
'rdma_listen': ['http://man7.org/linux/man-pages/man3/rdma_listen.3.html'],
'rdma_migrate_id': ['http://man7.org/linux/man-pages/man3/rdma_migrate_id.3.html'],
'rdma_notify': ['http://man7.org/linux/man-pages/man3/rdma_notify.3.html'],
'rdma_post_read': ['http://man7.org/linux/man-pages/man3/rdma_post_read.3.html'],
'rdma_post_readv': ['http://man7.org/linux/man-pages/man3/rdma_post_readv.3.html'],
'rdma_post_recv': ['http://man7.org/linux/man-pages/man3/rdma_post_recv.3.html'],
'rdma_post_recvv': ['http://man7.org/linux/man-pages/man3/rdma_post_recvv.3.html'],
'rdma_post_send': ['http://man7.org/linux/man-pages/man3/rdma_post_send.3.html'],
'rdma_post_sendv': ['http://man7.org/linux/man-pages/man3/rdma_post_sendv.3.html'],
'rdma_post_ud_send': ['http://man7.org/linux/man-pages/man3/rdma_post_ud_send.3.html'],
'rdma_post_write': ['http://man7.org/linux/man-pages/man3/rdma_post_write.3.html'],
'rdma_post_writev': ['http://man7.org/linux/man-pages/man3/rdma_post_writev.3.html'],
'rdma_reg_msgs': ['http://man7.org/linux/man-pages/man3/rdma_reg_msgs.3.html'],
'rdma_reg_read': ['http://man7.org/linux/man-pages/man3/rdma_reg_read.3.html'],
'rdma_reg_write': ['http://man7.org/linux/man-pages/man3/rdma_reg_write.3.html'],
'rdma_reject': ['http://man7.org/linux/man-pages/man3/rdma_reject.3.html'],
'rdma_resolve_addr': ['http://man7.org/linux/man-pages/man3/rdma_resolve_addr.3.html'],
'rdma_resolve_route': ['http://man7.org/linux/man-pages/man3/rdma_resolve_route.3.html'],
'rdma_server': ['http://man7.org/linux/man-pages/man1/rdma_server.1.html'],
'rdma_set_option': ['http://man7.org/linux/man-pages/man3/rdma_set_option.3.html'],
'rdma_xclient': ['http://man7.org/linux/man-pages/man1/rdma_xclient.1.html'],
'rdma_xserver': ['http://man7.org/linux/man-pages/man1/rdma_xserver.1.html'],
'rdmak-dev': ['http://man7.org/linux/man-pages/man8/rdmak-dev.8.html'],
're_comp': ['http://man7.org/linux/man-pages/man3/re_comp.3.html'],
're_exec': ['http://man7.org/linux/man-pages/man3/re_exec.3.html'],
'read': ['http://man7.org/linux/man-pages/man1/read.1p.html',
'http://man7.org/linux/man-pages/man2/read.2.html',
'http://man7.org/linux/man-pages/man3/read.3p.html'],
'readahead': ['http://man7.org/linux/man-pages/man2/readahead.2.html'],
'readdir': ['http://man7.org/linux/man-pages/man2/readdir.2.html',
'http://man7.org/linux/man-pages/man3/readdir.3.html',
'http://man7.org/linux/man-pages/man3/readdir.3p.html'],
'readdir_r': ['http://man7.org/linux/man-pages/man3/readdir_r.3.html',
'http://man7.org/linux/man-pages/man3/readdir_r.3p.html'],
'readelf': ['http://man7.org/linux/man-pages/man1/readelf.1.html'],
'readline': ['http://man7.org/linux/man-pages/man3/readline.3.html'],
'readlink': ['http://man7.org/linux/man-pages/man1/readlink.1.html',
'http://man7.org/linux/man-pages/man2/readlink.2.html',
'http://man7.org/linux/man-pages/man3/readlink.3p.html'],
'readlink_by_handle': ['http://man7.org/linux/man-pages/man3/readlink_by_handle.3.html'],
'readlinkat': ['http://man7.org/linux/man-pages/man2/readlinkat.2.html',
'http://man7.org/linux/man-pages/man3/readlinkat.3p.html'],
'readonly': ['http://man7.org/linux/man-pages/man1/readonly.1p.html'],
'readprofile': ['http://man7.org/linux/man-pages/man8/readprofile.8.html'],
'readv': ['http://man7.org/linux/man-pages/man2/readv.2.html',
'http://man7.org/linux/man-pages/man3/readv.3p.html'],
'realloc': ['http://man7.org/linux/man-pages/man3/realloc.3.html',
'http://man7.org/linux/man-pages/man3/realloc.3p.html'],
'realpath': ['http://man7.org/linux/man-pages/man1/realpath.1.html',
'http://man7.org/linux/man-pages/man3/realpath.3.html',
'http://man7.org/linux/man-pages/man3/realpath.3p.html'],
'reboot': ['http://man7.org/linux/man-pages/man2/reboot.2.html',
'http://man7.org/linux/man-pages/man8/reboot.8.html'],
'recno': ['http://man7.org/linux/man-pages/man3/recno.3.html'],
'recode-sr-latin': ['http://man7.org/linux/man-pages/man1/recode-sr-latin.1.html'],
'recursive_key_scan': ['http://man7.org/linux/man-pages/man3/recursive_key_scan.3.html'],
'recursive_session_key_scan': ['http://man7.org/linux/man-pages/man3/recursive_session_key_scan.3.html'],
'recv': ['http://man7.org/linux/man-pages/man2/recv.2.html',
'http://man7.org/linux/man-pages/man3/recv.3p.html'],
'recvfrom': ['http://man7.org/linux/man-pages/man2/recvfrom.2.html',
'http://man7.org/linux/man-pages/man3/recvfrom.3p.html'],
'recvmmsg': ['http://man7.org/linux/man-pages/man2/recvmmsg.2.html'],
'recvmsg': ['http://man7.org/linux/man-pages/man2/recvmsg.2.html',
'http://man7.org/linux/man-pages/man3/recvmsg.3p.html'],
'red': ['http://man7.org/linux/man-pages/man8/red.8.html'],
'redrawwin': ['http://man7.org/linux/man-pages/man3/redrawwin.3x.html'],
'refer': ['http://man7.org/linux/man-pages/man1/refer.1.html'],
'refresh': ['http://man7.org/linux/man-pages/man3/refresh.3x.html'],
'regcomp': ['http://man7.org/linux/man-pages/man3/regcomp.3.html',
'http://man7.org/linux/man-pages/man3/regcomp.3p.html'],
'regerror': ['http://man7.org/linux/man-pages/man3/regerror.3.html',
'http://man7.org/linux/man-pages/man3/regerror.3p.html'],
'regex': ['http://man7.org/linux/man-pages/man3/regex.3.html',
'http://man7.org/linux/man-pages/man7/regex.7.html'],
'regex.h': ['http://man7.org/linux/man-pages/man0/regex.h.0p.html'],
'regexec': ['http://man7.org/linux/man-pages/man3/regexec.3.html',
'http://man7.org/linux/man-pages/man3/regexec.3p.html'],
'regfree': ['http://man7.org/linux/man-pages/man3/regfree.3.html',
'http://man7.org/linux/man-pages/man3/regfree.3p.html'],
'registerrpc': ['http://man7.org/linux/man-pages/man3/registerrpc.3.html'],
'remainder': ['http://man7.org/linux/man-pages/man3/remainder.3.html',
'http://man7.org/linux/man-pages/man3/remainder.3p.html'],
'remainderf': ['http://man7.org/linux/man-pages/man3/remainderf.3.html',
'http://man7.org/linux/man-pages/man3/remainderf.3p.html'],
'remainderl': ['http://man7.org/linux/man-pages/man3/remainderl.3.html',
'http://man7.org/linux/man-pages/man3/remainderl.3p.html'],
'remap_file_pages': ['http://man7.org/linux/man-pages/man2/remap_file_pages.2.html'],
'removable_context': ['http://man7.org/linux/man-pages/man5/removable_context.5.html'],
'remove': ['http://man7.org/linux/man-pages/man3/remove.3.html',
'http://man7.org/linux/man-pages/man3/remove.3p.html'],
'removexattr': ['http://man7.org/linux/man-pages/man2/removexattr.2.html'],
'remque': ['http://man7.org/linux/man-pages/man3/remque.3.html',
'http://man7.org/linux/man-pages/man3/remque.3p.html'],
'remquo': ['http://man7.org/linux/man-pages/man3/remquo.3.html',
'http://man7.org/linux/man-pages/man3/remquo.3p.html'],
'remquof': ['http://man7.org/linux/man-pages/man3/remquof.3.html',
'http://man7.org/linux/man-pages/man3/remquof.3p.html'],
'remquol': ['http://man7.org/linux/man-pages/man3/remquol.3.html',
'http://man7.org/linux/man-pages/man3/remquol.3p.html'],
'rename': ['http://man7.org/linux/man-pages/man1/rename.1.html',
'http://man7.org/linux/man-pages/man2/rename.2.html',
'http://man7.org/linux/man-pages/man3/rename.3p.html'],
'renameat': ['http://man7.org/linux/man-pages/man2/renameat.2.html',
'http://man7.org/linux/man-pages/man3/renameat.3p.html'],
'renameat2': ['http://man7.org/linux/man-pages/man2/renameat2.2.html'],
'renice': ['http://man7.org/linux/man-pages/man1/renice.1.html',
'http://man7.org/linux/man-pages/man1/renice.1p.html'],
'repertoiremap': ['http://man7.org/linux/man-pages/man5/repertoiremap.5.html'],
'replace': ['http://man7.org/linux/man-pages/man1/replace.1.html'],
'repo-graph': ['http://man7.org/linux/man-pages/man1/repo-graph.1.html'],
'repo-rss': ['http://man7.org/linux/man-pages/man1/repo-rss.1.html'],
'repoclosure': ['http://man7.org/linux/man-pages/man1/repoclosure.1.html'],
'repodiff': ['http://man7.org/linux/man-pages/man1/repodiff.1.html'],
'repomanage': ['http://man7.org/linux/man-pages/man1/repomanage.1.html'],
'repoquery': ['http://man7.org/linux/man-pages/man1/repoquery.1.html'],
'reposync': ['http://man7.org/linux/man-pages/man1/reposync.1.html'],
'repotrack': ['http://man7.org/linux/man-pages/man1/repotrack.1.html'],
'repquota': ['http://man7.org/linux/man-pages/man8/repquota.8.html'],
'request-key': ['http://man7.org/linux/man-pages/man8/request-key.8.html'],
'request-key.conf': ['http://man7.org/linux/man-pages/man5/request-key.conf.5.html'],
'request_key': ['http://man7.org/linux/man-pages/man2/request_key.2.html'],
'res_init': ['http://man7.org/linux/man-pages/man3/res_init.3.html'],
'res_mkquery': ['http://man7.org/linux/man-pages/man3/res_mkquery.3.html'],
'res_ninit': ['http://man7.org/linux/man-pages/man3/res_ninit.3.html'],
'res_nmkquery': ['http://man7.org/linux/man-pages/man3/res_nmkquery.3.html'],
'res_nquery': ['http://man7.org/linux/man-pages/man3/res_nquery.3.html'],
'res_nquerydomain': ['http://man7.org/linux/man-pages/man3/res_nquerydomain.3.html'],
'res_nsearch': ['http://man7.org/linux/man-pages/man3/res_nsearch.3.html'],
'res_nsend': ['http://man7.org/linux/man-pages/man3/res_nsend.3.html'],
'res_query': ['http://man7.org/linux/man-pages/man3/res_query.3.html'],
'res_querydomain': ['http://man7.org/linux/man-pages/man3/res_querydomain.3.html'],
'res_search': ['http://man7.org/linux/man-pages/man3/res_search.3.html'],
'res_send': ['http://man7.org/linux/man-pages/man3/res_send.3.html'],
'reset': ['http://man7.org/linux/man-pages/man1/reset.1.html'],
'reset_color_pairs': ['http://man7.org/linux/man-pages/man3/reset_color_pairs.3x.html'],
'reset_prog_mode': ['http://man7.org/linux/man-pages/man3/reset_prog_mode.3x.html'],
'reset_shell_mode': ['http://man7.org/linux/man-pages/man3/reset_shell_mode.3x.html'],
'resetty': ['http://man7.org/linux/man-pages/man3/resetty.3x.html'],
'resize2fs': ['http://man7.org/linux/man-pages/man8/resize2fs.8.html'],
'resize_term': ['http://man7.org/linux/man-pages/man3/resize_term.3x.html'],
'resizecons': ['http://man7.org/linux/man-pages/man8/resizecons.8.html'],
'resizepart': ['http://man7.org/linux/man-pages/man8/resizepart.8.html'],
'resizeterm': ['http://man7.org/linux/man-pages/man3/resizeterm.3x.html'],
'resolv.conf': ['http://man7.org/linux/man-pages/man5/resolv.conf.5.html'],
'resolve_stack_dump': ['http://man7.org/linux/man-pages/man1/resolve_stack_dump.1.html'],
'resolved.conf': ['http://man7.org/linux/man-pages/man5/resolved.conf.5.html'],
'resolved.conf.d': ['http://man7.org/linux/man-pages/man5/resolved.conf.d.5.html'],
'resolveip': ['http://man7.org/linux/man-pages/man1/resolveip.1.html'],
'resolver': ['http://man7.org/linux/man-pages/man3/resolver.3.html',
'http://man7.org/linux/man-pages/man5/resolver.5.html'],
'restart_syscall': ['http://man7.org/linux/man-pages/man2/restart_syscall.2.html'],
'restartterm': ['http://man7.org/linux/man-pages/man3/restartterm.3x.html'],
'restorecon': ['http://man7.org/linux/man-pages/man8/restorecon.8.html'],
'restorecon_xattr': ['http://man7.org/linux/man-pages/man8/restorecon_xattr.8.html'],
'restorecond': ['http://man7.org/linux/man-pages/man8/restorecond.8.html'],
'return': ['http://man7.org/linux/man-pages/man1/return.1p.html'],
'rev': ['http://man7.org/linux/man-pages/man1/rev.1.html'],
'rewind': ['http://man7.org/linux/man-pages/man3/rewind.3.html',
'http://man7.org/linux/man-pages/man3/rewind.3p.html'],
'rewinddir': ['http://man7.org/linux/man-pages/man3/rewinddir.3.html',
'http://man7.org/linux/man-pages/man3/rewinddir.3p.html'],
'rexec': ['http://man7.org/linux/man-pages/man3/rexec.3.html'],
'rexec_af': ['http://man7.org/linux/man-pages/man3/rexec_af.3.html'],
'rfkill': ['http://man7.org/linux/man-pages/man8/rfkill.8.html'],
'rindex': ['http://man7.org/linux/man-pages/man3/rindex.3.html'],
'rint': ['http://man7.org/linux/man-pages/man3/rint.3.html',
'http://man7.org/linux/man-pages/man3/rint.3p.html'],
'rintf': ['http://man7.org/linux/man-pages/man3/rintf.3.html',
'http://man7.org/linux/man-pages/man3/rintf.3p.html'],
'rintl': ['http://man7.org/linux/man-pages/man3/rintl.3.html',
'http://man7.org/linux/man-pages/man3/rintl.3p.html'],
'riostream': ['http://man7.org/linux/man-pages/man1/riostream.1.html'],
'ripoffline': ['http://man7.org/linux/man-pages/man3/ripoffline.3x.html'],
'rm': ['http://man7.org/linux/man-pages/man1/rm.1.html',
'http://man7.org/linux/man-pages/man1/rm.1p.html'],
'rmdel': ['http://man7.org/linux/man-pages/man1/rmdel.1p.html'],
'rmdir': ['http://man7.org/linux/man-pages/man1/rmdir.1.html',
'http://man7.org/linux/man-pages/man1/rmdir.1p.html',
'http://man7.org/linux/man-pages/man2/rmdir.2.html',
'http://man7.org/linux/man-pages/man3/rmdir.3p.html'],
'rmmod': ['http://man7.org/linux/man-pages/man8/rmmod.8.html'],
'roff': ['http://man7.org/linux/man-pages/man7/roff.7.html'],
'roff2dvi': ['http://man7.org/linux/man-pages/man1/roff2dvi.1.html'],
'roff2html': ['http://man7.org/linux/man-pages/man1/roff2html.1.html'],
'roff2pdf': ['http://man7.org/linux/man-pages/man1/roff2pdf.1.html'],
'roff2ps': ['http://man7.org/linux/man-pages/man1/roff2ps.1.html'],
'roff2text': ['http://man7.org/linux/man-pages/man1/roff2text.1.html'],
'roff2x': ['http://man7.org/linux/man-pages/man1/roff2x.1.html'],
'round': ['http://man7.org/linux/man-pages/man3/round.3.html',
'http://man7.org/linux/man-pages/man3/round.3p.html'],
'roundf': ['http://man7.org/linux/man-pages/man3/roundf.3.html',
'http://man7.org/linux/man-pages/man3/roundf.3p.html'],
'roundl': ['http://man7.org/linux/man-pages/man3/roundl.3.html',
'http://man7.org/linux/man-pages/man3/roundl.3p.html'],
'route': ['http://man7.org/linux/man-pages/man8/route.8.html'],
'routef': ['http://man7.org/linux/man-pages/man8/routef.8.html'],
'routel': ['http://man7.org/linux/man-pages/man8/routel.8.html'],
'rpc': ['http://man7.org/linux/man-pages/man3/rpc.3.html',
'http://man7.org/linux/man-pages/man5/rpc.5.html'],
'rpc.gssd': ['http://man7.org/linux/man-pages/man8/rpc.gssd.8.html'],
'rpc.idmapd': ['http://man7.org/linux/man-pages/man8/rpc.idmapd.8.html'],
'rpc.mountd': ['http://man7.org/linux/man-pages/man8/rpc.mountd.8.html'],
'rpc.nfsd': ['http://man7.org/linux/man-pages/man8/rpc.nfsd.8.html'],
'rpc.rquotad': ['http://man7.org/linux/man-pages/man8/rpc.rquotad.8.html'],
'rpc.statd': ['http://man7.org/linux/man-pages/man8/rpc.statd.8.html'],
'rpc.svcgssd': ['http://man7.org/linux/man-pages/man8/rpc.svcgssd.8.html'],
'rpcbind': ['http://man7.org/linux/man-pages/man8/rpcbind.8.html'],
'rpcdebug': ['http://man7.org/linux/man-pages/man8/rpcdebug.8.html'],
'rpcinfo': ['http://man7.org/linux/man-pages/man8/rpcinfo.8.html'],
'rping': ['http://man7.org/linux/man-pages/man1/rping.1.html'],
'rpm_execcon': ['http://man7.org/linux/man-pages/man3/rpm_execcon.3.html'],
'rpmatch': ['http://man7.org/linux/man-pages/man3/rpmatch.3.html'],
'rquota': ['http://man7.org/linux/man-pages/man3/rquota.3.html'],
'rresvport': ['http://man7.org/linux/man-pages/man3/rresvport.3.html'],
'rresvport_af': ['http://man7.org/linux/man-pages/man3/rresvport_af.3.html'],
'rstream': ['http://man7.org/linux/man-pages/man1/rstream.1.html'],
'rsync': ['http://man7.org/linux/man-pages/man1/rsync.1.html'],
'rsyncd.conf': ['http://man7.org/linux/man-pages/man5/rsyncd.conf.5.html'],
'rsyslog.conf': ['http://man7.org/linux/man-pages/man5/rsyslog.conf.5.html'],
'rsyslogd': ['http://man7.org/linux/man-pages/man8/rsyslogd.8.html'],
'rt_sigaction': ['http://man7.org/linux/man-pages/man2/rt_sigaction.2.html'],
'rt_sigpending': ['http://man7.org/linux/man-pages/man2/rt_sigpending.2.html'],
'rt_sigprocmask': ['http://man7.org/linux/man-pages/man2/rt_sigprocmask.2.html'],
'rt_sigqueueinfo': ['http://man7.org/linux/man-pages/man2/rt_sigqueueinfo.2.html'],
'rt_sigreturn': ['http://man7.org/linux/man-pages/man2/rt_sigreturn.2.html'],
'rt_sigsuspend': ['http://man7.org/linux/man-pages/man2/rt_sigsuspend.2.html'],
'rt_sigtimedwait': ['http://man7.org/linux/man-pages/man2/rt_sigtimedwait.2.html'],
'rt_tgsigqueueinfo': ['http://man7.org/linux/man-pages/man2/rt_tgsigqueueinfo.2.html'],
'rtacct': ['http://man7.org/linux/man-pages/man8/rtacct.8.html'],
'rtc': ['http://man7.org/linux/man-pages/man4/rtc.4.html'],
'rtcwake': ['http://man7.org/linux/man-pages/man8/rtcwake.8.html'],
'rtime': ['http://man7.org/linux/man-pages/man3/rtime.3.html'],
'rtld-audit': ['http://man7.org/linux/man-pages/man7/rtld-audit.7.html'],
'rtmon': ['http://man7.org/linux/man-pages/man8/rtmon.8.html'],
'rtnetlink': ['http://man7.org/linux/man-pages/man3/rtnetlink.3.html',
'http://man7.org/linux/man-pages/man7/rtnetlink.7.html'],
'rtpr': ['http://man7.org/linux/man-pages/man8/rtpr.8.html'],
'rtstat': ['http://man7.org/linux/man-pages/man8/rtstat.8.html'],
'run_init': ['http://man7.org/linux/man-pages/man8/run_init.8.html'],
'runcon': ['http://man7.org/linux/man-pages/man1/runcon.1.html'],
'runlevel': ['http://man7.org/linux/man-pages/man8/runlevel.8.html'],
'runuser': ['http://man7.org/linux/man-pages/man1/runuser.1.html'],
'ruserok': ['http://man7.org/linux/man-pages/man3/ruserok.3.html'],
'ruserok_af': ['http://man7.org/linux/man-pages/man3/ruserok_af.3.html'],
'rxe': ['http://man7.org/linux/man-pages/man7/rxe.7.html'],
'rxe_cfg': ['http://man7.org/linux/man-pages/man8/rxe_cfg.8.html'],
's390_pci_mmio_read': ['http://man7.org/linux/man-pages/man2/s390_pci_mmio_read.2.html'],
's390_pci_mmio_write': ['http://man7.org/linux/man-pages/man2/s390_pci_mmio_write.2.html'],
's390_runtime_instr': ['http://man7.org/linux/man-pages/man2/s390_runtime_instr.2.html'],
's390_sthyi': ['http://man7.org/linux/man-pages/man2/s390_sthyi.2.html'],
'sa': ['http://man7.org/linux/man-pages/man8/sa.8.html'],
'sa1': ['http://man7.org/linux/man-pages/man8/sa1.8.html'],
'sa2': ['http://man7.org/linux/man-pages/man8/sa2.8.html'],
'sact': ['http://man7.org/linux/man-pages/man1/sact.1p.html'],
'sadc': ['http://man7.org/linux/man-pages/man8/sadc.8.html'],
'sadf': ['http://man7.org/linux/man-pages/man1/sadf.1.html'],
'sample': ['http://man7.org/linux/man-pages/man8/sample.8.html'],
'sandbox': ['http://man7.org/linux/man-pages/man5/sandbox.5.html',
'http://man7.org/linux/man-pages/man8/sandbox.8.html'],
'sandbox.conf': ['http://man7.org/linux/man-pages/man5/sandbox.conf.5.html'],
'sar': ['http://man7.org/linux/man-pages/man1/sar.1.html'],
'sar2pcp': ['http://man7.org/linux/man-pages/man1/sar2pcp.1.html'],
'savetty': ['http://man7.org/linux/man-pages/man3/savetty.3x.html'],
'sbrk': ['http://man7.org/linux/man-pages/man2/sbrk.2.html'],
'scalb': ['http://man7.org/linux/man-pages/man3/scalb.3.html'],
'scalbf': ['http://man7.org/linux/man-pages/man3/scalbf.3.html'],
'scalbl': ['http://man7.org/linux/man-pages/man3/scalbl.3.html'],
'scalbln': ['http://man7.org/linux/man-pages/man3/scalbln.3.html',
'http://man7.org/linux/man-pages/man3/scalbln.3p.html'],
'scalblnf': ['http://man7.org/linux/man-pages/man3/scalblnf.3.html',
'http://man7.org/linux/man-pages/man3/scalblnf.3p.html'],
'scalblnl': ['http://man7.org/linux/man-pages/man3/scalblnl.3.html',
'http://man7.org/linux/man-pages/man3/scalblnl.3p.html'],
'scalbn': ['http://man7.org/linux/man-pages/man3/scalbn.3.html',
'http://man7.org/linux/man-pages/man3/scalbn.3p.html'],
'scalbnf': ['http://man7.org/linux/man-pages/man3/scalbnf.3.html',
'http://man7.org/linux/man-pages/man3/scalbnf.3p.html'],
'scalbnl': ['http://man7.org/linux/man-pages/man3/scalbnl.3.html',
'http://man7.org/linux/man-pages/man3/scalbnl.3p.html'],
'scandir': ['http://man7.org/linux/man-pages/man3/scandir.3.html',
'http://man7.org/linux/man-pages/man3/scandir.3p.html'],
'scandirat': ['http://man7.org/linux/man-pages/man3/scandirat.3.html'],
'scanf': ['http://man7.org/linux/man-pages/man3/scanf.3.html',
'http://man7.org/linux/man-pages/man3/scanf.3p.html'],
'scanw': ['http://man7.org/linux/man-pages/man3/scanw.3x.html'],
'sccs': ['http://man7.org/linux/man-pages/man1/sccs.1p.html'],
'sched': ['http://man7.org/linux/man-pages/man7/sched.7.html'],
'sched.h': ['http://man7.org/linux/man-pages/man0/sched.h.0p.html'],
'sched_get_priority_max': ['http://man7.org/linux/man-pages/man2/sched_get_priority_max.2.html',
'http://man7.org/linux/man-pages/man3/sched_get_priority_max.3p.html'],
'sched_get_priority_min': ['http://man7.org/linux/man-pages/man2/sched_get_priority_min.2.html',
'http://man7.org/linux/man-pages/man3/sched_get_priority_min.3p.html'],
'sched_getaffinity': ['http://man7.org/linux/man-pages/man2/sched_getaffinity.2.html'],
'sched_getattr': ['http://man7.org/linux/man-pages/man2/sched_getattr.2.html'],
'sched_getcpu': ['http://man7.org/linux/man-pages/man3/sched_getcpu.3.html'],
'sched_getparam': ['http://man7.org/linux/man-pages/man2/sched_getparam.2.html',
'http://man7.org/linux/man-pages/man3/sched_getparam.3p.html'],
'sched_getscheduler': ['http://man7.org/linux/man-pages/man2/sched_getscheduler.2.html',
'http://man7.org/linux/man-pages/man3/sched_getscheduler.3p.html'],
'sched_rr_get_interval': ['http://man7.org/linux/man-pages/man2/sched_rr_get_interval.2.html',
'http://man7.org/linux/man-pages/man3/sched_rr_get_interval.3p.html'],
'sched_setaffinity': ['http://man7.org/linux/man-pages/man2/sched_setaffinity.2.html'],
'sched_setattr': ['http://man7.org/linux/man-pages/man2/sched_setattr.2.html'],
'sched_setparam': ['http://man7.org/linux/man-pages/man2/sched_setparam.2.html',
'http://man7.org/linux/man-pages/man3/sched_setparam.3p.html'],
'sched_setscheduler': ['http://man7.org/linux/man-pages/man2/sched_setscheduler.2.html',
'http://man7.org/linux/man-pages/man3/sched_setscheduler.3p.html'],
'sched_yield': ['http://man7.org/linux/man-pages/man2/sched_yield.2.html',
'http://man7.org/linux/man-pages/man3/sched_yield.3p.html'],
'scmp_sys_resolver': ['http://man7.org/linux/man-pages/man1/scmp_sys_resolver.1.html'],
'scp': ['http://man7.org/linux/man-pages/man1/scp.1.html'],
'scr_dump': ['http://man7.org/linux/man-pages/man3/scr_dump.3x.html',
'http://man7.org/linux/man-pages/man5/scr_dump.5.html'],
'scr_init': ['http://man7.org/linux/man-pages/man3/scr_init.3x.html'],
'scr_restore': ['http://man7.org/linux/man-pages/man3/scr_restore.3x.html'],
'scr_set': ['http://man7.org/linux/man-pages/man3/scr_set.3x.html'],
'screen': ['http://man7.org/linux/man-pages/man1/screen.1.html'],
'script': ['http://man7.org/linux/man-pages/man1/script.1.html'],
'scriptreplay': ['http://man7.org/linux/man-pages/man1/scriptreplay.1.html'],
'scrl': ['http://man7.org/linux/man-pages/man3/scrl.3x.html'],
'scroll': ['http://man7.org/linux/man-pages/man3/scroll.3x.html'],
'scrollok': ['http://man7.org/linux/man-pages/man3/scrollok.3x.html'],
'sctp': ['http://man7.org/linux/man-pages/man7/sctp.7.html'],
'sctp_bindx': ['http://man7.org/linux/man-pages/man3/sctp_bindx.3.html'],
'sctp_connectx': ['http://man7.org/linux/man-pages/man3/sctp_connectx.3.html'],
'sctp_getladdrs': ['http://man7.org/linux/man-pages/man3/sctp_getladdrs.3.html'],
'sctp_getpaddrs': ['http://man7.org/linux/man-pages/man3/sctp_getpaddrs.3.html'],
'sctp_opt_info': ['http://man7.org/linux/man-pages/man3/sctp_opt_info.3.html'],
'sctp_optinfo': ['http://man7.org/linux/man-pages/man3/sctp_optinfo.3.html'],
'sctp_peeloff': ['http://man7.org/linux/man-pages/man3/sctp_peeloff.3.html'],
'sctp_recvmsg': ['http://man7.org/linux/man-pages/man3/sctp_recvmsg.3.html'],
'sctp_recvv': ['http://man7.org/linux/man-pages/man3/sctp_recvv.3.html'],
'sctp_send': ['http://man7.org/linux/man-pages/man3/sctp_send.3.html'],
'sctp_sendmsg': ['http://man7.org/linux/man-pages/man3/sctp_sendmsg.3.html'],
'sctp_sendv': ['http://man7.org/linux/man-pages/man3/sctp_sendv.3.html'],
'sd': ['http://man7.org/linux/man-pages/man4/sd.4.html'],
'sd-bus': ['http://man7.org/linux/man-pages/man3/sd-bus.3.html'],
'sd-bus-errors': ['http://man7.org/linux/man-pages/man3/sd-bus-errors.3.html'],
'sd-daemon': ['http://man7.org/linux/man-pages/man3/sd-daemon.3.html'],
'sd-event': ['http://man7.org/linux/man-pages/man3/sd-event.3.html'],
'sd-id128': ['http://man7.org/linux/man-pages/man3/sd-id128.3.html'],
'sd-journal': ['http://man7.org/linux/man-pages/man3/sd-journal.3.html'],
'sd-login': ['http://man7.org/linux/man-pages/man3/sd-login.3.html'],
'sd_alert': ['http://man7.org/linux/man-pages/man3/sd_alert.3.html'],
'sd_booted': ['http://man7.org/linux/man-pages/man3/sd_booted.3.html'],
'sd_bus_add_match': ['http://man7.org/linux/man-pages/man3/sd_bus_add_match.3.html'],
'sd_bus_creds_get_audit_login_uid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_audit_login_uid.3.html'],
'sd_bus_creds_get_audit_session_id': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_audit_session_id.3.html'],
'sd_bus_creds_get_augmented_mask': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_augmented_mask.3.html'],
'sd_bus_creds_get_cgroup': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_cgroup.3.html'],
'sd_bus_creds_get_cmdline': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_cmdline.3.html'],
'sd_bus_creds_get_comm': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_comm.3.html'],
'sd_bus_creds_get_description': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_description.3.html'],
'sd_bus_creds_get_egid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_egid.3.html'],
'sd_bus_creds_get_euid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_euid.3.html'],
'sd_bus_creds_get_exe': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_exe.3.html'],
'sd_bus_creds_get_fsgid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_fsgid.3.html'],
'sd_bus_creds_get_fsuid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_fsuid.3.html'],
'sd_bus_creds_get_gid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_gid.3.html'],
'sd_bus_creds_get_mask': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_mask.3.html'],
'sd_bus_creds_get_owner_uid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_owner_uid.3.html'],
'sd_bus_creds_get_pid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_pid.3.html'],
'sd_bus_creds_get_ppid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_ppid.3.html'],
'sd_bus_creds_get_selinux_context': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_selinux_context.3.html'],
'sd_bus_creds_get_session': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_session.3.html'],
'sd_bus_creds_get_sgid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_sgid.3.html'],
'sd_bus_creds_get_slice': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_slice.3.html'],
'sd_bus_creds_get_suid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_suid.3.html'],
'sd_bus_creds_get_supplementary_gids': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_supplementary_gids.3.html'],
'sd_bus_creds_get_tid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_tid.3.html'],
'sd_bus_creds_get_tid_comm': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_tid_comm.3.html'],
'sd_bus_creds_get_tty': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_tty.3.html'],
'sd_bus_creds_get_uid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_uid.3.html'],
'sd_bus_creds_get_unique_name': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_unique_name.3.html'],
'sd_bus_creds_get_unit': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_unit.3.html'],
'sd_bus_creds_get_user_slice': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_user_slice.3.html'],
'sd_bus_creds_get_user_unit': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_user_unit.3.html'],
'sd_bus_creds_get_well_known_names': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_get_well_known_names.3.html'],
'sd_bus_creds_has_bounding_cap': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_has_bounding_cap.3.html'],
'sd_bus_creds_has_effective_cap': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_has_effective_cap.3.html'],
'sd_bus_creds_has_inheritable_cap': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_has_inheritable_cap.3.html'],
'sd_bus_creds_has_permitted_cap': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_has_permitted_cap.3.html'],
'sd_bus_creds_new_from_pid': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_new_from_pid.3.html'],
'sd_bus_creds_ref': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_ref.3.html'],
'sd_bus_creds_unref': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_unref.3.html'],
'sd_bus_creds_unrefp': ['http://man7.org/linux/man-pages/man3/sd_bus_creds_unrefp.3.html'],
'sd_bus_default': ['http://man7.org/linux/man-pages/man3/sd_bus_default.3.html'],
'sd_bus_default_system': ['http://man7.org/linux/man-pages/man3/sd_bus_default_system.3.html'],
'sd_bus_default_user': ['http://man7.org/linux/man-pages/man3/sd_bus_default_user.3.html'],
'sd_bus_error': ['http://man7.org/linux/man-pages/man3/sd_bus_error.3.html'],
'sd_bus_error_access_denied': ['http://man7.org/linux/man-pages/man3/sd_bus_error_access_denied.3.html'],
'sd_bus_error_add_map': ['http://man7.org/linux/man-pages/man3/sd_bus_error_add_map.3.html'],
'sd_bus_error_address_in_use': ['http://man7.org/linux/man-pages/man3/sd_bus_error_address_in_use.3.html'],
'sd_bus_error_auth_failed': ['http://man7.org/linux/man-pages/man3/sd_bus_error_auth_failed.3.html'],
'sd_bus_error_bad_address': ['http://man7.org/linux/man-pages/man3/sd_bus_error_bad_address.3.html'],
'sd_bus_error_copy': ['http://man7.org/linux/man-pages/man3/sd_bus_error_copy.3.html'],
'sd_bus_error_disconnected': ['http://man7.org/linux/man-pages/man3/sd_bus_error_disconnected.3.html'],
'sd_bus_error_end': ['http://man7.org/linux/man-pages/man3/sd_bus_error_end.3.html'],
'sd_bus_error_failed': ['http://man7.org/linux/man-pages/man3/sd_bus_error_failed.3.html'],
'sd_bus_error_file_exists': ['http://man7.org/linux/man-pages/man3/sd_bus_error_file_exists.3.html'],
'sd_bus_error_file_not_found': ['http://man7.org/linux/man-pages/man3/sd_bus_error_file_not_found.3.html'],
'sd_bus_error_free': ['http://man7.org/linux/man-pages/man3/sd_bus_error_free.3.html'],
'sd_bus_error_get_errno': ['http://man7.org/linux/man-pages/man3/sd_bus_error_get_errno.3.html'],
'sd_bus_error_has_name': ['http://man7.org/linux/man-pages/man3/sd_bus_error_has_name.3.html'],
'sd_bus_error_inconsistent_message': ['http://man7.org/linux/man-pages/man3/sd_bus_error_inconsistent_message.3.html'],
'sd_bus_error_interactive_authorization_required': ['http://man7.org/linux/man-pages/man3/sd_bus_error_interactive_authorization_required.3.html'],
'sd_bus_error_invalid_args': ['http://man7.org/linux/man-pages/man3/sd_bus_error_invalid_args.3.html'],
'sd_bus_error_invalid_signature': ['http://man7.org/linux/man-pages/man3/sd_bus_error_invalid_signature.3.html'],
'sd_bus_error_io_error': ['http://man7.org/linux/man-pages/man3/sd_bus_error_io_error.3.html'],
'sd_bus_error_is_set': ['http://man7.org/linux/man-pages/man3/sd_bus_error_is_set.3.html'],
'sd_bus_error_limits_exceeded': ['http://man7.org/linux/man-pages/man3/sd_bus_error_limits_exceeded.3.html'],
'sd_bus_error_make_const': ['http://man7.org/linux/man-pages/man3/sd_bus_error_make_const.3.html'],
'sd_bus_error_map': ['http://man7.org/linux/man-pages/man3/sd_bus_error_map.3.html'],
'sd_bus_error_match_rule_invalid': ['http://man7.org/linux/man-pages/man3/sd_bus_error_match_rule_invalid.3.html'],
'sd_bus_error_match_rule_not_found': ['http://man7.org/linux/man-pages/man3/sd_bus_error_match_rule_not_found.3.html'],
'sd_bus_error_name_has_no_owner': ['http://man7.org/linux/man-pages/man3/sd_bus_error_name_has_no_owner.3.html'],
'sd_bus_error_no_memory': ['http://man7.org/linux/man-pages/man3/sd_bus_error_no_memory.3.html'],
'sd_bus_error_no_network': ['http://man7.org/linux/man-pages/man3/sd_bus_error_no_network.3.html'],
'sd_bus_error_no_reply': ['http://man7.org/linux/man-pages/man3/sd_bus_error_no_reply.3.html'],
'sd_bus_error_no_server': ['http://man7.org/linux/man-pages/man3/sd_bus_error_no_server.3.html'],
'sd_bus_error_not_supported': ['http://man7.org/linux/man-pages/man3/sd_bus_error_not_supported.3.html'],
'sd_bus_error_null': ['http://man7.org/linux/man-pages/man3/sd_bus_error_null.3.html'],
'sd_bus_error_property_read_only': ['http://man7.org/linux/man-pages/man3/sd_bus_error_property_read_only.3.html'],
'sd_bus_error_service_unknown': ['http://man7.org/linux/man-pages/man3/sd_bus_error_service_unknown.3.html'],
'sd_bus_error_set': ['http://man7.org/linux/man-pages/man3/sd_bus_error_set.3.html'],
'sd_bus_error_set_const': ['http://man7.org/linux/man-pages/man3/sd_bus_error_set_const.3.html'],
'sd_bus_error_set_errno': ['http://man7.org/linux/man-pages/man3/sd_bus_error_set_errno.3.html'],
'sd_bus_error_set_errnof': ['http://man7.org/linux/man-pages/man3/sd_bus_error_set_errnof.3.html'],
'sd_bus_error_set_errnofv': ['http://man7.org/linux/man-pages/man3/sd_bus_error_set_errnofv.3.html'],
'sd_bus_error_setf': ['http://man7.org/linux/man-pages/man3/sd_bus_error_setf.3.html'],
'sd_bus_error_timeout': ['http://man7.org/linux/man-pages/man3/sd_bus_error_timeout.3.html'],
'sd_bus_error_unix_process_id_unknown': ['http://man7.org/linux/man-pages/man3/sd_bus_error_unix_process_id_unknown.3.html'],
'sd_bus_error_unknown_interface': ['http://man7.org/linux/man-pages/man3/sd_bus_error_unknown_interface.3.html'],
'sd_bus_error_unknown_method': ['http://man7.org/linux/man-pages/man3/sd_bus_error_unknown_method.3.html'],
'sd_bus_error_unknown_object': ['http://man7.org/linux/man-pages/man3/sd_bus_error_unknown_object.3.html'],
'sd_bus_error_unknown_property': ['http://man7.org/linux/man-pages/man3/sd_bus_error_unknown_property.3.html'],
'sd_bus_get_fd': ['http://man7.org/linux/man-pages/man3/sd_bus_get_fd.3.html'],
'sd_bus_message_append': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append.3.html'],
'sd_bus_message_append_array': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_array.3.html'],
'sd_bus_message_append_array_iovec': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_array_iovec.3.html'],
'sd_bus_message_append_array_memfd': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_array_memfd.3.html'],
'sd_bus_message_append_array_space': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_array_space.3.html'],
'sd_bus_message_append_basic': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_basic.3.html'],
'sd_bus_message_append_string_iovec': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_string_iovec.3.html'],
'sd_bus_message_append_string_memfd': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_string_memfd.3.html'],
'sd_bus_message_append_string_space': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_string_space.3.html'],
'sd_bus_message_append_strv': ['http://man7.org/linux/man-pages/man3/sd_bus_message_append_strv.3.html'],
'sd_bus_message_appendv': ['http://man7.org/linux/man-pages/man3/sd_bus_message_appendv.3.html'],
'sd_bus_message_get_cookie': ['http://man7.org/linux/man-pages/man3/sd_bus_message_get_cookie.3.html'],
'sd_bus_message_get_monotonic_usec': ['http://man7.org/linux/man-pages/man3/sd_bus_message_get_monotonic_usec.3.html'],
'sd_bus_message_get_realtime_usec': ['http://man7.org/linux/man-pages/man3/sd_bus_message_get_realtime_usec.3.html'],
'sd_bus_message_get_reply_cookie': ['http://man7.org/linux/man-pages/man3/sd_bus_message_get_reply_cookie.3.html'],
'sd_bus_message_get_seqnum': ['http://man7.org/linux/man-pages/man3/sd_bus_message_get_seqnum.3.html'],
'sd_bus_message_read_basic': ['http://man7.org/linux/man-pages/man3/sd_bus_message_read_basic.3.html'],
'sd_bus_negotiate_creds': ['http://man7.org/linux/man-pages/man3/sd_bus_negotiate_creds.3.html'],
'sd_bus_negotiate_fds': ['http://man7.org/linux/man-pages/man3/sd_bus_negotiate_fds.3.html'],
'sd_bus_negotiate_timestamp': ['http://man7.org/linux/man-pages/man3/sd_bus_negotiate_timestamp.3.html'],
'sd_bus_new': ['http://man7.org/linux/man-pages/man3/sd_bus_new.3.html'],
'sd_bus_open': ['http://man7.org/linux/man-pages/man3/sd_bus_open.3.html'],
'sd_bus_open_system': ['http://man7.org/linux/man-pages/man3/sd_bus_open_system.3.html'],
'sd_bus_open_system_machine': ['http://man7.org/linux/man-pages/man3/sd_bus_open_system_machine.3.html'],
'sd_bus_open_system_remote': ['http://man7.org/linux/man-pages/man3/sd_bus_open_system_remote.3.html'],
'sd_bus_open_user': ['http://man7.org/linux/man-pages/man3/sd_bus_open_user.3.html'],
'sd_bus_path_decode': ['http://man7.org/linux/man-pages/man3/sd_bus_path_decode.3.html'],
'sd_bus_path_decode_many': ['http://man7.org/linux/man-pages/man3/sd_bus_path_decode_many.3.html'],
'sd_bus_path_encode': ['http://man7.org/linux/man-pages/man3/sd_bus_path_encode.3.html'],
'sd_bus_path_encode_many': ['http://man7.org/linux/man-pages/man3/sd_bus_path_encode_many.3.html'],
'sd_bus_process': ['http://man7.org/linux/man-pages/man3/sd_bus_process.3.html'],
'sd_bus_ref': ['http://man7.org/linux/man-pages/man3/sd_bus_ref.3.html'],
'sd_bus_release_name': ['http://man7.org/linux/man-pages/man3/sd_bus_release_name.3.html'],
'sd_bus_request_name': ['http://man7.org/linux/man-pages/man3/sd_bus_request_name.3.html'],
'sd_bus_track_add_name': ['http://man7.org/linux/man-pages/man3/sd_bus_track_add_name.3.html'],
'sd_bus_track_add_sender': ['http://man7.org/linux/man-pages/man3/sd_bus_track_add_sender.3.html'],
'sd_bus_track_contains': ['http://man7.org/linux/man-pages/man3/sd_bus_track_contains.3.html'],
'sd_bus_track_count': ['http://man7.org/linux/man-pages/man3/sd_bus_track_count.3.html'],
'sd_bus_track_count_name': ['http://man7.org/linux/man-pages/man3/sd_bus_track_count_name.3.html'],
'sd_bus_track_count_sender': ['http://man7.org/linux/man-pages/man3/sd_bus_track_count_sender.3.html'],
'sd_bus_track_first': ['http://man7.org/linux/man-pages/man3/sd_bus_track_first.3.html'],
'sd_bus_track_get_bus': ['http://man7.org/linux/man-pages/man3/sd_bus_track_get_bus.3.html'],
'sd_bus_track_get_recursive': ['http://man7.org/linux/man-pages/man3/sd_bus_track_get_recursive.3.html'],
'sd_bus_track_get_userdata': ['http://man7.org/linux/man-pages/man3/sd_bus_track_get_userdata.3.html'],
'sd_bus_track_new': ['http://man7.org/linux/man-pages/man3/sd_bus_track_new.3.html'],
'sd_bus_track_next': ['http://man7.org/linux/man-pages/man3/sd_bus_track_next.3.html'],
'sd_bus_track_ref': ['http://man7.org/linux/man-pages/man3/sd_bus_track_ref.3.html'],
'sd_bus_track_remove_name': ['http://man7.org/linux/man-pages/man3/sd_bus_track_remove_name.3.html'],
'sd_bus_track_remove_sender': ['http://man7.org/linux/man-pages/man3/sd_bus_track_remove_sender.3.html'],
'sd_bus_track_set_recursive': ['http://man7.org/linux/man-pages/man3/sd_bus_track_set_recursive.3.html'],
'sd_bus_track_set_userdata': ['http://man7.org/linux/man-pages/man3/sd_bus_track_set_userdata.3.html'],
'sd_bus_track_unref': ['http://man7.org/linux/man-pages/man3/sd_bus_track_unref.3.html'],
'sd_bus_track_unrefp': ['http://man7.org/linux/man-pages/man3/sd_bus_track_unrefp.3.html'],
'sd_bus_unref': ['http://man7.org/linux/man-pages/man3/sd_bus_unref.3.html'],
'sd_bus_unrefp': ['http://man7.org/linux/man-pages/man3/sd_bus_unrefp.3.html'],
'sd_crit': ['http://man7.org/linux/man-pages/man3/sd_crit.3.html'],
'sd_debug': ['http://man7.org/linux/man-pages/man3/sd_debug.3.html'],
'sd_emerg': ['http://man7.org/linux/man-pages/man3/sd_emerg.3.html'],
'sd_err': ['http://man7.org/linux/man-pages/man3/sd_err.3.html'],
'sd_event': ['http://man7.org/linux/man-pages/man3/sd_event.3.html'],
'sd_event_add_child': ['http://man7.org/linux/man-pages/man3/sd_event_add_child.3.html'],
'sd_event_add_defer': ['http://man7.org/linux/man-pages/man3/sd_event_add_defer.3.html'],
'sd_event_add_exit': ['http://man7.org/linux/man-pages/man3/sd_event_add_exit.3.html'],
'sd_event_add_io': ['http://man7.org/linux/man-pages/man3/sd_event_add_io.3.html'],
'sd_event_add_post': ['http://man7.org/linux/man-pages/man3/sd_event_add_post.3.html'],
'sd_event_add_signal': ['http://man7.org/linux/man-pages/man3/sd_event_add_signal.3.html'],
'sd_event_add_time': ['http://man7.org/linux/man-pages/man3/sd_event_add_time.3.html'],
'sd_event_armed': ['http://man7.org/linux/man-pages/man3/sd_event_armed.3.html'],
'sd_event_child_handler_t': ['http://man7.org/linux/man-pages/man3/sd_event_child_handler_t.3.html'],
'sd_event_default': ['http://man7.org/linux/man-pages/man3/sd_event_default.3.html'],
'sd_event_dispatch': ['http://man7.org/linux/man-pages/man3/sd_event_dispatch.3.html'],
'sd_event_exit': ['http://man7.org/linux/man-pages/man3/sd_event_exit.3.html'],
'sd_event_exiting': ['http://man7.org/linux/man-pages/man3/sd_event_exiting.3.html'],
'sd_event_finished': ['http://man7.org/linux/man-pages/man3/sd_event_finished.3.html'],
'sd_event_get_exit_code': ['http://man7.org/linux/man-pages/man3/sd_event_get_exit_code.3.html'],
'sd_event_get_fd': ['http://man7.org/linux/man-pages/man3/sd_event_get_fd.3.html'],
'sd_event_get_iteration': ['http://man7.org/linux/man-pages/man3/sd_event_get_iteration.3.html'],
'sd_event_get_state': ['http://man7.org/linux/man-pages/man3/sd_event_get_state.3.html'],
'sd_event_get_tid': ['http://man7.org/linux/man-pages/man3/sd_event_get_tid.3.html'],
'sd_event_get_watchdog': ['http://man7.org/linux/man-pages/man3/sd_event_get_watchdog.3.html'],
'sd_event_handler_t': ['http://man7.org/linux/man-pages/man3/sd_event_handler_t.3.html'],
'sd_event_initial': ['http://man7.org/linux/man-pages/man3/sd_event_initial.3.html'],
'sd_event_io_handler_t': ['http://man7.org/linux/man-pages/man3/sd_event_io_handler_t.3.html'],
'sd_event_loop': ['http://man7.org/linux/man-pages/man3/sd_event_loop.3.html'],
'sd_event_new': ['http://man7.org/linux/man-pages/man3/sd_event_new.3.html'],
'sd_event_now': ['http://man7.org/linux/man-pages/man3/sd_event_now.3.html'],
'sd_event_off': ['http://man7.org/linux/man-pages/man3/sd_event_off.3.html'],
'sd_event_on': ['http://man7.org/linux/man-pages/man3/sd_event_on.3.html'],
'sd_event_oneshot': ['http://man7.org/linux/man-pages/man3/sd_event_oneshot.3.html'],
'sd_event_pending': ['http://man7.org/linux/man-pages/man3/sd_event_pending.3.html'],
'sd_event_prepare': ['http://man7.org/linux/man-pages/man3/sd_event_prepare.3.html'],
'sd_event_preparing': ['http://man7.org/linux/man-pages/man3/sd_event_preparing.3.html'],
'sd_event_priority_idle': ['http://man7.org/linux/man-pages/man3/sd_event_priority_idle.3.html'],
'sd_event_priority_important': ['http://man7.org/linux/man-pages/man3/sd_event_priority_important.3.html'],
'sd_event_priority_normal': ['http://man7.org/linux/man-pages/man3/sd_event_priority_normal.3.html'],
'sd_event_ref': ['http://man7.org/linux/man-pages/man3/sd_event_ref.3.html'],
'sd_event_run': ['http://man7.org/linux/man-pages/man3/sd_event_run.3.html'],
'sd_event_running': ['http://man7.org/linux/man-pages/man3/sd_event_running.3.html'],
'sd_event_set_watchdog': ['http://man7.org/linux/man-pages/man3/sd_event_set_watchdog.3.html'],
'sd_event_signal_handler_t': ['http://man7.org/linux/man-pages/man3/sd_event_signal_handler_t.3.html'],
'sd_event_source': ['http://man7.org/linux/man-pages/man3/sd_event_source.3.html'],
'sd_event_source_get_child_pid': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_child_pid.3.html'],
'sd_event_source_get_description': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_description.3.html'],
'sd_event_source_get_enabled': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_enabled.3.html'],
'sd_event_source_get_event': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_event.3.html'],
'sd_event_source_get_io_events': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_io_events.3.html'],
'sd_event_source_get_io_fd': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_io_fd.3.html'],
'sd_event_source_get_io_revents': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_io_revents.3.html'],
'sd_event_source_get_pending': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_pending.3.html'],
'sd_event_source_get_priority': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_priority.3.html'],
'sd_event_source_get_signal': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_signal.3.html'],
'sd_event_source_get_time': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_time.3.html'],
'sd_event_source_get_time_accuracy': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_time_accuracy.3.html'],
'sd_event_source_get_time_clock': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_time_clock.3.html'],
'sd_event_source_get_userdata': ['http://man7.org/linux/man-pages/man3/sd_event_source_get_userdata.3.html'],
'sd_event_source_ref': ['http://man7.org/linux/man-pages/man3/sd_event_source_ref.3.html'],
'sd_event_source_set_description': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_description.3.html'],
'sd_event_source_set_enabled': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_enabled.3.html'],
'sd_event_source_set_io_events': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_io_events.3.html'],
'sd_event_source_set_io_fd': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_io_fd.3.html'],
'sd_event_source_set_prepare': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_prepare.3.html'],
'sd_event_source_set_priority': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_priority.3.html'],
'sd_event_source_set_time': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_time.3.html'],
'sd_event_source_set_time_accuracy': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_time_accuracy.3.html'],
'sd_event_source_set_userdata': ['http://man7.org/linux/man-pages/man3/sd_event_source_set_userdata.3.html'],
'sd_event_source_unref': ['http://man7.org/linux/man-pages/man3/sd_event_source_unref.3.html'],
'sd_event_source_unrefp': ['http://man7.org/linux/man-pages/man3/sd_event_source_unrefp.3.html'],
'sd_event_time_handler_t': ['http://man7.org/linux/man-pages/man3/sd_event_time_handler_t.3.html'],
'sd_event_unref': ['http://man7.org/linux/man-pages/man3/sd_event_unref.3.html'],
'sd_event_unrefp': ['http://man7.org/linux/man-pages/man3/sd_event_unrefp.3.html'],
'sd_event_wait': ['http://man7.org/linux/man-pages/man3/sd_event_wait.3.html'],
'sd_get_machine_names': ['http://man7.org/linux/man-pages/man3/sd_get_machine_names.3.html'],
'sd_get_seats': ['http://man7.org/linux/man-pages/man3/sd_get_seats.3.html'],
'sd_get_sessions': ['http://man7.org/linux/man-pages/man3/sd_get_sessions.3.html'],
'sd_get_uids': ['http://man7.org/linux/man-pages/man3/sd_get_uids.3.html'],
'sd_id128_const_str': ['http://man7.org/linux/man-pages/man3/sd_id128_const_str.3.html'],
'sd_id128_equal': ['http://man7.org/linux/man-pages/man3/sd_id128_equal.3.html'],
'sd_id128_format_str': ['http://man7.org/linux/man-pages/man3/sd_id128_format_str.3.html'],
'sd_id128_format_val': ['http://man7.org/linux/man-pages/man3/sd_id128_format_val.3.html'],
'sd_id128_from_string': ['http://man7.org/linux/man-pages/man3/sd_id128_from_string.3.html'],
'sd_id128_get_boot': ['http://man7.org/linux/man-pages/man3/sd_id128_get_boot.3.html'],
'sd_id128_get_invocation': ['http://man7.org/linux/man-pages/man3/sd_id128_get_invocation.3.html'],
'sd_id128_get_machine': ['http://man7.org/linux/man-pages/man3/sd_id128_get_machine.3.html'],
'sd_id128_get_machine_app_specific': ['http://man7.org/linux/man-pages/man3/sd_id128_get_machine_app_specific.3.html'],
'sd_id128_is_null': ['http://man7.org/linux/man-pages/man3/sd_id128_is_null.3.html'],
'sd_id128_make': ['http://man7.org/linux/man-pages/man3/sd_id128_make.3.html'],
'sd_id128_make_str': ['http://man7.org/linux/man-pages/man3/sd_id128_make_str.3.html'],
'sd_id128_null': ['http://man7.org/linux/man-pages/man3/sd_id128_null.3.html'],
'sd_id128_randomize': ['http://man7.org/linux/man-pages/man3/sd_id128_randomize.3.html'],
'sd_id128_t': ['http://man7.org/linux/man-pages/man3/sd_id128_t.3.html'],
'sd_id128_to_string': ['http://man7.org/linux/man-pages/man3/sd_id128_to_string.3.html'],
'sd_info': ['http://man7.org/linux/man-pages/man3/sd_info.3.html'],
'sd_is_fifo': ['http://man7.org/linux/man-pages/man3/sd_is_fifo.3.html'],
'sd_is_mq': ['http://man7.org/linux/man-pages/man3/sd_is_mq.3.html'],
'sd_is_socket': ['http://man7.org/linux/man-pages/man3/sd_is_socket.3.html'],
'sd_is_socket_inet': ['http://man7.org/linux/man-pages/man3/sd_is_socket_inet.3.html'],
'sd_is_socket_sockaddr': ['http://man7.org/linux/man-pages/man3/sd_is_socket_sockaddr.3.html'],
'sd_is_socket_unix': ['http://man7.org/linux/man-pages/man3/sd_is_socket_unix.3.html'],
'sd_is_special': ['http://man7.org/linux/man-pages/man3/sd_is_special.3.html'],
'sd_journal': ['http://man7.org/linux/man-pages/man3/sd_journal.3.html'],
'sd_journal_add_conjunction': ['http://man7.org/linux/man-pages/man3/sd_journal_add_conjunction.3.html'],
'sd_journal_add_disjunction': ['http://man7.org/linux/man-pages/man3/sd_journal_add_disjunction.3.html'],
'sd_journal_add_match': ['http://man7.org/linux/man-pages/man3/sd_journal_add_match.3.html'],
'sd_journal_append': ['http://man7.org/linux/man-pages/man3/sd_journal_append.3.html'],
'sd_journal_close': ['http://man7.org/linux/man-pages/man3/sd_journal_close.3.html'],
'sd_journal_current_user': ['http://man7.org/linux/man-pages/man3/sd_journal_current_user.3.html'],
'sd_journal_enumerate_data': ['http://man7.org/linux/man-pages/man3/sd_journal_enumerate_data.3.html'],
'sd_journal_enumerate_fields': ['http://man7.org/linux/man-pages/man3/sd_journal_enumerate_fields.3.html'],
'sd_journal_enumerate_unique': ['http://man7.org/linux/man-pages/man3/sd_journal_enumerate_unique.3.html'],
'sd_journal_flush_matches': ['http://man7.org/linux/man-pages/man3/sd_journal_flush_matches.3.html'],
'sd_journal_foreach': ['http://man7.org/linux/man-pages/man3/sd_journal_foreach.3.html'],
'sd_journal_foreach_backwards': ['http://man7.org/linux/man-pages/man3/sd_journal_foreach_backwards.3.html'],
'sd_journal_foreach_data': ['http://man7.org/linux/man-pages/man3/sd_journal_foreach_data.3.html'],
'sd_journal_foreach_field': ['http://man7.org/linux/man-pages/man3/sd_journal_foreach_field.3.html'],
'sd_journal_foreach_unique': ['http://man7.org/linux/man-pages/man3/sd_journal_foreach_unique.3.html'],
'sd_journal_get_catalog': ['http://man7.org/linux/man-pages/man3/sd_journal_get_catalog.3.html'],
'sd_journal_get_catalog_for_message_id': ['http://man7.org/linux/man-pages/man3/sd_journal_get_catalog_for_message_id.3.html'],
'sd_journal_get_cursor': ['http://man7.org/linux/man-pages/man3/sd_journal_get_cursor.3.html'],
'sd_journal_get_cutoff_monotonic_usec': ['http://man7.org/linux/man-pages/man3/sd_journal_get_cutoff_monotonic_usec.3.html'],
'sd_journal_get_cutoff_realtime_usec': ['http://man7.org/linux/man-pages/man3/sd_journal_get_cutoff_realtime_usec.3.html'],
'sd_journal_get_data': ['http://man7.org/linux/man-pages/man3/sd_journal_get_data.3.html'],
'sd_journal_get_data_threshold': ['http://man7.org/linux/man-pages/man3/sd_journal_get_data_threshold.3.html'],
'sd_journal_get_events': ['http://man7.org/linux/man-pages/man3/sd_journal_get_events.3.html'],
'sd_journal_get_fd': ['http://man7.org/linux/man-pages/man3/sd_journal_get_fd.3.html'],
'sd_journal_get_monotonic_usec': ['http://man7.org/linux/man-pages/man3/sd_journal_get_monotonic_usec.3.html'],
'sd_journal_get_realtime_usec': ['http://man7.org/linux/man-pages/man3/sd_journal_get_realtime_usec.3.html'],
'sd_journal_get_timeout': ['http://man7.org/linux/man-pages/man3/sd_journal_get_timeout.3.html'],
'sd_journal_get_usage': ['http://man7.org/linux/man-pages/man3/sd_journal_get_usage.3.html'],
'sd_journal_has_persistent_files': ['http://man7.org/linux/man-pages/man3/sd_journal_has_persistent_files.3.html'],
'sd_journal_has_runtime_files': ['http://man7.org/linux/man-pages/man3/sd_journal_has_runtime_files.3.html'],
'sd_journal_invalidate': ['http://man7.org/linux/man-pages/man3/sd_journal_invalidate.3.html'],
'sd_journal_local_only': ['http://man7.org/linux/man-pages/man3/sd_journal_local_only.3.html'],
'sd_journal_next': ['http://man7.org/linux/man-pages/man3/sd_journal_next.3.html'],
'sd_journal_next_skip': ['http://man7.org/linux/man-pages/man3/sd_journal_next_skip.3.html'],
'sd_journal_nop': ['http://man7.org/linux/man-pages/man3/sd_journal_nop.3.html'],
'sd_journal_open': ['http://man7.org/linux/man-pages/man3/sd_journal_open.3.html'],
'sd_journal_open_container': ['http://man7.org/linux/man-pages/man3/sd_journal_open_container.3.html'],
'sd_journal_open_directory': ['http://man7.org/linux/man-pages/man3/sd_journal_open_directory.3.html'],
'sd_journal_open_directory_fd': ['http://man7.org/linux/man-pages/man3/sd_journal_open_directory_fd.3.html'],
'sd_journal_open_files': ['http://man7.org/linux/man-pages/man3/sd_journal_open_files.3.html'],
'sd_journal_open_files_fd': ['http://man7.org/linux/man-pages/man3/sd_journal_open_files_fd.3.html'],
'sd_journal_os_root': ['http://man7.org/linux/man-pages/man3/sd_journal_os_root.3.html'],
'sd_journal_perror': ['http://man7.org/linux/man-pages/man3/sd_journal_perror.3.html'],
'sd_journal_previous': ['http://man7.org/linux/man-pages/man3/sd_journal_previous.3.html'],
'sd_journal_previous_skip': ['http://man7.org/linux/man-pages/man3/sd_journal_previous_skip.3.html'],
'sd_journal_print': ['http://man7.org/linux/man-pages/man3/sd_journal_print.3.html'],
'sd_journal_printv': ['http://man7.org/linux/man-pages/man3/sd_journal_printv.3.html'],
'sd_journal_process': ['http://man7.org/linux/man-pages/man3/sd_journal_process.3.html'],
'sd_journal_query_unique': ['http://man7.org/linux/man-pages/man3/sd_journal_query_unique.3.html'],
'sd_journal_reliable_fd': ['http://man7.org/linux/man-pages/man3/sd_journal_reliable_fd.3.html'],
'sd_journal_restart_data': ['http://man7.org/linux/man-pages/man3/sd_journal_restart_data.3.html'],
'sd_journal_restart_fields': ['http://man7.org/linux/man-pages/man3/sd_journal_restart_fields.3.html'],
'sd_journal_restart_unique': ['http://man7.org/linux/man-pages/man3/sd_journal_restart_unique.3.html'],
'sd_journal_runtime_only': ['http://man7.org/linux/man-pages/man3/sd_journal_runtime_only.3.html'],
'sd_journal_seek_cursor': ['http://man7.org/linux/man-pages/man3/sd_journal_seek_cursor.3.html'],
'sd_journal_seek_head': ['http://man7.org/linux/man-pages/man3/sd_journal_seek_head.3.html'],
'sd_journal_seek_monotonic_usec': ['http://man7.org/linux/man-pages/man3/sd_journal_seek_monotonic_usec.3.html'],
'sd_journal_seek_realtime_usec': ['http://man7.org/linux/man-pages/man3/sd_journal_seek_realtime_usec.3.html'],
'sd_journal_seek_tail': ['http://man7.org/linux/man-pages/man3/sd_journal_seek_tail.3.html'],
'sd_journal_send': ['http://man7.org/linux/man-pages/man3/sd_journal_send.3.html'],
'sd_journal_sendv': ['http://man7.org/linux/man-pages/man3/sd_journal_sendv.3.html'],
'sd_journal_set_data_threshold': ['http://man7.org/linux/man-pages/man3/sd_journal_set_data_threshold.3.html'],
'sd_journal_stream_fd': ['http://man7.org/linux/man-pages/man3/sd_journal_stream_fd.3.html'],
'sd_journal_suppress_location': ['http://man7.org/linux/man-pages/man3/sd_journal_suppress_location.3.html'],
'sd_journal_system': ['http://man7.org/linux/man-pages/man3/sd_journal_system.3.html'],
'sd_journal_test_cursor': ['http://man7.org/linux/man-pages/man3/sd_journal_test_cursor.3.html'],
'sd_journal_wait': ['http://man7.org/linux/man-pages/man3/sd_journal_wait.3.html'],
'sd_listen_fds': ['http://man7.org/linux/man-pages/man3/sd_listen_fds.3.html'],
'sd_listen_fds_start': ['http://man7.org/linux/man-pages/man3/sd_listen_fds_start.3.html'],
'sd_listen_fds_with_names': ['http://man7.org/linux/man-pages/man3/sd_listen_fds_with_names.3.html'],
'sd_login_monitor': ['http://man7.org/linux/man-pages/man3/sd_login_monitor.3.html'],
'sd_login_monitor_flush': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_flush.3.html'],
'sd_login_monitor_get_events': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_get_events.3.html'],
'sd_login_monitor_get_fd': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_get_fd.3.html'],
'sd_login_monitor_get_timeout': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_get_timeout.3.html'],
'sd_login_monitor_new': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_new.3.html'],
'sd_login_monitor_unref': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_unref.3.html'],
'sd_login_monitor_unrefp': ['http://man7.org/linux/man-pages/man3/sd_login_monitor_unrefp.3.html'],
'sd_machine_get_class': ['http://man7.org/linux/man-pages/man3/sd_machine_get_class.3.html'],
'sd_machine_get_ifindices': ['http://man7.org/linux/man-pages/man3/sd_machine_get_ifindices.3.html'],
'sd_notice': ['http://man7.org/linux/man-pages/man3/sd_notice.3.html'],
'sd_notify': ['http://man7.org/linux/man-pages/man3/sd_notify.3.html'],
'sd_notifyf': ['http://man7.org/linux/man-pages/man3/sd_notifyf.3.html'],
'sd_peer_get_cgroup': ['http://man7.org/linux/man-pages/man3/sd_peer_get_cgroup.3.html'],
'sd_peer_get_machine_name': ['http://man7.org/linux/man-pages/man3/sd_peer_get_machine_name.3.html'],
'sd_peer_get_owner_uid': ['http://man7.org/linux/man-pages/man3/sd_peer_get_owner_uid.3.html'],
'sd_peer_get_session': ['http://man7.org/linux/man-pages/man3/sd_peer_get_session.3.html'],
'sd_peer_get_slice': ['http://man7.org/linux/man-pages/man3/sd_peer_get_slice.3.html'],
'sd_peer_get_unit': ['http://man7.org/linux/man-pages/man3/sd_peer_get_unit.3.html'],
'sd_peer_get_user_slice': ['http://man7.org/linux/man-pages/man3/sd_peer_get_user_slice.3.html'],
'sd_peer_get_user_unit': ['http://man7.org/linux/man-pages/man3/sd_peer_get_user_unit.3.html'],
'sd_pid_get_cgroup': ['http://man7.org/linux/man-pages/man3/sd_pid_get_cgroup.3.html'],
'sd_pid_get_machine_name': ['http://man7.org/linux/man-pages/man3/sd_pid_get_machine_name.3.html'],
'sd_pid_get_owner_uid': ['http://man7.org/linux/man-pages/man3/sd_pid_get_owner_uid.3.html'],
'sd_pid_get_session': ['http://man7.org/linux/man-pages/man3/sd_pid_get_session.3.html'],
'sd_pid_get_slice': ['http://man7.org/linux/man-pages/man3/sd_pid_get_slice.3.html'],
'sd_pid_get_unit': ['http://man7.org/linux/man-pages/man3/sd_pid_get_unit.3.html'],
'sd_pid_get_user_slice': ['http://man7.org/linux/man-pages/man3/sd_pid_get_user_slice.3.html'],
'sd_pid_get_user_unit': ['http://man7.org/linux/man-pages/man3/sd_pid_get_user_unit.3.html'],
'sd_pid_notify': ['http://man7.org/linux/man-pages/man3/sd_pid_notify.3.html'],
'sd_pid_notify_with_fds': ['http://man7.org/linux/man-pages/man3/sd_pid_notify_with_fds.3.html'],
'sd_pid_notifyf': ['http://man7.org/linux/man-pages/man3/sd_pid_notifyf.3.html'],
'sd_seat_can_graphical': ['http://man7.org/linux/man-pages/man3/sd_seat_can_graphical.3.html'],
'sd_seat_can_multi_session': ['http://man7.org/linux/man-pages/man3/sd_seat_can_multi_session.3.html'],
'sd_seat_can_tty': ['http://man7.org/linux/man-pages/man3/sd_seat_can_tty.3.html'],
'sd_seat_get_active': ['http://man7.org/linux/man-pages/man3/sd_seat_get_active.3.html'],
'sd_seat_get_sessions': ['http://man7.org/linux/man-pages/man3/sd_seat_get_sessions.3.html'],
'sd_session_get_class': ['http://man7.org/linux/man-pages/man3/sd_session_get_class.3.html'],
'sd_session_get_desktop': ['http://man7.org/linux/man-pages/man3/sd_session_get_desktop.3.html'],
'sd_session_get_display': ['http://man7.org/linux/man-pages/man3/sd_session_get_display.3.html'],
'sd_session_get_remote_host': ['http://man7.org/linux/man-pages/man3/sd_session_get_remote_host.3.html'],
'sd_session_get_remote_user': ['http://man7.org/linux/man-pages/man3/sd_session_get_remote_user.3.html'],
'sd_session_get_seat': ['http://man7.org/linux/man-pages/man3/sd_session_get_seat.3.html'],
'sd_session_get_service': ['http://man7.org/linux/man-pages/man3/sd_session_get_service.3.html'],
'sd_session_get_state': ['http://man7.org/linux/man-pages/man3/sd_session_get_state.3.html'],
'sd_session_get_tty': ['http://man7.org/linux/man-pages/man3/sd_session_get_tty.3.html'],
'sd_session_get_type': ['http://man7.org/linux/man-pages/man3/sd_session_get_type.3.html'],
'sd_session_get_uid': ['http://man7.org/linux/man-pages/man3/sd_session_get_uid.3.html'],
'sd_session_get_vt': ['http://man7.org/linux/man-pages/man3/sd_session_get_vt.3.html'],
'sd_session_is_active': ['http://man7.org/linux/man-pages/man3/sd_session_is_active.3.html'],
'sd_session_is_remote': ['http://man7.org/linux/man-pages/man3/sd_session_is_remote.3.html'],
'sd_uid_get_display': ['http://man7.org/linux/man-pages/man3/sd_uid_get_display.3.html'],
'sd_uid_get_seats': ['http://man7.org/linux/man-pages/man3/sd_uid_get_seats.3.html'],
'sd_uid_get_sessions': ['http://man7.org/linux/man-pages/man3/sd_uid_get_sessions.3.html'],
'sd_uid_get_state': ['http://man7.org/linux/man-pages/man3/sd_uid_get_state.3.html'],
'sd_uid_is_on_seat': ['http://man7.org/linux/man-pages/man3/sd_uid_is_on_seat.3.html'],
'sd_warning': ['http://man7.org/linux/man-pages/man3/sd_warning.3.html'],
'sd_watchdog_enabled': ['http://man7.org/linux/man-pages/man3/sd_watchdog_enabled.3.html'],
'sdiff': ['http://man7.org/linux/man-pages/man1/sdiff.1.html'],
'search.h': ['http://man7.org/linux/man-pages/man0/search.h.0p.html'],
'seccomp': ['http://man7.org/linux/man-pages/man2/seccomp.2.html'],
'seccomp_api_get': ['http://man7.org/linux/man-pages/man3/seccomp_api_get.3.html'],
'seccomp_api_set': ['http://man7.org/linux/man-pages/man3/seccomp_api_set.3.html'],
'seccomp_arch_add': ['http://man7.org/linux/man-pages/man3/seccomp_arch_add.3.html'],
'seccomp_arch_exist': ['http://man7.org/linux/man-pages/man3/seccomp_arch_exist.3.html'],
'seccomp_arch_native': ['http://man7.org/linux/man-pages/man3/seccomp_arch_native.3.html'],
'seccomp_arch_remove': ['http://man7.org/linux/man-pages/man3/seccomp_arch_remove.3.html'],
'seccomp_arch_resolve_name': ['http://man7.org/linux/man-pages/man3/seccomp_arch_resolve_name.3.html'],
'seccomp_attr_get': ['http://man7.org/linux/man-pages/man3/seccomp_attr_get.3.html'],
'seccomp_attr_set': ['http://man7.org/linux/man-pages/man3/seccomp_attr_set.3.html'],
'seccomp_export_bpf': ['http://man7.org/linux/man-pages/man3/seccomp_export_bpf.3.html'],
'seccomp_export_pfc': ['http://man7.org/linux/man-pages/man3/seccomp_export_pfc.3.html'],
'seccomp_init': ['http://man7.org/linux/man-pages/man3/seccomp_init.3.html'],
'seccomp_load': ['http://man7.org/linux/man-pages/man3/seccomp_load.3.html'],
'seccomp_merge': ['http://man7.org/linux/man-pages/man3/seccomp_merge.3.html'],
'seccomp_release': ['http://man7.org/linux/man-pages/man3/seccomp_release.3.html'],
'seccomp_reset': ['http://man7.org/linux/man-pages/man3/seccomp_reset.3.html'],
'seccomp_rule_add': ['http://man7.org/linux/man-pages/man3/seccomp_rule_add.3.html'],
'seccomp_rule_add_array': ['http://man7.org/linux/man-pages/man3/seccomp_rule_add_array.3.html'],
'seccomp_rule_add_exact': ['http://man7.org/linux/man-pages/man3/seccomp_rule_add_exact.3.html'],
'seccomp_rule_add_exact_array': ['http://man7.org/linux/man-pages/man3/seccomp_rule_add_exact_array.3.html'],
'seccomp_syscall_priority': ['http://man7.org/linux/man-pages/man3/seccomp_syscall_priority.3.html'],
'seccomp_syscall_resolve_name': ['http://man7.org/linux/man-pages/man3/seccomp_syscall_resolve_name.3.html'],
'seccomp_syscall_resolve_name_arch': ['http://man7.org/linux/man-pages/man3/seccomp_syscall_resolve_name_arch.3.html'],
'seccomp_syscall_resolve_name_rewrite': ['http://man7.org/linux/man-pages/man3/seccomp_syscall_resolve_name_rewrite.3.html'],
'seccomp_syscall_resolve_num_arch': ['http://man7.org/linux/man-pages/man3/seccomp_syscall_resolve_num_arch.3.html'],
'seccomp_version': ['http://man7.org/linux/man-pages/man3/seccomp_version.3.html'],
'secolor.conf': ['http://man7.org/linux/man-pages/man5/secolor.conf.5.html'],
'secon': ['http://man7.org/linux/man-pages/man1/secon.1.html'],
'secure_getenv': ['http://man7.org/linux/man-pages/man3/secure_getenv.3.html'],
'securetty': ['http://man7.org/linux/man-pages/man5/securetty.5.html'],
'securetty_types': ['http://man7.org/linux/man-pages/man5/securetty_types.5.html'],
'security': ['http://man7.org/linux/man-pages/man2/security.2.html'],
'security_av_perm_to_string': ['http://man7.org/linux/man-pages/man3/security_av_perm_to_string.3.html'],
'security_av_string': ['http://man7.org/linux/man-pages/man3/security_av_string.3.html'],
'security_check_context': ['http://man7.org/linux/man-pages/man3/security_check_context.3.html'],
'security_check_context_raw': ['http://man7.org/linux/man-pages/man3/security_check_context_raw.3.html'],
'security_class_to_string': ['http://man7.org/linux/man-pages/man3/security_class_to_string.3.html'],
'security_commit_booleans': ['http://man7.org/linux/man-pages/man3/security_commit_booleans.3.html'],
'security_compute_av': ['http://man7.org/linux/man-pages/man3/security_compute_av.3.html'],
'security_compute_av_flags': ['http://man7.org/linux/man-pages/man3/security_compute_av_flags.3.html'],
'security_compute_av_flags_raw': ['http://man7.org/linux/man-pages/man3/security_compute_av_flags_raw.3.html'],
'security_compute_av_raw': ['http://man7.org/linux/man-pages/man3/security_compute_av_raw.3.html'],
'security_compute_create': ['http://man7.org/linux/man-pages/man3/security_compute_create.3.html'],
'security_compute_create_name': ['http://man7.org/linux/man-pages/man3/security_compute_create_name.3.html'],
'security_compute_create_name_raw': ['http://man7.org/linux/man-pages/man3/security_compute_create_name_raw.3.html'],
'security_compute_create_raw': ['http://man7.org/linux/man-pages/man3/security_compute_create_raw.3.html'],
'security_compute_member': ['http://man7.org/linux/man-pages/man3/security_compute_member.3.html'],
'security_compute_member_raw': ['http://man7.org/linux/man-pages/man3/security_compute_member_raw.3.html'],
'security_compute_relabel': ['http://man7.org/linux/man-pages/man3/security_compute_relabel.3.html'],
'security_compute_relabel_raw': ['http://man7.org/linux/man-pages/man3/security_compute_relabel_raw.3.html'],
'security_compute_user': ['http://man7.org/linux/man-pages/man3/security_compute_user.3.html'],
'security_compute_user_raw': ['http://man7.org/linux/man-pages/man3/security_compute_user_raw.3.html'],
'security_deny_unknown': ['http://man7.org/linux/man-pages/man3/security_deny_unknown.3.html'],
'security_disable': ['http://man7.org/linux/man-pages/man3/security_disable.3.html'],
'security_get_boolean_active': ['http://man7.org/linux/man-pages/man3/security_get_boolean_active.3.html'],
'security_get_boolean_names': ['http://man7.org/linux/man-pages/man3/security_get_boolean_names.3.html'],
'security_get_boolean_pending': ['http://man7.org/linux/man-pages/man3/security_get_boolean_pending.3.html'],
'security_get_initial_context': ['http://man7.org/linux/man-pages/man3/security_get_initial_context.3.html'],
'security_get_initial_context_raw': ['http://man7.org/linux/man-pages/man3/security_get_initial_context_raw.3.html'],
'security_getenforce': ['http://man7.org/linux/man-pages/man3/security_getenforce.3.html'],
'security_load_booleans': ['http://man7.org/linux/man-pages/man3/security_load_booleans.3.html'],
'security_load_policy': ['http://man7.org/linux/man-pages/man3/security_load_policy.3.html'],
'security_mkload_policy': ['http://man7.org/linux/man-pages/man3/security_mkload_policy.3.html'],
'security_policyvers': ['http://man7.org/linux/man-pages/man3/security_policyvers.3.html'],
'security_set_boolean': ['http://man7.org/linux/man-pages/man3/security_set_boolean.3.html'],
'security_setenforce': ['http://man7.org/linux/man-pages/man3/security_setenforce.3.html'],
'sed': ['http://man7.org/linux/man-pages/man1/sed.1.html',
'http://man7.org/linux/man-pages/man1/sed.1p.html'],
'seed48': ['http://man7.org/linux/man-pages/man3/seed48.3.html',
'http://man7.org/linux/man-pages/man3/seed48.3p.html'],
'seed48_r': ['http://man7.org/linux/man-pages/man3/seed48_r.3.html'],
'seekdir': ['http://man7.org/linux/man-pages/man3/seekdir.3.html',
'http://man7.org/linux/man-pages/man3/seekdir.3p.html'],
'sefcontext_compile': ['http://man7.org/linux/man-pages/man8/sefcontext_compile.8.html'],
'selabel_close': ['http://man7.org/linux/man-pages/man3/selabel_close.3.html'],
'selabel_db': ['http://man7.org/linux/man-pages/man5/selabel_db.5.html'],
'selabel_digest': ['http://man7.org/linux/man-pages/man3/selabel_digest.3.html'],
'selabel_file': ['http://man7.org/linux/man-pages/man5/selabel_file.5.html'],
'selabel_lookup': ['http://man7.org/linux/man-pages/man3/selabel_lookup.3.html'],
'selabel_lookup_best_match': ['http://man7.org/linux/man-pages/man3/selabel_lookup_best_match.3.html'],
'selabel_lookup_best_match_raw': ['http://man7.org/linux/man-pages/man3/selabel_lookup_best_match_raw.3.html'],
'selabel_lookup_raw': ['http://man7.org/linux/man-pages/man3/selabel_lookup_raw.3.html'],
'selabel_media': ['http://man7.org/linux/man-pages/man5/selabel_media.5.html'],
'selabel_open': ['http://man7.org/linux/man-pages/man3/selabel_open.3.html'],
'selabel_partial_match': ['http://man7.org/linux/man-pages/man3/selabel_partial_match.3.html'],
'selabel_stats': ['http://man7.org/linux/man-pages/man3/selabel_stats.3.html'],
'selabel_x': ['http://man7.org/linux/man-pages/man5/selabel_x.5.html'],
'select': ['http://man7.org/linux/man-pages/man2/select.2.html',
'http://man7.org/linux/man-pages/man3/select.3p.html'],
'select_tut': ['http://man7.org/linux/man-pages/man2/select_tut.2.html'],
'selinux': ['http://man7.org/linux/man-pages/man8/selinux.8.html'],
'selinux-polgengui': ['http://man7.org/linux/man-pages/man8/selinux-polgengui.8.html'],
'selinux_binary_policy_path': ['http://man7.org/linux/man-pages/man3/selinux_binary_policy_path.3.html'],
'selinux_boolean_sub': ['http://man7.org/linux/man-pages/man3/selinux_boolean_sub.3.html'],
'selinux_booleans_path': ['http://man7.org/linux/man-pages/man3/selinux_booleans_path.3.html'],
'selinux_check_access': ['http://man7.org/linux/man-pages/man3/selinux_check_access.3.html'],
'selinux_check_passwd_access': ['http://man7.org/linux/man-pages/man3/selinux_check_passwd_access.3.html'],
'selinux_check_securetty_context': ['http://man7.org/linux/man-pages/man3/selinux_check_securetty_context.3.html'],
'selinux_colors_path': ['http://man7.org/linux/man-pages/man3/selinux_colors_path.3.html'],
'selinux_config': ['http://man7.org/linux/man-pages/man5/selinux_config.5.html'],
'selinux_contexts_path': ['http://man7.org/linux/man-pages/man3/selinux_contexts_path.3.html'],
'selinux_current_policy_path': ['http://man7.org/linux/man-pages/man3/selinux_current_policy_path.3.html'],
'selinux_default_context_path': ['http://man7.org/linux/man-pages/man3/selinux_default_context_path.3.html'],
'selinux_default_type_path': ['http://man7.org/linux/man-pages/man3/selinux_default_type_path.3.html'],
'selinux_failsafe_context_path': ['http://man7.org/linux/man-pages/man3/selinux_failsafe_context_path.3.html'],
'selinux_file_context_cmp': ['http://man7.org/linux/man-pages/man3/selinux_file_context_cmp.3.html'],
'selinux_file_context_homedir_path': ['http://man7.org/linux/man-pages/man3/selinux_file_context_homedir_path.3.html'],
'selinux_file_context_local_path': ['http://man7.org/linux/man-pages/man3/selinux_file_context_local_path.3.html'],
'selinux_file_context_path': ['http://man7.org/linux/man-pages/man3/selinux_file_context_path.3.html'],
'selinux_file_context_verify': ['http://man7.org/linux/man-pages/man3/selinux_file_context_verify.3.html'],
'selinux_getenforcemode': ['http://man7.org/linux/man-pages/man3/selinux_getenforcemode.3.html'],
'selinux_getpolicytype': ['http://man7.org/linux/man-pages/man3/selinux_getpolicytype.3.html'],
'selinux_homedir_context_path': ['http://man7.org/linux/man-pages/man3/selinux_homedir_context_path.3.html'],
'selinux_init_load_policy': ['http://man7.org/linux/man-pages/man3/selinux_init_load_policy.3.html'],
'selinux_lsetfilecon_default': ['http://man7.org/linux/man-pages/man3/selinux_lsetfilecon_default.3.html'],
'selinux_media_context_path': ['http://man7.org/linux/man-pages/man3/selinux_media_context_path.3.html'],
'selinux_mkload_policy': ['http://man7.org/linux/man-pages/man3/selinux_mkload_policy.3.html'],
'selinux_netfilter_context_path': ['http://man7.org/linux/man-pages/man3/selinux_netfilter_context_path.3.html'],
'selinux_path': ['http://man7.org/linux/man-pages/man3/selinux_path.3.html'],
'selinux_policy_root': ['http://man7.org/linux/man-pages/man3/selinux_policy_root.3.html'],
'selinux_raw_context_to_color': ['http://man7.org/linux/man-pages/man3/selinux_raw_context_to_color.3.html'],
'selinux_removable_context_path': ['http://man7.org/linux/man-pages/man3/selinux_removable_context_path.3.html'],
'selinux_restorecon': ['http://man7.org/linux/man-pages/man3/selinux_restorecon.3.html'],
'selinux_restorecon_default_handle': ['http://man7.org/linux/man-pages/man3/selinux_restorecon_default_handle.3.html'],
'selinux_restorecon_set_alt_rootpath': ['http://man7.org/linux/man-pages/man3/selinux_restorecon_set_alt_rootpath.3.html'],
'selinux_restorecon_set_exclude_list': ['http://man7.org/linux/man-pages/man3/selinux_restorecon_set_exclude_list.3.html'],
'selinux_restorecon_set_sehandle': ['http://man7.org/linux/man-pages/man3/selinux_restorecon_set_sehandle.3.html'],
'selinux_restorecon_xattr': ['http://man7.org/linux/man-pages/man3/selinux_restorecon_xattr.3.html'],
'selinux_securetty_types_path': ['http://man7.org/linux/man-pages/man3/selinux_securetty_types_path.3.html'],
'selinux_set_callback': ['http://man7.org/linux/man-pages/man3/selinux_set_callback.3.html'],
'selinux_set_mapping': ['http://man7.org/linux/man-pages/man3/selinux_set_mapping.3.html'],
'selinux_set_policy_root': ['http://man7.org/linux/man-pages/man3/selinux_set_policy_root.3.html'],
'selinux_status_close': ['http://man7.org/linux/man-pages/man3/selinux_status_close.3.html'],
'selinux_status_deny_unknown': ['http://man7.org/linux/man-pages/man3/selinux_status_deny_unknown.3.html'],
'selinux_status_getenforce': ['http://man7.org/linux/man-pages/man3/selinux_status_getenforce.3.html'],
'selinux_status_open': ['http://man7.org/linux/man-pages/man3/selinux_status_open.3.html'],
'selinux_status_policyload': ['http://man7.org/linux/man-pages/man3/selinux_status_policyload.3.html'],
'selinux_status_updated': ['http://man7.org/linux/man-pages/man3/selinux_status_updated.3.html'],
'selinux_user_contexts_path': ['http://man7.org/linux/man-pages/man3/selinux_user_contexts_path.3.html'],
'selinux_usersconf_path': ['http://man7.org/linux/man-pages/man3/selinux_usersconf_path.3.html'],
'selinux_x_context_path': ['http://man7.org/linux/man-pages/man3/selinux_x_context_path.3.html'],
'selinuxenabled': ['http://man7.org/linux/man-pages/man8/selinuxenabled.8.html'],
'selinuxexeccon': ['http://man7.org/linux/man-pages/man8/selinuxexeccon.8.html'],
'sem_close': ['http://man7.org/linux/man-pages/man3/sem_close.3.html',
'http://man7.org/linux/man-pages/man3/sem_close.3p.html'],
'sem_destroy': ['http://man7.org/linux/man-pages/man3/sem_destroy.3.html',
'http://man7.org/linux/man-pages/man3/sem_destroy.3p.html'],
'sem_getvalue': ['http://man7.org/linux/man-pages/man3/sem_getvalue.3.html',
'http://man7.org/linux/man-pages/man3/sem_getvalue.3p.html'],
'sem_init': ['http://man7.org/linux/man-pages/man3/sem_init.3.html',
'http://man7.org/linux/man-pages/man3/sem_init.3p.html'],
'sem_open': ['http://man7.org/linux/man-pages/man3/sem_open.3.html',
'http://man7.org/linux/man-pages/man3/sem_open.3p.html'],
'sem_overview': ['http://man7.org/linux/man-pages/man7/sem_overview.7.html'],
'sem_post': ['http://man7.org/linux/man-pages/man3/sem_post.3.html',
'http://man7.org/linux/man-pages/man3/sem_post.3p.html'],
'sem_timedwait': ['http://man7.org/linux/man-pages/man3/sem_timedwait.3.html',
'http://man7.org/linux/man-pages/man3/sem_timedwait.3p.html'],
'sem_trywait': ['http://man7.org/linux/man-pages/man3/sem_trywait.3.html',
'http://man7.org/linux/man-pages/man3/sem_trywait.3p.html'],
'sem_unlink': ['http://man7.org/linux/man-pages/man3/sem_unlink.3.html',
'http://man7.org/linux/man-pages/man3/sem_unlink.3p.html'],
'sem_wait': ['http://man7.org/linux/man-pages/man3/sem_wait.3.html',
'http://man7.org/linux/man-pages/man3/sem_wait.3p.html'],
'semanage': ['http://man7.org/linux/man-pages/man8/semanage.8.html'],
'semanage-boolean': ['http://man7.org/linux/man-pages/man8/semanage-boolean.8.html'],
'semanage-dontaudit': ['http://man7.org/linux/man-pages/man8/semanage-dontaudit.8.html'],
'semanage-export': ['http://man7.org/linux/man-pages/man8/semanage-export.8.html'],
'semanage-fcontext': ['http://man7.org/linux/man-pages/man8/semanage-fcontext.8.html'],
'semanage-ibendport': ['http://man7.org/linux/man-pages/man8/semanage-ibendport.8.html'],
'semanage-ibpkey': ['http://man7.org/linux/man-pages/man8/semanage-ibpkey.8.html'],
'semanage-import': ['http://man7.org/linux/man-pages/man8/semanage-import.8.html'],
'semanage-interface': ['http://man7.org/linux/man-pages/man8/semanage-interface.8.html'],
'semanage-login': ['http://man7.org/linux/man-pages/man8/semanage-login.8.html'],
'semanage-module': ['http://man7.org/linux/man-pages/man8/semanage-module.8.html'],
'semanage-node': ['http://man7.org/linux/man-pages/man8/semanage-node.8.html'],
'semanage-permissive': ['http://man7.org/linux/man-pages/man8/semanage-permissive.8.html'],
'semanage-port': ['http://man7.org/linux/man-pages/man8/semanage-port.8.html'],
'semanage-user': ['http://man7.org/linux/man-pages/man8/semanage-user.8.html'],
'semanage.conf': ['http://man7.org/linux/man-pages/man5/semanage.conf.5.html'],
'semanage_bool': ['http://man7.org/linux/man-pages/man3/semanage_bool.3.html'],
'semanage_bool_count': ['http://man7.org/linux/man-pages/man3/semanage_bool_count.3.html'],
'semanage_bool_count_active': ['http://man7.org/linux/man-pages/man3/semanage_bool_count_active.3.html'],
'semanage_bool_count_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_count_local.3.html'],
'semanage_bool_del_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_del_local.3.html'],
'semanage_bool_exists': ['http://man7.org/linux/man-pages/man3/semanage_bool_exists.3.html'],
'semanage_bool_exists_active': ['http://man7.org/linux/man-pages/man3/semanage_bool_exists_active.3.html'],
'semanage_bool_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_exists_local.3.html'],
'semanage_bool_iterate': ['http://man7.org/linux/man-pages/man3/semanage_bool_iterate.3.html'],
'semanage_bool_iterate_active': ['http://man7.org/linux/man-pages/man3/semanage_bool_iterate_active.3.html'],
'semanage_bool_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_iterate_local.3.html'],
'semanage_bool_list': ['http://man7.org/linux/man-pages/man3/semanage_bool_list.3.html'],
'semanage_bool_list_active': ['http://man7.org/linux/man-pages/man3/semanage_bool_list_active.3.html'],
'semanage_bool_list_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_list_local.3.html'],
'semanage_bool_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_modify_local.3.html'],
'semanage_bool_query': ['http://man7.org/linux/man-pages/man3/semanage_bool_query.3.html'],
'semanage_bool_query_active': ['http://man7.org/linux/man-pages/man3/semanage_bool_query_active.3.html'],
'semanage_bool_query_local': ['http://man7.org/linux/man-pages/man3/semanage_bool_query_local.3.html'],
'semanage_bool_set_active': ['http://man7.org/linux/man-pages/man3/semanage_bool_set_active.3.html'],
'semanage_count': ['http://man7.org/linux/man-pages/man3/semanage_count.3.html'],
'semanage_del': ['http://man7.org/linux/man-pages/man3/semanage_del.3.html'],
'semanage_exists': ['http://man7.org/linux/man-pages/man3/semanage_exists.3.html'],
'semanage_fcontext': ['http://man7.org/linux/man-pages/man3/semanage_fcontext.3.html'],
'semanage_fcontext_count': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_count.3.html'],
'semanage_fcontext_count_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_count_local.3.html'],
'semanage_fcontext_del_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_del_local.3.html'],
'semanage_fcontext_exists': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_exists.3.html'],
'semanage_fcontext_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_exists_local.3.html'],
'semanage_fcontext_iterate': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_iterate.3.html'],
'semanage_fcontext_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_iterate_local.3.html'],
'semanage_fcontext_list': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_list.3.html'],
'semanage_fcontext_list_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_list_local.3.html'],
'semanage_fcontext_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_modify_local.3.html'],
'semanage_fcontext_query': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_query.3.html'],
'semanage_fcontext_query_local': ['http://man7.org/linux/man-pages/man3/semanage_fcontext_query_local.3.html'],
'semanage_iface': ['http://man7.org/linux/man-pages/man3/semanage_iface.3.html'],
'semanage_iface_count': ['http://man7.org/linux/man-pages/man3/semanage_iface_count.3.html'],
'semanage_iface_count_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_count_local.3.html'],
'semanage_iface_del_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_del_local.3.html'],
'semanage_iface_exists': ['http://man7.org/linux/man-pages/man3/semanage_iface_exists.3.html'],
'semanage_iface_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_exists_local.3.html'],
'semanage_iface_iterate': ['http://man7.org/linux/man-pages/man3/semanage_iface_iterate.3.html'],
'semanage_iface_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_iterate_local.3.html'],
'semanage_iface_list': ['http://man7.org/linux/man-pages/man3/semanage_iface_list.3.html'],
'semanage_iface_list_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_list_local.3.html'],
'semanage_iface_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_modify_local.3.html'],
'semanage_iface_query': ['http://man7.org/linux/man-pages/man3/semanage_iface_query.3.html'],
'semanage_iface_query_local': ['http://man7.org/linux/man-pages/man3/semanage_iface_query_local.3.html'],
'semanage_iterate': ['http://man7.org/linux/man-pages/man3/semanage_iterate.3.html'],
'semanage_list': ['http://man7.org/linux/man-pages/man3/semanage_list.3.html'],
'semanage_modify': ['http://man7.org/linux/man-pages/man3/semanage_modify.3.html'],
'semanage_node': ['http://man7.org/linux/man-pages/man3/semanage_node.3.html'],
'semanage_node_count': ['http://man7.org/linux/man-pages/man3/semanage_node_count.3.html'],
'semanage_node_count_local': ['http://man7.org/linux/man-pages/man3/semanage_node_count_local.3.html'],
'semanage_node_del_local': ['http://man7.org/linux/man-pages/man3/semanage_node_del_local.3.html'],
'semanage_node_exists': ['http://man7.org/linux/man-pages/man3/semanage_node_exists.3.html'],
'semanage_node_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_node_exists_local.3.html'],
'semanage_node_iterate': ['http://man7.org/linux/man-pages/man3/semanage_node_iterate.3.html'],
'semanage_node_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_node_iterate_local.3.html'],
'semanage_node_list': ['http://man7.org/linux/man-pages/man3/semanage_node_list.3.html'],
'semanage_node_list_local': ['http://man7.org/linux/man-pages/man3/semanage_node_list_local.3.html'],
'semanage_node_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_node_modify_local.3.html'],
'semanage_node_query': ['http://man7.org/linux/man-pages/man3/semanage_node_query.3.html'],
'semanage_node_query_local': ['http://man7.org/linux/man-pages/man3/semanage_node_query_local.3.html'],
'semanage_port': ['http://man7.org/linux/man-pages/man3/semanage_port.3.html'],
'semanage_port_count': ['http://man7.org/linux/man-pages/man3/semanage_port_count.3.html'],
'semanage_port_count_local': ['http://man7.org/linux/man-pages/man3/semanage_port_count_local.3.html'],
'semanage_port_del_local': ['http://man7.org/linux/man-pages/man3/semanage_port_del_local.3.html'],
'semanage_port_exists': ['http://man7.org/linux/man-pages/man3/semanage_port_exists.3.html'],
'semanage_port_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_port_exists_local.3.html'],
'semanage_port_iterate': ['http://man7.org/linux/man-pages/man3/semanage_port_iterate.3.html'],
'semanage_port_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_port_iterate_local.3.html'],
'semanage_port_list': ['http://man7.org/linux/man-pages/man3/semanage_port_list.3.html'],
'semanage_port_list_local': ['http://man7.org/linux/man-pages/man3/semanage_port_list_local.3.html'],
'semanage_port_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_port_modify_local.3.html'],
'semanage_port_query': ['http://man7.org/linux/man-pages/man3/semanage_port_query.3.html'],
'semanage_port_query_local': ['http://man7.org/linux/man-pages/man3/semanage_port_query_local.3.html'],
'semanage_query': ['http://man7.org/linux/man-pages/man3/semanage_query.3.html'],
'semanage_root': ['http://man7.org/linux/man-pages/man3/semanage_root.3.html'],
'semanage_set_root': ['http://man7.org/linux/man-pages/man3/semanage_set_root.3.html'],
'semanage_seuser': ['http://man7.org/linux/man-pages/man3/semanage_seuser.3.html'],
'semanage_seuser_count': ['http://man7.org/linux/man-pages/man3/semanage_seuser_count.3.html'],
'semanage_seuser_count_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_count_local.3.html'],
'semanage_seuser_del_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_del_local.3.html'],
'semanage_seuser_exists': ['http://man7.org/linux/man-pages/man3/semanage_seuser_exists.3.html'],
'semanage_seuser_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_exists_local.3.html'],
'semanage_seuser_iterate': ['http://man7.org/linux/man-pages/man3/semanage_seuser_iterate.3.html'],
'semanage_seuser_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_iterate_local.3.html'],
'semanage_seuser_list': ['http://man7.org/linux/man-pages/man3/semanage_seuser_list.3.html'],
'semanage_seuser_list_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_list_local.3.html'],
'semanage_seuser_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_modify_local.3.html'],
'semanage_seuser_query': ['http://man7.org/linux/man-pages/man3/semanage_seuser_query.3.html'],
'semanage_seuser_query_local': ['http://man7.org/linux/man-pages/man3/semanage_seuser_query_local.3.html'],
'semanage_user': ['http://man7.org/linux/man-pages/man3/semanage_user.3.html'],
'semanage_user_count': ['http://man7.org/linux/man-pages/man3/semanage_user_count.3.html'],
'semanage_user_count_local': ['http://man7.org/linux/man-pages/man3/semanage_user_count_local.3.html'],
'semanage_user_del_local': ['http://man7.org/linux/man-pages/man3/semanage_user_del_local.3.html'],
'semanage_user_exists': ['http://man7.org/linux/man-pages/man3/semanage_user_exists.3.html'],
'semanage_user_exists_local': ['http://man7.org/linux/man-pages/man3/semanage_user_exists_local.3.html'],
'semanage_user_iterate': ['http://man7.org/linux/man-pages/man3/semanage_user_iterate.3.html'],
'semanage_user_iterate_local': ['http://man7.org/linux/man-pages/man3/semanage_user_iterate_local.3.html'],
'semanage_user_list': ['http://man7.org/linux/man-pages/man3/semanage_user_list.3.html'],
'semanage_user_list_local': ['http://man7.org/linux/man-pages/man3/semanage_user_list_local.3.html'],
'semanage_user_modify_local': ['http://man7.org/linux/man-pages/man3/semanage_user_modify_local.3.html'],
'semanage_user_query': ['http://man7.org/linux/man-pages/man3/semanage_user_query.3.html'],
'semanage_user_query_local': ['http://man7.org/linux/man-pages/man3/semanage_user_query_local.3.html'],
'semaphore.h': ['http://man7.org/linux/man-pages/man0/semaphore.h.0p.html'],
'semctl': ['http://man7.org/linux/man-pages/man2/semctl.2.html',
'http://man7.org/linux/man-pages/man3/semctl.3p.html'],
'semget': ['http://man7.org/linux/man-pages/man2/semget.2.html',
'http://man7.org/linux/man-pages/man3/semget.3p.html'],
'semodule': ['http://man7.org/linux/man-pages/man8/semodule.8.html'],
'semodule_expand': ['http://man7.org/linux/man-pages/man8/semodule_expand.8.html'],
'semodule_link': ['http://man7.org/linux/man-pages/man8/semodule_link.8.html'],
'semodule_package': ['http://man7.org/linux/man-pages/man8/semodule_package.8.html'],
'semodule_unpackage': ['http://man7.org/linux/man-pages/man8/semodule_unpackage.8.html'],
'semop': ['http://man7.org/linux/man-pages/man2/semop.2.html',
'http://man7.org/linux/man-pages/man3/semop.3p.html'],
'semtimedop': ['http://man7.org/linux/man-pages/man2/semtimedop.2.html'],
'send': ['http://man7.org/linux/man-pages/man2/send.2.html',
'http://man7.org/linux/man-pages/man3/send.3p.html'],
'sendfile': ['http://man7.org/linux/man-pages/man2/sendfile.2.html'],
'sendfile64': ['http://man7.org/linux/man-pages/man2/sendfile64.2.html'],
'sendmmsg': ['http://man7.org/linux/man-pages/man2/sendmmsg.2.html'],
'sendmsg': ['http://man7.org/linux/man-pages/man2/sendmsg.2.html',
'http://man7.org/linux/man-pages/man3/sendmsg.3p.html'],
'sendto': ['http://man7.org/linux/man-pages/man2/sendto.2.html',
'http://man7.org/linux/man-pages/man3/sendto.3p.html'],
'sepermit.conf': ['http://man7.org/linux/man-pages/man5/sepermit.conf.5.html'],
'sepgsql_contexts': ['http://man7.org/linux/man-pages/man5/sepgsql_contexts.5.html'],
'sepol_check_context': ['http://man7.org/linux/man-pages/man3/sepol_check_context.3.html'],
'sepol_genbools': ['http://man7.org/linux/man-pages/man3/sepol_genbools.3.html'],
'sepol_genusers': ['http://man7.org/linux/man-pages/man3/sepol_genusers.3.html'],
'sepolgen': ['http://man7.org/linux/man-pages/man8/sepolgen.8.html'],
'sepolicy': ['http://man7.org/linux/man-pages/man8/sepolicy.8.html'],
'sepolicy-booleans': ['http://man7.org/linux/man-pages/man8/sepolicy-booleans.8.html'],
'sepolicy-communicate': ['http://man7.org/linux/man-pages/man8/sepolicy-communicate.8.html'],
'sepolicy-generate': ['http://man7.org/linux/man-pages/man8/sepolicy-generate.8.html'],
'sepolicy-gui': ['http://man7.org/linux/man-pages/man8/sepolicy-gui.8.html'],
'sepolicy-interface': ['http://man7.org/linux/man-pages/man8/sepolicy-interface.8.html'],
'sepolicy-manpage': ['http://man7.org/linux/man-pages/man8/sepolicy-manpage.8.html'],
'sepolicy-network': ['http://man7.org/linux/man-pages/man8/sepolicy-network.8.html'],
'sepolicy-transition': ['http://man7.org/linux/man-pages/man8/sepolicy-transition.8.html'],
'seq': ['http://man7.org/linux/man-pages/man1/seq.1.html'],
'service_seusers': ['http://man7.org/linux/man-pages/man5/service_seusers.5.html'],
'services': ['http://man7.org/linux/man-pages/man5/services.5.html'],
'session-keyring': ['http://man7.org/linux/man-pages/man7/session-keyring.7.html'],
'sestatus': ['http://man7.org/linux/man-pages/man8/sestatus.8.html'],
'sestatus.conf': ['http://man7.org/linux/man-pages/man5/sestatus.conf.5.html'],
'set': ['http://man7.org/linux/man-pages/man1/set.1p.html'],
'set_aumessage_mode': ['http://man7.org/linux/man-pages/man3/set_aumessage_mode.3.html'],
'set_curterm': ['http://man7.org/linux/man-pages/man3/set_curterm.3x.html'],
'set_field_just': ['http://man7.org/linux/man-pages/man3/set_field_just.3x.html'],
'set_field_opts': ['http://man7.org/linux/man-pages/man3/set_field_opts.3x.html'],
'set_field_userptr': ['http://man7.org/linux/man-pages/man3/set_field_userptr.3x.html'],
'set_form_opts': ['http://man7.org/linux/man-pages/man3/set_form_opts.3x.html'],
'set_form_userptr': ['http://man7.org/linux/man-pages/man3/set_form_userptr.3x.html'],
'set_item_opts': ['http://man7.org/linux/man-pages/man3/set_item_opts.3x.html'],
'set_item_userptr': ['http://man7.org/linux/man-pages/man3/set_item_userptr.3x.html'],
'set_item_value': ['http://man7.org/linux/man-pages/man3/set_item_value.3x.html'],
'set_matchpathcon_flags': ['http://man7.org/linux/man-pages/man3/set_matchpathcon_flags.3.html'],
'set_matchpathcon_invalidcon': ['http://man7.org/linux/man-pages/man3/set_matchpathcon_invalidcon.3.html'],
'set_matchpathcon_printf': ['http://man7.org/linux/man-pages/man3/set_matchpathcon_printf.3.html'],
'set_mempolicy': ['http://man7.org/linux/man-pages/man2/set_mempolicy.2.html'],
'set_menu_back': ['http://man7.org/linux/man-pages/man3/set_menu_back.3x.html'],
'set_menu_fore': ['http://man7.org/linux/man-pages/man3/set_menu_fore.3x.html'],
'set_menu_format': ['http://man7.org/linux/man-pages/man3/set_menu_format.3x.html'],
'set_menu_grey': ['http://man7.org/linux/man-pages/man3/set_menu_grey.3x.html'],
'set_menu_items': ['http://man7.org/linux/man-pages/man3/set_menu_items.3x.html'],
'set_menu_mark': ['http://man7.org/linux/man-pages/man3/set_menu_mark.3x.html'],
'set_menu_opts': ['http://man7.org/linux/man-pages/man3/set_menu_opts.3x.html'],
'set_menu_pad': ['http://man7.org/linux/man-pages/man3/set_menu_pad.3x.html'],
'set_menu_pattern': ['http://man7.org/linux/man-pages/man3/set_menu_pattern.3x.html'],
'set_menu_spacing': ['http://man7.org/linux/man-pages/man3/set_menu_spacing.3x.html'],
'set_menu_userptr': ['http://man7.org/linux/man-pages/man3/set_menu_userptr.3x.html'],
'set_message_mode': ['http://man7.org/linux/man-pages/man3/set_message_mode.3.html'],
'set_new_page': ['http://man7.org/linux/man-pages/man3/set_new_page.3x.html'],
'set_robust_list': ['http://man7.org/linux/man-pages/man2/set_robust_list.2.html'],
'set_selinuxmnt': ['http://man7.org/linux/man-pages/man3/set_selinuxmnt.3.html'],
'set_term': ['http://man7.org/linux/man-pages/man3/set_term.3x.html'],
'set_thread_area': ['http://man7.org/linux/man-pages/man2/set_thread_area.2.html'],
'set_tid_address': ['http://man7.org/linux/man-pages/man2/set_tid_address.2.html'],
'setaliasent': ['http://man7.org/linux/man-pages/man3/setaliasent.3.html'],
'setarch': ['http://man7.org/linux/man-pages/man8/setarch.8.html'],
'setbuf': ['http://man7.org/linux/man-pages/man3/setbuf.3.html',
'http://man7.org/linux/man-pages/man3/setbuf.3p.html'],
'setbuffer': ['http://man7.org/linux/man-pages/man3/setbuffer.3.html'],
'setcap': ['http://man7.org/linux/man-pages/man8/setcap.8.html'],
'setcchar': ['http://man7.org/linux/man-pages/man3/setcchar.3x.html'],
'setcon': ['http://man7.org/linux/man-pages/man3/setcon.3.html'],
'setcon_raw': ['http://man7.org/linux/man-pages/man3/setcon_raw.3.html'],
'setcontext': ['http://man7.org/linux/man-pages/man2/setcontext.2.html',
'http://man7.org/linux/man-pages/man3/setcontext.3.html'],
'setdomainname': ['http://man7.org/linux/man-pages/man2/setdomainname.2.html'],
'setegid': ['http://man7.org/linux/man-pages/man2/setegid.2.html',
'http://man7.org/linux/man-pages/man3/setegid.3p.html'],
'setenforce': ['http://man7.org/linux/man-pages/man8/setenforce.8.html'],
'setenv': ['http://man7.org/linux/man-pages/man3/setenv.3.html',
'http://man7.org/linux/man-pages/man3/setenv.3p.html'],
'seteuid': ['http://man7.org/linux/man-pages/man2/seteuid.2.html',
'http://man7.org/linux/man-pages/man3/seteuid.3p.html'],
'setexeccon': ['http://man7.org/linux/man-pages/man3/setexeccon.3.html'],
'setexeccon_raw': ['http://man7.org/linux/man-pages/man3/setexeccon_raw.3.html'],
'setfacl': ['http://man7.org/linux/man-pages/man1/setfacl.1.html'],
'setfattr': ['http://man7.org/linux/man-pages/man1/setfattr.1.html'],
'setfilecon': ['http://man7.org/linux/man-pages/man3/setfilecon.3.html'],
'setfilecon_raw': ['http://man7.org/linux/man-pages/man3/setfilecon_raw.3.html'],
'setfiles': ['http://man7.org/linux/man-pages/man8/setfiles.8.html'],
'setfont': ['http://man7.org/linux/man-pages/man8/setfont.8.html'],
'setfscreatecon': ['http://man7.org/linux/man-pages/man3/setfscreatecon.3.html'],
'setfscreatecon_raw': ['http://man7.org/linux/man-pages/man3/setfscreatecon_raw.3.html'],
'setfsent': ['http://man7.org/linux/man-pages/man3/setfsent.3.html'],
'setfsgid': ['http://man7.org/linux/man-pages/man2/setfsgid.2.html'],
'setfsgid32': ['http://man7.org/linux/man-pages/man2/setfsgid32.2.html'],
'setfsuid': ['http://man7.org/linux/man-pages/man2/setfsuid.2.html'],
'setfsuid32': ['http://man7.org/linux/man-pages/man2/setfsuid32.2.html'],
'setgid': ['http://man7.org/linux/man-pages/man2/setgid.2.html',
'http://man7.org/linux/man-pages/man3/setgid.3p.html'],
'setgid32': ['http://man7.org/linux/man-pages/man2/setgid32.2.html'],
'setgrent': ['http://man7.org/linux/man-pages/man3/setgrent.3.html',
'http://man7.org/linux/man-pages/man3/setgrent.3p.html'],
'setgroups': ['http://man7.org/linux/man-pages/man2/setgroups.2.html'],
'setgroups32': ['http://man7.org/linux/man-pages/man2/setgroups32.2.html'],
'sethostent': ['http://man7.org/linux/man-pages/man3/sethostent.3.html',
'http://man7.org/linux/man-pages/man3/sethostent.3p.html'],
'sethostid': ['http://man7.org/linux/man-pages/man2/sethostid.2.html',
'http://man7.org/linux/man-pages/man3/sethostid.3.html'],
'sethostname': ['http://man7.org/linux/man-pages/man2/sethostname.2.html'],
'setitimer': ['http://man7.org/linux/man-pages/man2/setitimer.2.html',
'http://man7.org/linux/man-pages/man3/setitimer.3p.html'],
'setjmp': ['http://man7.org/linux/man-pages/man3/setjmp.3.html',
'http://man7.org/linux/man-pages/man3/setjmp.3p.html'],
'setjmp.h': ['http://man7.org/linux/man-pages/man0/setjmp.h.0p.html'],
'setkey': ['http://man7.org/linux/man-pages/man3/setkey.3.html',
'http://man7.org/linux/man-pages/man3/setkey.3p.html'],
'setkey_r': ['http://man7.org/linux/man-pages/man3/setkey_r.3.html'],
'setkeycodes': ['http://man7.org/linux/man-pages/man8/setkeycodes.8.html'],
'setkeycreatecon': ['http://man7.org/linux/man-pages/man3/setkeycreatecon.3.html'],
'setkeycreatecon_raw': ['http://man7.org/linux/man-pages/man3/setkeycreatecon_raw.3.html'],
'setleds': ['http://man7.org/linux/man-pages/man1/setleds.1.html'],
'setlinebuf': ['http://man7.org/linux/man-pages/man3/setlinebuf.3.html'],
'setlocale': ['http://man7.org/linux/man-pages/man3/setlocale.3.html',
'http://man7.org/linux/man-pages/man3/setlocale.3p.html'],
'setlogmask': ['http://man7.org/linux/man-pages/man3/setlogmask.3.html',
'http://man7.org/linux/man-pages/man3/setlogmask.3p.html'],
'setmetamode': ['http://man7.org/linux/man-pages/man1/setmetamode.1.html'],
'setmntent': ['http://man7.org/linux/man-pages/man3/setmntent.3.html'],
'setnetent': ['http://man7.org/linux/man-pages/man3/setnetent.3.html',
'http://man7.org/linux/man-pages/man3/setnetent.3p.html'],
'setnetgrent': ['http://man7.org/linux/man-pages/man3/setnetgrent.3.html'],
'setns': ['http://man7.org/linux/man-pages/man2/setns.2.html'],
'setpci': ['http://man7.org/linux/man-pages/man8/setpci.8.html'],
'setpgid': ['http://man7.org/linux/man-pages/man2/setpgid.2.html',
'http://man7.org/linux/man-pages/man3/setpgid.3p.html'],
'setpgrp': ['http://man7.org/linux/man-pages/man2/setpgrp.2.html',
'http://man7.org/linux/man-pages/man3/setpgrp.3p.html'],
'setpriority': ['http://man7.org/linux/man-pages/man2/setpriority.2.html',
'http://man7.org/linux/man-pages/man3/setpriority.3p.html'],
'setpriv': ['http://man7.org/linux/man-pages/man1/setpriv.1.html'],
'setprotoent': ['http://man7.org/linux/man-pages/man3/setprotoent.3.html',
'http://man7.org/linux/man-pages/man3/setprotoent.3p.html'],
'setpwent': ['http://man7.org/linux/man-pages/man3/setpwent.3.html',
'http://man7.org/linux/man-pages/man3/setpwent.3p.html'],
'setquota': ['http://man7.org/linux/man-pages/man8/setquota.8.html'],
'setrans.conf': ['http://man7.org/linux/man-pages/man8/setrans.conf.8.html'],
'setregid': ['http://man7.org/linux/man-pages/man2/setregid.2.html',
'http://man7.org/linux/man-pages/man3/setregid.3p.html'],
'setregid32': ['http://man7.org/linux/man-pages/man2/setregid32.2.html'],
'setresgid': ['http://man7.org/linux/man-pages/man2/setresgid.2.html'],
'setresgid32': ['http://man7.org/linux/man-pages/man2/setresgid32.2.html'],
'setresuid': ['http://man7.org/linux/man-pages/man2/setresuid.2.html'],
'setresuid32': ['http://man7.org/linux/man-pages/man2/setresuid32.2.html'],
'setreuid': ['http://man7.org/linux/man-pages/man2/setreuid.2.html',
'http://man7.org/linux/man-pages/man3/setreuid.3p.html'],
'setreuid32': ['http://man7.org/linux/man-pages/man2/setreuid32.2.html'],
'setrlimit': ['http://man7.org/linux/man-pages/man2/setrlimit.2.html',
'http://man7.org/linux/man-pages/man3/setrlimit.3p.html'],
'setrpcent': ['http://man7.org/linux/man-pages/man3/setrpcent.3.html'],
'setscrreg': ['http://man7.org/linux/man-pages/man3/setscrreg.3x.html'],
'setsebool': ['http://man7.org/linux/man-pages/man8/setsebool.8.html'],
'setservent': ['http://man7.org/linux/man-pages/man3/setservent.3.html',
'http://man7.org/linux/man-pages/man3/setservent.3p.html'],
'setsid': ['http://man7.org/linux/man-pages/man1/setsid.1.html',
'http://man7.org/linux/man-pages/man2/setsid.2.html',
'http://man7.org/linux/man-pages/man3/setsid.3p.html'],
'setsockcreatecon': ['http://man7.org/linux/man-pages/man3/setsockcreatecon.3.html'],
'setsockcreatecon_raw': ['http://man7.org/linux/man-pages/man3/setsockcreatecon_raw.3.html'],
'setsockopt': ['http://man7.org/linux/man-pages/man2/setsockopt.2.html',
'http://man7.org/linux/man-pages/man3/setsockopt.3p.html'],
'setspent': ['http://man7.org/linux/man-pages/man3/setspent.3.html'],
'setstate': ['http://man7.org/linux/man-pages/man3/setstate.3.html',
'http://man7.org/linux/man-pages/man3/setstate.3p.html'],
'setstate_r': ['http://man7.org/linux/man-pages/man3/setstate_r.3.html'],
'setsyx': ['http://man7.org/linux/man-pages/man3/setsyx.3x.html'],
'setterm': ['http://man7.org/linux/man-pages/man1/setterm.1.html',
'http://man7.org/linux/man-pages/man3/setterm.3x.html'],
'settimeofday': ['http://man7.org/linux/man-pages/man2/settimeofday.2.html'],
'setttyent': ['http://man7.org/linux/man-pages/man3/setttyent.3.html'],
'setuid': ['http://man7.org/linux/man-pages/man2/setuid.2.html',
'http://man7.org/linux/man-pages/man3/setuid.3p.html'],
'setuid32': ['http://man7.org/linux/man-pages/man2/setuid32.2.html'],
'setup': ['http://man7.org/linux/man-pages/man2/setup.2.html'],
'setupterm': ['http://man7.org/linux/man-pages/man3/setupterm.3x.html'],
'setusershell': ['http://man7.org/linux/man-pages/man3/setusershell.3.html'],
'setutent': ['http://man7.org/linux/man-pages/man3/setutent.3.html'],
'setutxent': ['http://man7.org/linux/man-pages/man3/setutxent.3.html',
'http://man7.org/linux/man-pages/man3/setutxent.3p.html'],
'setvbuf': ['http://man7.org/linux/man-pages/man3/setvbuf.3.html',
'http://man7.org/linux/man-pages/man3/setvbuf.3p.html'],
'setvtrgb': ['http://man7.org/linux/man-pages/man8/setvtrgb.8.html'],
'setxattr': ['http://man7.org/linux/man-pages/man2/setxattr.2.html'],
'seunshare': ['http://man7.org/linux/man-pages/man8/seunshare.8.html'],
'seusers': ['http://man7.org/linux/man-pages/man5/seusers.5.html'],
'sfb': ['http://man7.org/linux/man-pages/man8/sfb.8.html'],
'sfdisk': ['http://man7.org/linux/man-pages/man8/sfdisk.8.html'],
'sfq': ['http://man7.org/linux/man-pages/man8/sfq.8.html'],
'sftp': ['http://man7.org/linux/man-pages/man1/sftp.1.html'],
'sftp-server': ['http://man7.org/linux/man-pages/man8/sftp-server.8.html'],
'sg': ['http://man7.org/linux/man-pages/man1/sg.1.html'],
'sgetmask': ['http://man7.org/linux/man-pages/man2/sgetmask.2.html'],
'sgetspent': ['http://man7.org/linux/man-pages/man3/sgetspent.3.html'],
'sgetspent_r': ['http://man7.org/linux/man-pages/man3/sgetspent_r.3.html'],
'sh': ['http://man7.org/linux/man-pages/man1/sh.1p.html'],
'sha1sum': ['http://man7.org/linux/man-pages/man1/sha1sum.1.html'],
'sha224sum': ['http://man7.org/linux/man-pages/man1/sha224sum.1.html'],
'sha256sum': ['http://man7.org/linux/man-pages/man1/sha256sum.1.html'],
'sha384sum': ['http://man7.org/linux/man-pages/man1/sha384sum.1.html'],
'sha512sum': ['http://man7.org/linux/man-pages/man1/sha512sum.1.html'],
'shadow': ['http://man7.org/linux/man-pages/man3/shadow.3.html',
'http://man7.org/linux/man-pages/man5/shadow.5.html'],
'sheet2pcp': ['http://man7.org/linux/man-pages/man1/sheet2pcp.1.html'],
'shells': ['http://man7.org/linux/man-pages/man5/shells.5.html'],
'shift': ['http://man7.org/linux/man-pages/man1/shift.1p.html'],
'shm_open': ['http://man7.org/linux/man-pages/man3/shm_open.3.html',
'http://man7.org/linux/man-pages/man3/shm_open.3p.html'],
'shm_overview': ['http://man7.org/linux/man-pages/man7/shm_overview.7.html'],
'shm_unlink': ['http://man7.org/linux/man-pages/man3/shm_unlink.3.html',
'http://man7.org/linux/man-pages/man3/shm_unlink.3p.html'],
'shmat': ['http://man7.org/linux/man-pages/man2/shmat.2.html',
'http://man7.org/linux/man-pages/man3/shmat.3p.html'],
'shmctl': ['http://man7.org/linux/man-pages/man2/shmctl.2.html',
'http://man7.org/linux/man-pages/man3/shmctl.3p.html'],
'shmdt': ['http://man7.org/linux/man-pages/man2/shmdt.2.html',
'http://man7.org/linux/man-pages/man3/shmdt.3p.html'],
'shmget': ['http://man7.org/linux/man-pages/man2/shmget.2.html',
'http://man7.org/linux/man-pages/man3/shmget.3p.html'],
'shmop': ['http://man7.org/linux/man-pages/man2/shmop.2.html'],
'show-changed-rco': ['http://man7.org/linux/man-pages/man1/show-changed-rco.1.html'],
'show-installed': ['http://man7.org/linux/man-pages/man1/show-installed.1.html'],
'showconsolefont': ['http://man7.org/linux/man-pages/man8/showconsolefont.8.html'],
'showkey': ['http://man7.org/linux/man-pages/man1/showkey.1.html'],
'showmount': ['http://man7.org/linux/man-pages/man8/showmount.8.html'],
'shred': ['http://man7.org/linux/man-pages/man1/shred.1.html'],
'shuf': ['http://man7.org/linux/man-pages/man1/shuf.1.html'],
'shutdown': ['http://man7.org/linux/man-pages/man2/shutdown.2.html',
'http://man7.org/linux/man-pages/man3/shutdown.3p.html',
'http://man7.org/linux/man-pages/man8/shutdown.8.html'],
'sidget': ['http://man7.org/linux/man-pages/man3/sidget.3.html'],
'sidput': ['http://man7.org/linux/man-pages/man3/sidput.3.html'],
'sigaction': ['http://man7.org/linux/man-pages/man2/sigaction.2.html',
'http://man7.org/linux/man-pages/man3/sigaction.3p.html'],
'sigaddset': ['http://man7.org/linux/man-pages/man3/sigaddset.3.html',
'http://man7.org/linux/man-pages/man3/sigaddset.3p.html'],
'sigaltstack': ['http://man7.org/linux/man-pages/man2/sigaltstack.2.html',
'http://man7.org/linux/man-pages/man3/sigaltstack.3p.html'],
'sigandset': ['http://man7.org/linux/man-pages/man3/sigandset.3.html'],
'sigblock': ['http://man7.org/linux/man-pages/man3/sigblock.3.html'],
'sigdelset': ['http://man7.org/linux/man-pages/man3/sigdelset.3.html',
'http://man7.org/linux/man-pages/man3/sigdelset.3p.html'],
'sigemptyset': ['http://man7.org/linux/man-pages/man3/sigemptyset.3.html',
'http://man7.org/linux/man-pages/man3/sigemptyset.3p.html'],
'sigevent': ['http://man7.org/linux/man-pages/man7/sigevent.7.html'],
'sigfillset': ['http://man7.org/linux/man-pages/man3/sigfillset.3.html',
'http://man7.org/linux/man-pages/man3/sigfillset.3p.html'],
'siggetmask': ['http://man7.org/linux/man-pages/man3/siggetmask.3.html'],
'sighold': ['http://man7.org/linux/man-pages/man3/sighold.3.html',
'http://man7.org/linux/man-pages/man3/sighold.3p.html'],
'sigignore': ['http://man7.org/linux/man-pages/man3/sigignore.3.html',
'http://man7.org/linux/man-pages/man3/sigignore.3p.html'],
'siginterrupt': ['http://man7.org/linux/man-pages/man3/siginterrupt.3.html',
'http://man7.org/linux/man-pages/man3/siginterrupt.3p.html'],
'sigisemptyset': ['http://man7.org/linux/man-pages/man3/sigisemptyset.3.html'],
'sigismember': ['http://man7.org/linux/man-pages/man3/sigismember.3.html',
'http://man7.org/linux/man-pages/man3/sigismember.3p.html'],
'siglongjmp': ['http://man7.org/linux/man-pages/man3/siglongjmp.3.html',
'http://man7.org/linux/man-pages/man3/siglongjmp.3p.html'],
'sigmask': ['http://man7.org/linux/man-pages/man3/sigmask.3.html'],
'signal': ['http://man7.org/linux/man-pages/man2/signal.2.html',
'http://man7.org/linux/man-pages/man3/signal.3p.html',
'http://man7.org/linux/man-pages/man7/signal.7.html'],
'signal-safety': ['http://man7.org/linux/man-pages/man7/signal-safety.7.html'],
'signal.h': ['http://man7.org/linux/man-pages/man0/signal.h.0p.html'],
'signal_add': ['http://man7.org/linux/man-pages/man3/signal_add.3.html'],
'signal_del': ['http://man7.org/linux/man-pages/man3/signal_del.3.html'],
'signal_initialized': ['http://man7.org/linux/man-pages/man3/signal_initialized.3.html'],
'signal_pending': ['http://man7.org/linux/man-pages/man3/signal_pending.3.html'],
'signal_set': ['http://man7.org/linux/man-pages/man3/signal_set.3.html'],
'signalfd': ['http://man7.org/linux/man-pages/man2/signalfd.2.html'],
'signalfd4': ['http://man7.org/linux/man-pages/man2/signalfd4.2.html'],
'signbit': ['http://man7.org/linux/man-pages/man3/signbit.3.html',
'http://man7.org/linux/man-pages/man3/signbit.3p.html'],
'signgam': ['http://man7.org/linux/man-pages/man3/signgam.3.html',
'http://man7.org/linux/man-pages/man3/signgam.3p.html'],
'significand': ['http://man7.org/linux/man-pages/man3/significand.3.html'],
'significandf': ['http://man7.org/linux/man-pages/man3/significandf.3.html'],
'significandl': ['http://man7.org/linux/man-pages/man3/significandl.3.html'],
'sigorset': ['http://man7.org/linux/man-pages/man3/sigorset.3.html'],
'sigpause': ['http://man7.org/linux/man-pages/man3/sigpause.3.html',
'http://man7.org/linux/man-pages/man3/sigpause.3p.html'],
'sigpending': ['http://man7.org/linux/man-pages/man2/sigpending.2.html',
'http://man7.org/linux/man-pages/man3/sigpending.3p.html'],
'sigprocmask': ['http://man7.org/linux/man-pages/man2/sigprocmask.2.html',
'http://man7.org/linux/man-pages/man3/sigprocmask.3p.html'],
'sigqueue': ['http://man7.org/linux/man-pages/man2/sigqueue.2.html',
'http://man7.org/linux/man-pages/man3/sigqueue.3.html',
'http://man7.org/linux/man-pages/man3/sigqueue.3p.html'],
'sigrelse': ['http://man7.org/linux/man-pages/man3/sigrelse.3.html',
'http://man7.org/linux/man-pages/man3/sigrelse.3p.html'],
'sigreturn': ['http://man7.org/linux/man-pages/man2/sigreturn.2.html'],
'sigset': ['http://man7.org/linux/man-pages/man3/sigset.3.html',
'http://man7.org/linux/man-pages/man3/sigset.3p.html'],
'sigsetjmp': ['http://man7.org/linux/man-pages/man3/sigsetjmp.3.html',
'http://man7.org/linux/man-pages/man3/sigsetjmp.3p.html'],
'sigsetmask': ['http://man7.org/linux/man-pages/man3/sigsetmask.3.html'],
'sigsetops': ['http://man7.org/linux/man-pages/man3/sigsetops.3.html'],
'sigstack': ['http://man7.org/linux/man-pages/man3/sigstack.3.html'],
'sigsuspend': ['http://man7.org/linux/man-pages/man2/sigsuspend.2.html',
'http://man7.org/linux/man-pages/man3/sigsuspend.3p.html'],
'sigtimedwait': ['http://man7.org/linux/man-pages/man2/sigtimedwait.2.html',
'http://man7.org/linux/man-pages/man3/sigtimedwait.3p.html'],
'sigvec': ['http://man7.org/linux/man-pages/man3/sigvec.3.html'],
'sigwait': ['http://man7.org/linux/man-pages/man3/sigwait.3.html',
'http://man7.org/linux/man-pages/man3/sigwait.3p.html'],
'sigwaitinfo': ['http://man7.org/linux/man-pages/man2/sigwaitinfo.2.html',
'http://man7.org/linux/man-pages/man3/sigwaitinfo.3p.html'],
'simple': ['http://man7.org/linux/man-pages/man8/simple.8.html'],
'sin': ['http://man7.org/linux/man-pages/man3/sin.3.html',
'http://man7.org/linux/man-pages/man3/sin.3p.html'],
'sincos': ['http://man7.org/linux/man-pages/man3/sincos.3.html'],
'sincosf': ['http://man7.org/linux/man-pages/man3/sincosf.3.html'],
'sincosl': ['http://man7.org/linux/man-pages/man3/sincosl.3.html'],
'sinf': ['http://man7.org/linux/man-pages/man3/sinf.3.html',
'http://man7.org/linux/man-pages/man3/sinf.3p.html'],
'sinh': ['http://man7.org/linux/man-pages/man3/sinh.3.html',
'http://man7.org/linux/man-pages/man3/sinh.3p.html'],
'sinhf': ['http://man7.org/linux/man-pages/man3/sinhf.3.html',
'http://man7.org/linux/man-pages/man3/sinhf.3p.html'],
'sinhl': ['http://man7.org/linux/man-pages/man3/sinhl.3.html',
'http://man7.org/linux/man-pages/man3/sinhl.3p.html'],
'sinl': ['http://man7.org/linux/man-pages/man3/sinl.3.html',
'http://man7.org/linux/man-pages/man3/sinl.3p.html'],
'size': ['http://man7.org/linux/man-pages/man1/size.1.html'],
'sk98lin': ['http://man7.org/linux/man-pages/man4/sk98lin.4.html'],
'skbedit': ['http://man7.org/linux/man-pages/man8/skbedit.8.html'],
'skbmod': ['http://man7.org/linux/man-pages/man8/skbmod.8.html'],
'skbprio': ['http://man7.org/linux/man-pages/man8/skbprio.8.html'],
'skill': ['http://man7.org/linux/man-pages/man1/skill.1.html'],
'slabinfo': ['http://man7.org/linux/man-pages/man5/slabinfo.5.html'],
'slabtop': ['http://man7.org/linux/man-pages/man1/slabtop.1.html'],
'slapacl': ['http://man7.org/linux/man-pages/man8/slapacl.8.html'],
'slapadd': ['http://man7.org/linux/man-pages/man8/slapadd.8.html'],
'slapauth': ['http://man7.org/linux/man-pages/man8/slapauth.8.html'],
'slapcat': ['http://man7.org/linux/man-pages/man8/slapcat.8.html'],
'slapd': ['http://man7.org/linux/man-pages/man8/slapd.8.html'],
'slapd-asyncmeta': ['http://man7.org/linux/man-pages/man5/slapd-asyncmeta.5.html'],
'slapd-bdb': ['http://man7.org/linux/man-pages/man5/slapd-bdb.5.html'],
'slapd-config': ['http://man7.org/linux/man-pages/man5/slapd-config.5.html'],
'slapd-dnssrv': ['http://man7.org/linux/man-pages/man5/slapd-dnssrv.5.html'],
'slapd-hdb': ['http://man7.org/linux/man-pages/man5/slapd-hdb.5.html'],
'slapd-ldap': ['http://man7.org/linux/man-pages/man5/slapd-ldap.5.html'],
'slapd-ldif': ['http://man7.org/linux/man-pages/man5/slapd-ldif.5.html'],
'slapd-mdb': ['http://man7.org/linux/man-pages/man5/slapd-mdb.5.html'],
'slapd-meta': ['http://man7.org/linux/man-pages/man5/slapd-meta.5.html'],
'slapd-monitor': ['http://man7.org/linux/man-pages/man5/slapd-monitor.5.html'],
'slapd-ndb': ['http://man7.org/linux/man-pages/man5/slapd-ndb.5.html'],
'slapd-null': ['http://man7.org/linux/man-pages/man5/slapd-null.5.html'],
'slapd-passwd': ['http://man7.org/linux/man-pages/man5/slapd-passwd.5.html'],
'slapd-perl': ['http://man7.org/linux/man-pages/man5/slapd-perl.5.html'],
'slapd-relay': ['http://man7.org/linux/man-pages/man5/slapd-relay.5.html'],
'slapd-shell': ['http://man7.org/linux/man-pages/man5/slapd-shell.5.html'],
'slapd-sock': ['http://man7.org/linux/man-pages/man5/slapd-sock.5.html'],
'slapd-sql': ['http://man7.org/linux/man-pages/man5/slapd-sql.5.html'],
'slapd-wt': ['http://man7.org/linux/man-pages/man5/slapd-wt.5.html'],
'slapd.access': ['http://man7.org/linux/man-pages/man5/slapd.access.5.html'],
'slapd.backends': ['http://man7.org/linux/man-pages/man5/slapd.backends.5.html'],
'slapd.conf': ['http://man7.org/linux/man-pages/man5/slapd.conf.5.html'],
'slapd.overlays': ['http://man7.org/linux/man-pages/man5/slapd.overlays.5.html'],
'slapd.plugin': ['http://man7.org/linux/man-pages/man5/slapd.plugin.5.html'],
'slapdn': ['http://man7.org/linux/man-pages/man8/slapdn.8.html'],
'slapindex': ['http://man7.org/linux/man-pages/man8/slapindex.8.html'],
'slapmodify': ['http://man7.org/linux/man-pages/man8/slapmodify.8.html'],
'slapo-accesslog': ['http://man7.org/linux/man-pages/man5/slapo-accesslog.5.html'],
'slapo-auditlog': ['http://man7.org/linux/man-pages/man5/slapo-auditlog.5.html'],
'slapo-autoca': ['http://man7.org/linux/man-pages/man5/slapo-autoca.5.html'],
'slapo-chain': ['http://man7.org/linux/man-pages/man5/slapo-chain.5.html'],
'slapo-collect': ['http://man7.org/linux/man-pages/man5/slapo-collect.5.html'],
'slapo-constraint': ['http://man7.org/linux/man-pages/man5/slapo-constraint.5.html'],
'slapo-dds': ['http://man7.org/linux/man-pages/man5/slapo-dds.5.html'],
'slapo-dyngroup': ['http://man7.org/linux/man-pages/man5/slapo-dyngroup.5.html'],
'slapo-dynlist': ['http://man7.org/linux/man-pages/man5/slapo-dynlist.5.html'],
'slapo-memberof': ['http://man7.org/linux/man-pages/man5/slapo-memberof.5.html'],
'slapo-pbind': ['http://man7.org/linux/man-pages/man5/slapo-pbind.5.html'],
'slapo-pcache': ['http://man7.org/linux/man-pages/man5/slapo-pcache.5.html'],
'slapo-ppolicy': ['http://man7.org/linux/man-pages/man5/slapo-ppolicy.5.html'],
'slapo-refint': ['http://man7.org/linux/man-pages/man5/slapo-refint.5.html'],
'slapo-retcode': ['http://man7.org/linux/man-pages/man5/slapo-retcode.5.html'],
'slapo-rwm': ['http://man7.org/linux/man-pages/man5/slapo-rwm.5.html'],
'slapo-sock': ['http://man7.org/linux/man-pages/man5/slapo-sock.5.html'],
'slapo-sssvlv': ['http://man7.org/linux/man-pages/man5/slapo-sssvlv.5.html'],
'slapo-syncprov': ['http://man7.org/linux/man-pages/man5/slapo-syncprov.5.html'],
'slapo-translucent': ['http://man7.org/linux/man-pages/man5/slapo-translucent.5.html'],
'slapo-unique': ['http://man7.org/linux/man-pages/man5/slapo-unique.5.html'],
'slapo-valsort': ['http://man7.org/linux/man-pages/man5/slapo-valsort.5.html'],
'slappasswd': ['http://man7.org/linux/man-pages/man8/slappasswd.8.html'],
'slapschema': ['http://man7.org/linux/man-pages/man8/slapschema.8.html'],
'slaptest': ['http://man7.org/linux/man-pages/man8/slaptest.8.html'],
'slattach': ['http://man7.org/linux/man-pages/man8/slattach.8.html'],
'sleep': ['http://man7.org/linux/man-pages/man1/sleep.1.html',
'http://man7.org/linux/man-pages/man1/sleep.1p.html',
'http://man7.org/linux/man-pages/man3/sleep.3.html',
'http://man7.org/linux/man-pages/man3/sleep.3p.html'],
'sleep.conf.d': ['http://man7.org/linux/man-pages/man5/sleep.conf.d.5.html'],
'slist_empty': ['http://man7.org/linux/man-pages/man3/slist_empty.3.html'],
'slist_entry': ['http://man7.org/linux/man-pages/man3/slist_entry.3.html'],
'slist_first': ['http://man7.org/linux/man-pages/man3/slist_first.3.html'],
'slist_foreach': ['http://man7.org/linux/man-pages/man3/slist_foreach.3.html'],
'slist_head': ['http://man7.org/linux/man-pages/man3/slist_head.3.html'],
'slist_head_initializer': ['http://man7.org/linux/man-pages/man3/slist_head_initializer.3.html'],
'slist_init': ['http://man7.org/linux/man-pages/man3/slist_init.3.html'],
'slist_insert_after': ['http://man7.org/linux/man-pages/man3/slist_insert_after.3.html'],
'slist_insert_head': ['http://man7.org/linux/man-pages/man3/slist_insert_head.3.html'],
'slist_next': ['http://man7.org/linux/man-pages/man3/slist_next.3.html'],
'slist_remove': ['http://man7.org/linux/man-pages/man3/slist_remove.3.html'],
'slist_remove_head': ['http://man7.org/linux/man-pages/man3/slist_remove_head.3.html'],
'slk_attr': ['http://man7.org/linux/man-pages/man3/slk_attr.3x.html'],
'slk_attr_off': ['http://man7.org/linux/man-pages/man3/slk_attr_off.3x.html'],
'slk_attr_on': ['http://man7.org/linux/man-pages/man3/slk_attr_on.3x.html'],
'slk_attr_set': ['http://man7.org/linux/man-pages/man3/slk_attr_set.3x.html'],
'slk_attroff': ['http://man7.org/linux/man-pages/man3/slk_attroff.3x.html'],
'slk_attron': ['http://man7.org/linux/man-pages/man3/slk_attron.3x.html'],
'slk_attrset': ['http://man7.org/linux/man-pages/man3/slk_attrset.3x.html'],
'slk_clear': ['http://man7.org/linux/man-pages/man3/slk_clear.3x.html'],
'slk_color': ['http://man7.org/linux/man-pages/man3/slk_color.3x.html'],
'slk_init': ['http://man7.org/linux/man-pages/man3/slk_init.3x.html'],
'slk_label': ['http://man7.org/linux/man-pages/man3/slk_label.3x.html'],
'slk_noutrefresh': ['http://man7.org/linux/man-pages/man3/slk_noutrefresh.3x.html'],
'slk_refresh': ['http://man7.org/linux/man-pages/man3/slk_refresh.3x.html'],
'slk_restore': ['http://man7.org/linux/man-pages/man3/slk_restore.3x.html'],
'slk_set': ['http://man7.org/linux/man-pages/man3/slk_set.3x.html'],
'slk_touch': ['http://man7.org/linux/man-pages/man3/slk_touch.3x.html'],
'slk_wset': ['http://man7.org/linux/man-pages/man3/slk_wset.3x.html'],
'sln': ['http://man7.org/linux/man-pages/man8/sln.8.html'],
'sm-notify': ['http://man7.org/linux/man-pages/man8/sm-notify.8.html'],
'smartpqi': ['http://man7.org/linux/man-pages/man4/smartpqi.4.html'],
'smem': ['http://man7.org/linux/man-pages/man8/smem.8.html'],
'snice': ['http://man7.org/linux/man-pages/man1/snice.1.html'],
'snmp': ['http://man7.org/linux/man-pages/man8/snmp.8.html'],
'snmp.conf': ['http://man7.org/linux/man-pages/man5/snmp.conf.5.html'],
'snprintf': ['http://man7.org/linux/man-pages/man3/snprintf.3.html',
'http://man7.org/linux/man-pages/man3/snprintf.3p.html'],
'sock_diag': ['http://man7.org/linux/man-pages/man7/sock_diag.7.html'],
'sockatmark': ['http://man7.org/linux/man-pages/man3/sockatmark.3.html',
'http://man7.org/linux/man-pages/man3/sockatmark.3p.html'],
'socket': ['http://man7.org/linux/man-pages/man2/socket.2.html',
'http://man7.org/linux/man-pages/man3/socket.3p.html',
'http://man7.org/linux/man-pages/man7/socket.7.html'],
'socketcall': ['http://man7.org/linux/man-pages/man2/socketcall.2.html'],
'socketpair': ['http://man7.org/linux/man-pages/man2/socketpair.2.html',
'http://man7.org/linux/man-pages/man3/socketpair.3p.html'],
'soelim': ['http://man7.org/linux/man-pages/man1/soelim.1.html'],
'sort': ['http://man7.org/linux/man-pages/man1/sort.1.html',
'http://man7.org/linux/man-pages/man1/sort.1p.html'],
'sparse': ['http://man7.org/linux/man-pages/man1/sparse.1.html'],
'spawn.h': ['http://man7.org/linux/man-pages/man0/spawn.h.0p.html'],
'splice': ['http://man7.org/linux/man-pages/man2/splice.2.html'],
'split': ['http://man7.org/linux/man-pages/man1/split.1.html',
'http://man7.org/linux/man-pages/man1/split.1p.html'],
'sprintf': ['http://man7.org/linux/man-pages/man3/sprintf.3.html',
'http://man7.org/linux/man-pages/man3/sprintf.3p.html'],
'sprof': ['http://man7.org/linux/man-pages/man1/sprof.1.html'],
'spu_create': ['http://man7.org/linux/man-pages/man2/spu_create.2.html'],
'spu_run': ['http://man7.org/linux/man-pages/man2/spu_run.2.html'],
'spufs': ['http://man7.org/linux/man-pages/man7/spufs.7.html'],
'sqrt': ['http://man7.org/linux/man-pages/man3/sqrt.3.html',
'http://man7.org/linux/man-pages/man3/sqrt.3p.html'],
'sqrtf': ['http://man7.org/linux/man-pages/man3/sqrtf.3.html',
'http://man7.org/linux/man-pages/man3/sqrtf.3p.html'],
'sqrtl': ['http://man7.org/linux/man-pages/man3/sqrtl.3.html',
'http://man7.org/linux/man-pages/man3/sqrtl.3p.html'],
'srand': ['http://man7.org/linux/man-pages/man3/srand.3.html',
'http://man7.org/linux/man-pages/man3/srand.3p.html'],
'srand48': ['http://man7.org/linux/man-pages/man3/srand48.3.html',
'http://man7.org/linux/man-pages/man3/srand48.3p.html'],
'srand48_r': ['http://man7.org/linux/man-pages/man3/srand48_r.3.html'],
'srandom': ['http://man7.org/linux/man-pages/man3/srandom.3.html',
'http://man7.org/linux/man-pages/man3/srandom.3p.html'],
'srandom_r': ['http://man7.org/linux/man-pages/man3/srandom_r.3.html'],
'srp_daemon.service': ['http://man7.org/linux/man-pages/man5/srp_daemon.service.5.html'],
'srp_daemon_port.service': ['http://man7.org/linux/man-pages/man5/srp_daemon_port.service.5.html'],
'srptool': ['http://man7.org/linux/man-pages/man1/srptool.1.html'],
'ss': ['http://man7.org/linux/man-pages/man8/ss.8.html'],
'sscanf': ['http://man7.org/linux/man-pages/man3/sscanf.3.html',
'http://man7.org/linux/man-pages/man3/sscanf.3p.html'],
'ssetmask': ['http://man7.org/linux/man-pages/man2/ssetmask.2.html'],
'ssh': ['http://man7.org/linux/man-pages/man1/ssh.1.html'],
'ssh-add': ['http://man7.org/linux/man-pages/man1/ssh-add.1.html'],
'ssh-agent': ['http://man7.org/linux/man-pages/man1/ssh-agent.1.html'],
'ssh-keygen': ['http://man7.org/linux/man-pages/man1/ssh-keygen.1.html'],
'ssh-keyscan': ['http://man7.org/linux/man-pages/man1/ssh-keyscan.1.html'],
'ssh-keysign': ['http://man7.org/linux/man-pages/man8/ssh-keysign.8.html'],
'ssh-pkcs11-helper': ['http://man7.org/linux/man-pages/man8/ssh-pkcs11-helper.8.html'],
'ssh_config': ['http://man7.org/linux/man-pages/man5/ssh_config.5.html'],
'sshd': ['http://man7.org/linux/man-pages/man8/sshd.8.html'],
'sshd_config': ['http://man7.org/linux/man-pages/man5/sshd_config.5.html'],
'sshfs': ['http://man7.org/linux/man-pages/man1/sshfs.1.html'],
'ssignal': ['http://man7.org/linux/man-pages/man3/ssignal.3.html'],
'st': ['http://man7.org/linux/man-pages/man4/st.4.html'],
'stailq_concat': ['http://man7.org/linux/man-pages/man3/stailq_concat.3.html'],
'stailq_empty': ['http://man7.org/linux/man-pages/man3/stailq_empty.3.html'],
'stailq_entry': ['http://man7.org/linux/man-pages/man3/stailq_entry.3.html'],
'stailq_first': ['http://man7.org/linux/man-pages/man3/stailq_first.3.html'],
'stailq_foreach': ['http://man7.org/linux/man-pages/man3/stailq_foreach.3.html'],
'stailq_head': ['http://man7.org/linux/man-pages/man3/stailq_head.3.html'],
'stailq_head_initializer': ['http://man7.org/linux/man-pages/man3/stailq_head_initializer.3.html'],
'stailq_init': ['http://man7.org/linux/man-pages/man3/stailq_init.3.html'],
'stailq_insert_after': ['http://man7.org/linux/man-pages/man3/stailq_insert_after.3.html'],
'stailq_insert_head': ['http://man7.org/linux/man-pages/man3/stailq_insert_head.3.html'],
'stailq_insert_tail': ['http://man7.org/linux/man-pages/man3/stailq_insert_tail.3.html'],
'stailq_next': ['http://man7.org/linux/man-pages/man3/stailq_next.3.html'],
'stailq_remove': ['http://man7.org/linux/man-pages/man3/stailq_remove.3.html'],
'stailq_remove_head': ['http://man7.org/linux/man-pages/man3/stailq_remove_head.3.html'],
'standards': ['http://man7.org/linux/man-pages/man7/standards.7.html'],
'standend': ['http://man7.org/linux/man-pages/man3/standend.3x.html'],
'standout': ['http://man7.org/linux/man-pages/man3/standout.3x.html'],
'stap': ['http://man7.org/linux/man-pages/man1/stap.1.html'],
'stap-exporter': ['http://man7.org/linux/man-pages/man8/stap-exporter.8.html'],
'stap-merge': ['http://man7.org/linux/man-pages/man1/stap-merge.1.html'],
'stap-prep': ['http://man7.org/linux/man-pages/man1/stap-prep.1.html'],
'stap-report': ['http://man7.org/linux/man-pages/man1/stap-report.1.html'],
'stap-server': ['http://man7.org/linux/man-pages/man8/stap-server.8.html'],
'stapbpf': ['http://man7.org/linux/man-pages/man8/stapbpf.8.html'],
'stapdyn': ['http://man7.org/linux/man-pages/man8/stapdyn.8.html'],
'stappaths': ['http://man7.org/linux/man-pages/man7/stappaths.7.html'],
'stapref': ['http://man7.org/linux/man-pages/man1/stapref.1.html'],
'staprun': ['http://man7.org/linux/man-pages/man8/staprun.8.html'],
'stapsh': ['http://man7.org/linux/man-pages/man8/stapsh.8.html'],
'stapvirt': ['http://man7.org/linux/man-pages/man1/stapvirt.1.html'],
'start-stop-daemon': ['http://man7.org/linux/man-pages/man8/start-stop-daemon.8.html'],
'start_color': ['http://man7.org/linux/man-pages/man3/start_color.3x.html'],
'stat': ['http://man7.org/linux/man-pages/man1/stat.1.html',
'http://man7.org/linux/man-pages/man2/stat.2.html',
'http://man7.org/linux/man-pages/man3/stat.3p.html'],
'stat64': ['http://man7.org/linux/man-pages/man2/stat64.2.html'],
'statd': ['http://man7.org/linux/man-pages/man8/statd.8.html'],
'statfs': ['http://man7.org/linux/man-pages/man2/statfs.2.html'],
'statfs64': ['http://man7.org/linux/man-pages/man2/statfs64.2.html'],
'statvfs': ['http://man7.org/linux/man-pages/man2/statvfs.2.html',
'http://man7.org/linux/man-pages/man3/statvfs.3.html',
'http://man7.org/linux/man-pages/man3/statvfs.3p.html'],
'statx': ['http://man7.org/linux/man-pages/man2/statx.2.html'],
'stdarg': ['http://man7.org/linux/man-pages/man3/stdarg.3.html'],
'stdarg.h': ['http://man7.org/linux/man-pages/man0/stdarg.h.0p.html'],
'stdbool.h': ['http://man7.org/linux/man-pages/man0/stdbool.h.0p.html'],
'stdbuf': ['http://man7.org/linux/man-pages/man1/stdbuf.1.html'],
'stddef.h': ['http://man7.org/linux/man-pages/man0/stddef.h.0p.html'],
'stderr': ['http://man7.org/linux/man-pages/man3/stderr.3.html',
'http://man7.org/linux/man-pages/man3/stderr.3p.html'],
'stdin': ['http://man7.org/linux/man-pages/man3/stdin.3.html',
'http://man7.org/linux/man-pages/man3/stdin.3p.html'],
'stdint.h': ['http://man7.org/linux/man-pages/man0/stdint.h.0p.html'],
'stdio': ['http://man7.org/linux/man-pages/man3/stdio.3.html'],
'stdio.h': ['http://man7.org/linux/man-pages/man0/stdio.h.0p.html'],
'stdio_ext': ['http://man7.org/linux/man-pages/man3/stdio_ext.3.html'],
'stdlib.h': ['http://man7.org/linux/man-pages/man0/stdlib.h.0p.html'],
'stdout': ['http://man7.org/linux/man-pages/man3/stdout.3.html',
'http://man7.org/linux/man-pages/man3/stdout.3p.html'],
'stdscr': ['http://man7.org/linux/man-pages/man3/stdscr.3x.html'],
'stg': ['http://man7.org/linux/man-pages/man1/stg.1.html'],
'stg-branch': ['http://man7.org/linux/man-pages/man1/stg-branch.1.html'],
'stg-clean': ['http://man7.org/linux/man-pages/man1/stg-clean.1.html'],
'stg-clone': ['http://man7.org/linux/man-pages/man1/stg-clone.1.html'],
'stg-commit': ['http://man7.org/linux/man-pages/man1/stg-commit.1.html'],
'stg-delete': ['http://man7.org/linux/man-pages/man1/stg-delete.1.html'],
'stg-diff': ['http://man7.org/linux/man-pages/man1/stg-diff.1.html'],
'stg-edit': ['http://man7.org/linux/man-pages/man1/stg-edit.1.html'],
'stg-export': ['http://man7.org/linux/man-pages/man1/stg-export.1.html'],
'stg-files': ['http://man7.org/linux/man-pages/man1/stg-files.1.html'],
'stg-float': ['http://man7.org/linux/man-pages/man1/stg-float.1.html'],
'stg-fold': ['http://man7.org/linux/man-pages/man1/stg-fold.1.html'],
'stg-goto': ['http://man7.org/linux/man-pages/man1/stg-goto.1.html'],
'stg-hide': ['http://man7.org/linux/man-pages/man1/stg-hide.1.html'],
'stg-id': ['http://man7.org/linux/man-pages/man1/stg-id.1.html'],
'stg-import': ['http://man7.org/linux/man-pages/man1/stg-import.1.html'],
'stg-init': ['http://man7.org/linux/man-pages/man1/stg-init.1.html'],
'stg-log': ['http://man7.org/linux/man-pages/man1/stg-log.1.html'],
'stg-mail': ['http://man7.org/linux/man-pages/man1/stg-mail.1.html'],
'stg-new': ['http://man7.org/linux/man-pages/man1/stg-new.1.html'],
'stg-next': ['http://man7.org/linux/man-pages/man1/stg-next.1.html'],
'stg-patches': ['http://man7.org/linux/man-pages/man1/stg-patches.1.html'],
'stg-pick': ['http://man7.org/linux/man-pages/man1/stg-pick.1.html'],
'stg-pop': ['http://man7.org/linux/man-pages/man1/stg-pop.1.html'],
'stg-prev': ['http://man7.org/linux/man-pages/man1/stg-prev.1.html'],
'stg-publish': ['http://man7.org/linux/man-pages/man1/stg-publish.1.html'],
'stg-pull': ['http://man7.org/linux/man-pages/man1/stg-pull.1.html'],
'stg-push': ['http://man7.org/linux/man-pages/man1/stg-push.1.html'],
'stg-rebase': ['http://man7.org/linux/man-pages/man1/stg-rebase.1.html'],
'stg-redo': ['http://man7.org/linux/man-pages/man1/stg-redo.1.html'],
'stg-refresh': ['http://man7.org/linux/man-pages/man1/stg-refresh.1.html'],
'stg-rename': ['http://man7.org/linux/man-pages/man1/stg-rename.1.html'],
'stg-repair': ['http://man7.org/linux/man-pages/man1/stg-repair.1.html'],
'stg-reset': ['http://man7.org/linux/man-pages/man1/stg-reset.1.html'],
'stg-series': ['http://man7.org/linux/man-pages/man1/stg-series.1.html'],
'stg-show': ['http://man7.org/linux/man-pages/man1/stg-show.1.html'],
'stg-sink': ['http://man7.org/linux/man-pages/man1/stg-sink.1.html'],
'stg-squash': ['http://man7.org/linux/man-pages/man1/stg-squash.1.html'],
'stg-sync': ['http://man7.org/linux/man-pages/man1/stg-sync.1.html'],
'stg-top': ['http://man7.org/linux/man-pages/man1/stg-top.1.html'],
'stg-uncommit': ['http://man7.org/linux/man-pages/man1/stg-uncommit.1.html'],
'stg-undo': ['http://man7.org/linux/man-pages/man1/stg-undo.1.html'],
'stg-unhide': ['http://man7.org/linux/man-pages/man1/stg-unhide.1.html'],
'stime': ['http://man7.org/linux/man-pages/man2/stime.2.html'],
'stpcpy': ['http://man7.org/linux/man-pages/man3/stpcpy.3.html',
'http://man7.org/linux/man-pages/man3/stpcpy.3p.html'],
'stpncpy': ['http://man7.org/linux/man-pages/man3/stpncpy.3.html',
'http://man7.org/linux/man-pages/man3/stpncpy.3p.html'],
'strace': ['http://man7.org/linux/man-pages/man1/strace.1.html'],
'strcasecmp': ['http://man7.org/linux/man-pages/man3/strcasecmp.3.html',
'http://man7.org/linux/man-pages/man3/strcasecmp.3p.html'],
'strcasecmp_l': ['http://man7.org/linux/man-pages/man3/strcasecmp_l.3p.html'],
'strcasestr': ['http://man7.org/linux/man-pages/man3/strcasestr.3.html'],
'strcat': ['http://man7.org/linux/man-pages/man3/strcat.3.html',
'http://man7.org/linux/man-pages/man3/strcat.3p.html'],
'strchr': ['http://man7.org/linux/man-pages/man3/strchr.3.html',
'http://man7.org/linux/man-pages/man3/strchr.3p.html'],
'strchrnul': ['http://man7.org/linux/man-pages/man3/strchrnul.3.html'],
'strcmp': ['http://man7.org/linux/man-pages/man3/strcmp.3.html',
'http://man7.org/linux/man-pages/man3/strcmp.3p.html'],
'strcodes': ['http://man7.org/linux/man-pages/man3/strcodes.3x.html'],
'strcoll': ['http://man7.org/linux/man-pages/man3/strcoll.3.html',
'http://man7.org/linux/man-pages/man3/strcoll.3p.html'],
'strcoll_l': ['http://man7.org/linux/man-pages/man3/strcoll_l.3p.html'],
'strcpy': ['http://man7.org/linux/man-pages/man3/strcpy.3.html',
'http://man7.org/linux/man-pages/man3/strcpy.3p.html'],
'strcspn': ['http://man7.org/linux/man-pages/man3/strcspn.3.html',
'http://man7.org/linux/man-pages/man3/strcspn.3p.html'],
'strdup': ['http://man7.org/linux/man-pages/man3/strdup.3.html',
'http://man7.org/linux/man-pages/man3/strdup.3p.html'],
'strdupa': ['http://man7.org/linux/man-pages/man3/strdupa.3.html'],
'strerror': ['http://man7.org/linux/man-pages/man3/strerror.3.html',
'http://man7.org/linux/man-pages/man3/strerror.3p.html'],
'strerror_l': ['http://man7.org/linux/man-pages/man3/strerror_l.3.html',
'http://man7.org/linux/man-pages/man3/strerror_l.3p.html'],
'strerror_r': ['http://man7.org/linux/man-pages/man3/strerror_r.3.html',
'http://man7.org/linux/man-pages/man3/strerror_r.3p.html'],
'strfmon': ['http://man7.org/linux/man-pages/man3/strfmon.3.html',
'http://man7.org/linux/man-pages/man3/strfmon.3p.html'],
'strfmon_l': ['http://man7.org/linux/man-pages/man3/strfmon_l.3.html',
'http://man7.org/linux/man-pages/man3/strfmon_l.3p.html'],
'strfnames': ['http://man7.org/linux/man-pages/man3/strfnames.3x.html'],
'strfromd': ['http://man7.org/linux/man-pages/man3/strfromd.3.html'],
'strfromf': ['http://man7.org/linux/man-pages/man3/strfromf.3.html'],
'strfroml': ['http://man7.org/linux/man-pages/man3/strfroml.3.html'],
'strfry': ['http://man7.org/linux/man-pages/man3/strfry.3.html'],
'strftime': ['http://man7.org/linux/man-pages/man3/strftime.3.html',
'http://man7.org/linux/man-pages/man3/strftime.3p.html'],
'strftime_l': ['http://man7.org/linux/man-pages/man3/strftime_l.3p.html'],
'string': ['http://man7.org/linux/man-pages/man3/string.3.html'],
'string.h': ['http://man7.org/linux/man-pages/man0/string.h.0p.html'],
'string_to_av_perm': ['http://man7.org/linux/man-pages/man3/string_to_av_perm.3.html'],
'string_to_security_class': ['http://man7.org/linux/man-pages/man3/string_to_security_class.3.html'],
'strings': ['http://man7.org/linux/man-pages/man1/strings.1.html',
'http://man7.org/linux/man-pages/man1/strings.1p.html'],
'strings.h': ['http://man7.org/linux/man-pages/man0/strings.h.0p.html'],
'strip': ['http://man7.org/linux/man-pages/man1/strip.1.html',
'http://man7.org/linux/man-pages/man1/strip.1p.html'],
'strlen': ['http://man7.org/linux/man-pages/man3/strlen.3.html',
'http://man7.org/linux/man-pages/man3/strlen.3p.html'],
'strnames': ['http://man7.org/linux/man-pages/man3/strnames.3x.html'],
'strncasecmp': ['http://man7.org/linux/man-pages/man3/strncasecmp.3.html',
'http://man7.org/linux/man-pages/man3/strncasecmp.3p.html'],
'strncasecmp_l': ['http://man7.org/linux/man-pages/man3/strncasecmp_l.3p.html'],
'strncat': ['http://man7.org/linux/man-pages/man3/strncat.3.html',
'http://man7.org/linux/man-pages/man3/strncat.3p.html'],
'strncmp': ['http://man7.org/linux/man-pages/man3/strncmp.3.html',
'http://man7.org/linux/man-pages/man3/strncmp.3p.html'],
'strncpy': ['http://man7.org/linux/man-pages/man3/strncpy.3.html',
'http://man7.org/linux/man-pages/man3/strncpy.3p.html'],
'strndup': ['http://man7.org/linux/man-pages/man3/strndup.3.html',
'http://man7.org/linux/man-pages/man3/strndup.3p.html'],
'strndupa': ['http://man7.org/linux/man-pages/man3/strndupa.3.html'],
'strnlen': ['http://man7.org/linux/man-pages/man3/strnlen.3.html',
'http://man7.org/linux/man-pages/man3/strnlen.3p.html'],
'stropts.h': ['http://man7.org/linux/man-pages/man0/stropts.h.0p.html'],
'strpbrk': ['http://man7.org/linux/man-pages/man3/strpbrk.3.html',
'http://man7.org/linux/man-pages/man3/strpbrk.3p.html'],
'strptime': ['http://man7.org/linux/man-pages/man3/strptime.3.html',
'http://man7.org/linux/man-pages/man3/strptime.3p.html'],
'strrchr': ['http://man7.org/linux/man-pages/man3/strrchr.3.html',
'http://man7.org/linux/man-pages/man3/strrchr.3p.html'],
'strsep': ['http://man7.org/linux/man-pages/man3/strsep.3.html'],
'strsignal': ['http://man7.org/linux/man-pages/man3/strsignal.3.html',
'http://man7.org/linux/man-pages/man3/strsignal.3p.html'],
'strspn': ['http://man7.org/linux/man-pages/man3/strspn.3.html',
'http://man7.org/linux/man-pages/man3/strspn.3p.html'],
'strstr': ['http://man7.org/linux/man-pages/man3/strstr.3.html',
'http://man7.org/linux/man-pages/man3/strstr.3p.html'],
'strtod': ['http://man7.org/linux/man-pages/man3/strtod.3.html',
'http://man7.org/linux/man-pages/man3/strtod.3p.html'],
'strtof': ['http://man7.org/linux/man-pages/man3/strtof.3.html',
'http://man7.org/linux/man-pages/man3/strtof.3p.html'],
'strtoimax': ['http://man7.org/linux/man-pages/man3/strtoimax.3.html',
'http://man7.org/linux/man-pages/man3/strtoimax.3p.html'],
'strtok': ['http://man7.org/linux/man-pages/man3/strtok.3.html',
'http://man7.org/linux/man-pages/man3/strtok.3p.html'],
'strtok_r': ['http://man7.org/linux/man-pages/man3/strtok_r.3.html',
'http://man7.org/linux/man-pages/man3/strtok_r.3p.html'],
'strtol': ['http://man7.org/linux/man-pages/man3/strtol.3.html',
'http://man7.org/linux/man-pages/man3/strtol.3p.html'],
'strtold': ['http://man7.org/linux/man-pages/man3/strtold.3.html',
'http://man7.org/linux/man-pages/man3/strtold.3p.html'],
'strtoll': ['http://man7.org/linux/man-pages/man3/strtoll.3.html',
'http://man7.org/linux/man-pages/man3/strtoll.3p.html'],
'strtoq': ['http://man7.org/linux/man-pages/man3/strtoq.3.html'],
'strtoul': ['http://man7.org/linux/man-pages/man3/strtoul.3.html',
'http://man7.org/linux/man-pages/man3/strtoul.3p.html'],
'strtoull': ['http://man7.org/linux/man-pages/man3/strtoull.3.html',
'http://man7.org/linux/man-pages/man3/strtoull.3p.html'],
'strtoumax': ['http://man7.org/linux/man-pages/man3/strtoumax.3.html',
'http://man7.org/linux/man-pages/man3/strtoumax.3p.html'],
'strtouq': ['http://man7.org/linux/man-pages/man3/strtouq.3.html'],
'struct': ['http://man7.org/linux/man-pages/man3/struct.3.html'],
'strverscmp': ['http://man7.org/linux/man-pages/man3/strverscmp.3.html'],
'strxfrm': ['http://man7.org/linux/man-pages/man3/strxfrm.3.html',
'http://man7.org/linux/man-pages/man3/strxfrm.3p.html'],
'strxfrm_l': ['http://man7.org/linux/man-pages/man3/strxfrm_l.3p.html'],
'stty': ['http://man7.org/linux/man-pages/man1/stty.1.html',
'http://man7.org/linux/man-pages/man1/stty.1p.html',
'http://man7.org/linux/man-pages/man2/stty.2.html'],
'su': ['http://man7.org/linux/man-pages/man1/su.1.html'],
'suauth': ['http://man7.org/linux/man-pages/man5/suauth.5.html'],
'subgid': ['http://man7.org/linux/man-pages/man5/subgid.5.html'],
'subpad': ['http://man7.org/linux/man-pages/man3/subpad.3x.html'],
'subpage_prot': ['http://man7.org/linux/man-pages/man2/subpage_prot.2.html'],
'subscriptions.conf': ['http://man7.org/linux/man-pages/man5/subscriptions.conf.5.html'],
'subuid': ['http://man7.org/linux/man-pages/man5/subuid.5.html'],
'subwin': ['http://man7.org/linux/man-pages/man3/subwin.3x.html'],
'suffixes': ['http://man7.org/linux/man-pages/man7/suffixes.7.html'],
'sulogin': ['http://man7.org/linux/man-pages/man8/sulogin.8.html'],
'sum': ['http://man7.org/linux/man-pages/man1/sum.1.html'],
'svc_destroy': ['http://man7.org/linux/man-pages/man3/svc_destroy.3.html'],
'svc_freeargs': ['http://man7.org/linux/man-pages/man3/svc_freeargs.3.html'],
'svc_getargs': ['http://man7.org/linux/man-pages/man3/svc_getargs.3.html'],
'svc_getcaller': ['http://man7.org/linux/man-pages/man3/svc_getcaller.3.html'],
'svc_getreq': ['http://man7.org/linux/man-pages/man3/svc_getreq.3.html'],
'svc_getreqset': ['http://man7.org/linux/man-pages/man3/svc_getreqset.3.html'],
'svc_register': ['http://man7.org/linux/man-pages/man3/svc_register.3.html'],
'svc_run': ['http://man7.org/linux/man-pages/man3/svc_run.3.html'],
'svc_sendreply': ['http://man7.org/linux/man-pages/man3/svc_sendreply.3.html'],
'svc_unregister': ['http://man7.org/linux/man-pages/man3/svc_unregister.3.html'],
'svcerr_auth': ['http://man7.org/linux/man-pages/man3/svcerr_auth.3.html'],
'svcerr_decode': ['http://man7.org/linux/man-pages/man3/svcerr_decode.3.html'],
'svcerr_noproc': ['http://man7.org/linux/man-pages/man3/svcerr_noproc.3.html'],
'svcerr_noprog': ['http://man7.org/linux/man-pages/man3/svcerr_noprog.3.html'],
'svcerr_progvers': ['http://man7.org/linux/man-pages/man3/svcerr_progvers.3.html'],
'svcerr_systemerr': ['http://man7.org/linux/man-pages/man3/svcerr_systemerr.3.html'],
'svcerr_weakauth': ['http://man7.org/linux/man-pages/man3/svcerr_weakauth.3.html'],
'svcfd_create': ['http://man7.org/linux/man-pages/man3/svcfd_create.3.html'],
'svcgssd': ['http://man7.org/linux/man-pages/man8/svcgssd.8.html'],
'svcraw_create': ['http://man7.org/linux/man-pages/man3/svcraw_create.3.html'],
'svctcp_create': ['http://man7.org/linux/man-pages/man3/svctcp_create.3.html'],
'svcudp_bufcreate': ['http://man7.org/linux/man-pages/man3/svcudp_bufcreate.3.html'],
'svcudp_create': ['http://man7.org/linux/man-pages/man3/svcudp_create.3.html'],
'svipc': ['http://man7.org/linux/man-pages/man7/svipc.7.html'],
'swab': ['http://man7.org/linux/man-pages/man3/swab.3.html',
'http://man7.org/linux/man-pages/man3/swab.3p.html'],
'swapcontext': ['http://man7.org/linux/man-pages/man3/swapcontext.3.html'],
'swaplabel': ['http://man7.org/linux/man-pages/man8/swaplabel.8.html'],
'swapoff': ['http://man7.org/linux/man-pages/man2/swapoff.2.html',
'http://man7.org/linux/man-pages/man8/swapoff.8.html'],
'swapon': ['http://man7.org/linux/man-pages/man2/swapon.2.html',
'http://man7.org/linux/man-pages/man8/swapon.8.html'],
'switch_root': ['http://man7.org/linux/man-pages/man8/switch_root.8.html'],
'swprintf': ['http://man7.org/linux/man-pages/man3/swprintf.3.html',
'http://man7.org/linux/man-pages/man3/swprintf.3p.html'],
'swscanf': ['http://man7.org/linux/man-pages/man3/swscanf.3p.html'],
'symlink': ['http://man7.org/linux/man-pages/man2/symlink.2.html',
'http://man7.org/linux/man-pages/man3/symlink.3p.html',
'http://man7.org/linux/man-pages/man7/symlink.7.html'],
'symlinkat': ['http://man7.org/linux/man-pages/man2/symlinkat.2.html',
'http://man7.org/linux/man-pages/man3/symlinkat.3p.html'],
'sync': ['http://man7.org/linux/man-pages/man1/sync.1.html',
'http://man7.org/linux/man-pages/man2/sync.2.html',
'http://man7.org/linux/man-pages/man3/sync.3p.html'],
'sync_file_range': ['http://man7.org/linux/man-pages/man2/sync_file_range.2.html'],
'sync_file_range2': ['http://man7.org/linux/man-pages/man2/sync_file_range2.2.html'],
'syncfs': ['http://man7.org/linux/man-pages/man2/syncfs.2.html'],
'syncok': ['http://man7.org/linux/man-pages/man3/syncok.3x.html'],
'sys_errlist': ['http://man7.org/linux/man-pages/man3/sys_errlist.3.html'],
'sys_ipc.h': ['http://man7.org/linux/man-pages/man0/sys_ipc.h.0p.html'],
'sys_mman.h': ['http://man7.org/linux/man-pages/man0/sys_mman.h.0p.html'],
'sys_msg.h': ['http://man7.org/linux/man-pages/man0/sys_msg.h.0p.html'],
'sys_nerr': ['http://man7.org/linux/man-pages/man3/sys_nerr.3.html'],
'sys_resource.h': ['http://man7.org/linux/man-pages/man0/sys_resource.h.0p.html'],
'sys_select.h': ['http://man7.org/linux/man-pages/man0/sys_select.h.0p.html'],
'sys_sem.h': ['http://man7.org/linux/man-pages/man0/sys_sem.h.0p.html'],
'sys_shm.h': ['http://man7.org/linux/man-pages/man0/sys_shm.h.0p.html'],
'sys_socket.h': ['http://man7.org/linux/man-pages/man0/sys_socket.h.0p.html'],
'sys_stat.h': ['http://man7.org/linux/man-pages/man0/sys_stat.h.0p.html'],
'sys_statvfs.h': ['http://man7.org/linux/man-pages/man0/sys_statvfs.h.0p.html'],
'sys_time.h': ['http://man7.org/linux/man-pages/man0/sys_time.h.0p.html'],
'sys_times.h': ['http://man7.org/linux/man-pages/man0/sys_times.h.0p.html'],
'sys_types.h': ['http://man7.org/linux/man-pages/man0/sys_types.h.0p.html'],
'sys_uio.h': ['http://man7.org/linux/man-pages/man0/sys_uio.h.0p.html'],
'sys_un.h': ['http://man7.org/linux/man-pages/man0/sys_un.h.0p.html'],
'sys_utsname.h': ['http://man7.org/linux/man-pages/man0/sys_utsname.h.0p.html'],
'sys_wait.h': ['http://man7.org/linux/man-pages/man0/sys_wait.h.0p.html'],
'syscall': ['http://man7.org/linux/man-pages/man2/syscall.2.html'],
'syscalls': ['http://man7.org/linux/man-pages/man2/syscalls.2.html'],
'sysconf': ['http://man7.org/linux/man-pages/man3/sysconf.3.html',
'http://man7.org/linux/man-pages/man3/sysconf.3p.html'],
'sysctl': ['http://man7.org/linux/man-pages/man2/sysctl.2.html',
'http://man7.org/linux/man-pages/man8/sysctl.8.html'],
'sysctl.conf': ['http://man7.org/linux/man-pages/man5/sysctl.conf.5.html'],
'sysctl.d': ['http://man7.org/linux/man-pages/man5/sysctl.d.5.html'],
'sysdig': ['http://man7.org/linux/man-pages/man8/sysdig.8.html'],
'sysfs': ['http://man7.org/linux/man-pages/man2/sysfs.2.html',
'http://man7.org/linux/man-pages/man5/sysfs.5.html'],
'sysinfo': ['http://man7.org/linux/man-pages/man2/sysinfo.2.html'],
'syslog': ['http://man7.org/linux/man-pages/man2/syslog.2.html',
'http://man7.org/linux/man-pages/man3/syslog.3.html',
'http://man7.org/linux/man-pages/man3/syslog.3p.html'],
'syslog.h': ['http://man7.org/linux/man-pages/man0/syslog.h.0p.html'],
'sysstat': ['http://man7.org/linux/man-pages/man5/sysstat.5.html'],
'system': ['http://man7.org/linux/man-pages/man3/system.3.html',
'http://man7.org/linux/man-pages/man3/system.3p.html'],
'system-config-selinux': ['http://man7.org/linux/man-pages/man8/system-config-selinux.8.html'],
'system.conf.d': ['http://man7.org/linux/man-pages/man5/system.conf.d.5.html'],
'systemctl': ['http://man7.org/linux/man-pages/man1/systemctl.1.html'],
'systemd': ['http://man7.org/linux/man-pages/man1/systemd.1.html'],
'systemd-activate': ['http://man7.org/linux/man-pages/man8/systemd-activate.8.html'],
'systemd-analyze': ['http://man7.org/linux/man-pages/man1/systemd-analyze.1.html'],
'systemd-ask-password': ['http://man7.org/linux/man-pages/man1/systemd-ask-password.1.html'],
'systemd-ask-password-console.path': ['http://man7.org/linux/man-pages/man8/systemd-ask-password-console.path.8.html'],
'systemd-ask-password-console.service': ['http://man7.org/linux/man-pages/man8/systemd-ask-password-console.service.8.html'],
'systemd-ask-password-wall.path': ['http://man7.org/linux/man-pages/man8/systemd-ask-password-wall.path.8.html'],
'systemd-ask-password-wall.service': ['http://man7.org/linux/man-pages/man8/systemd-ask-password-wall.service.8.html'],
'systemd-backlight': ['http://man7.org/linux/man-pages/man8/systemd-backlight.8.html'],
'systemd-backlight.service': ['http://man7.org/linux/man-pages/man8/systemd-backlight.service.8.html'],
'systemd-binfmt': ['http://man7.org/linux/man-pages/man8/systemd-binfmt.8.html'],
'systemd-binfmt.service': ['http://man7.org/linux/man-pages/man8/systemd-binfmt.service.8.html'],
'systemd-bootchart': ['http://man7.org/linux/man-pages/man1/systemd-bootchart.1.html'],
'systemd-bus-proxyd': ['http://man7.org/linux/man-pages/man8/systemd-bus-proxyd.8.html'],
'systemd-bus-proxyd.service': ['http://man7.org/linux/man-pages/man8/systemd-bus-proxyd.service.8.html'],
'systemd-bus-proxyd.socket': ['http://man7.org/linux/man-pages/man8/systemd-bus-proxyd.socket.8.html'],
'systemd-cat': ['http://man7.org/linux/man-pages/man1/systemd-cat.1.html'],
'systemd-cgls': ['http://man7.org/linux/man-pages/man1/systemd-cgls.1.html'],
'systemd-cgtop': ['http://man7.org/linux/man-pages/man1/systemd-cgtop.1.html'],
'systemd-coredump': ['http://man7.org/linux/man-pages/man8/systemd-coredump.8.html'],
'systemd-coredump.service': ['http://man7.org/linux/man-pages/man8/systemd-coredump.service.8.html'],
'systemd-coredump.socket': ['http://man7.org/linux/man-pages/man8/systemd-coredump.socket.8.html'],
'systemd-debug-generator': ['http://man7.org/linux/man-pages/man8/systemd-debug-generator.8.html'],
'systemd-delta': ['http://man7.org/linux/man-pages/man1/systemd-delta.1.html'],
'systemd-detect-virt': ['http://man7.org/linux/man-pages/man1/systemd-detect-virt.1.html'],
'systemd-environment-d-generator': ['http://man7.org/linux/man-pages/man8/systemd-environment-d-generator.8.html'],
'systemd-escape': ['http://man7.org/linux/man-pages/man1/systemd-escape.1.html'],
'systemd-firstboot': ['http://man7.org/linux/man-pages/man1/systemd-firstboot.1.html'],
'systemd-firstboot.service': ['http://man7.org/linux/man-pages/man1/systemd-firstboot.service.1.html'],
'systemd-fsck': ['http://man7.org/linux/man-pages/man8/systemd-fsck.8.html'],
'systemd-fsck-root.service': ['http://man7.org/linux/man-pages/man8/systemd-fsck-root.service.8.html'],
'systemd-fsck.service': ['http://man7.org/linux/man-pages/man8/systemd-fsck.service.8.html'],
'systemd-fstab-generator': ['http://man7.org/linux/man-pages/man8/systemd-fstab-generator.8.html'],
'systemd-getty-generator': ['http://man7.org/linux/man-pages/man8/systemd-getty-generator.8.html'],
'systemd-gpt-auto-generator': ['http://man7.org/linux/man-pages/man8/systemd-gpt-auto-generator.8.html'],
'systemd-halt.service': ['http://man7.org/linux/man-pages/man8/systemd-halt.service.8.html'],
'systemd-hibernate-resume': ['http://man7.org/linux/man-pages/man8/systemd-hibernate-resume.8.html'],
'systemd-hibernate-resume-generator': ['http://man7.org/linux/man-pages/man8/systemd-hibernate-resume-generator.8.html'],
'systemd-hibernate-resume.service': ['http://man7.org/linux/man-pages/man8/systemd-hibernate-resume.service.8.html'],
'systemd-hibernate.service': ['http://man7.org/linux/man-pages/man8/systemd-hibernate.service.8.html'],
'systemd-hostnamed': ['http://man7.org/linux/man-pages/man8/systemd-hostnamed.8.html'],
'systemd-hostnamed.service': ['http://man7.org/linux/man-pages/man8/systemd-hostnamed.service.8.html'],
'systemd-hwdb': ['http://man7.org/linux/man-pages/man8/systemd-hwdb.8.html'],
'systemd-hybrid-sleep.service': ['http://man7.org/linux/man-pages/man8/systemd-hybrid-sleep.service.8.html'],
'systemd-importd': ['http://man7.org/linux/man-pages/man8/systemd-importd.8.html'],
'systemd-importd.service': ['http://man7.org/linux/man-pages/man8/systemd-importd.service.8.html'],
'systemd-inhibit': ['http://man7.org/linux/man-pages/man1/systemd-inhibit.1.html'],
'systemd-initctl': ['http://man7.org/linux/man-pages/man8/systemd-initctl.8.html'],
'systemd-initctl.service': ['http://man7.org/linux/man-pages/man8/systemd-initctl.service.8.html'],
'systemd-initctl.socket': ['http://man7.org/linux/man-pages/man8/systemd-initctl.socket.8.html'],
'systemd-journald': ['http://man7.org/linux/man-pages/man8/systemd-journald.8.html'],
'systemd-journald-audit.socket': ['http://man7.org/linux/man-pages/man8/systemd-journald-audit.socket.8.html'],
'systemd-journald-dev-log.socket': ['http://man7.org/linux/man-pages/man8/systemd-journald-dev-log.socket.8.html'],
'systemd-journald.service': ['http://man7.org/linux/man-pages/man8/systemd-journald.service.8.html'],
'systemd-journald.socket': ['http://man7.org/linux/man-pages/man8/systemd-journald.socket.8.html'],
'systemd-kexec.service': ['http://man7.org/linux/man-pages/man8/systemd-kexec.service.8.html'],
'systemd-localed': ['http://man7.org/linux/man-pages/man8/systemd-localed.8.html'],
'systemd-localed.service': ['http://man7.org/linux/man-pages/man8/systemd-localed.service.8.html'],
'systemd-logind': ['http://man7.org/linux/man-pages/man8/systemd-logind.8.html'],
'systemd-logind.service': ['http://man7.org/linux/man-pages/man8/systemd-logind.service.8.html'],
'systemd-machine-id-commit.service': ['http://man7.org/linux/man-pages/man8/systemd-machine-id-commit.service.8.html'],
'systemd-machine-id-setup': ['http://man7.org/linux/man-pages/man1/systemd-machine-id-setup.1.html'],
'systemd-machined': ['http://man7.org/linux/man-pages/man8/systemd-machined.8.html'],
'systemd-machined.service': ['http://man7.org/linux/man-pages/man8/systemd-machined.service.8.html'],
'systemd-modules-load': ['http://man7.org/linux/man-pages/man8/systemd-modules-load.8.html'],
'systemd-modules-load.service': ['http://man7.org/linux/man-pages/man8/systemd-modules-load.service.8.html'],
'systemd-mount': ['http://man7.org/linux/man-pages/man1/systemd-mount.1.html'],
'systemd-networkd': ['http://man7.org/linux/man-pages/man8/systemd-networkd.8.html'],
'systemd-networkd-wait-online': ['http://man7.org/linux/man-pages/man8/systemd-networkd-wait-online.8.html'],
'systemd-networkd-wait-online.service': ['http://man7.org/linux/man-pages/man8/systemd-networkd-wait-online.service.8.html'],
'systemd-networkd.service': ['http://man7.org/linux/man-pages/man8/systemd-networkd.service.8.html'],
'systemd-notify': ['http://man7.org/linux/man-pages/man1/systemd-notify.1.html'],
'systemd-nspawn': ['http://man7.org/linux/man-pages/man1/systemd-nspawn.1.html'],
'systemd-path': ['http://man7.org/linux/man-pages/man1/systemd-path.1.html'],
'systemd-poweroff.service': ['http://man7.org/linux/man-pages/man8/systemd-poweroff.service.8.html'],
'systemd-quotacheck': ['http://man7.org/linux/man-pages/man8/systemd-quotacheck.8.html'],
'systemd-quotacheck.service': ['http://man7.org/linux/man-pages/man8/systemd-quotacheck.service.8.html'],
'systemd-random-seed': ['http://man7.org/linux/man-pages/man8/systemd-random-seed.8.html'],
'systemd-random-seed.service': ['http://man7.org/linux/man-pages/man8/systemd-random-seed.service.8.html'],
'systemd-reboot.service': ['http://man7.org/linux/man-pages/man8/systemd-reboot.service.8.html'],
'systemd-remount-fs': ['http://man7.org/linux/man-pages/man8/systemd-remount-fs.8.html'],
'systemd-remount-fs.service': ['http://man7.org/linux/man-pages/man8/systemd-remount-fs.service.8.html'],
'systemd-resolve': ['http://man7.org/linux/man-pages/man1/systemd-resolve.1.html'],
'systemd-resolved': ['http://man7.org/linux/man-pages/man8/systemd-resolved.8.html'],
'systemd-resolved.service': ['http://man7.org/linux/man-pages/man8/systemd-resolved.service.8.html'],
'systemd-rfkill': ['http://man7.org/linux/man-pages/man8/systemd-rfkill.8.html'],
'systemd-rfkill.service': ['http://man7.org/linux/man-pages/man8/systemd-rfkill.service.8.html'],
'systemd-rfkill.socket': ['http://man7.org/linux/man-pages/man8/systemd-rfkill.socket.8.html'],
'systemd-run': ['http://man7.org/linux/man-pages/man1/systemd-run.1.html'],
'systemd-shutdown': ['http://man7.org/linux/man-pages/man8/systemd-shutdown.8.html'],
'systemd-sleep': ['http://man7.org/linux/man-pages/man8/systemd-sleep.8.html'],
'systemd-sleep.conf': ['http://man7.org/linux/man-pages/man5/systemd-sleep.conf.5.html'],
'systemd-socket-activate': ['http://man7.org/linux/man-pages/man1/systemd-socket-activate.1.html'],
'systemd-socket-proxyd': ['http://man7.org/linux/man-pages/man8/systemd-socket-proxyd.8.html'],
'systemd-suspend.service': ['http://man7.org/linux/man-pages/man8/systemd-suspend.service.8.html'],
'systemd-sysctl': ['http://man7.org/linux/man-pages/man8/systemd-sysctl.8.html'],
'systemd-sysctl.service': ['http://man7.org/linux/man-pages/man8/systemd-sysctl.service.8.html'],
'systemd-system-update-generator': ['http://man7.org/linux/man-pages/man8/systemd-system-update-generator.8.html'],
'systemd-system.conf': ['http://man7.org/linux/man-pages/man5/systemd-system.conf.5.html'],
'systemd-sysusers': ['http://man7.org/linux/man-pages/man8/systemd-sysusers.8.html'],
'systemd-sysusers.service': ['http://man7.org/linux/man-pages/man8/systemd-sysusers.service.8.html'],
'systemd-sysv-generator': ['http://man7.org/linux/man-pages/man8/systemd-sysv-generator.8.html'],
'systemd-timedated': ['http://man7.org/linux/man-pages/man8/systemd-timedated.8.html'],
'systemd-timedated.service': ['http://man7.org/linux/man-pages/man8/systemd-timedated.service.8.html'],
'systemd-timesyncd': ['http://man7.org/linux/man-pages/man8/systemd-timesyncd.8.html'],
'systemd-timesyncd.service': ['http://man7.org/linux/man-pages/man8/systemd-timesyncd.service.8.html'],
'systemd-tmpfiles': ['http://man7.org/linux/man-pages/man8/systemd-tmpfiles.8.html'],
'systemd-tmpfiles-clean.service': ['http://man7.org/linux/man-pages/man8/systemd-tmpfiles-clean.service.8.html'],
'systemd-tmpfiles-clean.timer': ['http://man7.org/linux/man-pages/man8/systemd-tmpfiles-clean.timer.8.html'],
'systemd-tmpfiles-setup-dev.service': ['http://man7.org/linux/man-pages/man8/systemd-tmpfiles-setup-dev.service.8.html'],
'systemd-tmpfiles-setup.service': ['http://man7.org/linux/man-pages/man8/systemd-tmpfiles-setup.service.8.html'],
'systemd-tty-ask-password-agent': ['http://man7.org/linux/man-pages/man1/systemd-tty-ask-password-agent.1.html'],
'systemd-udevd': ['http://man7.org/linux/man-pages/man8/systemd-udevd.8.html'],
'systemd-udevd-control.socket': ['http://man7.org/linux/man-pages/man8/systemd-udevd-control.socket.8.html'],
'systemd-udevd-kernel.socket': ['http://man7.org/linux/man-pages/man8/systemd-udevd-kernel.socket.8.html'],
'systemd-udevd.service': ['http://man7.org/linux/man-pages/man8/systemd-udevd.service.8.html'],
'systemd-umount': ['http://man7.org/linux/man-pages/man1/systemd-umount.1.html'],
'systemd-update-done': ['http://man7.org/linux/man-pages/man8/systemd-update-done.8.html'],
'systemd-update-done.service': ['http://man7.org/linux/man-pages/man8/systemd-update-done.service.8.html'],
'systemd-update-utmp': ['http://man7.org/linux/man-pages/man8/systemd-update-utmp.8.html'],
'systemd-update-utmp-runlevel.service': ['http://man7.org/linux/man-pages/man8/systemd-update-utmp-runlevel.service.8.html'],
'systemd-update-utmp.service': ['http://man7.org/linux/man-pages/man8/systemd-update-utmp.service.8.html'],
'systemd-user-sessions': ['http://man7.org/linux/man-pages/man8/systemd-user-sessions.8.html'],
'systemd-user-sessions.service': ['http://man7.org/linux/man-pages/man8/systemd-user-sessions.service.8.html'],
'systemd-user.conf': ['http://man7.org/linux/man-pages/man5/systemd-user.conf.5.html'],
'systemd-vconsole-setup': ['http://man7.org/linux/man-pages/man8/systemd-vconsole-setup.8.html'],
'systemd-vconsole-setup.service': ['http://man7.org/linux/man-pages/man8/systemd-vconsole-setup.service.8.html'],
'systemd-volatile-root': ['http://man7.org/linux/man-pages/man8/systemd-volatile-root.8.html'],
'systemd-volatile-root.service': ['http://man7.org/linux/man-pages/man8/systemd-volatile-root.service.8.html'],
'systemd.automount': ['http://man7.org/linux/man-pages/man5/systemd.automount.5.html'],
'systemd.device': ['http://man7.org/linux/man-pages/man5/systemd.device.5.html'],
'systemd.directives': ['http://man7.org/linux/man-pages/man7/systemd.directives.7.html'],
'systemd.environment-generator': ['http://man7.org/linux/man-pages/man7/systemd.environment-generator.7.html'],
'systemd.exec': ['http://man7.org/linux/man-pages/man5/systemd.exec.5.html'],
'systemd.generator': ['http://man7.org/linux/man-pages/man7/systemd.generator.7.html'],
'systemd.index': ['http://man7.org/linux/man-pages/man7/systemd.index.7.html'],
'systemd.journal-fields': ['http://man7.org/linux/man-pages/man7/systemd.journal-fields.7.html'],
'systemd.kill': ['http://man7.org/linux/man-pages/man5/systemd.kill.5.html'],
'systemd.link': ['http://man7.org/linux/man-pages/man5/systemd.link.5.html'],
'systemd.mount': ['http://man7.org/linux/man-pages/man5/systemd.mount.5.html'],
'systemd.negative': ['http://man7.org/linux/man-pages/man5/systemd.negative.5.html'],
'systemd.netdev': ['http://man7.org/linux/man-pages/man5/systemd.netdev.5.html'],
'systemd.network': ['http://man7.org/linux/man-pages/man5/systemd.network.5.html'],
'systemd.nspawn': ['http://man7.org/linux/man-pages/man5/systemd.nspawn.5.html'],
'systemd.offline-updates': ['http://man7.org/linux/man-pages/man7/systemd.offline-updates.7.html'],
'systemd.path': ['http://man7.org/linux/man-pages/man5/systemd.path.5.html'],
'systemd.positive': ['http://man7.org/linux/man-pages/man5/systemd.positive.5.html'],
'systemd.preset': ['http://man7.org/linux/man-pages/man5/systemd.preset.5.html'],
'systemd.resource-control': ['http://man7.org/linux/man-pages/man5/systemd.resource-control.5.html'],
'systemd.scope': ['http://man7.org/linux/man-pages/man5/systemd.scope.5.html'],
'systemd.service': ['http://man7.org/linux/man-pages/man5/systemd.service.5.html'],
'systemd.slice': ['http://man7.org/linux/man-pages/man5/systemd.slice.5.html'],
'systemd.socket': ['http://man7.org/linux/man-pages/man5/systemd.socket.5.html'],
'systemd.special': ['http://man7.org/linux/man-pages/man7/systemd.special.7.html'],
'systemd.swap': ['http://man7.org/linux/man-pages/man5/systemd.swap.5.html'],
'systemd.target': ['http://man7.org/linux/man-pages/man5/systemd.target.5.html'],
'systemd.time': ['http://man7.org/linux/man-pages/man7/systemd.time.7.html'],
'systemd.timer': ['http://man7.org/linux/man-pages/man5/systemd.timer.5.html'],
'systemd.unit': ['http://man7.org/linux/man-pages/man5/systemd.unit.5.html'],
'systemkey-tool': ['http://man7.org/linux/man-pages/man1/systemkey-tool.1.html'],
'systemtap': ['http://man7.org/linux/man-pages/man8/systemtap.8.html'],
'systemtap-service': ['http://man7.org/linux/man-pages/man8/systemtap-service.8.html'],
'sysusers.d': ['http://man7.org/linux/man-pages/man5/sysusers.d.5.html'],
'sysv_signal': ['http://man7.org/linux/man-pages/man3/sysv_signal.3.html'],
'tabs': ['http://man7.org/linux/man-pages/man1/tabs.1.html',
'http://man7.org/linux/man-pages/man1/tabs.1p.html'],
'tac': ['http://man7.org/linux/man-pages/man1/tac.1.html'],
'tail': ['http://man7.org/linux/man-pages/man1/tail.1.html',
'http://man7.org/linux/man-pages/man1/tail.1p.html'],
'tailq_concat': ['http://man7.org/linux/man-pages/man3/tailq_concat.3.html'],
'tailq_empty': ['http://man7.org/linux/man-pages/man3/tailq_empty.3.html'],
'tailq_entry': ['http://man7.org/linux/man-pages/man3/tailq_entry.3.html'],
'tailq_first': ['http://man7.org/linux/man-pages/man3/tailq_first.3.html'],
'tailq_foreach': ['http://man7.org/linux/man-pages/man3/tailq_foreach.3.html'],
'tailq_foreach_reverse': ['http://man7.org/linux/man-pages/man3/tailq_foreach_reverse.3.html'],
'tailq_head': ['http://man7.org/linux/man-pages/man3/tailq_head.3.html'],
'tailq_head_initializer': ['http://man7.org/linux/man-pages/man3/tailq_head_initializer.3.html'],
'tailq_init': ['http://man7.org/linux/man-pages/man3/tailq_init.3.html'],
'tailq_insert_after': ['http://man7.org/linux/man-pages/man3/tailq_insert_after.3.html'],
'tailq_insert_before': ['http://man7.org/linux/man-pages/man3/tailq_insert_before.3.html'],
'tailq_insert_head': ['http://man7.org/linux/man-pages/man3/tailq_insert_head.3.html'],
'tailq_insert_tail': ['http://man7.org/linux/man-pages/man3/tailq_insert_tail.3.html'],
'tailq_last': ['http://man7.org/linux/man-pages/man3/tailq_last.3.html'],
'tailq_next': ['http://man7.org/linux/man-pages/man3/tailq_next.3.html'],
'tailq_prev': ['http://man7.org/linux/man-pages/man3/tailq_prev.3.html'],
'tailq_remove': ['http://man7.org/linux/man-pages/man3/tailq_remove.3.html'],
'tailq_swap': ['http://man7.org/linux/man-pages/man3/tailq_swap.3.html'],
'talk': ['http://man7.org/linux/man-pages/man1/talk.1p.html'],
'tan': ['http://man7.org/linux/man-pages/man3/tan.3.html',
'http://man7.org/linux/man-pages/man3/tan.3p.html'],
'tanf': ['http://man7.org/linux/man-pages/man3/tanf.3.html',
'http://man7.org/linux/man-pages/man3/tanf.3p.html'],
'tanh': ['http://man7.org/linux/man-pages/man3/tanh.3.html',
'http://man7.org/linux/man-pages/man3/tanh.3p.html'],
'tanhf': ['http://man7.org/linux/man-pages/man3/tanhf.3.html',
'http://man7.org/linux/man-pages/man3/tanhf.3p.html'],
'tanhl': ['http://man7.org/linux/man-pages/man3/tanhl.3.html',
'http://man7.org/linux/man-pages/man3/tanhl.3p.html'],
'tanl': ['http://man7.org/linux/man-pages/man3/tanl.3.html',
'http://man7.org/linux/man-pages/man3/tanl.3p.html'],
'tapestat': ['http://man7.org/linux/man-pages/man1/tapestat.1.html'],
'tar': ['http://man7.org/linux/man-pages/man1/tar.1.html'],
'tar.h': ['http://man7.org/linux/man-pages/man0/tar.h.0p.html'],
'taskset': ['http://man7.org/linux/man-pages/man1/taskset.1.html'],
'tbf': ['http://man7.org/linux/man-pages/man8/tbf.8.html'],
'tbl': ['http://man7.org/linux/man-pages/man1/tbl.1.html'],
'tc': ['http://man7.org/linux/man-pages/man8/tc.8.html'],
'tc-actions': ['http://man7.org/linux/man-pages/man8/tc-actions.8.html'],
'tc-basic': ['http://man7.org/linux/man-pages/man8/tc-basic.8.html'],
'tc-bfifo': ['http://man7.org/linux/man-pages/man8/tc-bfifo.8.html'],
'tc-bpf': ['http://man7.org/linux/man-pages/man8/tc-bpf.8.html'],
'tc-cake': ['http://man7.org/linux/man-pages/man8/tc-cake.8.html'],
'tc-cbq': ['http://man7.org/linux/man-pages/man8/tc-cbq.8.html'],
'tc-cbq-details': ['http://man7.org/linux/man-pages/man8/tc-cbq-details.8.html'],
'tc-cbs': ['http://man7.org/linux/man-pages/man8/tc-cbs.8.html'],
'tc-cgroup': ['http://man7.org/linux/man-pages/man8/tc-cgroup.8.html'],
'tc-choke': ['http://man7.org/linux/man-pages/man8/tc-choke.8.html'],
'tc-codel': ['http://man7.org/linux/man-pages/man8/tc-codel.8.html'],
'tc-connmark': ['http://man7.org/linux/man-pages/man8/tc-connmark.8.html'],
'tc-csum': ['http://man7.org/linux/man-pages/man8/tc-csum.8.html'],
'tc-drr': ['http://man7.org/linux/man-pages/man8/tc-drr.8.html'],
'tc-ematch': ['http://man7.org/linux/man-pages/man8/tc-ematch.8.html'],
'tc-etf': ['http://man7.org/linux/man-pages/man8/tc-etf.8.html'],
'tc-flow': ['http://man7.org/linux/man-pages/man8/tc-flow.8.html'],
'tc-flower': ['http://man7.org/linux/man-pages/man8/tc-flower.8.html'],
'tc-fq': ['http://man7.org/linux/man-pages/man8/tc-fq.8.html'],
'tc-fq_codel': ['http://man7.org/linux/man-pages/man8/tc-fq_codel.8.html'],
'tc-fw': ['http://man7.org/linux/man-pages/man8/tc-fw.8.html'],
'tc-hfcs': ['http://man7.org/linux/man-pages/man7/tc-hfcs.7.html'],
'tc-hfsc': ['http://man7.org/linux/man-pages/man7/tc-hfsc.7.html',
'http://man7.org/linux/man-pages/man8/tc-hfsc.8.html'],
'tc-htb': ['http://man7.org/linux/man-pages/man8/tc-htb.8.html'],
'tc-ife': ['http://man7.org/linux/man-pages/man8/tc-ife.8.html'],
'tc-matchall': ['http://man7.org/linux/man-pages/man8/tc-matchall.8.html'],
'tc-mirred': ['http://man7.org/linux/man-pages/man8/tc-mirred.8.html'],
'tc-mqprio': ['http://man7.org/linux/man-pages/man8/tc-mqprio.8.html'],
'tc-nat': ['http://man7.org/linux/man-pages/man8/tc-nat.8.html'],
'tc-netem': ['http://man7.org/linux/man-pages/man8/tc-netem.8.html'],
'tc-pedit': ['http://man7.org/linux/man-pages/man8/tc-pedit.8.html'],
'tc-pfifo': ['http://man7.org/linux/man-pages/man8/tc-pfifo.8.html'],
'tc-pfifo_fast': ['http://man7.org/linux/man-pages/man8/tc-pfifo_fast.8.html'],
'tc-pie': ['http://man7.org/linux/man-pages/man8/tc-pie.8.html'],
'tc-police': ['http://man7.org/linux/man-pages/man8/tc-police.8.html'],
'tc-prio': ['http://man7.org/linux/man-pages/man8/tc-prio.8.html'],
'tc-red': ['http://man7.org/linux/man-pages/man8/tc-red.8.html'],
'tc-route': ['http://man7.org/linux/man-pages/man8/tc-route.8.html'],
'tc-sample': ['http://man7.org/linux/man-pages/man8/tc-sample.8.html'],
'tc-sfb': ['http://man7.org/linux/man-pages/man8/tc-sfb.8.html'],
'tc-sfq': ['http://man7.org/linux/man-pages/man8/tc-sfq.8.html'],
'tc-simple': ['http://man7.org/linux/man-pages/man8/tc-simple.8.html'],
'tc-skbedit': ['http://man7.org/linux/man-pages/man8/tc-skbedit.8.html'],
'tc-skbmod': ['http://man7.org/linux/man-pages/man8/tc-skbmod.8.html'],
'tc-skbprio': ['http://man7.org/linux/man-pages/man8/tc-skbprio.8.html'],
'tc-stab': ['http://man7.org/linux/man-pages/man8/tc-stab.8.html'],
'tc-taprio': ['http://man7.org/linux/man-pages/man8/tc-taprio.8.html'],
'tc-tbf': ['http://man7.org/linux/man-pages/man8/tc-tbf.8.html'],
'tc-tcindex': ['http://man7.org/linux/man-pages/man8/tc-tcindex.8.html'],
'tc-tunnel_key': ['http://man7.org/linux/man-pages/man8/tc-tunnel_key.8.html'],
'tc-u32': ['http://man7.org/linux/man-pages/man8/tc-u32.8.html'],
'tc-vlan': ['http://man7.org/linux/man-pages/man8/tc-vlan.8.html'],
'tc-xt': ['http://man7.org/linux/man-pages/man8/tc-xt.8.html'],
'tcdrain': ['http://man7.org/linux/man-pages/man3/tcdrain.3.html',
'http://man7.org/linux/man-pages/man3/tcdrain.3p.html'],
'tcflow': ['http://man7.org/linux/man-pages/man3/tcflow.3.html',
'http://man7.org/linux/man-pages/man3/tcflow.3p.html'],
'tcflush': ['http://man7.org/linux/man-pages/man3/tcflush.3.html',
'http://man7.org/linux/man-pages/man3/tcflush.3p.html'],
'tcgetattr': ['http://man7.org/linux/man-pages/man3/tcgetattr.3.html',
'http://man7.org/linux/man-pages/man3/tcgetattr.3p.html'],
'tcgetpgrp': ['http://man7.org/linux/man-pages/man3/tcgetpgrp.3.html',
'http://man7.org/linux/man-pages/man3/tcgetpgrp.3p.html'],
'tcgetsid': ['http://man7.org/linux/man-pages/man3/tcgetsid.3.html',
'http://man7.org/linux/man-pages/man3/tcgetsid.3p.html'],
'tcindex': ['http://man7.org/linux/man-pages/man8/tcindex.8.html'],
'tcp': ['http://man7.org/linux/man-pages/man7/tcp.7.html'],
'tcpdump': ['http://man7.org/linux/man-pages/man1/tcpdump.1.html'],
'tcsendbreak': ['http://man7.org/linux/man-pages/man3/tcsendbreak.3.html',
'http://man7.org/linux/man-pages/man3/tcsendbreak.3p.html'],
'tcsetattr': ['http://man7.org/linux/man-pages/man3/tcsetattr.3.html',
'http://man7.org/linux/man-pages/man3/tcsetattr.3p.html'],
'tcsetpgrp': ['http://man7.org/linux/man-pages/man3/tcsetpgrp.3.html',
'http://man7.org/linux/man-pages/man3/tcsetpgrp.3p.html'],
'tdelete': ['http://man7.org/linux/man-pages/man3/tdelete.3.html',
'http://man7.org/linux/man-pages/man3/tdelete.3p.html'],
'tdestroy': ['http://man7.org/linux/man-pages/man3/tdestroy.3.html'],
'tee': ['http://man7.org/linux/man-pages/man1/tee.1.html',
'http://man7.org/linux/man-pages/man1/tee.1p.html',
'http://man7.org/linux/man-pages/man2/tee.2.html'],
'telinit': ['http://man7.org/linux/man-pages/man8/telinit.8.html'],
'telldir': ['http://man7.org/linux/man-pages/man3/telldir.3.html',
'http://man7.org/linux/man-pages/man3/telldir.3p.html'],
'telnet-probe': ['http://man7.org/linux/man-pages/man1/telnet-probe.1.html'],
'tempnam': ['http://man7.org/linux/man-pages/man3/tempnam.3.html',
'http://man7.org/linux/man-pages/man3/tempnam.3p.html'],
'term': ['http://man7.org/linux/man-pages/man5/term.5.html',
'http://man7.org/linux/man-pages/man7/term.7.html'],
'term_attrs': ['http://man7.org/linux/man-pages/man3/term_attrs.3x.html'],
'term_variables': ['http://man7.org/linux/man-pages/man3/term_variables.3x.html'],
'termattrs': ['http://man7.org/linux/man-pages/man3/termattrs.3x.html'],
'termcap': ['http://man7.org/linux/man-pages/man5/termcap.5.html'],
'terminal-colors.d': ['http://man7.org/linux/man-pages/man5/terminal-colors.d.5.html'],
'terminfo': ['http://man7.org/linux/man-pages/man5/terminfo.5.html'],
'termio': ['http://man7.org/linux/man-pages/man7/termio.7.html'],
'termios': ['http://man7.org/linux/man-pages/man3/termios.3.html'],
'termios.h': ['http://man7.org/linux/man-pages/man0/termios.h.0p.html'],
'termname': ['http://man7.org/linux/man-pages/man3/termname.3x.html'],
'test': ['http://man7.org/linux/man-pages/man1/test.1.html',
'http://man7.org/linux/man-pages/man1/test.1p.html'],
'textdomain': ['http://man7.org/linux/man-pages/man3/textdomain.3.html'],
'tfind': ['http://man7.org/linux/man-pages/man3/tfind.3.html',
'http://man7.org/linux/man-pages/man3/tfind.3p.html'],
'tfmtodit': ['http://man7.org/linux/man-pages/man1/tfmtodit.1.html'],
'tftpd': ['http://man7.org/linux/man-pages/man8/tftpd.8.html'],
'tgamma': ['http://man7.org/linux/man-pages/man3/tgamma.3.html',
'http://man7.org/linux/man-pages/man3/tgamma.3p.html'],
'tgammaf': ['http://man7.org/linux/man-pages/man3/tgammaf.3.html',
'http://man7.org/linux/man-pages/man3/tgammaf.3p.html'],
'tgammal': ['http://man7.org/linux/man-pages/man3/tgammal.3.html',
'http://man7.org/linux/man-pages/man3/tgammal.3p.html'],
'tgetent': ['http://man7.org/linux/man-pages/man3/tgetent.3x.html'],
'tgetflag': ['http://man7.org/linux/man-pages/man3/tgetflag.3x.html'],
'tgetnum': ['http://man7.org/linux/man-pages/man3/tgetnum.3x.html'],
'tgetstr': ['http://man7.org/linux/man-pages/man3/tgetstr.3x.html'],
'tgkill': ['http://man7.org/linux/man-pages/man2/tgkill.2.html'],
'tgmath.h': ['http://man7.org/linux/man-pages/man0/tgmath.h.0p.html'],
'tgoto': ['http://man7.org/linux/man-pages/man3/tgoto.3x.html'],
'thread-keyring': ['http://man7.org/linux/man-pages/man7/thread-keyring.7.html'],
'tigetflag': ['http://man7.org/linux/man-pages/man3/tigetflag.3x.html'],
'tigetnum': ['http://man7.org/linux/man-pages/man3/tigetnum.3x.html'],
'tigetstr': ['http://man7.org/linux/man-pages/man3/tigetstr.3x.html'],
'time': ['http://man7.org/linux/man-pages/man1/time.1.html',
'http://man7.org/linux/man-pages/man1/time.1p.html',
'http://man7.org/linux/man-pages/man2/time.2.html',
'http://man7.org/linux/man-pages/man3/time.3p.html',
'http://man7.org/linux/man-pages/man7/time.7.html'],
'time.conf': ['http://man7.org/linux/man-pages/man5/time.conf.5.html'],
'time.h': ['http://man7.org/linux/man-pages/man0/time.h.0p.html'],
'timedatectl': ['http://man7.org/linux/man-pages/man1/timedatectl.1.html'],
'timegm': ['http://man7.org/linux/man-pages/man3/timegm.3.html'],
'timelocal': ['http://man7.org/linux/man-pages/man3/timelocal.3.html'],
'timeout': ['http://man7.org/linux/man-pages/man1/timeout.1.html',
'http://man7.org/linux/man-pages/man3/timeout.3x.html'],
'timer_create': ['http://man7.org/linux/man-pages/man2/timer_create.2.html',
'http://man7.org/linux/man-pages/man3/timer_create.3p.html'],
'timer_delete': ['http://man7.org/linux/man-pages/man2/timer_delete.2.html',
'http://man7.org/linux/man-pages/man3/timer_delete.3p.html'],
'timer_getoverrun': ['http://man7.org/linux/man-pages/man2/timer_getoverrun.2.html',
'http://man7.org/linux/man-pages/man3/timer_getoverrun.3p.html'],
'timer_gettime': ['http://man7.org/linux/man-pages/man2/timer_gettime.2.html',
'http://man7.org/linux/man-pages/man3/timer_gettime.3p.html'],
'timer_settime': ['http://man7.org/linux/man-pages/man2/timer_settime.2.html',
'http://man7.org/linux/man-pages/man3/timer_settime.3p.html'],
'timeradd': ['http://man7.org/linux/man-pages/man3/timeradd.3.html'],
'timerclear': ['http://man7.org/linux/man-pages/man3/timerclear.3.html'],
'timercmp': ['http://man7.org/linux/man-pages/man3/timercmp.3.html'],
'timerfd_create': ['http://man7.org/linux/man-pages/man2/timerfd_create.2.html'],
'timerfd_gettime': ['http://man7.org/linux/man-pages/man2/timerfd_gettime.2.html'],
'timerfd_settime': ['http://man7.org/linux/man-pages/man2/timerfd_settime.2.html'],
'timerisset': ['http://man7.org/linux/man-pages/man3/timerisset.3.html'],
'timersub': ['http://man7.org/linux/man-pages/man3/timersub.3.html'],
'times': ['http://man7.org/linux/man-pages/man1/times.1p.html',
'http://man7.org/linux/man-pages/man2/times.2.html',
'http://man7.org/linux/man-pages/man3/times.3p.html'],
'timesyncd.conf': ['http://man7.org/linux/man-pages/man5/timesyncd.conf.5.html'],
'timesyncd.conf.d': ['http://man7.org/linux/man-pages/man5/timesyncd.conf.d.5.html'],
'timezone': ['http://man7.org/linux/man-pages/man3/timezone.3.html',
'http://man7.org/linux/man-pages/man3/timezone.3p.html'],
'tiparm': ['http://man7.org/linux/man-pages/man3/tiparm.3x.html'],
'tipc': ['http://man7.org/linux/man-pages/man8/tipc.8.html'],
'tipc-bearer': ['http://man7.org/linux/man-pages/man8/tipc-bearer.8.html'],
'tipc-link': ['http://man7.org/linux/man-pages/man8/tipc-link.8.html'],
'tipc-media': ['http://man7.org/linux/man-pages/man8/tipc-media.8.html'],
'tipc-nametable': ['http://man7.org/linux/man-pages/man8/tipc-nametable.8.html'],
'tipc-node': ['http://man7.org/linux/man-pages/man8/tipc-node.8.html'],
'tipc-peer': ['http://man7.org/linux/man-pages/man8/tipc-peer.8.html'],
'tipc-socket': ['http://man7.org/linux/man-pages/man8/tipc-socket.8.html'],
'tis-620': ['http://man7.org/linux/man-pages/man7/tis-620.7.html'],
'tkill': ['http://man7.org/linux/man-pages/man2/tkill.2.html'],
'tload': ['http://man7.org/linux/man-pages/man1/tload.1.html'],
'tmpfile': ['http://man7.org/linux/man-pages/man3/tmpfile.3.html',
'http://man7.org/linux/man-pages/man3/tmpfile.3p.html'],
'tmpfiles.d': ['http://man7.org/linux/man-pages/man5/tmpfiles.d.5.html'],
'tmpfs': ['http://man7.org/linux/man-pages/man5/tmpfs.5.html'],
'tmpnam': ['http://man7.org/linux/man-pages/man3/tmpnam.3.html',
'http://man7.org/linux/man-pages/man3/tmpnam.3p.html'],
'tmpnam_r': ['http://man7.org/linux/man-pages/man3/tmpnam_r.3.html'],
'tmux': ['http://man7.org/linux/man-pages/man1/tmux.1.html'],
'toascii': ['http://man7.org/linux/man-pages/man3/toascii.3.html',
'http://man7.org/linux/man-pages/man3/toascii.3p.html'],
'togglesebool': ['http://man7.org/linux/man-pages/man8/togglesebool.8.html'],
'tokuft_logprint': ['http://man7.org/linux/man-pages/man1/tokuft_logprint.1.html'],
'tokuftdump': ['http://man7.org/linux/man-pages/man1/tokuftdump.1.html'],
'tolower': ['http://man7.org/linux/man-pages/man3/tolower.3.html',
'http://man7.org/linux/man-pages/man3/tolower.3p.html'],
'tolower_l': ['http://man7.org/linux/man-pages/man3/tolower_l.3.html',
'http://man7.org/linux/man-pages/man3/tolower_l.3p.html'],
'top': ['http://man7.org/linux/man-pages/man1/top.1.html'],
'touch': ['http://man7.org/linux/man-pages/man1/touch.1.html',
'http://man7.org/linux/man-pages/man1/touch.1p.html'],
'touchline': ['http://man7.org/linux/man-pages/man3/touchline.3x.html'],
'touchwin': ['http://man7.org/linux/man-pages/man3/touchwin.3x.html'],
'toupper': ['http://man7.org/linux/man-pages/man3/toupper.3.html',
'http://man7.org/linux/man-pages/man3/toupper.3p.html'],
'toupper_l': ['http://man7.org/linux/man-pages/man3/toupper_l.3.html',
'http://man7.org/linux/man-pages/man3/toupper_l.3p.html'],
'towctrans': ['http://man7.org/linux/man-pages/man3/towctrans.3.html',
'http://man7.org/linux/man-pages/man3/towctrans.3p.html'],
'towctrans_l': ['http://man7.org/linux/man-pages/man3/towctrans_l.3p.html'],
'towlower': ['http://man7.org/linux/man-pages/man3/towlower.3.html',
'http://man7.org/linux/man-pages/man3/towlower.3p.html'],
'towlower_l': ['http://man7.org/linux/man-pages/man3/towlower_l.3.html',
'http://man7.org/linux/man-pages/man3/towlower_l.3p.html'],
'towupper': ['http://man7.org/linux/man-pages/man3/towupper.3.html',
'http://man7.org/linux/man-pages/man3/towupper.3p.html'],
'towupper_l': ['http://man7.org/linux/man-pages/man3/towupper_l.3.html',
'http://man7.org/linux/man-pages/man3/towupper_l.3p.html'],
'tparm': ['http://man7.org/linux/man-pages/man3/tparm.3x.html'],
'tpmtool': ['http://man7.org/linux/man-pages/man1/tpmtool.1.html'],
'tput': ['http://man7.org/linux/man-pages/man1/tput.1.html',
'http://man7.org/linux/man-pages/man1/tput.1p.html'],
'tputs': ['http://man7.org/linux/man-pages/man3/tputs.3x.html'],
'tr': ['http://man7.org/linux/man-pages/man1/tr.1.html',
'http://man7.org/linux/man-pages/man1/tr.1p.html'],
'trace': ['http://man7.org/linux/man-pages/man3/trace.3x.html'],
'trace-cmd': ['http://man7.org/linux/man-pages/man1/trace-cmd.1.html'],
'trace-cmd-check-events': ['http://man7.org/linux/man-pages/man1/trace-cmd-check-events.1.html'],
'trace-cmd-extract': ['http://man7.org/linux/man-pages/man1/trace-cmd-extract.1.html'],
'trace-cmd-hist': ['http://man7.org/linux/man-pages/man1/trace-cmd-hist.1.html'],
'trace-cmd-list': ['http://man7.org/linux/man-pages/man1/trace-cmd-list.1.html'],
'trace-cmd-listen': ['http://man7.org/linux/man-pages/man1/trace-cmd-listen.1.html'],
'trace-cmd-mem': ['http://man7.org/linux/man-pages/man1/trace-cmd-mem.1.html'],
'trace-cmd-options': ['http://man7.org/linux/man-pages/man1/trace-cmd-options.1.html'],
'trace-cmd-profile': ['http://man7.org/linux/man-pages/man1/trace-cmd-profile.1.html'],
'trace-cmd-record': ['http://man7.org/linux/man-pages/man1/trace-cmd-record.1.html'],
'trace-cmd-report': ['http://man7.org/linux/man-pages/man1/trace-cmd-report.1.html'],
'trace-cmd-reset': ['http://man7.org/linux/man-pages/man1/trace-cmd-reset.1.html'],
'trace-cmd-restore': ['http://man7.org/linux/man-pages/man1/trace-cmd-restore.1.html'],
'trace-cmd-show': ['http://man7.org/linux/man-pages/man1/trace-cmd-show.1.html'],
'trace-cmd-snapshot': ['http://man7.org/linux/man-pages/man1/trace-cmd-snapshot.1.html'],
'trace-cmd-split': ['http://man7.org/linux/man-pages/man1/trace-cmd-split.1.html'],
'trace-cmd-stack': ['http://man7.org/linux/man-pages/man1/trace-cmd-stack.1.html'],
'trace-cmd-start': ['http://man7.org/linux/man-pages/man1/trace-cmd-start.1.html'],
'trace-cmd-stat': ['http://man7.org/linux/man-pages/man1/trace-cmd-stat.1.html'],
'trace-cmd-stop': ['http://man7.org/linux/man-pages/man1/trace-cmd-stop.1.html'],
'trace-cmd-stream': ['http://man7.org/linux/man-pages/man1/trace-cmd-stream.1.html'],
'trace-cmd.dat': ['http://man7.org/linux/man-pages/man5/trace-cmd.dat.5.html'],
'trace.h': ['http://man7.org/linux/man-pages/man0/trace.h.0p.html'],
'tracef': ['http://man7.org/linux/man-pages/man3/tracef.3.html'],
'tracelog': ['http://man7.org/linux/man-pages/man3/tracelog.3.html'],
'tracepath': ['http://man7.org/linux/man-pages/man8/tracepath.8.html'],
'tracepath6': ['http://man7.org/linux/man-pages/man8/tracepath6.8.html'],
'tracepoint': ['http://man7.org/linux/man-pages/man3/tracepoint.3.html'],
'tracepoint_enabled': ['http://man7.org/linux/man-pages/man3/tracepoint_enabled.3.html'],
'traceroute': ['http://man7.org/linux/man-pages/man8/traceroute.8.html'],
'traceroute6': ['http://man7.org/linux/man-pages/man8/traceroute6.8.html'],
'trafgen': ['http://man7.org/linux/man-pages/man8/trafgen.8.html'],
'trap': ['http://man7.org/linux/man-pages/man1/trap.1p.html'],
'troff': ['http://man7.org/linux/man-pages/man1/troff.1.html'],
'true': ['http://man7.org/linux/man-pages/man1/true.1.html',
'http://man7.org/linux/man-pages/man1/true.1p.html'],
'trunc': ['http://man7.org/linux/man-pages/man3/trunc.3.html',
'http://man7.org/linux/man-pages/man3/trunc.3p.html'],
'truncate': ['http://man7.org/linux/man-pages/man1/truncate.1.html',
'http://man7.org/linux/man-pages/man2/truncate.2.html',
'http://man7.org/linux/man-pages/man3/truncate.3p.html'],
'truncate64': ['http://man7.org/linux/man-pages/man2/truncate64.2.html'],
'truncf': ['http://man7.org/linux/man-pages/man3/truncf.3.html',
'http://man7.org/linux/man-pages/man3/truncf.3p.html'],
'truncl': ['http://man7.org/linux/man-pages/man3/truncl.3.html',
'http://man7.org/linux/man-pages/man3/truncl.3p.html'],
'tsearch': ['http://man7.org/linux/man-pages/man3/tsearch.3.html',
'http://man7.org/linux/man-pages/man3/tsearch.3p.html'],
'tset': ['http://man7.org/linux/man-pages/man1/tset.1.html'],
'tsort': ['http://man7.org/linux/man-pages/man1/tsort.1.html',
'http://man7.org/linux/man-pages/man1/tsort.1p.html'],
'tty': ['http://man7.org/linux/man-pages/man1/tty.1.html',
'http://man7.org/linux/man-pages/man1/tty.1p.html',
'http://man7.org/linux/man-pages/man4/tty.4.html'],
'ttyS': ['http://man7.org/linux/man-pages/man4/ttyS.4.html'],
'tty_ioctl': ['http://man7.org/linux/man-pages/man4/tty_ioctl.4.html'],
'ttyname': ['http://man7.org/linux/man-pages/man3/ttyname.3.html',
'http://man7.org/linux/man-pages/man3/ttyname.3p.html'],
'ttyname_r': ['http://man7.org/linux/man-pages/man3/ttyname_r.3.html',
'http://man7.org/linux/man-pages/man3/ttyname_r.3p.html'],
'ttys': ['http://man7.org/linux/man-pages/man4/ttys.4.html'],
'ttyslot': ['http://man7.org/linux/man-pages/man3/ttyslot.3.html'],
'ttytype': ['http://man7.org/linux/man-pages/man3/ttytype.3x.html',
'http://man7.org/linux/man-pages/man5/ttytype.5.html'],
'tune2fs': ['http://man7.org/linux/man-pages/man8/tune2fs.8.html'],
'tunelp': ['http://man7.org/linux/man-pages/man8/tunelp.8.html'],
'tunnel_key': ['http://man7.org/linux/man-pages/man8/tunnel_key.8.html'],
'tuxcall': ['http://man7.org/linux/man-pages/man2/tuxcall.2.html'],
'twalk': ['http://man7.org/linux/man-pages/man3/twalk.3.html',
'http://man7.org/linux/man-pages/man3/twalk.3p.html'],
'type': ['http://man7.org/linux/man-pages/man1/type.1p.html'],
'typeahead': ['http://man7.org/linux/man-pages/man3/typeahead.3x.html'],
'tzfile': ['http://man7.org/linux/man-pages/man5/tzfile.5.html'],
'tzname': ['http://man7.org/linux/man-pages/man3/tzname.3.html',
'http://man7.org/linux/man-pages/man3/tzname.3p.html'],
'tzselect': ['http://man7.org/linux/man-pages/man8/tzselect.8.html'],
'tzset': ['http://man7.org/linux/man-pages/man3/tzset.3.html',
'http://man7.org/linux/man-pages/man3/tzset.3p.html'],
'u32': ['http://man7.org/linux/man-pages/man8/u32.8.html'],
'ualarm': ['http://man7.org/linux/man-pages/man3/ualarm.3.html'],
'ucmatose': ['http://man7.org/linux/man-pages/man1/ucmatose.1.html'],
'udaddy': ['http://man7.org/linux/man-pages/man1/udaddy.1.html'],
'udev': ['http://man7.org/linux/man-pages/man7/udev.7.html'],
'udev.conf': ['http://man7.org/linux/man-pages/man5/udev.conf.5.html'],
'udev_device_get_action': ['http://man7.org/linux/man-pages/man3/udev_device_get_action.3.html'],
'udev_device_get_devlinks_list_entry': ['http://man7.org/linux/man-pages/man3/udev_device_get_devlinks_list_entry.3.html'],
'udev_device_get_devnode': ['http://man7.org/linux/man-pages/man3/udev_device_get_devnode.3.html'],
'udev_device_get_devnum': ['http://man7.org/linux/man-pages/man3/udev_device_get_devnum.3.html'],
'udev_device_get_devpath': ['http://man7.org/linux/man-pages/man3/udev_device_get_devpath.3.html'],
'udev_device_get_devtype': ['http://man7.org/linux/man-pages/man3/udev_device_get_devtype.3.html'],
'udev_device_get_driver': ['http://man7.org/linux/man-pages/man3/udev_device_get_driver.3.html'],
'udev_device_get_is_initialized': ['http://man7.org/linux/man-pages/man3/udev_device_get_is_initialized.3.html'],
'udev_device_get_parent': ['http://man7.org/linux/man-pages/man3/udev_device_get_parent.3.html'],
'udev_device_get_parent_with_subsystem_devtype': ['http://man7.org/linux/man-pages/man3/udev_device_get_parent_with_subsystem_devtype.3.html'],
'udev_device_get_properties_list_entry': ['http://man7.org/linux/man-pages/man3/udev_device_get_properties_list_entry.3.html'],
'udev_device_get_property_value': ['http://man7.org/linux/man-pages/man3/udev_device_get_property_value.3.html'],
'udev_device_get_subsystem': ['http://man7.org/linux/man-pages/man3/udev_device_get_subsystem.3.html'],
'udev_device_get_sysattr_list_entry': ['http://man7.org/linux/man-pages/man3/udev_device_get_sysattr_list_entry.3.html'],
'udev_device_get_sysattr_value': ['http://man7.org/linux/man-pages/man3/udev_device_get_sysattr_value.3.html'],
'udev_device_get_sysname': ['http://man7.org/linux/man-pages/man3/udev_device_get_sysname.3.html'],
'udev_device_get_sysnum': ['http://man7.org/linux/man-pages/man3/udev_device_get_sysnum.3.html'],
'udev_device_get_syspath': ['http://man7.org/linux/man-pages/man3/udev_device_get_syspath.3.html'],
'udev_device_get_tags_list_entry': ['http://man7.org/linux/man-pages/man3/udev_device_get_tags_list_entry.3.html'],
'udev_device_get_udev': ['http://man7.org/linux/man-pages/man3/udev_device_get_udev.3.html'],
'udev_device_has_tag': ['http://man7.org/linux/man-pages/man3/udev_device_has_tag.3.html'],
'udev_device_new_from_device_id': ['http://man7.org/linux/man-pages/man3/udev_device_new_from_device_id.3.html'],
'udev_device_new_from_devnum': ['http://man7.org/linux/man-pages/man3/udev_device_new_from_devnum.3.html'],
'udev_device_new_from_environment': ['http://man7.org/linux/man-pages/man3/udev_device_new_from_environment.3.html'],
'udev_device_new_from_subsystem_sysname': ['http://man7.org/linux/man-pages/man3/udev_device_new_from_subsystem_sysname.3.html'],
'udev_device_new_from_syspath': ['http://man7.org/linux/man-pages/man3/udev_device_new_from_syspath.3.html'],
'udev_device_ref': ['http://man7.org/linux/man-pages/man3/udev_device_ref.3.html'],
'udev_device_set_sysattr_value': ['http://man7.org/linux/man-pages/man3/udev_device_set_sysattr_value.3.html'],
'udev_device_unref': ['http://man7.org/linux/man-pages/man3/udev_device_unref.3.html'],
'udev_enumerate_add_match_is_initialized': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_is_initialized.3.html'],
'udev_enumerate_add_match_parent': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_parent.3.html'],
'udev_enumerate_add_match_property': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_property.3.html'],
'udev_enumerate_add_match_subsystem': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_subsystem.3.html'],
'udev_enumerate_add_match_sysattr': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_sysattr.3.html'],
'udev_enumerate_add_match_sysname': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_sysname.3.html'],
'udev_enumerate_add_match_tag': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_match_tag.3.html'],
'udev_enumerate_add_nomatch_subsystem': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_nomatch_subsystem.3.html'],
'udev_enumerate_add_nomatch_sysattr': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_nomatch_sysattr.3.html'],
'udev_enumerate_add_syspath': ['http://man7.org/linux/man-pages/man3/udev_enumerate_add_syspath.3.html'],
'udev_enumerate_get_list_entry': ['http://man7.org/linux/man-pages/man3/udev_enumerate_get_list_entry.3.html'],
'udev_enumerate_get_udev': ['http://man7.org/linux/man-pages/man3/udev_enumerate_get_udev.3.html'],
'udev_enumerate_new': ['http://man7.org/linux/man-pages/man3/udev_enumerate_new.3.html'],
'udev_enumerate_ref': ['http://man7.org/linux/man-pages/man3/udev_enumerate_ref.3.html'],
'udev_enumerate_scan_devices': ['http://man7.org/linux/man-pages/man3/udev_enumerate_scan_devices.3.html'],
'udev_enumerate_scan_subsystems': ['http://man7.org/linux/man-pages/man3/udev_enumerate_scan_subsystems.3.html'],
'udev_enumerate_unref': ['http://man7.org/linux/man-pages/man3/udev_enumerate_unref.3.html'],
'udev_list_entry': ['http://man7.org/linux/man-pages/man3/udev_list_entry.3.html'],
'udev_list_entry_get_by_name': ['http://man7.org/linux/man-pages/man3/udev_list_entry_get_by_name.3.html'],
'udev_list_entry_get_name': ['http://man7.org/linux/man-pages/man3/udev_list_entry_get_name.3.html'],
'udev_list_entry_get_next': ['http://man7.org/linux/man-pages/man3/udev_list_entry_get_next.3.html'],
'udev_list_entry_get_value': ['http://man7.org/linux/man-pages/man3/udev_list_entry_get_value.3.html'],
'udev_monitor_enable_receiving': ['http://man7.org/linux/man-pages/man3/udev_monitor_enable_receiving.3.html'],
'udev_monitor_filter_add_match_subsystem_devtype': ['http://man7.org/linux/man-pages/man3/udev_monitor_filter_add_match_subsystem_devtype.3.html'],
'udev_monitor_filter_add_match_tag': ['http://man7.org/linux/man-pages/man3/udev_monitor_filter_add_match_tag.3.html'],
'udev_monitor_filter_remove': ['http://man7.org/linux/man-pages/man3/udev_monitor_filter_remove.3.html'],
'udev_monitor_filter_update': ['http://man7.org/linux/man-pages/man3/udev_monitor_filter_update.3.html'],
'udev_monitor_get_fd': ['http://man7.org/linux/man-pages/man3/udev_monitor_get_fd.3.html'],
'udev_monitor_get_udev': ['http://man7.org/linux/man-pages/man3/udev_monitor_get_udev.3.html'],
'udev_monitor_new_from_netlink': ['http://man7.org/linux/man-pages/man3/udev_monitor_new_from_netlink.3.html'],
'udev_monitor_receive_device': ['http://man7.org/linux/man-pages/man3/udev_monitor_receive_device.3.html'],
'udev_monitor_ref': ['http://man7.org/linux/man-pages/man3/udev_monitor_ref.3.html'],
'udev_monitor_set_receive_buffer_size': ['http://man7.org/linux/man-pages/man3/udev_monitor_set_receive_buffer_size.3.html'],
'udev_monitor_unref': ['http://man7.org/linux/man-pages/man3/udev_monitor_unref.3.html'],
'udev_new': ['http://man7.org/linux/man-pages/man3/udev_new.3.html'],
'udev_ref': ['http://man7.org/linux/man-pages/man3/udev_ref.3.html'],
'udev_unref': ['http://man7.org/linux/man-pages/man3/udev_unref.3.html'],
'udevadm': ['http://man7.org/linux/man-pages/man8/udevadm.8.html'],
'udp': ['http://man7.org/linux/man-pages/man7/udp.7.html'],
'udplite': ['http://man7.org/linux/man-pages/man7/udplite.7.html'],
'udpong': ['http://man7.org/linux/man-pages/man1/udpong.1.html'],
'ugetrlimit': ['http://man7.org/linux/man-pages/man2/ugetrlimit.2.html'],
'ul': ['http://man7.org/linux/man-pages/man1/ul.1.html'],
'ulckpwdf': ['http://man7.org/linux/man-pages/man3/ulckpwdf.3.html'],
'ulimit': ['http://man7.org/linux/man-pages/man1/ulimit.1p.html',
'http://man7.org/linux/man-pages/man3/ulimit.3.html',
'http://man7.org/linux/man-pages/man3/ulimit.3p.html'],
'ulimit.h': ['http://man7.org/linux/man-pages/man0/ulimit.h.0p.html'],
'umad_addr_dump': ['http://man7.org/linux/man-pages/man3/umad_addr_dump.3.html'],
'umad_alloc': ['http://man7.org/linux/man-pages/man3/umad_alloc.3.html'],
'umad_class_str': ['http://man7.org/linux/man-pages/man3/umad_class_str.3.html'],
'umad_close_port': ['http://man7.org/linux/man-pages/man3/umad_close_port.3.html'],
'umad_debug': ['http://man7.org/linux/man-pages/man3/umad_debug.3.html'],
'umad_dump': ['http://man7.org/linux/man-pages/man3/umad_dump.3.html'],
'umad_free': ['http://man7.org/linux/man-pages/man3/umad_free.3.html'],
'umad_get_ca': ['http://man7.org/linux/man-pages/man3/umad_get_ca.3.html'],
'umad_get_ca_portguids': ['http://man7.org/linux/man-pages/man3/umad_get_ca_portguids.3.html'],
'umad_get_cas_names': ['http://man7.org/linux/man-pages/man3/umad_get_cas_names.3.html'],
'umad_get_fd': ['http://man7.org/linux/man-pages/man3/umad_get_fd.3.html'],
'umad_get_issm_path': ['http://man7.org/linux/man-pages/man3/umad_get_issm_path.3.html'],
'umad_get_mad': ['http://man7.org/linux/man-pages/man3/umad_get_mad.3.html'],
'umad_get_mad_addr': ['http://man7.org/linux/man-pages/man3/umad_get_mad_addr.3.html'],
'umad_get_pkey': ['http://man7.org/linux/man-pages/man3/umad_get_pkey.3.html'],
'umad_get_port': ['http://man7.org/linux/man-pages/man3/umad_get_port.3.html'],
'umad_open_port': ['http://man7.org/linux/man-pages/man3/umad_open_port.3.html'],
'umad_poll': ['http://man7.org/linux/man-pages/man3/umad_poll.3.html'],
'umad_recv': ['http://man7.org/linux/man-pages/man3/umad_recv.3.html'],
'umad_register': ['http://man7.org/linux/man-pages/man3/umad_register.3.html'],
'umad_register2': ['http://man7.org/linux/man-pages/man3/umad_register2.3.html'],
'umad_register_oui': ['http://man7.org/linux/man-pages/man3/umad_register_oui.3.html'],
'umad_release_ca': ['http://man7.org/linux/man-pages/man3/umad_release_ca.3.html'],
'umad_release_port': ['http://man7.org/linux/man-pages/man3/umad_release_port.3.html'],
'umad_send': ['http://man7.org/linux/man-pages/man3/umad_send.3.html'],
'umad_set_addr': ['http://man7.org/linux/man-pages/man3/umad_set_addr.3.html'],
'umad_set_addr_net': ['http://man7.org/linux/man-pages/man3/umad_set_addr_net.3.html'],
'umad_set_grh': ['http://man7.org/linux/man-pages/man3/umad_set_grh.3.html'],
'umad_set_grh_net': ['http://man7.org/linux/man-pages/man3/umad_set_grh_net.3.html'],
'umad_set_pkey': ['http://man7.org/linux/man-pages/man3/umad_set_pkey.3.html'],
'umad_size': ['http://man7.org/linux/man-pages/man3/umad_size.3.html'],
'umad_status': ['http://man7.org/linux/man-pages/man3/umad_status.3.html'],
'umad_unregister': ['http://man7.org/linux/man-pages/man3/umad_unregister.3.html'],
'umask': ['http://man7.org/linux/man-pages/man1/umask.1p.html',
'http://man7.org/linux/man-pages/man2/umask.2.html',
'http://man7.org/linux/man-pages/man3/umask.3p.html'],
'umount': ['http://man7.org/linux/man-pages/man2/umount.2.html',
'http://man7.org/linux/man-pages/man8/umount.8.html'],
'umount.nfs': ['http://man7.org/linux/man-pages/man8/umount.nfs.8.html'],
'umount.nfs4': ['http://man7.org/linux/man-pages/man8/umount.nfs4.8.html'],
'umount2': ['http://man7.org/linux/man-pages/man2/umount2.2.html'],
'unalias': ['http://man7.org/linux/man-pages/man1/unalias.1p.html'],
'uname': ['http://man7.org/linux/man-pages/man1/uname.1.html',
'http://man7.org/linux/man-pages/man1/uname.1p.html',
'http://man7.org/linux/man-pages/man2/uname.2.html',
'http://man7.org/linux/man-pages/man3/uname.3p.html'],
'uname26': ['http://man7.org/linux/man-pages/man8/uname26.8.html'],
'uncompress': ['http://man7.org/linux/man-pages/man1/uncompress.1p.html'],
'unctrl': ['http://man7.org/linux/man-pages/man3/unctrl.3x.html'],
'undocumented': ['http://man7.org/linux/man-pages/man3/undocumented.3.html'],
'unexpand': ['http://man7.org/linux/man-pages/man1/unexpand.1.html',
'http://man7.org/linux/man-pages/man1/unexpand.1p.html'],
'unget': ['http://man7.org/linux/man-pages/man1/unget.1p.html'],
'unget_wch': ['http://man7.org/linux/man-pages/man3/unget_wch.3x.html'],
'ungetc': ['http://man7.org/linux/man-pages/man3/ungetc.3.html',
'http://man7.org/linux/man-pages/man3/ungetc.3p.html'],
'ungetch': ['http://man7.org/linux/man-pages/man3/ungetch.3x.html'],
'ungetmouse': ['http://man7.org/linux/man-pages/man3/ungetmouse.3x.html'],
'ungetwc': ['http://man7.org/linux/man-pages/man3/ungetwc.3.html',
'http://man7.org/linux/man-pages/man3/ungetwc.3p.html'],
'unicode': ['http://man7.org/linux/man-pages/man7/unicode.7.html'],
'unicode_start': ['http://man7.org/linux/man-pages/man1/unicode_start.1.html'],
'unicode_stop': ['http://man7.org/linux/man-pages/man1/unicode_stop.1.html'],
'unimplemented': ['http://man7.org/linux/man-pages/man2/unimplemented.2.html'],
'uniq': ['http://man7.org/linux/man-pages/man1/uniq.1.html',
'http://man7.org/linux/man-pages/man1/uniq.1p.html'],
'unistd.h': ['http://man7.org/linux/man-pages/man0/unistd.h.0p.html'],
'units': ['http://man7.org/linux/man-pages/man7/units.7.html'],
'unix': ['http://man7.org/linux/man-pages/man7/unix.7.html'],
'unix_chkpwd': ['http://man7.org/linux/man-pages/man8/unix_chkpwd.8.html'],
'unix_update': ['http://man7.org/linux/man-pages/man8/unix_update.8.html'],
'unlink': ['http://man7.org/linux/man-pages/man1/unlink.1.html',
'http://man7.org/linux/man-pages/man1/unlink.1p.html',
'http://man7.org/linux/man-pages/man2/unlink.2.html',
'http://man7.org/linux/man-pages/man3/unlink.3p.html'],
'unlinkat': ['http://man7.org/linux/man-pages/man2/unlinkat.2.html',
'http://man7.org/linux/man-pages/man3/unlinkat.3p.html'],
'unlocked_stdio': ['http://man7.org/linux/man-pages/man3/unlocked_stdio.3.html'],
'unlockpt': ['http://man7.org/linux/man-pages/man3/unlockpt.3.html',
'http://man7.org/linux/man-pages/man3/unlockpt.3p.html'],
'unpost_form': ['http://man7.org/linux/man-pages/man3/unpost_form.3x.html'],
'unpost_menu': ['http://man7.org/linux/man-pages/man3/unpost_menu.3x.html'],
'unset': ['http://man7.org/linux/man-pages/man1/unset.1p.html'],
'unsetenv': ['http://man7.org/linux/man-pages/man3/unsetenv.3.html',
'http://man7.org/linux/man-pages/man3/unsetenv.3p.html'],
'unshare': ['http://man7.org/linux/man-pages/man1/unshare.1.html',
'http://man7.org/linux/man-pages/man2/unshare.2.html'],
'untouchwin': ['http://man7.org/linux/man-pages/man3/untouchwin.3x.html'],
'update-alternatives': ['http://man7.org/linux/man-pages/man1/update-alternatives.1.html'],
'update-pciids': ['http://man7.org/linux/man-pages/man8/update-pciids.8.html'],
'updatedb': ['http://man7.org/linux/man-pages/man1/updatedb.1.html'],
'updwtmp': ['http://man7.org/linux/man-pages/man3/updwtmp.3.html'],
'updwtmpx': ['http://man7.org/linux/man-pages/man3/updwtmpx.3.html'],
'uptime': ['http://man7.org/linux/man-pages/man1/uptime.1.html'],
'urandom': ['http://man7.org/linux/man-pages/man4/urandom.4.html'],
'uri': ['http://man7.org/linux/man-pages/man7/uri.7.html'],
'url': ['http://man7.org/linux/man-pages/man7/url.7.html'],
'urn': ['http://man7.org/linux/man-pages/man7/urn.7.html'],
'usb-devices': ['http://man7.org/linux/man-pages/man1/usb-devices.1.html'],
'use_default_colors': ['http://man7.org/linux/man-pages/man3/use_default_colors.3x.html'],
'use_env': ['http://man7.org/linux/man-pages/man3/use_env.3x.html'],
'use_extended_names': ['http://man7.org/linux/man-pages/man3/use_extended_names.3x.html'],
'use_legacy_coding': ['http://man7.org/linux/man-pages/man3/use_legacy_coding.3x.html'],
'use_tioctl': ['http://man7.org/linux/man-pages/man3/use_tioctl.3x.html'],
'uselib': ['http://man7.org/linux/man-pages/man2/uselib.2.html'],
'uselocale': ['http://man7.org/linux/man-pages/man3/uselocale.3.html',
'http://man7.org/linux/man-pages/man3/uselocale.3p.html'],
'user-keyring': ['http://man7.org/linux/man-pages/man7/user-keyring.7.html'],
'user-session-keyring': ['http://man7.org/linux/man-pages/man7/user-session-keyring.7.html'],
'user.conf.d': ['http://man7.org/linux/man-pages/man5/user.conf.d.5.html'],
'user_caps': ['http://man7.org/linux/man-pages/man5/user_caps.5.html'],
'user_contexts': ['http://man7.org/linux/man-pages/man5/user_contexts.5.html'],
'user_namespaces': ['http://man7.org/linux/man-pages/man7/user_namespaces.7.html'],
'useradd': ['http://man7.org/linux/man-pages/man8/useradd.8.html'],
'userdel': ['http://man7.org/linux/man-pages/man8/userdel.8.html'],
'userfaultfd': ['http://man7.org/linux/man-pages/man2/userfaultfd.2.html'],
'usermod': ['http://man7.org/linux/man-pages/man8/usermod.8.html'],
'users': ['http://man7.org/linux/man-pages/man1/users.1.html'],
'usleep': ['http://man7.org/linux/man-pages/man3/usleep.3.html'],
'ustat': ['http://man7.org/linux/man-pages/man2/ustat.2.html'],
'utf-8': ['http://man7.org/linux/man-pages/man7/utf-8.7.html'],
'utf8': ['http://man7.org/linux/man-pages/man7/utf8.7.html'],
'utime': ['http://man7.org/linux/man-pages/man2/utime.2.html',
'http://man7.org/linux/man-pages/man3/utime.3p.html'],
'utime.h': ['http://man7.org/linux/man-pages/man0/utime.h.0p.html'],
'utimensat': ['http://man7.org/linux/man-pages/man2/utimensat.2.html',
'http://man7.org/linux/man-pages/man3/utimensat.3p.html'],
'utimes': ['http://man7.org/linux/man-pages/man2/utimes.2.html',
'http://man7.org/linux/man-pages/man3/utimes.3p.html'],
'utmp': ['http://man7.org/linux/man-pages/man5/utmp.5.html'],
'utmpdump': ['http://man7.org/linux/man-pages/man1/utmpdump.1.html'],
'utmpname': ['http://man7.org/linux/man-pages/man3/utmpname.3.html'],
'utmpx': ['http://man7.org/linux/man-pages/man5/utmpx.5.html'],
'utmpx.h': ['http://man7.org/linux/man-pages/man0/utmpx.h.0p.html'],
'utmpxname': ['http://man7.org/linux/man-pages/man3/utmpxname.3.html'],
'uucp': ['http://man7.org/linux/man-pages/man1/uucp.1p.html'],
'uudecode': ['http://man7.org/linux/man-pages/man1/uudecode.1p.html'],
'uuencode': ['http://man7.org/linux/man-pages/man1/uuencode.1p.html'],
'uuid': ['http://man7.org/linux/man-pages/man3/uuid.3.html'],
'uuid_clear': ['http://man7.org/linux/man-pages/man3/uuid_clear.3.html'],
'uuid_compare': ['http://man7.org/linux/man-pages/man3/uuid_compare.3.html'],
'uuid_copy': ['http://man7.org/linux/man-pages/man3/uuid_copy.3.html'],
'uuid_generate': ['http://man7.org/linux/man-pages/man3/uuid_generate.3.html'],
'uuid_generate_random': ['http://man7.org/linux/man-pages/man3/uuid_generate_random.3.html'],
'uuid_generate_time': ['http://man7.org/linux/man-pages/man3/uuid_generate_time.3.html'],
'uuid_generate_time_safe': ['http://man7.org/linux/man-pages/man3/uuid_generate_time_safe.3.html'],
'uuid_is_null': ['http://man7.org/linux/man-pages/man3/uuid_is_null.3.html'],
'uuid_parse': ['http://man7.org/linux/man-pages/man3/uuid_parse.3.html'],
'uuid_time': ['http://man7.org/linux/man-pages/man3/uuid_time.3.html'],
'uuid_unparse': ['http://man7.org/linux/man-pages/man3/uuid_unparse.3.html'],
'uuidd': ['http://man7.org/linux/man-pages/man8/uuidd.8.html'],
'uuidgen': ['http://man7.org/linux/man-pages/man1/uuidgen.1.html'],
'uuidparse': ['http://man7.org/linux/man-pages/man1/uuidparse.1.html'],
'uustat': ['http://man7.org/linux/man-pages/man1/uustat.1p.html'],
'uux': ['http://man7.org/linux/man-pages/man1/uux.1p.html'],
'va_arg': ['http://man7.org/linux/man-pages/man3/va_arg.3.html',
'http://man7.org/linux/man-pages/man3/va_arg.3p.html'],
'va_copy': ['http://man7.org/linux/man-pages/man3/va_copy.3.html',
'http://man7.org/linux/man-pages/man3/va_copy.3p.html'],
'va_end': ['http://man7.org/linux/man-pages/man3/va_end.3.html',
'http://man7.org/linux/man-pages/man3/va_end.3p.html'],
'va_start': ['http://man7.org/linux/man-pages/man3/va_start.3.html',
'http://man7.org/linux/man-pages/man3/va_start.3p.html'],
'val': ['http://man7.org/linux/man-pages/man1/val.1p.html'],
'valgrind': ['http://man7.org/linux/man-pages/man1/valgrind.1.html'],
'valgrind-listener': ['http://man7.org/linux/man-pages/man1/valgrind-listener.1.html'],
'valloc': ['http://man7.org/linux/man-pages/man3/valloc.3.html'],
'vasprintf': ['http://man7.org/linux/man-pages/man3/vasprintf.3.html'],
'vconsole.conf': ['http://man7.org/linux/man-pages/man5/vconsole.conf.5.html'],
'vcs': ['http://man7.org/linux/man-pages/man4/vcs.4.html'],
'vcsa': ['http://man7.org/linux/man-pages/man4/vcsa.4.html'],
'vdir': ['http://man7.org/linux/man-pages/man1/vdir.1.html'],
'vdprintf': ['http://man7.org/linux/man-pages/man3/vdprintf.3.html',
'http://man7.org/linux/man-pages/man3/vdprintf.3p.html'],
'vdso': ['http://man7.org/linux/man-pages/man7/vdso.7.html'],
'verify_blkparse': ['http://man7.org/linux/man-pages/man1/verify_blkparse.1.html'],
'verifytree': ['http://man7.org/linux/man-pages/man1/verifytree.1.html'],
'veritysetup': ['http://man7.org/linux/man-pages/man8/veritysetup.8.html'],
'verr': ['http://man7.org/linux/man-pages/man3/verr.3.html'],
'verrx': ['http://man7.org/linux/man-pages/man3/verrx.3.html'],
'versionsort': ['http://man7.org/linux/man-pages/man3/versionsort.3.html'],
'veth': ['http://man7.org/linux/man-pages/man4/veth.4.html'],
'vfork': ['http://man7.org/linux/man-pages/man2/vfork.2.html'],
'vfprintf': ['http://man7.org/linux/man-pages/man3/vfprintf.3.html',
'http://man7.org/linux/man-pages/man3/vfprintf.3p.html'],
'vfscanf': ['http://man7.org/linux/man-pages/man3/vfscanf.3.html',
'http://man7.org/linux/man-pages/man3/vfscanf.3p.html'],
'vfwprintf': ['http://man7.org/linux/man-pages/man3/vfwprintf.3.html',
'http://man7.org/linux/man-pages/man3/vfwprintf.3p.html'],
'vfwscanf': ['http://man7.org/linux/man-pages/man3/vfwscanf.3p.html'],
'vgcfgbackup': ['http://man7.org/linux/man-pages/man8/vgcfgbackup.8.html'],
'vgcfgrestore': ['http://man7.org/linux/man-pages/man8/vgcfgrestore.8.html'],
'vgchange': ['http://man7.org/linux/man-pages/man8/vgchange.8.html'],
'vgck': ['http://man7.org/linux/man-pages/man8/vgck.8.html'],
'vgconvert': ['http://man7.org/linux/man-pages/man8/vgconvert.8.html'],
'vgcreate': ['http://man7.org/linux/man-pages/man8/vgcreate.8.html'],
'vgdb': ['http://man7.org/linux/man-pages/man1/vgdb.1.html'],
'vgdisplay': ['http://man7.org/linux/man-pages/man8/vgdisplay.8.html'],
'vgexport': ['http://man7.org/linux/man-pages/man8/vgexport.8.html'],
'vgextend': ['http://man7.org/linux/man-pages/man8/vgextend.8.html'],
'vgimport': ['http://man7.org/linux/man-pages/man8/vgimport.8.html'],
'vgimportclone': ['http://man7.org/linux/man-pages/man8/vgimportclone.8.html'],
'vgmerge': ['http://man7.org/linux/man-pages/man8/vgmerge.8.html'],
'vgmknodes': ['http://man7.org/linux/man-pages/man8/vgmknodes.8.html'],
'vgreduce': ['http://man7.org/linux/man-pages/man8/vgreduce.8.html'],
'vgremove': ['http://man7.org/linux/man-pages/man8/vgremove.8.html'],
'vgrename': ['http://man7.org/linux/man-pages/man8/vgrename.8.html'],
'vgs': ['http://man7.org/linux/man-pages/man8/vgs.8.html'],
'vgscan': ['http://man7.org/linux/man-pages/man8/vgscan.8.html'],
'vgsplit': ['http://man7.org/linux/man-pages/man8/vgsplit.8.html'],
'vhangup': ['http://man7.org/linux/man-pages/man2/vhangup.2.html'],
'vi': ['http://man7.org/linux/man-pages/man1/vi.1p.html'],
'vid_attr': ['http://man7.org/linux/man-pages/man3/vid_attr.3x.html'],
'vid_puts': ['http://man7.org/linux/man-pages/man3/vid_puts.3x.html'],
'vidattr': ['http://man7.org/linux/man-pages/man3/vidattr.3x.html'],
'vidputs': ['http://man7.org/linux/man-pages/man3/vidputs.3x.html'],
'vigr': ['http://man7.org/linux/man-pages/man8/vigr.8.html'],
'vipw': ['http://man7.org/linux/man-pages/man8/vipw.8.html'],
'virtual_domain_context': ['http://man7.org/linux/man-pages/man5/virtual_domain_context.5.html'],
'virtual_image_context': ['http://man7.org/linux/man-pages/man5/virtual_image_context.5.html'],
'vlan': ['http://man7.org/linux/man-pages/man8/vlan.8.html'],
'vlimit': ['http://man7.org/linux/man-pages/man3/vlimit.3.html'],
'vline': ['http://man7.org/linux/man-pages/man3/vline.3x.html'],
'vline_set': ['http://man7.org/linux/man-pages/man3/vline_set.3x.html'],
'vlock': ['http://man7.org/linux/man-pages/man1/vlock.1.html'],
'vm86': ['http://man7.org/linux/man-pages/man2/vm86.2.html'],
'vm86old': ['http://man7.org/linux/man-pages/man2/vm86old.2.html'],
'vmsplice': ['http://man7.org/linux/man-pages/man2/vmsplice.2.html'],
'vmstat': ['http://man7.org/linux/man-pages/man8/vmstat.8.html'],
'vprintf': ['http://man7.org/linux/man-pages/man3/vprintf.3.html',
'http://man7.org/linux/man-pages/man3/vprintf.3p.html'],
'vscanf': ['http://man7.org/linux/man-pages/man3/vscanf.3.html',
'http://man7.org/linux/man-pages/man3/vscanf.3p.html'],
'vserver': ['http://man7.org/linux/man-pages/man2/vserver.2.html'],
'vsnprintf': ['http://man7.org/linux/man-pages/man3/vsnprintf.3.html',
'http://man7.org/linux/man-pages/man3/vsnprintf.3p.html'],
'vsock': ['http://man7.org/linux/man-pages/man7/vsock.7.html'],
'vsprintf': ['http://man7.org/linux/man-pages/man3/vsprintf.3.html',
'http://man7.org/linux/man-pages/man3/vsprintf.3p.html'],
'vsscanf': ['http://man7.org/linux/man-pages/man3/vsscanf.3.html',
'http://man7.org/linux/man-pages/man3/vsscanf.3p.html'],
'vswprintf': ['http://man7.org/linux/man-pages/man3/vswprintf.3.html',
'http://man7.org/linux/man-pages/man3/vswprintf.3p.html'],
'vswscanf': ['http://man7.org/linux/man-pages/man3/vswscanf.3p.html'],
'vsyslog': ['http://man7.org/linux/man-pages/man3/vsyslog.3.html'],
'vtep': ['http://man7.org/linux/man-pages/man5/vtep.5.html'],
'vtep-ctl': ['http://man7.org/linux/man-pages/man8/vtep-ctl.8.html'],
'vtimes': ['http://man7.org/linux/man-pages/man3/vtimes.3.html'],
'vw_printw': ['http://man7.org/linux/man-pages/man3/vw_printw.3x.html'],
'vw_scanw': ['http://man7.org/linux/man-pages/man3/vw_scanw.3x.html'],
'vwarn': ['http://man7.org/linux/man-pages/man3/vwarn.3.html'],
'vwarnx': ['http://man7.org/linux/man-pages/man3/vwarnx.3.html'],
'vwprintf': ['http://man7.org/linux/man-pages/man3/vwprintf.3.html',
'http://man7.org/linux/man-pages/man3/vwprintf.3p.html'],
'vwprintw': ['http://man7.org/linux/man-pages/man3/vwprintw.3x.html'],
'vwscanf': ['http://man7.org/linux/man-pages/man3/vwscanf.3p.html'],
'vwscanw': ['http://man7.org/linux/man-pages/man3/vwscanw.3x.html'],
'w': ['http://man7.org/linux/man-pages/man1/w.1.html'],
'wadd_wch': ['http://man7.org/linux/man-pages/man3/wadd_wch.3x.html'],
'wadd_wchnstr': ['http://man7.org/linux/man-pages/man3/wadd_wchnstr.3x.html'],
'wadd_wchstr': ['http://man7.org/linux/man-pages/man3/wadd_wchstr.3x.html'],
'waddch': ['http://man7.org/linux/man-pages/man3/waddch.3x.html'],
'waddchnstr': ['http://man7.org/linux/man-pages/man3/waddchnstr.3x.html'],
'waddchstr': ['http://man7.org/linux/man-pages/man3/waddchstr.3x.html'],
'waddnstr': ['http://man7.org/linux/man-pages/man3/waddnstr.3x.html'],
'waddnwstr': ['http://man7.org/linux/man-pages/man3/waddnwstr.3x.html'],
'waddstr': ['http://man7.org/linux/man-pages/man3/waddstr.3x.html'],
'waddwstr': ['http://man7.org/linux/man-pages/man3/waddwstr.3x.html'],
'wait': ['http://man7.org/linux/man-pages/man1/wait.1p.html',
'http://man7.org/linux/man-pages/man2/wait.2.html',
'http://man7.org/linux/man-pages/man3/wait.3p.html'],
'wait3': ['http://man7.org/linux/man-pages/man2/wait3.2.html'],
'wait4': ['http://man7.org/linux/man-pages/man2/wait4.2.html'],
'waitid': ['http://man7.org/linux/man-pages/man2/waitid.2.html',
'http://man7.org/linux/man-pages/man3/waitid.3p.html'],
'waitpid': ['http://man7.org/linux/man-pages/man2/waitpid.2.html',
'http://man7.org/linux/man-pages/man3/waitpid.3p.html'],
'wall': ['http://man7.org/linux/man-pages/man1/wall.1.html'],
'warn': ['http://man7.org/linux/man-pages/man3/warn.3.html'],
'warnquota': ['http://man7.org/linux/man-pages/man8/warnquota.8.html'],
'warnquota.conf': ['http://man7.org/linux/man-pages/man5/warnquota.conf.5.html'],
'warnx': ['http://man7.org/linux/man-pages/man3/warnx.3.html'],
'watch': ['http://man7.org/linux/man-pages/man1/watch.1.html'],
'wattr_get': ['http://man7.org/linux/man-pages/man3/wattr_get.3x.html'],
'wattr_off': ['http://man7.org/linux/man-pages/man3/wattr_off.3x.html'],
'wattr_on': ['http://man7.org/linux/man-pages/man3/wattr_on.3x.html'],
'wattr_set': ['http://man7.org/linux/man-pages/man3/wattr_set.3x.html'],
'wattroff': ['http://man7.org/linux/man-pages/man3/wattroff.3x.html'],
'wattron': ['http://man7.org/linux/man-pages/man3/wattron.3x.html'],
'wattrset': ['http://man7.org/linux/man-pages/man3/wattrset.3x.html'],
'wavelan': ['http://man7.org/linux/man-pages/man4/wavelan.4.html'],
'wbkgd': ['http://man7.org/linux/man-pages/man3/wbkgd.3x.html'],
'wbkgdset': ['http://man7.org/linux/man-pages/man3/wbkgdset.3x.html'],
'wbkgrnd': ['http://man7.org/linux/man-pages/man3/wbkgrnd.3x.html'],
'wbkgrndset': ['http://man7.org/linux/man-pages/man3/wbkgrndset.3x.html'],
'wborder': ['http://man7.org/linux/man-pages/man3/wborder.3x.html'],
'wborder_set': ['http://man7.org/linux/man-pages/man3/wborder_set.3x.html'],
'wc': ['http://man7.org/linux/man-pages/man1/wc.1.html',
'http://man7.org/linux/man-pages/man1/wc.1p.html'],
'wchar.h': ['http://man7.org/linux/man-pages/man0/wchar.h.0p.html'],
'wchgat': ['http://man7.org/linux/man-pages/man3/wchgat.3x.html'],
'wclear': ['http://man7.org/linux/man-pages/man3/wclear.3x.html'],
'wclrtobot': ['http://man7.org/linux/man-pages/man3/wclrtobot.3x.html'],
'wclrtoeol': ['http://man7.org/linux/man-pages/man3/wclrtoeol.3x.html'],
'wcolor_set': ['http://man7.org/linux/man-pages/man3/wcolor_set.3x.html'],
'wcpcpy': ['http://man7.org/linux/man-pages/man3/wcpcpy.3.html',
'http://man7.org/linux/man-pages/man3/wcpcpy.3p.html'],
'wcpncpy': ['http://man7.org/linux/man-pages/man3/wcpncpy.3.html',
'http://man7.org/linux/man-pages/man3/wcpncpy.3p.html'],
'wcrtomb': ['http://man7.org/linux/man-pages/man3/wcrtomb.3.html',
'http://man7.org/linux/man-pages/man3/wcrtomb.3p.html'],
'wcscasecmp': ['http://man7.org/linux/man-pages/man3/wcscasecmp.3.html',
'http://man7.org/linux/man-pages/man3/wcscasecmp.3p.html'],
'wcscasecmp_l': ['http://man7.org/linux/man-pages/man3/wcscasecmp_l.3p.html'],
'wcscat': ['http://man7.org/linux/man-pages/man3/wcscat.3.html',
'http://man7.org/linux/man-pages/man3/wcscat.3p.html'],
'wcschr': ['http://man7.org/linux/man-pages/man3/wcschr.3.html',
'http://man7.org/linux/man-pages/man3/wcschr.3p.html'],
'wcscmp': ['http://man7.org/linux/man-pages/man3/wcscmp.3.html',
'http://man7.org/linux/man-pages/man3/wcscmp.3p.html'],
'wcscoll': ['http://man7.org/linux/man-pages/man3/wcscoll.3p.html'],
'wcscoll_l': ['http://man7.org/linux/man-pages/man3/wcscoll_l.3p.html'],
'wcscpy': ['http://man7.org/linux/man-pages/man3/wcscpy.3.html',
'http://man7.org/linux/man-pages/man3/wcscpy.3p.html'],
'wcscspn': ['http://man7.org/linux/man-pages/man3/wcscspn.3.html',
'http://man7.org/linux/man-pages/man3/wcscspn.3p.html'],
'wcsdup': ['http://man7.org/linux/man-pages/man3/wcsdup.3.html',
'http://man7.org/linux/man-pages/man3/wcsdup.3p.html'],
'wcsftime': ['http://man7.org/linux/man-pages/man3/wcsftime.3p.html'],
'wcslen': ['http://man7.org/linux/man-pages/man3/wcslen.3.html',
'http://man7.org/linux/man-pages/man3/wcslen.3p.html'],
'wcsncasecmp': ['http://man7.org/linux/man-pages/man3/wcsncasecmp.3.html',
'http://man7.org/linux/man-pages/man3/wcsncasecmp.3p.html'],
'wcsncasecmp_l': ['http://man7.org/linux/man-pages/man3/wcsncasecmp_l.3p.html'],
'wcsncat': ['http://man7.org/linux/man-pages/man3/wcsncat.3.html',
'http://man7.org/linux/man-pages/man3/wcsncat.3p.html'],
'wcsncmp': ['http://man7.org/linux/man-pages/man3/wcsncmp.3.html',
'http://man7.org/linux/man-pages/man3/wcsncmp.3p.html'],
'wcsncpy': ['http://man7.org/linux/man-pages/man3/wcsncpy.3.html',
'http://man7.org/linux/man-pages/man3/wcsncpy.3p.html'],
'wcsnlen': ['http://man7.org/linux/man-pages/man3/wcsnlen.3.html',
'http://man7.org/linux/man-pages/man3/wcsnlen.3p.html'],
'wcsnrtombs': ['http://man7.org/linux/man-pages/man3/wcsnrtombs.3.html',
'http://man7.org/linux/man-pages/man3/wcsnrtombs.3p.html'],
'wcspbrk': ['http://man7.org/linux/man-pages/man3/wcspbrk.3.html',
'http://man7.org/linux/man-pages/man3/wcspbrk.3p.html'],
'wcsrchr': ['http://man7.org/linux/man-pages/man3/wcsrchr.3.html',
'http://man7.org/linux/man-pages/man3/wcsrchr.3p.html'],
'wcsrtombs': ['http://man7.org/linux/man-pages/man3/wcsrtombs.3.html',
'http://man7.org/linux/man-pages/man3/wcsrtombs.3p.html'],
'wcsspn': ['http://man7.org/linux/man-pages/man3/wcsspn.3.html',
'http://man7.org/linux/man-pages/man3/wcsspn.3p.html'],
'wcsstr': ['http://man7.org/linux/man-pages/man3/wcsstr.3.html',
'http://man7.org/linux/man-pages/man3/wcsstr.3p.html'],
'wcstod': ['http://man7.org/linux/man-pages/man3/wcstod.3p.html'],
'wcstof': ['http://man7.org/linux/man-pages/man3/wcstof.3p.html'],
'wcstoimax': ['http://man7.org/linux/man-pages/man3/wcstoimax.3.html',
'http://man7.org/linux/man-pages/man3/wcstoimax.3p.html'],
'wcstok': ['http://man7.org/linux/man-pages/man3/wcstok.3.html',
'http://man7.org/linux/man-pages/man3/wcstok.3p.html'],
'wcstol': ['http://man7.org/linux/man-pages/man3/wcstol.3p.html'],
'wcstold': ['http://man7.org/linux/man-pages/man3/wcstold.3p.html'],
'wcstoll': ['http://man7.org/linux/man-pages/man3/wcstoll.3p.html'],
'wcstombs': ['http://man7.org/linux/man-pages/man3/wcstombs.3.html',
'http://man7.org/linux/man-pages/man3/wcstombs.3p.html'],
'wcstoul': ['http://man7.org/linux/man-pages/man3/wcstoul.3p.html'],
'wcstoull': ['http://man7.org/linux/man-pages/man3/wcstoull.3p.html'],
'wcstoumax': ['http://man7.org/linux/man-pages/man3/wcstoumax.3.html',
'http://man7.org/linux/man-pages/man3/wcstoumax.3p.html'],
'wcswidth': ['http://man7.org/linux/man-pages/man3/wcswidth.3.html',
'http://man7.org/linux/man-pages/man3/wcswidth.3p.html'],
'wcsxfrm': ['http://man7.org/linux/man-pages/man3/wcsxfrm.3p.html'],
'wcsxfrm_l': ['http://man7.org/linux/man-pages/man3/wcsxfrm_l.3p.html'],
'wctob': ['http://man7.org/linux/man-pages/man3/wctob.3.html',
'http://man7.org/linux/man-pages/man3/wctob.3p.html'],
'wctomb': ['http://man7.org/linux/man-pages/man3/wctomb.3.html',
'http://man7.org/linux/man-pages/man3/wctomb.3p.html'],
'wctrans': ['http://man7.org/linux/man-pages/man3/wctrans.3.html',
'http://man7.org/linux/man-pages/man3/wctrans.3p.html'],
'wctrans_l': ['http://man7.org/linux/man-pages/man3/wctrans_l.3p.html'],
'wctype': ['http://man7.org/linux/man-pages/man3/wctype.3.html',
'http://man7.org/linux/man-pages/man3/wctype.3p.html'],
'wctype.h': ['http://man7.org/linux/man-pages/man0/wctype.h.0p.html'],
'wctype_l': ['http://man7.org/linux/man-pages/man3/wctype_l.3p.html'],
'wcursyncup': ['http://man7.org/linux/man-pages/man3/wcursyncup.3x.html'],
'wcwidth': ['http://man7.org/linux/man-pages/man3/wcwidth.3.html',
'http://man7.org/linux/man-pages/man3/wcwidth.3p.html'],
'wdctl': ['http://man7.org/linux/man-pages/man8/wdctl.8.html'],
'wdelch': ['http://man7.org/linux/man-pages/man3/wdelch.3x.html'],
'wdeleteln': ['http://man7.org/linux/man-pages/man3/wdeleteln.3x.html'],
'wecho_wchar': ['http://man7.org/linux/man-pages/man3/wecho_wchar.3x.html'],
'wechochar': ['http://man7.org/linux/man-pages/man3/wechochar.3x.html'],
'wenclose': ['http://man7.org/linux/man-pages/man3/wenclose.3x.html'],
'werase': ['http://man7.org/linux/man-pages/man3/werase.3x.html'],
'wget': ['http://man7.org/linux/man-pages/man1/wget.1.html'],
'wget_wch': ['http://man7.org/linux/man-pages/man3/wget_wch.3x.html'],
'wget_wstr': ['http://man7.org/linux/man-pages/man3/wget_wstr.3x.html'],
'wgetbkgrnd': ['http://man7.org/linux/man-pages/man3/wgetbkgrnd.3x.html'],
'wgetch': ['http://man7.org/linux/man-pages/man3/wgetch.3x.html'],
'wgetdelay': ['http://man7.org/linux/man-pages/man3/wgetdelay.3x.html'],
'wgetn_wstr': ['http://man7.org/linux/man-pages/man3/wgetn_wstr.3x.html'],
'wgetnstr': ['http://man7.org/linux/man-pages/man3/wgetnstr.3x.html'],
'wgetparent': ['http://man7.org/linux/man-pages/man3/wgetparent.3x.html'],
'wgetscrreg': ['http://man7.org/linux/man-pages/man3/wgetscrreg.3x.html'],
'wgetstr': ['http://man7.org/linux/man-pages/man3/wgetstr.3x.html'],
'what': ['http://man7.org/linux/man-pages/man1/what.1p.html'],
'whatis': ['http://man7.org/linux/man-pages/man1/whatis.1.html'],
'whereis': ['http://man7.org/linux/man-pages/man1/whereis.1.html'],
'whline': ['http://man7.org/linux/man-pages/man3/whline.3x.html'],
'whline_set': ['http://man7.org/linux/man-pages/man3/whline_set.3x.html'],
'who': ['http://man7.org/linux/man-pages/man1/who.1.html',
'http://man7.org/linux/man-pages/man1/who.1p.html'],
'whoami': ['http://man7.org/linux/man-pages/man1/whoami.1.html'],
'win_wch': ['http://man7.org/linux/man-pages/man3/win_wch.3x.html'],
'win_wchnstr': ['http://man7.org/linux/man-pages/man3/win_wchnstr.3x.html'],
'win_wchstr': ['http://man7.org/linux/man-pages/man3/win_wchstr.3x.html'],
'winch': ['http://man7.org/linux/man-pages/man3/winch.3x.html'],
'winchnstr': ['http://man7.org/linux/man-pages/man3/winchnstr.3x.html'],
'winchstr': ['http://man7.org/linux/man-pages/man3/winchstr.3x.html'],
'windmc': ['http://man7.org/linux/man-pages/man1/windmc.1.html'],
'windres': ['http://man7.org/linux/man-pages/man1/windres.1.html'],
'winnstr': ['http://man7.org/linux/man-pages/man3/winnstr.3x.html'],
'winnwstr': ['http://man7.org/linux/man-pages/man3/winnwstr.3x.html'],
'wins_nwstr': ['http://man7.org/linux/man-pages/man3/wins_nwstr.3x.html'],
'wins_wch': ['http://man7.org/linux/man-pages/man3/wins_wch.3x.html'],
'wins_wstr': ['http://man7.org/linux/man-pages/man3/wins_wstr.3x.html'],
'winsch': ['http://man7.org/linux/man-pages/man3/winsch.3x.html'],
'winsdelln': ['http://man7.org/linux/man-pages/man3/winsdelln.3x.html'],
'winsertln': ['http://man7.org/linux/man-pages/man3/winsertln.3x.html'],
'winsnstr': ['http://man7.org/linux/man-pages/man3/winsnstr.3x.html'],
'winsstr': ['http://man7.org/linux/man-pages/man3/winsstr.3x.html'],
'winstr': ['http://man7.org/linux/man-pages/man3/winstr.3x.html'],
'winwstr': ['http://man7.org/linux/man-pages/man3/winwstr.3x.html'],
'wipefs': ['http://man7.org/linux/man-pages/man8/wipefs.8.html'],
'wmemchr': ['http://man7.org/linux/man-pages/man3/wmemchr.3.html',
'http://man7.org/linux/man-pages/man3/wmemchr.3p.html'],
'wmemcmp': ['http://man7.org/linux/man-pages/man3/wmemcmp.3.html',
'http://man7.org/linux/man-pages/man3/wmemcmp.3p.html'],
'wmemcpy': ['http://man7.org/linux/man-pages/man3/wmemcpy.3.html',
'http://man7.org/linux/man-pages/man3/wmemcpy.3p.html'],
'wmemmove': ['http://man7.org/linux/man-pages/man3/wmemmove.3.html',
'http://man7.org/linux/man-pages/man3/wmemmove.3p.html'],
'wmempcpy': ['http://man7.org/linux/man-pages/man3/wmempcpy.3.html'],
'wmemset': ['http://man7.org/linux/man-pages/man3/wmemset.3.html',
'http://man7.org/linux/man-pages/man3/wmemset.3p.html'],
'wmouse_trafo': ['http://man7.org/linux/man-pages/man3/wmouse_trafo.3x.html'],
'wmove': ['http://man7.org/linux/man-pages/man3/wmove.3x.html'],
'wnoutrefresh': ['http://man7.org/linux/man-pages/man3/wnoutrefresh.3x.html'],
'wordexp': ['http://man7.org/linux/man-pages/man3/wordexp.3.html',
'http://man7.org/linux/man-pages/man3/wordexp.3p.html'],
'wordexp.h': ['http://man7.org/linux/man-pages/man0/wordexp.h.0p.html'],
'wordfree': ['http://man7.org/linux/man-pages/man3/wordfree.3.html',
'http://man7.org/linux/man-pages/man3/wordfree.3p.html'],
'wprintf': ['http://man7.org/linux/man-pages/man3/wprintf.3.html',
'http://man7.org/linux/man-pages/man3/wprintf.3p.html'],
'wprintw': ['http://man7.org/linux/man-pages/man3/wprintw.3x.html'],
'wredrawln': ['http://man7.org/linux/man-pages/man3/wredrawln.3x.html'],
'wrefresh': ['http://man7.org/linux/man-pages/man3/wrefresh.3x.html'],
'wresize': ['http://man7.org/linux/man-pages/man3/wresize.3x.html'],
'write': ['http://man7.org/linux/man-pages/man1/write.1.html',
'http://man7.org/linux/man-pages/man1/write.1p.html',
'http://man7.org/linux/man-pages/man2/write.2.html',
'http://man7.org/linux/man-pages/man3/write.3p.html'],
'writev': ['http://man7.org/linux/man-pages/man2/writev.2.html',
'http://man7.org/linux/man-pages/man3/writev.3p.html'],
'wscanf': ['http://man7.org/linux/man-pages/man3/wscanf.3p.html'],
'wscanw': ['http://man7.org/linux/man-pages/man3/wscanw.3x.html'],
'wscrl': ['http://man7.org/linux/man-pages/man3/wscrl.3x.html'],
'wsetscrreg': ['http://man7.org/linux/man-pages/man3/wsetscrreg.3x.html'],
'wsrep_sst_common': ['http://man7.org/linux/man-pages/man1/wsrep_sst_common.1.html'],
'wsrep_sst_mariabackup': ['http://man7.org/linux/man-pages/man1/wsrep_sst_mariabackup.1.html'],
'wsrep_sst_mysqldump': ['http://man7.org/linux/man-pages/man1/wsrep_sst_mysqldump.1.html'],
'wsrep_sst_rsync': ['http://man7.org/linux/man-pages/man1/wsrep_sst_rsync.1.html'],
'wsrep_sst_rsync_wan': ['http://man7.org/linux/man-pages/man1/wsrep_sst_rsync_wan.1.html'],
'wsrep_sst_xtrabackup': ['http://man7.org/linux/man-pages/man1/wsrep_sst_xtrabackup.1.html'],
'wsrep_sst_xtrabackup-v2': ['http://man7.org/linux/man-pages/man1/wsrep_sst_xtrabackup-v2.1.html'],
'wstandend': ['http://man7.org/linux/man-pages/man3/wstandend.3x.html'],
'wstandout': ['http://man7.org/linux/man-pages/man3/wstandout.3x.html'],
'wsyncdown': ['http://man7.org/linux/man-pages/man3/wsyncdown.3x.html'],
'wsyncup': ['http://man7.org/linux/man-pages/man3/wsyncup.3x.html'],
'wtimeout': ['http://man7.org/linux/man-pages/man3/wtimeout.3x.html'],
'wtmp': ['http://man7.org/linux/man-pages/man5/wtmp.5.html'],
'wtouchln': ['http://man7.org/linux/man-pages/man3/wtouchln.3x.html'],
'wunctrl': ['http://man7.org/linux/man-pages/man3/wunctrl.3x.html'],
'wvline': ['http://man7.org/linux/man-pages/man3/wvline.3x.html'],
'wvline_set': ['http://man7.org/linux/man-pages/man3/wvline_set.3x.html'],
'x25': ['http://man7.org/linux/man-pages/man7/x25.7.html'],
'x86_64': ['http://man7.org/linux/man-pages/man8/x86_64.8.html'],
'x_contexts': ['http://man7.org/linux/man-pages/man5/x_contexts.5.html'],
'xargs': ['http://man7.org/linux/man-pages/man1/xargs.1.html',
'http://man7.org/linux/man-pages/man1/xargs.1p.html'],
'xattr': ['http://man7.org/linux/man-pages/man7/xattr.7.html'],
'xcrypt': ['http://man7.org/linux/man-pages/man3/xcrypt.3.html'],
'xdecrypt': ['http://man7.org/linux/man-pages/man3/xdecrypt.3.html'],
'xdr': ['http://man7.org/linux/man-pages/man3/xdr.3.html'],
'xdr_accepted_reply': ['http://man7.org/linux/man-pages/man3/xdr_accepted_reply.3.html'],
'xdr_array': ['http://man7.org/linux/man-pages/man3/xdr_array.3.html'],
'xdr_authunix_parms': ['http://man7.org/linux/man-pages/man3/xdr_authunix_parms.3.html'],
'xdr_bool': ['http://man7.org/linux/man-pages/man3/xdr_bool.3.html'],
'xdr_bytes': ['http://man7.org/linux/man-pages/man3/xdr_bytes.3.html'],
'xdr_callhdr': ['http://man7.org/linux/man-pages/man3/xdr_callhdr.3.html'],
'xdr_callmsg': ['http://man7.org/linux/man-pages/man3/xdr_callmsg.3.html'],
'xdr_char': ['http://man7.org/linux/man-pages/man3/xdr_char.3.html'],
'xdr_destroy': ['http://man7.org/linux/man-pages/man3/xdr_destroy.3.html'],
'xdr_double': ['http://man7.org/linux/man-pages/man3/xdr_double.3.html'],
'xdr_enum': ['http://man7.org/linux/man-pages/man3/xdr_enum.3.html'],
'xdr_float': ['http://man7.org/linux/man-pages/man3/xdr_float.3.html'],
'xdr_free': ['http://man7.org/linux/man-pages/man3/xdr_free.3.html'],
'xdr_getpos': ['http://man7.org/linux/man-pages/man3/xdr_getpos.3.html'],
'xdr_inline': ['http://man7.org/linux/man-pages/man3/xdr_inline.3.html'],
'xdr_int': ['http://man7.org/linux/man-pages/man3/xdr_int.3.html'],
'xdr_long': ['http://man7.org/linux/man-pages/man3/xdr_long.3.html'],
'xdr_opaque': ['http://man7.org/linux/man-pages/man3/xdr_opaque.3.html'],
'xdr_opaque_auth': ['http://man7.org/linux/man-pages/man3/xdr_opaque_auth.3.html'],
'xdr_pmap': ['http://man7.org/linux/man-pages/man3/xdr_pmap.3.html'],
'xdr_pmaplist': ['http://man7.org/linux/man-pages/man3/xdr_pmaplist.3.html'],
'xdr_pointer': ['http://man7.org/linux/man-pages/man3/xdr_pointer.3.html'],
'xdr_reference': ['http://man7.org/linux/man-pages/man3/xdr_reference.3.html'],
'xdr_rejected_reply': ['http://man7.org/linux/man-pages/man3/xdr_rejected_reply.3.html'],
'xdr_replymsg': ['http://man7.org/linux/man-pages/man3/xdr_replymsg.3.html'],
'xdr_setpos': ['http://man7.org/linux/man-pages/man3/xdr_setpos.3.html'],
'xdr_short': ['http://man7.org/linux/man-pages/man3/xdr_short.3.html'],
'xdr_string': ['http://man7.org/linux/man-pages/man3/xdr_string.3.html'],
'xdr_u_char': ['http://man7.org/linux/man-pages/man3/xdr_u_char.3.html'],
'xdr_u_int': ['http://man7.org/linux/man-pages/man3/xdr_u_int.3.html'],
'xdr_u_long': ['http://man7.org/linux/man-pages/man3/xdr_u_long.3.html'],
'xdr_u_short': ['http://man7.org/linux/man-pages/man3/xdr_u_short.3.html'],
'xdr_union': ['http://man7.org/linux/man-pages/man3/xdr_union.3.html'],
'xdr_vector': ['http://man7.org/linux/man-pages/man3/xdr_vector.3.html'],
'xdr_void': ['http://man7.org/linux/man-pages/man3/xdr_void.3.html'],
'xdr_wrapstring': ['http://man7.org/linux/man-pages/man3/xdr_wrapstring.3.html'],
'xdrmem_create': ['http://man7.org/linux/man-pages/man3/xdrmem_create.3.html'],
'xdrrec_create': ['http://man7.org/linux/man-pages/man3/xdrrec_create.3.html'],
'xdrrec_endofrecord': ['http://man7.org/linux/man-pages/man3/xdrrec_endofrecord.3.html'],
'xdrrec_eof': ['http://man7.org/linux/man-pages/man3/xdrrec_eof.3.html'],
'xdrrec_skiprecord': ['http://man7.org/linux/man-pages/man3/xdrrec_skiprecord.3.html'],
'xdrstdio_create': ['http://man7.org/linux/man-pages/man3/xdrstdio_create.3.html'],
'xencrypt': ['http://man7.org/linux/man-pages/man3/xencrypt.3.html'],
'xfs': ['http://man7.org/linux/man-pages/man5/xfs.5.html'],
'xfs_admin': ['http://man7.org/linux/man-pages/man8/xfs_admin.8.html'],
'xfs_bmap': ['http://man7.org/linux/man-pages/man8/xfs_bmap.8.html'],
'xfs_copy': ['http://man7.org/linux/man-pages/man8/xfs_copy.8.html'],
'xfs_db': ['http://man7.org/linux/man-pages/man8/xfs_db.8.html'],
'xfs_estimate': ['http://man7.org/linux/man-pages/man8/xfs_estimate.8.html'],
'xfs_freeze': ['http://man7.org/linux/man-pages/man8/xfs_freeze.8.html'],
'xfs_fsr': ['http://man7.org/linux/man-pages/man8/xfs_fsr.8.html'],
'xfs_growfs': ['http://man7.org/linux/man-pages/man8/xfs_growfs.8.html'],
'xfs_info': ['http://man7.org/linux/man-pages/man8/xfs_info.8.html'],
'xfs_io': ['http://man7.org/linux/man-pages/man8/xfs_io.8.html'],
'xfs_logprint': ['http://man7.org/linux/man-pages/man8/xfs_logprint.8.html'],
'xfs_mdrestore': ['http://man7.org/linux/man-pages/man8/xfs_mdrestore.8.html'],
'xfs_metadump': ['http://man7.org/linux/man-pages/man8/xfs_metadump.8.html'],
'xfs_mkfile': ['http://man7.org/linux/man-pages/man8/xfs_mkfile.8.html'],
'xfs_ncheck': ['http://man7.org/linux/man-pages/man8/xfs_ncheck.8.html'],
'xfs_quota': ['http://man7.org/linux/man-pages/man8/xfs_quota.8.html'],
'xfs_repair': ['http://man7.org/linux/man-pages/man8/xfs_repair.8.html'],
'xfs_rtcp': ['http://man7.org/linux/man-pages/man8/xfs_rtcp.8.html'],
'xfs_scrub': ['http://man7.org/linux/man-pages/man8/xfs_scrub.8.html'],
'xfs_scrub_all': ['http://man7.org/linux/man-pages/man8/xfs_scrub_all.8.html'],
'xfs_spaceman': ['http://man7.org/linux/man-pages/man8/xfs_spaceman.8.html'],
'xfsctl': ['http://man7.org/linux/man-pages/man3/xfsctl.3.html'],
'xfsdump': ['http://man7.org/linux/man-pages/man8/xfsdump.8.html'],
'xfsinvutil': ['http://man7.org/linux/man-pages/man8/xfsinvutil.8.html'],
'xfsrestore': ['http://man7.org/linux/man-pages/man8/xfsrestore.8.html'],
'xgettext': ['http://man7.org/linux/man-pages/man1/xgettext.1.html'],
'xprt_register': ['http://man7.org/linux/man-pages/man3/xprt_register.3.html'],
'xprt_unregister': ['http://man7.org/linux/man-pages/man3/xprt_unregister.3.html'],
'xqmstats': ['http://man7.org/linux/man-pages/man8/xqmstats.8.html'],
'xt': ['http://man7.org/linux/man-pages/man8/xt.8.html'],
'xtables-legacy': ['http://man7.org/linux/man-pages/man8/xtables-legacy.8.html'],
'xtables-monitor': ['http://man7.org/linux/man-pages/man8/xtables-monitor.8.html'],
'xtables-nft': ['http://man7.org/linux/man-pages/man8/xtables-nft.8.html'],
'xtables-translate': ['http://man7.org/linux/man-pages/man8/xtables-translate.8.html'],
'y0': ['http://man7.org/linux/man-pages/man3/y0.3.html',
'http://man7.org/linux/man-pages/man3/y0.3p.html'],
'y0f': ['http://man7.org/linux/man-pages/man3/y0f.3.html'],
'y0l': ['http://man7.org/linux/man-pages/man3/y0l.3.html'],
'y1': ['http://man7.org/linux/man-pages/man3/y1.3.html',
'http://man7.org/linux/man-pages/man3/y1.3p.html'],
'y1f': ['http://man7.org/linux/man-pages/man3/y1f.3.html'],
'y1l': ['http://man7.org/linux/man-pages/man3/y1l.3.html'],
'yacc': ['http://man7.org/linux/man-pages/man1/yacc.1p.html'],
'yes': ['http://man7.org/linux/man-pages/man1/yes.1.html'],
'yn': ['http://man7.org/linux/man-pages/man3/yn.3.html',
'http://man7.org/linux/man-pages/man3/yn.3p.html'],
'ynf': ['http://man7.org/linux/man-pages/man3/ynf.3.html'],
'ynl': ['http://man7.org/linux/man-pages/man3/ynl.3.html'],
'ypdomainname': ['http://man7.org/linux/man-pages/man1/ypdomainname.1.html'],
'yum': ['http://man7.org/linux/man-pages/man8/yum.8.html'],
'yum-aliases': ['http://man7.org/linux/man-pages/man1/yum-aliases.1.html'],
'yum-builddep': ['http://man7.org/linux/man-pages/man1/yum-builddep.1.html'],
'yum-changelog': ['http://man7.org/linux/man-pages/man1/yum-changelog.1.html'],
'yum-changelog.conf': ['http://man7.org/linux/man-pages/man5/yum-changelog.conf.5.html'],
'yum-complete-transaction': ['http://man7.org/linux/man-pages/man8/yum-complete-transaction.8.html'],
'yum-config-manager': ['http://man7.org/linux/man-pages/man1/yum-config-manager.1.html'],
'yum-copr': ['http://man7.org/linux/man-pages/man8/yum-copr.8.html'],
'yum-cron': ['http://man7.org/linux/man-pages/man8/yum-cron.8.html'],
'yum-debug-dump': ['http://man7.org/linux/man-pages/man1/yum-debug-dump.1.html'],
'yum-debug-restore': ['http://man7.org/linux/man-pages/man1/yum-debug-restore.1.html'],
'yum-filter-data': ['http://man7.org/linux/man-pages/man1/yum-filter-data.1.html'],
'yum-fs-snapshot': ['http://man7.org/linux/man-pages/man1/yum-fs-snapshot.1.html'],
'yum-fs-snapshot.conf': ['http://man7.org/linux/man-pages/man5/yum-fs-snapshot.conf.5.html'],
'yum-groups-manager': ['http://man7.org/linux/man-pages/man1/yum-groups-manager.1.html'],
'yum-list-data': ['http://man7.org/linux/man-pages/man1/yum-list-data.1.html'],
'yum-ovl': ['http://man7.org/linux/man-pages/man1/yum-ovl.1.html'],
'yum-plugin-copr': ['http://man7.org/linux/man-pages/man8/yum-plugin-copr.8.html'],
'yum-shell': ['http://man7.org/linux/man-pages/man8/yum-shell.8.html'],
'yum-updatesd': ['http://man7.org/linux/man-pages/man8/yum-updatesd.8.html'],
'yum-updatesd.conf': ['http://man7.org/linux/man-pages/man5/yum-updatesd.conf.5.html'],
'yum-utils': ['http://man7.org/linux/man-pages/man1/yum-utils.1.html'],
'yum-verify': ['http://man7.org/linux/man-pages/man1/yum-verify.1.html'],
'yum-versionlock': ['http://man7.org/linux/man-pages/man1/yum-versionlock.1.html'],
'yum-versionlock.conf': ['http://man7.org/linux/man-pages/man5/yum-versionlock.conf.5.html'],
'yum.conf': ['http://man7.org/linux/man-pages/man5/yum.conf.5.html'],
'yumdb': ['http://man7.org/linux/man-pages/man8/yumdb.8.html'],
'yumdownloader': ['http://man7.org/linux/man-pages/man1/yumdownloader.1.html'],
'zbxpcp': ['http://man7.org/linux/man-pages/man3/zbxpcp.3.html'],
'zcat': ['http://man7.org/linux/man-pages/man1/zcat.1p.html'],
'zdump': ['http://man7.org/linux/man-pages/man8/zdump.8.html'],
'zenmap': ['http://man7.org/linux/man-pages/man1/zenmap.1.html'],
'zero': ['http://man7.org/linux/man-pages/man4/zero.4.html'],
'zic': ['http://man7.org/linux/man-pages/man8/zic.8.html'],
'zos-remote.conf': ['http://man7.org/linux/man-pages/man5/zos-remote.conf.5.html'],
'zramctl': ['http://man7.org/linux/man-pages/man8/zramctl.8.html'],
'zsoelim': ['http://man7.org/linux/man-pages/man1/zsoelim.1.html']
}
| [
"errno.errorcode.keys",
"os.strerror"
] | [((78, 100), 'errno.errorcode.keys', 'errno.errorcode.keys', ([], {}), '()\n', (98, 100), False, 'import errno\n'), ((46, 60), 'os.strerror', 'os.strerror', (['x'], {}), '(x)\n', (57, 60), False, 'import os\n')] |
from PIL import Image
import pytesseract
import os
import openpyxl as xl
from pytesseract import Output
from pytesseract import pytesseract as pt
import numpy as np
from matplotlib import pyplot as plt
import cv2
from imutils.object_detection import non_max_suppression
class Scan():
def __init__(self,folder,readfile,writefile):
self.folder=folder
self.readfile=readfile
self.writefile=writefile
def text_en(self):
os.chdir(self.folder)
img = Image.open(self.readfile)
im.load()
text = pytesseract.image_to_string(im,lang='eng')
print(text)
text.save(self.writefile)
def text_ar(self):
os.chdir(self.folder)
img = Image.open(self.readfile)
img.load()
text = pytesseract.image_to_string(im,lang='ara')
print(text)
wb2 = xl.load_workbook(self.writefile)
ws2 = wb2.get_sheet_by_name("Sheet1")
for row in ws2:
for cell in row:
ws2[cell.coordinate].value = text
wb2.save(self.writefile)
def pdf_extract_table(self):
import camelot
os.chdir(self.folder)
#table file must be pdf file
tables = camelot.read_pdf(self.readfile)
#TableList
#self.writefile must be csv file
n=1
tables.export(self.writefile, f='csv', compress=True) # json, excel, html,csv
tables[1]
Table_shape=(7, 7)
tables[1].parsing_report
{
'accuracy': 99.02,
'whitespace': 12.24,
'order': 1,
'page': 1}
tables[1].to_csv(self.writefile) # to_json, to_excel, to_html,to_csv
def boxes(self):
os.chdir(self.folder)
# read the image and get the dimensions
img = cv2.imread(self.readfile)
h, w, _ = img.shape # assumes color image
# run tesseract, returning the bounding boxes
boxes = pytesseract.image_to_boxes(img) # also include any config options you use
# draw the bounding boxes on the image
for b in boxes.splitlines():
b = b.split(' ')
img = cv2.rectangle(img, (int(b[1]), h - int(b[2])), (int(b[3]), h - int(b[4])), (0, 255, 0), 2)
cv2.imshow('img', img)
cv2.waitKey(0)
def all_boxes(self):
os.chdir(self.folder)
# read the image and get the dimensions
img = cv2.imread(self.readfile)
gray=cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)
contours,hierarchy = cv2.findContours(gray,cv2.RETR_LIST,cv2.CHAIN_APPROX_SIMPLE)
idx =0
for cnt in contours:
idx += 1
x,y,w,h = cv2.boundingRect(cnt)
roi=img[y:y+h,x:x+w]
cv2.imwrite(str(idx) + '.jpg', roi)
#cv2.rectangle(im,(x,y),(x+w,y+h),(200,0,0),2)
cv2.imshow('img',img)
cv2.waitKey(0)
def select_box(self):
'''this function is very useful for corp images then press ctrl+c the past it in iny place by ctrl+v'''
os.chdir(self.folder)
# read the image and get the dimensions
# Read image
img = cv2.imread(self.readfile)
# Select ROI
showCrosshair = False #to hide the rectangle selection line when select
fromCenter = True # true for corss line # false for triangle
r = cv2.selectROI('image',img, fromCenter, showCrosshair) #to select from center
# Crop image
imCrop = img[int(r[1]):int(r[1]+r[3]), int(r[0]):int(r[0]+r[2])]
# Display cropped image
cv2.imshow("Image", imCrop)
cv2.waitKey(0)
def hand_writing_digit(self):
os.chdir(self.folder)
#by knn technices
img = cv2.imread(self.readfile)
gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)
# Now we split the image to 5000 cells, each 20x20 size
cells = [np.hsplit(row,100) for row in np.vsplit(gray,50)]
# Make it into a Numpy array. It size will be (50,100,20,20)
x = np.array(cells)
# Now we prepare train_data and test_data.
train = x[:,:50].reshape(-1,400).astype(np.float32) # Size = (2500,400)
test = x[:,50:100].reshape(-1,400).astype(np.float32) # Size = (2500,400)
# Create labels for train and test data
k = np.arange(10)
train_labels = np.repeat(k,250)[:,np.newaxis]
test_labels = train_labels.copy()
# Initiate kNN, train the data, then test it with test data for k=1
knn = cv2.KNearest()
knn.train(train,train_labels)
ret,result,neighbours,dist = knn.find_nearest(test,k=5)
# Now we check the accuracy of classification
# For that, compare the result with test_labels and check which are wrong
matches = result==test_labels
correct = np.count_nonzero(matches)
accuracy = correct*100.0/result.size
print (accuracy)
# save the data
np.savez('knn_data.npz',train=train, train_labels=train_labels)
# Now load the data
with np.load('knn_data.npz') as data:
print (data.files)
train = data['train']
train_labels = data['train_labels']
def line_detection(self):
#Reading the required image in
# which operations are to be done.
# Make sure that the image is in the same
# directory in which this python program is
os.chdir(self.folder)
#by knn technices
img = cv2.imread(self.readfile)
# Convert the img to grayscale
gray = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)
# Apply edge detection method on the image
edges = cv2.Canny(gray,50,150,apertureSize = 3)
# This returns an array of r and theta values
lines = cv2.HoughLines(edges,1,np.pi/180, 200)
# The below for loop runs till r and theta values
# are in the range of the 2d array
for r,theta in lines[0]:
# Stores the value of cos(theta) in a
a = np.cos(theta)
# Stores the value of sin(theta) in b
b = np.sin(theta)
# x0 stores the value rcos(theta)
x0 = a*r
# y0 stores the value rsin(theta)
y0 = b*r
# x1 stores the rounded off value of (rcos(theta)-1000sin(theta))
x1 = int(x0 + 1000*(-b))
# y1 stores the rounded off value of (rsin(theta)+1000cos(theta))
y1 = int(y0 + 1000*(a))
# x2 stores the rounded off value of (rcos(theta)+1000sin(theta))
x2 = int(x0 - 1000*(-b))
# y2 stores the rounded off value of (rsin(theta)-1000cos(theta))
y2 = int(y0 - 1000*(a))
# cv2.line draws a line in img from the point(x1,y1) to (x2,y2).
# (0,0,255) denotes the colour of the line to be
#drawn. In this case, it is red.
cv2.line(img,(x1,y1), (x2,y2), (0,0,255),2)
# All the changes made in the input image are finally
# written on a new image houghlines.jpg
cv2.imwrite('linesDetected.jpg', img)
cv2.imshow('img', img)
cv2.waitKey(0)
def spilt_cells_of_table(self):
os.chdir(self.folder)
#by knn technices
img = cv2.imread(self.readfile)
# find edges in the image
edges = cv2.Laplacian(img, cv2.CV_8U)
# kernel used to remove vetical and small horizontal lines using erosion
kernel = np.zeros((5, 11), np.uint8)
kernel[2, :] = 1
eroded = cv2.morphologyEx(edges, cv2.MORPH_ERODE,
kernel) # erode image to remove unwanted lines
# find (x,y) position of the horizontal lines
indices = np.nonzero(eroded)
# As indices contain all the points along horizontal line, so get unique rows only (indices[0] contains rows or y coordinate)
rows = np.unique(indices[0])
# now you have unique rows but edges are more than 1 pixel thick
# so remove lines which are near to each other using a certain threshold
filtered_rows = []
for ii in range(len(rows)):
if ii == 0:
filtered_rows.append(rows[ii])
else:
if np.abs(rows[ii] - rows[ii - 1]) >= 10:
filtered_rows.append(rows[ii])
print(filtered_rows)
# crop first row of table
first_cropped_row = img[filtered_rows[0]:filtered_rows[1], :, :]
#cv2.resize(img, (960, 540)
cv2.imshow('Image', eroded)
cv2.imshow('Cropped_Row', first_cropped_row)
cv2.waitKey(0)
| [
"numpy.load",
"numpy.abs",
"openpyxl.load_workbook",
"numpy.hsplit",
"numpy.sin",
"numpy.arange",
"cv2.imshow",
"os.chdir",
"numpy.unique",
"cv2.line",
"cv2.selectROI",
"cv2.cvtColor",
"cv2.imwrite",
"cv2.boundingRect",
"cv2.Laplacian",
"numpy.repeat",
"pytesseract.image_to_boxes",
"cv2.Canny",
"cv2.waitKey",
"cv2.morphologyEx",
"cv2.HoughLines",
"camelot.read_pdf",
"numpy.cos",
"numpy.savez",
"cv2.KNearest",
"numpy.vsplit",
"numpy.count_nonzero",
"numpy.zeros",
"pytesseract.image_to_string",
"PIL.Image.open",
"numpy.nonzero",
"cv2.imread",
"numpy.array",
"cv2.findContours"
] | [((484, 505), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (492, 505), False, 'import os\n'), ((520, 545), 'PIL.Image.open', 'Image.open', (['self.readfile'], {}), '(self.readfile)\n', (530, 545), False, 'from PIL import Image\n'), ((579, 622), 'pytesseract.image_to_string', 'pytesseract.image_to_string', (['im'], {'lang': '"""eng"""'}), "(im, lang='eng')\n", (606, 622), False, 'import pytesseract\n'), ((707, 728), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (715, 728), False, 'import os\n'), ((743, 768), 'PIL.Image.open', 'Image.open', (['self.readfile'], {}), '(self.readfile)\n', (753, 768), False, 'from PIL import Image\n'), ((803, 846), 'pytesseract.image_to_string', 'pytesseract.image_to_string', (['im'], {'lang': '"""ara"""'}), "(im, lang='ara')\n", (830, 846), False, 'import pytesseract\n'), ((880, 912), 'openpyxl.load_workbook', 'xl.load_workbook', (['self.writefile'], {}), '(self.writefile)\n', (896, 912), True, 'import openpyxl as xl\n'), ((1160, 1181), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (1168, 1181), False, 'import os\n'), ((1236, 1267), 'camelot.read_pdf', 'camelot.read_pdf', (['self.readfile'], {}), '(self.readfile)\n', (1252, 1267), False, 'import camelot\n'), ((1735, 1756), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (1743, 1756), False, 'import os\n'), ((1823, 1848), 'cv2.imread', 'cv2.imread', (['self.readfile'], {}), '(self.readfile)\n', (1833, 1848), False, 'import cv2\n'), ((1971, 2002), 'pytesseract.image_to_boxes', 'pytesseract.image_to_boxes', (['img'], {}), '(img)\n', (1997, 2002), False, 'import pytesseract\n'), ((2272, 2294), 'cv2.imshow', 'cv2.imshow', (['"""img"""', 'img'], {}), "('img', img)\n", (2282, 2294), False, 'import cv2\n'), ((2303, 2317), 'cv2.waitKey', 'cv2.waitKey', (['(0)'], {}), '(0)\n', (2314, 2317), False, 'import cv2\n'), ((2360, 2381), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (2368, 2381), False, 'import os\n'), ((2448, 2473), 'cv2.imread', 'cv2.imread', (['self.readfile'], {}), '(self.readfile)\n', (2458, 2473), False, 'import cv2\n'), ((2488, 2525), 'cv2.cvtColor', 'cv2.cvtColor', (['img', 'cv2.COLOR_BGR2GRAY'], {}), '(img, cv2.COLOR_BGR2GRAY)\n', (2500, 2525), False, 'import cv2\n'), ((2554, 2616), 'cv2.findContours', 'cv2.findContours', (['gray', 'cv2.RETR_LIST', 'cv2.CHAIN_APPROX_SIMPLE'], {}), '(gray, cv2.RETR_LIST, cv2.CHAIN_APPROX_SIMPLE)\n', (2570, 2616), False, 'import cv2\n'), ((2873, 2895), 'cv2.imshow', 'cv2.imshow', (['"""img"""', 'img'], {}), "('img', img)\n", (2883, 2895), False, 'import cv2\n'), ((2903, 2917), 'cv2.waitKey', 'cv2.waitKey', (['(0)'], {}), '(0)\n', (2914, 2917), False, 'import cv2\n'), ((3069, 3090), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (3077, 3090), False, 'import os\n'), ((3196, 3221), 'cv2.imread', 'cv2.imread', (['self.readfile'], {}), '(self.readfile)\n', (3206, 3221), False, 'import cv2\n'), ((3411, 3465), 'cv2.selectROI', 'cv2.selectROI', (['"""image"""', 'img', 'fromCenter', 'showCrosshair'], {}), "('image', img, fromCenter, showCrosshair)\n", (3424, 3465), False, 'import cv2\n'), ((3651, 3678), 'cv2.imshow', 'cv2.imshow', (['"""Image"""', 'imCrop'], {}), "('Image', imCrop)\n", (3661, 3678), False, 'import cv2\n'), ((3687, 3701), 'cv2.waitKey', 'cv2.waitKey', (['(0)'], {}), '(0)\n', (3698, 3701), False, 'import cv2\n'), ((3744, 3765), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (3752, 3765), False, 'import os\n'), ((3810, 3835), 'cv2.imread', 'cv2.imread', (['self.readfile'], {}), '(self.readfile)\n', (3820, 3835), False, 'import cv2\n'), ((3851, 3888), 'cv2.cvtColor', 'cv2.cvtColor', (['img', 'cv2.COLOR_BGR2GRAY'], {}), '(img, cv2.COLOR_BGR2GRAY)\n', (3863, 3888), False, 'import cv2\n'), ((4102, 4117), 'numpy.array', 'np.array', (['cells'], {}), '(cells)\n', (4110, 4117), True, 'import numpy as np\n'), ((4393, 4406), 'numpy.arange', 'np.arange', (['(10)'], {}), '(10)\n', (4402, 4406), True, 'import numpy as np\n'), ((4594, 4608), 'cv2.KNearest', 'cv2.KNearest', ([], {}), '()\n', (4606, 4608), False, 'import cv2\n'), ((4904, 4929), 'numpy.count_nonzero', 'np.count_nonzero', (['matches'], {}), '(matches)\n', (4920, 4929), True, 'import numpy as np\n'), ((5032, 5096), 'numpy.savez', 'np.savez', (['"""knn_data.npz"""'], {'train': 'train', 'train_labels': 'train_labels'}), "('knn_data.npz', train=train, train_labels=train_labels)\n", (5040, 5096), True, 'import numpy as np\n'), ((5513, 5534), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (5521, 5534), False, 'import os\n'), ((5579, 5604), 'cv2.imread', 'cv2.imread', (['self.readfile'], {}), '(self.readfile)\n', (5589, 5604), False, 'import cv2\n'), ((5677, 5714), 'cv2.cvtColor', 'cv2.cvtColor', (['img', 'cv2.COLOR_BGR2GRAY'], {}), '(img, cv2.COLOR_BGR2GRAY)\n', (5689, 5714), False, 'import cv2\n'), ((5792, 5832), 'cv2.Canny', 'cv2.Canny', (['gray', '(50)', '(150)'], {'apertureSize': '(3)'}), '(gray, 50, 150, apertureSize=3)\n', (5801, 5832), False, 'import cv2\n'), ((5913, 5955), 'cv2.HoughLines', 'cv2.HoughLines', (['edges', '(1)', '(np.pi / 180)', '(200)'], {}), '(edges, 1, np.pi / 180, 200)\n', (5927, 5955), False, 'import cv2\n'), ((7355, 7392), 'cv2.imwrite', 'cv2.imwrite', (['"""linesDetected.jpg"""', 'img'], {}), "('linesDetected.jpg', img)\n", (7366, 7392), False, 'import cv2\n'), ((7402, 7424), 'cv2.imshow', 'cv2.imshow', (['"""img"""', 'img'], {}), "('img', img)\n", (7412, 7424), False, 'import cv2\n'), ((7433, 7447), 'cv2.waitKey', 'cv2.waitKey', (['(0)'], {}), '(0)\n', (7444, 7447), False, 'import cv2\n'), ((7492, 7513), 'os.chdir', 'os.chdir', (['self.folder'], {}), '(self.folder)\n', (7500, 7513), False, 'import os\n'), ((7558, 7583), 'cv2.imread', 'cv2.imread', (['self.readfile'], {}), '(self.readfile)\n', (7568, 7583), False, 'import cv2\n'), ((7636, 7665), 'cv2.Laplacian', 'cv2.Laplacian', (['img', 'cv2.CV_8U'], {}), '(img, cv2.CV_8U)\n', (7649, 7665), False, 'import cv2\n'), ((7764, 7791), 'numpy.zeros', 'np.zeros', (['(5, 11)', 'np.uint8'], {}), '((5, 11), np.uint8)\n', (7772, 7791), True, 'import numpy as np\n'), ((7834, 7882), 'cv2.morphologyEx', 'cv2.morphologyEx', (['edges', 'cv2.MORPH_ERODE', 'kernel'], {}), '(edges, cv2.MORPH_ERODE, kernel)\n', (7850, 7882), False, 'import cv2\n'), ((8028, 8046), 'numpy.nonzero', 'np.nonzero', (['eroded'], {}), '(eroded)\n', (8038, 8046), True, 'import numpy as np\n'), ((8196, 8217), 'numpy.unique', 'np.unique', (['indices[0]'], {}), '(indices[0])\n', (8205, 8217), True, 'import numpy as np\n'), ((8814, 8841), 'cv2.imshow', 'cv2.imshow', (['"""Image"""', 'eroded'], {}), "('Image', eroded)\n", (8824, 8841), False, 'import cv2\n'), ((8850, 8894), 'cv2.imshow', 'cv2.imshow', (['"""Cropped_Row"""', 'first_cropped_row'], {}), "('Cropped_Row', first_cropped_row)\n", (8860, 8894), False, 'import cv2\n'), ((8903, 8917), 'cv2.waitKey', 'cv2.waitKey', (['(0)'], {}), '(0)\n', (8914, 8917), False, 'import cv2\n'), ((2703, 2724), 'cv2.boundingRect', 'cv2.boundingRect', (['cnt'], {}), '(cnt)\n', (2719, 2724), False, 'import cv2\n'), ((3970, 3989), 'numpy.hsplit', 'np.hsplit', (['row', '(100)'], {}), '(row, 100)\n', (3979, 3989), True, 'import numpy as np\n'), ((4430, 4447), 'numpy.repeat', 'np.repeat', (['k', '(250)'], {}), '(k, 250)\n', (4439, 4447), True, 'import numpy as np\n'), ((5138, 5161), 'numpy.load', 'np.load', (['"""knn_data.npz"""'], {}), "('knn_data.npz')\n", (5145, 5161), True, 'import numpy as np\n'), ((6180, 6193), 'numpy.cos', 'np.cos', (['theta'], {}), '(theta)\n', (6186, 6193), True, 'import numpy as np\n'), ((6271, 6284), 'numpy.sin', 'np.sin', (['theta'], {}), '(theta)\n', (6277, 6284), True, 'import numpy as np\n'), ((7177, 7226), 'cv2.line', 'cv2.line', (['img', '(x1, y1)', '(x2, y2)', '(0, 0, 255)', '(2)'], {}), '(img, (x1, y1), (x2, y2), (0, 0, 255), 2)\n', (7185, 7226), False, 'import cv2\n'), ((4000, 4019), 'numpy.vsplit', 'np.vsplit', (['gray', '(50)'], {}), '(gray, 50)\n', (4009, 4019), True, 'import numpy as np\n'), ((8543, 8574), 'numpy.abs', 'np.abs', (['(rows[ii] - rows[ii - 1])'], {}), '(rows[ii] - rows[ii - 1])\n', (8549, 8574), True, 'import numpy as np\n')] |
##############################################################################
# Copyright (c) 2016 Huawei Technologies Co.,Ltd and others.
#
# All rights reserved. This program and the accompanying materials
# are made available under the terms of the Apache License, Version 2.0
# which accompanies this distribution, and is available at
# http://www.apache.org/licenses/LICENSE-2.0
##############################################################################
import tornado.ioloop
import tornado.web
from tornado.options import define
from tornado.options import options
from api.urls import mappings
define("port", default=8000, help="run on the given port", type=int)
def main():
tornado.options.parse_command_line()
application = tornado.web.Application(mappings)
application.listen(options.port)
tornado.ioloop.IOLoop.current().start()
if __name__ == "__main__":
main()
| [
"tornado.options.define"
] | [((608, 676), 'tornado.options.define', 'define', (['"""port"""'], {'default': '(8000)', 'help': '"""run on the given port"""', 'type': 'int'}), "('port', default=8000, help='run on the given port', type=int)\n", (614, 676), False, 'from tornado.options import define\n')] |
from flask import has_request_context, request
from flask_login import current_user as user
import logging
class MyFormatter(logging.Formatter): # test: no cover
def __init__(self, fmt, style) -> None:
super().__init__(fmt=fmt, style=style)
def format(self, record):
if user:
if user.is_authenticated:
record.user = str(user)
else:
record.user = "anonymous"
else:
record.user = "-"
if has_request_context():
record.url = request.url
record.method = request.method
record.remote_addr = request.remote_addr
else:
record.url = "-"
record.method = "-"
record.remote_addr = "-"
return super().format(record)
formatter = MyFormatter(
"[{levelname} - {asctime}] {user} {remote_addr} at {pathname}:{lineno}\n"
" {message}",
style="{",
)
| [
"flask.has_request_context"
] | [((497, 518), 'flask.has_request_context', 'has_request_context', ([], {}), '()\n', (516, 518), False, 'from flask import has_request_context, request\n')] |
"""Access to all categorizations is provided directly at the module level, using the
names of categorizations. To access the example categorization `Excat`, simply use
`climate_categories.Excat` .
"""
__author__ = """<NAME>"""
__email__ = "<EMAIL>"
__version__ = "0.7.1"
import importlib
import importlib.resources
import typing
from . import data # noqa: F401
from . import search
from ._categories import Categorization # noqa: F401
from ._categories import Category # noqa: F401
from ._categories import HierarchicalCategory # noqa: F401
from ._categories import from_pickle # noqa: F401
from ._categories import from_python # noqa: F401
from ._categories import from_spec # noqa: F401
from ._categories import from_yaml # noqa: F401
from ._categories import HierarchicalCategorization
from ._conversions import Conversion, ConversionRule # noqa: F401
cats = {}
def _read_py_hier(name) -> HierarchicalCategorization:
mod = importlib.import_module(f".data.{name}", package="climate_categories")
cat = HierarchicalCategorization.from_spec(mod.spec)
cat._cats = cats
cats[cat.name] = cat
return cat
# do this explicitly to help static analysis tools
IPCC1996 = _read_py_hier("IPCC1996")
IPCC2006 = _read_py_hier("IPCC2006")
IPCC2006_PRIMAP = _read_py_hier("IPCC2006_PRIMAP")
CRF1999 = _read_py_hier("CRF1999")
CRFDI = _read_py_hier("CRFDI")
CRFDI_class = _read_py_hier("CRFDI_class")
BURDI = _read_py_hier("BURDI")
BURDI_class = _read_py_hier("BURDI_class")
GCB = _read_py_hier("GCB")
RCMIP = _read_py_hier("RCMIP")
gas = _read_py_hier("gas")
def find_code(code: str) -> typing.Set[Category]:
"""Search for the given code in all included categorizations."""
return search.search_code(code, cats.values())
__all__ = [
"cats",
"Categorization",
"HierarchicalCategorization",
"Category",
"HierarchicalCategory",
"Conversion",
"ConversionRule",
"find_code",
"from_pickle",
"from_spec",
"from_yaml",
] + list(cats.keys())
| [
"importlib.import_module"
] | [((945, 1015), 'importlib.import_module', 'importlib.import_module', (['f""".data.{name}"""'], {'package': '"""climate_categories"""'}), "(f'.data.{name}', package='climate_categories')\n", (968, 1015), False, 'import importlib\n')] |
import numpy as np
import json
import logging
logging.basicConfig()
logger = logging.getLogger(__name__)
class YarrHisto1d:
def __init__(self, data: np.array, metadata: json = {}) -> None:
# need to check shape
self._histogram = data
self._name = ""
self._overflow = 0.0
self._underflow = 0.0
self._type = "Histo2d"
self._x_label = ""
self._x_n_bins = 0
self._x_low_edge = 0
self._x_high_edge = 0
self._y_label = ""
if metadata:
# need to add support for jsonschema
self._name = metadata["Name"]
self._overflow = metadata["Overflow"]
self._underflow = metadata["Underflow"]
self._type = metadata["Type"]
self._x_label = metadata["x"]["AxisTitle"]
self._x_n_bins = metadata["x"]["Bins"]
self._x_low_edge = metadata["x"]["Low"]
self._x_high_edge = metadata["x"]["High"]
self._y_label = metadata["y"]["AxisTitle"]
@property
def histogram(self):
return self._histogram
@property
def name(self):
return self._name
@name.setter
def name(self, val):
self._name = val
@property
def x_label(self):
return self._x_label
@x_label.setter
def x_label(self, val):
self._x_label = val
@property
def x_n_bins(self):
return self._x_n_bins
@x_n_bins.setter
def x_n_bins(self, val):
self._x_n_bins = val
@property
def x_low_edge(self):
return self._x_low_edge
@x_low_edge.setter
def x_low_edge(self, val):
self._x_low_edge = val
@property
def x_high_edge(self):
return self._x_high_edge
@x_high_edge.setter
def x_high_edge(self, val):
self._x_high_edge = val
@property
def y_label(self):
return self._y_label
@y_label.setter
def y_label(self, val):
self._y_label = val
def __add__(self, other):
if isinstance(other, YarrHisto1d):
assert (
self._histogram.shape == other.histogram.shape
), f"Histograms must have the same shape (self = {self._histogram.shape}, other = {other.histogram.shape})"
self._histogram += other.histogram
else:
assert isinstance(other, (int, float))
self._histogram += other
return self
def __iadd__(self, other):
self.__add__(other)
return self
def __sub__(self, other):
if isinstance(other, YarrHisto1d):
assert (
self._histogram.shape == other.histogram.shape
), f"Histograms must have the same shape (self = {self._histogram.shape}, other = {other.histogram.shape})"
self._histogram -= other.histogram
else:
assert isinstance(other, (int, float))
self._histogram -= other
return self
def __isub__(self, other):
self.__sub__(other)
return self
def __mul__(self, other):
assert isinstance(
other, (int, float)
), "Can only multiple histogram by a number!"
self._histogram *= other
return self
def __imul__(self, other):
self.__mul__(other)
return self
class YarrHisto2d:
def __init__(self, data: np.array, metadata: json = {}) -> None:
# need to check shape
self._histogram = data
self._name = ""
self._overflow = 0.0
self._underflow = 0.0
self._type = "Histo2d"
self._x_label = ""
self._x_n_bins = 0
self._x_low_edge = 0
self._x_high_edge = 0
self._y_label = ""
self._y_n_bins = 0
self._y_low_edge = 0
self._y_high_edge = 0
self._z_label = ""
# need to add support for jsonschema
if metadata:
self._name = metadata["Name"]
self._overflow = metadata["Overflow"]
self._underflow = metadata["Underflow"]
assert self._type == metadata["Type"]
self._x_label = metadata["x"]["AxisTitle"]
self._x_n_bins = metadata["x"]["Bins"]
self._x_low_edge = metadata["x"]["Low"]
self._x_high_edge = metadata["x"]["High"]
self._y_label = metadata["y"]["AxisTitle"]
self._y_n_bins = metadata["y"]["Bins"]
self._y_low_edge = metadata["y"]["Low"]
self._y_high_edge = metadata["y"]["High"]
self._z_label = metadata["z"]["AxisTitle"]
@property
def histogram(self):
return self._histogram
@property
def name(self):
return self._name
@name.setter
def name(self, val):
self._name = val
@property
def x_label(self):
return self._x_label
@x_label.setter
def x_label(self, val):
self._x_label = val
@property
def x_n_bins(self):
return self._x_n_bins
@x_n_bins.setter
def x_n_bins(self, val):
self._x_n_bins = val
@property
def x_low_edge(self):
return self._x_low_edge
@x_low_edge.setter
def x_low_edge(self, val):
self._x_low_edge = val
@property
def x_high_edge(self):
return self._x_high_edge
@x_high_edge.setter
def x_high_edge(self, val):
self._x_high_edge = val
@property
def y_label(self):
return self._y_label
@y_label.setter
def y_label(self, val):
self._y_label = val
@property
def y_n_bins(self):
return self._y_n_bins
@y_n_bins.setter
def y_n_bins(self, val):
self._y_n_bins = val
@property
def y_low_edge(self):
return self._y_low_edge
@y_low_edge.setter
def y_low_edge(self, val):
self._y_low_edge = val
@property
def y_high_edge(self):
return self._y_high_edge
@y_high_edge.setter
def y_high_edge(self, val):
self._y_high_edge = val
def __add__(self, other):
if isinstance(other, YarrHisto2d):
assert (
self._histogram.shape == other.histogram.shape
), f"Histograms must have the same shape (self = {self._histogram.shape}, other = {other.histogram.shape})"
self._histogram += other.histogram
else:
assert isinstance(other, (int, float))
self._histogram += other
return self
def __iadd__(self, other):
self.__add__(other)
return self
def __sub__(self, other):
if isinstance(other, YarrHisto2d):
assert (
self._histogram.shape == other.histogram.shape
), f"Histograms must have the same shape (self = {self._histogram.shape}, other = {other.histogram.shape})"
self._histogram -= other.histogram
else:
assert isinstance(other, (int, float))
self._histogram -= other
return self
def __isub__(self, other):
self.__sub__(other)
return self
def __mul__(self, other):
assert isinstance(
other, (int, float)
), "Can only multiple histogram by a number!"
self._histogram *= other
return self
def __imul__(self, other):
self.__mul__(other)
return self
| [
"logging.getLogger",
"logging.basicConfig"
] | [((48, 69), 'logging.basicConfig', 'logging.basicConfig', ([], {}), '()\n', (67, 69), False, 'import logging\n'), ((79, 106), 'logging.getLogger', 'logging.getLogger', (['__name__'], {}), '(__name__)\n', (96, 106), False, 'import logging\n')] |
"""
A :class:`~Dataset` represents a collection of data suitable for feeding into a model.
For example, when you train a model, you will likely have a *training* dataset and a *validation* dataset.
"""
import logging
from collections import defaultdict
from typing import Dict, List, Union
import numpy
import tqdm
from allennlp.data.instance import Instance
from allennlp.data.vocabulary import Vocabulary
from allennlp.common.checks import ConfigurationError
logger = logging.getLogger(__name__) # pylint: disable=invalid-name
class Dataset:
"""
A collection of :class:`~allennlp.data.instance.Instance` objects.
The ``Instances`` have ``Fields``, and the fields
could be in an indexed or unindexed state - the ``Dataset`` has methods around indexing the
data and converting the data into arrays.
"""
def __init__(self, instances: List[Instance]) -> None:
"""
A Dataset just takes a list of instances in its constructor. It's important that all
subclasses have an identical constructor to this (though possibly with different Instance
types). If you change the constructor, you also have to override all methods in this base
class that call the constructor, such as `truncate()`.
"""
all_instance_fields_and_types: List[Dict[str, str]] = [{k: v.__class__.__name__
for k, v in x.fields.items()}
for x in instances]
# Check all the field names and Field types are the same for every instance.
if not all([all_instance_fields_and_types[0] == x for x in all_instance_fields_and_types]):
raise ConfigurationError("You cannot construct a Dataset with non-homogeneous Instances.")
self.instances = instances
def truncate(self, max_instances: int):
"""
If there are more instances than ``max_instances`` in this dataset, we truncate the
instances to the first ``max_instances``. This `modifies` the current object, and returns
nothing.
"""
if len(self.instances) > max_instances:
self.instances = self.instances[:max_instances]
def index_instances(self, vocab: Vocabulary):
"""
Converts all ``UnindexedFields`` in all ``Instances`` in this ``Dataset`` into
``IndexedFields``. This modifies the current object, it does not return a new object.
"""
logger.info("Indexing dataset")
for instance in tqdm.tqdm(self.instances):
instance.index_fields(vocab)
def get_padding_lengths(self) -> Dict[str, Dict[str, int]]:
"""
Gets the maximum padding lengths from all ``Instances`` in this dataset. Each ``Instance``
has multiple ``Fields``, and each ``Field`` could have multiple things that need padding.
We look at all fields in all instances, and find the max values for each (field_name,
padding_key) pair, returning them in a dictionary.
This can then be used to convert this dataset into arrays of consistent length, or to set
model parameters, etc.
"""
padding_lengths: Dict[str, Dict[str, int]] = defaultdict(dict)
all_instance_lengths: List[Dict[str, Dict[str, int]]] = [instance.get_padding_lengths()
for instance in self.instances]
if not all_instance_lengths:
return {**padding_lengths}
all_field_lengths: Dict[str, List[Dict[str, int]]] = defaultdict(list)
for instance_lengths in all_instance_lengths:
for field_name, instance_field_lengths in instance_lengths.items():
all_field_lengths[field_name].append(instance_field_lengths)
for field_name, field_lengths in all_field_lengths.items():
for padding_key in field_lengths[0].keys():
max_value = max(x[padding_key] if padding_key in x else 0 for x in field_lengths)
padding_lengths[field_name][padding_key] = max_value
return {**padding_lengths}
def as_array_dict(self,
padding_lengths: Dict[str, Dict[str, int]] = None,
verbose: bool = True) ->Dict[str, Union[numpy.ndarray, Dict[str, numpy.ndarray]]]:
# This complex return type is actually predefined elsewhere as a DataArray,
# but we can't use it because mypy doesn't like it.
"""
This method converts this ``Dataset`` into a set of numpy arrays that can be passed through
a model. In order for the numpy arrays to be valid arrays, all ``Instances`` in this
dataset need to be padded to the same lengths wherever padding is necessary, so we do that
first, then we combine all of the arrays for each field in each instance into a set of
batched arrays for each field.
Parameters
----------
padding_lengths : ``Dict[str, Dict[str, int]]``
If a key is present in this dictionary with a non-``None`` value, we will pad to that
length instead of the length calculated from the data. This lets you, e.g., set a
maximum value for sentence length if you want to throw out long sequences.
Entries in this dictionary are keyed first by field name (e.g., "question"), then by
padding key (e.g., "num_tokens").
verbose : ``bool``, optional (default=``True``)
Should we output logging information when we're doing this padding? If the dataset is
large, this is nice to have, because padding a large dataset could take a long time.
But if you're doing this inside of a data generator, having all of this output per
batch is a bit obnoxious.
Returns
-------
data_arrays : ``Dict[str, DataArray]``
A dictionary of data arrays, keyed by field name, suitable for passing as input to a
model. This is a `batch` of instances, so, e.g., if the instances have a "question"
field and an "answer" field, the "question" fields for all of the instances will be
grouped together into a single array, and the "answer" fields for all instances will be
similarly grouped in a parallel set of arrays, for batched computation. Additionally,
for TextFields, the value of the dictionary key is no longer a single array, but another
dictionary mapping TokenIndexer keys to arrays. The number of elements in this
sub-dictionary therefore corresponds to the number of ``TokenIndexers`` used to index
the Field.
"""
if padding_lengths is None:
padding_lengths = defaultdict(dict)
# First we need to decide _how much_ to pad. To do that, we find the max length for all
# relevant padding decisions from the instances themselves. Then we check whether we were
# given a max length for a particular field and padding key. If we were, we use that
# instead of the instance-based one.
if verbose:
logger.info("Padding dataset of size %d to lengths %s", len(self.instances), str(padding_lengths))
logger.info("Getting max lengths from instances")
instance_padding_lengths = self.get_padding_lengths()
if verbose:
logger.info("Instance max lengths: %s", str(instance_padding_lengths))
lengths_to_use: Dict[str, Dict[str, int]] = defaultdict(dict)
for field_name, instance_field_lengths in instance_padding_lengths.items():
for padding_key in instance_field_lengths.keys():
if padding_lengths[field_name].get(padding_key) is not None:
lengths_to_use[field_name][padding_key] = padding_lengths[field_name][padding_key]
else:
lengths_to_use[field_name][padding_key] = instance_field_lengths[padding_key]
# Now we actually pad the instances to numpy arrays.
field_arrays: Dict[str, list] = defaultdict(list)
if verbose:
logger.info("Now actually padding instances to length: %s", str(lengths_to_use))
for instance in self.instances:
for field, arrays in instance.as_array_dict(lengths_to_use).items():
field_arrays[field].append(arrays)
# Finally, we combine the arrays that we got for each instance into one big array (or set
# of arrays) per field. The `Field` classes themselves have the logic for batching the
# arrays together, so we grab a dictionary of field_name -> field class from the first
# instance in the dataset.
field_classes = self.instances[0].fields
final_fields = {}
for field_name, field_array_list in field_arrays.items():
final_fields[field_name] = field_classes[field_name].batch_arrays(field_array_list)
return final_fields
| [
"collections.defaultdict",
"tqdm.tqdm",
"allennlp.common.checks.ConfigurationError",
"logging.getLogger"
] | [((474, 501), 'logging.getLogger', 'logging.getLogger', (['__name__'], {}), '(__name__)\n', (491, 501), False, 'import logging\n'), ((2566, 2591), 'tqdm.tqdm', 'tqdm.tqdm', (['self.instances'], {}), '(self.instances)\n', (2575, 2591), False, 'import tqdm\n'), ((3257, 3274), 'collections.defaultdict', 'defaultdict', (['dict'], {}), '(dict)\n', (3268, 3274), False, 'from collections import defaultdict\n'), ((3605, 3622), 'collections.defaultdict', 'defaultdict', (['list'], {}), '(list)\n', (3616, 3622), False, 'from collections import defaultdict\n'), ((7576, 7593), 'collections.defaultdict', 'defaultdict', (['dict'], {}), '(dict)\n', (7587, 7593), False, 'from collections import defaultdict\n'), ((8142, 8159), 'collections.defaultdict', 'defaultdict', (['list'], {}), '(list)\n', (8153, 8159), False, 'from collections import defaultdict\n'), ((1739, 1828), 'allennlp.common.checks.ConfigurationError', 'ConfigurationError', (['"""You cannot construct a Dataset with non-homogeneous Instances."""'], {}), "(\n 'You cannot construct a Dataset with non-homogeneous Instances.')\n", (1757, 1828), False, 'from allennlp.common.checks import ConfigurationError\n'), ((6813, 6830), 'collections.defaultdict', 'defaultdict', (['dict'], {}), '(dict)\n', (6824, 6830), False, 'from collections import defaultdict\n')] |
#!/usr/bin/env python3
import os
from time import sleep
from glob import glob
from shutil import copytree, rmtree, ignore_patterns
from jinja2 import Environment, FileSystemLoader, select_autoescape
from watchdog.observers import Observer
from watchdog.events import FileSystemEventHandler
env = Environment(
loader=FileSystemLoader(['examples', 'templates']),
autoescape=select_autoescape(['html']),
)
class Handler(FileSystemEventHandler):
@staticmethod
def build_project():
print('BUILDING PROJECT')
rmtree('build', ignore_errors=True)
print('static', '...')
static_path = os.path.join('build', 'static')
copytree(
'static',
static_path,
ignore=ignore_patterns('*~', '.*'),
)
for filepath in glob('examples/*.html'):
print(filepath, '...')
name = os.path.basename(filepath)
template = env.get_template(name)
output = template.render()
output_path = os.path.join('build', name)
with open(output_path, 'w') as fp:
fp.write(output)
def dispatch(self, event=None):
sleep(1)
self.build_project()
if __name__ == "__main__":
handler = Handler()
handler.build_project()
observer = Observer()
for directory in ['examples', 'templates', 'static']:
observer.schedule(handler, directory, recursive=True)
observer.start()
try:
while True:
sleep(1)
except KeyboardInterrupt:
observer.stop()
observer.join()
| [
"shutil.ignore_patterns",
"os.path.basename",
"jinja2.select_autoescape",
"time.sleep",
"jinja2.FileSystemLoader",
"glob.glob",
"shutil.rmtree",
"os.path.join",
"watchdog.observers.Observer"
] | [((1315, 1325), 'watchdog.observers.Observer', 'Observer', ([], {}), '()\n', (1323, 1325), False, 'from watchdog.observers import Observer\n'), ((322, 365), 'jinja2.FileSystemLoader', 'FileSystemLoader', (["['examples', 'templates']"], {}), "(['examples', 'templates'])\n", (338, 365), False, 'from jinja2 import Environment, FileSystemLoader, select_autoescape\n'), ((382, 409), 'jinja2.select_autoescape', 'select_autoescape', (["['html']"], {}), "(['html'])\n", (399, 409), False, 'from jinja2 import Environment, FileSystemLoader, select_autoescape\n'), ((540, 575), 'shutil.rmtree', 'rmtree', (['"""build"""'], {'ignore_errors': '(True)'}), "('build', ignore_errors=True)\n", (546, 575), False, 'from shutil import copytree, rmtree, ignore_patterns\n'), ((629, 660), 'os.path.join', 'os.path.join', (['"""build"""', '"""static"""'], {}), "('build', 'static')\n", (641, 660), False, 'import os\n'), ((811, 834), 'glob.glob', 'glob', (['"""examples/*.html"""'], {}), "('examples/*.html')\n", (815, 834), False, 'from glob import glob\n'), ((1181, 1189), 'time.sleep', 'sleep', (['(1)'], {}), '(1)\n', (1186, 1189), False, 'from time import sleep\n'), ((890, 916), 'os.path.basename', 'os.path.basename', (['filepath'], {}), '(filepath)\n', (906, 916), False, 'import os\n'), ((1028, 1055), 'os.path.join', 'os.path.join', (['"""build"""', 'name'], {}), "('build', name)\n", (1040, 1055), False, 'import os\n'), ((1510, 1518), 'time.sleep', 'sleep', (['(1)'], {}), '(1)\n', (1515, 1518), False, 'from time import sleep\n'), ((747, 774), 'shutil.ignore_patterns', 'ignore_patterns', (['"""*~"""', '""".*"""'], {}), "('*~', '.*')\n", (762, 774), False, 'from shutil import copytree, rmtree, ignore_patterns\n')] |
#!/usr/bin/python
# -*- coding: utf-8 -*-
import logging
from flask import Blueprint
from flask import request
from api.utils.responses import response_with
from api.utils import responses as resp
from api.models.person import Person, PersonSchema
from api.models.group import Group, GroupSchema
from api.models.email import Email
route_general = Blueprint("route_general", __name__)
@route_general.route('/v1.0/persons', methods=['POST'])
def create_person():
"""
Create person endpoint
---
parameters:
- in: body
name: body
schema:
id: Person
required:
- first_name
- last_name
- emails
- phones
- addresses
- groups
properties:
first_name:
type: string
description: First name of the person
default: "John"
last_name:
type: string
description: Last name of the person
default: "Doe"
emails:
type: string
description: Person's emails as string separated with commas
default: "<EMAIL>,<EMAIL>,<EMAIL>"
phones:
type: string
description: Person's phone numbers as string separated with commas
default: "112233,334455,667788"
addresses:
type: string
description: Person's addresses as string separated with commas
default: "address1,address2,address3"
groups:
type: string
description: Persons groups as string separated with commas
default: "group0,group1,group2"
responses:
200:
description: Person created successfully
schema:
id: PersonAddSuccess
properties:
code:
type: string
description: Short response code
default: "success"
person:
schema:
id: Person
500:
description: Server error
schema:
id: GeneralError
properties:
code:
type: string
default: "serverError"
message:
type: string
description: Error message
default: "Server Error"
"""
try:
data = request.get_json()
loaded, error = PersonSchema().load(data)
created_person = loaded.create()
dumped, error = PersonSchema().dump(created_person)
return response_with(resp.SUCCESS_200, value={'person': dumped})
except Exception as e:
logging.error(e)
return response_with(resp.SERVER_ERROR_500)
@route_general.route('/v1.0/groups', methods=['POST'])
def create_group():
"""
Create group endpoint
---
parameters:
- in: body
name: body
schema:
id: Group
required:
- name
properties:
name:
type: string
description: name of the group
default: "group0"
responses:
200:
description: Group created successfully
schema:
id: GroupAddSuccess
properties:
code:
type: string
description: Short response code
default: "success"
group:
schema:
id: GroupExtended
properties:
id:
type: number
name:
type: string
500:
description: Server error
schema:
id: GeneralError
"""
try:
data = request.get_json()
loaded, error = GroupSchema().load(data)
created_group = loaded.create()
dumped, error = GroupSchema().dump(created_group)
return response_with(resp.SUCCESS_200, value={'group': dumped})
except Exception as e:
logging.error(e)
return response_with(resp.SERVER_ERROR_500)
@route_general.route('/v1.0/groups/<string:name>', methods=['GET'])
def get_group_with_name(name):
"""
Get group's persons by group name
---
parameters:
- in: path
name: name
description: Exact name of the group
required: true
schema:
type: string
responses:
200:
description: List of users belongs to group
schema:
id: GetGroupSuccess
properties:
code:
type: string
description: Short response code
default: "success"
persons:
schema:
type: array
items:
schema:
id: Person
500:
description: Server error
schema:
id: GeneralError
"""
try:
fetched = Group.query.filter_by(name=name).first()
dumped, error = PersonSchema(many=True).dump(fetched.persons)
return response_with(resp.SUCCESS_200, value={'persons': dumped})
except Exception as e:
logging.error(e)
return response_with(resp.SERVER_ERROR_500)
@route_general.route('/v1.0/persons/<int:id>/groups', methods=['GET'])
def get_person_groups(id):
"""
Returns groups of a person
---
parameters:
- in: path
name: id
description: ID of the person
required: true
schema:
type: number
responses:
200:
description: List of the groups that person belongs to
schema:
id: UserGroups
properties:
code:
type: string
description: Short response code
default: "success"
groups:
type: string
description: Persons groups as string separated with commas
500:
description: Server error
schema:
id: GeneralError
"""
try:
fetched = Person.query.filter_by(id=id).first()
dumped, error = PersonSchema(only=["groups"]).dump(fetched)
return response_with(resp.SUCCESS_200, value=dumped)
except Exception as e:
logging.error(e)
return response_with(resp.SERVER_ERROR_500)
@route_general.route('/v1.0/persons/name/<string:keyword>', methods=['GET'])
def find_person_by_name(keyword):
"""
Returns a person by his/her first name or surname or both
---
parameters:
- in: path
name: keyword
description: first name, last name or both
required: true
schema:
type: string
responses:
200:
description: Record for the person with the first name, last name searched
schema:
id: PersonAddSuccess
500:
description: Server error
schema:
id: GeneralError
"""
try:
query = Person.query.filter(
(Person.first_name + ' ' + Person.last_name).like('%' + keyword.lower() + '%')
)
fetched = query.first()
dumped, error = PersonSchema().dump(fetched)
return response_with(resp.SUCCESS_200, value={'person': dumped})
except Exception as e:
logging.error(e)
return response_with(resp.SERVER_ERROR_500)
@route_general.route('/v1.0/persons/email/<string:keyword>', methods=['GET'])
def find_person_by_email(keyword):
"""
Returns the person with the email provided
---
parameters:
- in: path
name: keyword
description: prefix or full email
required: true
schema:
type: string
responses:
200:
description: Record for the person with the email provided
schema:
id: PersonAddSuccess
500:
description: Server error
schema:
id: GeneralError
"""
query = Person.query.join(Email, Email.person_id == Person.id) \
.filter(Email.email.like(keyword.lower() + '%'))
fetched = query.first()
dumped, error = PersonSchema().dump(fetched)
return response_with(resp.SUCCESS_200, value={'person': dumped})
| [
"logging.error",
"flask.Blueprint",
"api.utils.responses.response_with",
"api.models.person.PersonSchema",
"api.models.group.GroupSchema",
"api.models.person.Person.query.filter_by",
"api.models.group.Group.query.filter_by",
"flask.request.get_json",
"api.models.person.Person.query.join"
] | [((349, 385), 'flask.Blueprint', 'Blueprint', (['"""route_general"""', '__name__'], {}), "('route_general', __name__)\n", (358, 385), False, 'from flask import Blueprint\n'), ((9325, 9382), 'api.utils.responses.response_with', 'response_with', (['resp.SUCCESS_200'], {'value': "{'person': dumped}"}), "(resp.SUCCESS_200, value={'person': dumped})\n", (9338, 9382), False, 'from api.utils.responses import response_with\n'), ((2905, 2923), 'flask.request.get_json', 'request.get_json', ([], {}), '()\n', (2921, 2923), False, 'from flask import request\n'), ((3090, 3147), 'api.utils.responses.response_with', 'response_with', (['resp.SUCCESS_200'], {'value': "{'person': dumped}"}), "(resp.SUCCESS_200, value={'person': dumped})\n", (3103, 3147), False, 'from api.utils.responses import response_with\n'), ((4499, 4517), 'flask.request.get_json', 'request.get_json', ([], {}), '()\n', (4515, 4517), False, 'from flask import request\n'), ((4680, 4736), 'api.utils.responses.response_with', 'response_with', (['resp.SUCCESS_200'], {'value': "{'group': dumped}"}), "(resp.SUCCESS_200, value={'group': dumped})\n", (4693, 4736), False, 'from api.utils.responses import response_with\n'), ((6000, 6058), 'api.utils.responses.response_with', 'response_with', (['resp.SUCCESS_200'], {'value': "{'persons': dumped}"}), "(resp.SUCCESS_200, value={'persons': dumped})\n", (6013, 6058), False, 'from api.utils.responses import response_with\n'), ((7232, 7277), 'api.utils.responses.response_with', 'response_with', (['resp.SUCCESS_200'], {'value': 'dumped'}), '(resp.SUCCESS_200, value=dumped)\n', (7245, 7277), False, 'from api.utils.responses import response_with\n'), ((8302, 8359), 'api.utils.responses.response_with', 'response_with', (['resp.SUCCESS_200'], {'value': "{'person': dumped}"}), "(resp.SUCCESS_200, value={'person': dumped})\n", (8315, 8359), False, 'from api.utils.responses import response_with\n'), ((3183, 3199), 'logging.error', 'logging.error', (['e'], {}), '(e)\n', (3196, 3199), False, 'import logging\n'), ((3215, 3251), 'api.utils.responses.response_with', 'response_with', (['resp.SERVER_ERROR_500'], {}), '(resp.SERVER_ERROR_500)\n', (3228, 3251), False, 'from api.utils.responses import response_with\n'), ((4772, 4788), 'logging.error', 'logging.error', (['e'], {}), '(e)\n', (4785, 4788), False, 'import logging\n'), ((4804, 4840), 'api.utils.responses.response_with', 'response_with', (['resp.SERVER_ERROR_500'], {}), '(resp.SERVER_ERROR_500)\n', (4817, 4840), False, 'from api.utils.responses import response_with\n'), ((6094, 6110), 'logging.error', 'logging.error', (['e'], {}), '(e)\n', (6107, 6110), False, 'import logging\n'), ((6126, 6162), 'api.utils.responses.response_with', 'response_with', (['resp.SERVER_ERROR_500'], {}), '(resp.SERVER_ERROR_500)\n', (6139, 6162), False, 'from api.utils.responses import response_with\n'), ((7313, 7329), 'logging.error', 'logging.error', (['e'], {}), '(e)\n', (7326, 7329), False, 'import logging\n'), ((7345, 7381), 'api.utils.responses.response_with', 'response_with', (['resp.SERVER_ERROR_500'], {}), '(resp.SERVER_ERROR_500)\n', (7358, 7381), False, 'from api.utils.responses import response_with\n'), ((8395, 8411), 'logging.error', 'logging.error', (['e'], {}), '(e)\n', (8408, 8411), False, 'import logging\n'), ((8427, 8463), 'api.utils.responses.response_with', 'response_with', (['resp.SERVER_ERROR_500'], {}), '(resp.SERVER_ERROR_500)\n', (8440, 8463), False, 'from api.utils.responses import response_with\n'), ((9107, 9161), 'api.models.person.Person.query.join', 'Person.query.join', (['Email', '(Email.person_id == Person.id)'], {}), '(Email, Email.person_id == Person.id)\n', (9124, 9161), False, 'from api.models.person import Person, PersonSchema\n'), ((9285, 9299), 'api.models.person.PersonSchema', 'PersonSchema', ([], {}), '()\n', (9297, 9299), False, 'from api.models.person import Person, PersonSchema\n'), ((2948, 2962), 'api.models.person.PersonSchema', 'PersonSchema', ([], {}), '()\n', (2960, 2962), False, 'from api.models.person import Person, PersonSchema\n'), ((3039, 3053), 'api.models.person.PersonSchema', 'PersonSchema', ([], {}), '()\n', (3051, 3053), False, 'from api.models.person import Person, PersonSchema\n'), ((4542, 4555), 'api.models.group.GroupSchema', 'GroupSchema', ([], {}), '()\n', (4553, 4555), False, 'from api.models.group import Group, GroupSchema\n'), ((4631, 4644), 'api.models.group.GroupSchema', 'GroupSchema', ([], {}), '()\n', (4642, 4644), False, 'from api.models.group import Group, GroupSchema\n'), ((5874, 5906), 'api.models.group.Group.query.filter_by', 'Group.query.filter_by', ([], {'name': 'name'}), '(name=name)\n', (5895, 5906), False, 'from api.models.group import Group, GroupSchema\n'), ((5939, 5962), 'api.models.person.PersonSchema', 'PersonSchema', ([], {'many': '(True)'}), '(many=True)\n', (5951, 5962), False, 'from api.models.person import Person, PersonSchema\n'), ((7111, 7140), 'api.models.person.Person.query.filter_by', 'Person.query.filter_by', ([], {'id': 'id'}), '(id=id)\n', (7133, 7140), False, 'from api.models.person import Person, PersonSchema\n'), ((7173, 7202), 'api.models.person.PersonSchema', 'PersonSchema', ([], {'only': "['groups']"}), "(only=['groups'])\n", (7185, 7202), False, 'from api.models.person import Person, PersonSchema\n'), ((8258, 8272), 'api.models.person.PersonSchema', 'PersonSchema', ([], {}), '()\n', (8270, 8272), False, 'from api.models.person import Person, PersonSchema\n')] |
import unittest
from programy.config.file.yaml_file import YamlConfigurationFile
from programy.clients.polling.twitter.config import TwitterConfiguration
from programy.clients.events.console.config import ConsoleConfiguration
class TwitterConfigurationTests(unittest.TestCase):
def test_init(self):
yaml = YamlConfigurationFile()
self.assertIsNotNone(yaml)
yaml.load_from_text("""
twitter:
polling_interval: 59
rate_limit_sleep: 900
use_status: true
use_direct_message: true
auto_follow: true
storage: file
storage_location: ./storage/twitter.data
welcome_message: Thanks for following me
""", ConsoleConfiguration(), ".")
twitter_config = TwitterConfiguration()
twitter_config.load_configuration(yaml, ".")
self.assertEqual(59, twitter_config.polling_interval)
self.assertEqual(900, twitter_config.rate_limit_sleep)
self.assertTrue(twitter_config.use_status)
self.assertTrue(twitter_config.use_direct_message)
self.assertTrue(twitter_config.auto_follow)
self.assertEquals("file", twitter_config.storage)
self.assertEquals("./storage/twitter.data", twitter_config.storage_location)
self.assertEquals("Thanks for following me", twitter_config.welcome_message)
| [
"programy.clients.polling.twitter.config.TwitterConfiguration",
"programy.config.file.yaml_file.YamlConfigurationFile",
"programy.clients.events.console.config.ConsoleConfiguration"
] | [((322, 345), 'programy.config.file.yaml_file.YamlConfigurationFile', 'YamlConfigurationFile', ([], {}), '()\n', (343, 345), False, 'from programy.config.file.yaml_file import YamlConfigurationFile\n'), ((813, 835), 'programy.clients.polling.twitter.config.TwitterConfiguration', 'TwitterConfiguration', ([], {}), '()\n', (833, 835), False, 'from programy.clients.polling.twitter.config import TwitterConfiguration\n'), ((758, 780), 'programy.clients.events.console.config.ConsoleConfiguration', 'ConsoleConfiguration', ([], {}), '()\n', (778, 780), False, 'from programy.clients.events.console.config import ConsoleConfiguration\n')] |
import numpy as np
import pandas as pd
from sklearn.linear_model import LinearRegression, RANSACRegressor
from sklearn.preprocessing import PolynomialFeatures
import matplotlib.pyplot as plt
# housing_data = pd.read_fwf("https://archive.ics.uci.edu/ml/machine-learning-databases/housing/housing.data", header=None)
housing_data = pd.read_fwf("../Data/housing.data", header=None)
housing_data.columns = [
"crime_rate",
"zoned_land",
"industry",
"bounds_river",
"nox_conc",
"rooms",
"age",
"distance",
"highways",
"tax",
"pt_ratio",
"b_estimator",
"pop_stat",
"price",
]
housing_data_input = housing_data.drop("price", axis=1)
housing_data_output = housing_data["price"]
# Check shapes of the data
print(housing_data_input.shape)
print(housing_data_output.shape)
# X will be copied
# Intercept will be calculated
# No jobs to be run in parallel
model = LinearRegression()
model.fit(housing_data_input, housing_data_output)
# Check the accuracy score
print("Model score: ", model.score(housing_data_input, housing_data_output))
# Linear coefficient
# print(model.coef_)
# Intercept
# print(model.intercept_)
"""
for column_label in housing_data_input.columns:
# print(column_label)
plt.title(column_label)
plt.scatter(housing_data_input[column_label], housing_data_output, label = "original data")
plt.scatter(housing_data_input[column_label], model.predict(housing_data_input), label = "fitted data")
# plt.scatter((min_x, min_y), (max_x, max_y), label = "fitted data")
plt.legend()
plt.show()
"""
polynomial_features = PolynomialFeatures(2, interaction_only=False)
polynomial_input = polynomial_features.fit_transform(housing_data_input)
# Check shape - there should be less features than measurements
print(polynomial_input.shape)
polynomial_model = LinearRegression()
polynomial_model.fit(polynomial_input, housing_data_output)
# Check the accuracy score
print(
"Polynomial model score:",
polynomial_model.score(polynomial_input, housing_data_output),
)
"""
for column_label in range(polynomial_input.shape[1]):
# print(column_label)
plt.title(column_label)
plt.scatter(polynomial_input[:, column_label], housing_data_output, label = "original data")
plt.scatter(polynomial_input[:, column_label], polynomial_model.predict(polynomial_input), label = "fitted data")
# plt.scatter((min_x, min_y), (max_x, max_y), label = "fitted data")
plt.legend()
plt.show()
"""
| [
"pandas.read_fwf",
"sklearn.preprocessing.PolynomialFeatures",
"sklearn.linear_model.LinearRegression"
] | [((331, 379), 'pandas.read_fwf', 'pd.read_fwf', (['"""../Data/housing.data"""'], {'header': 'None'}), "('../Data/housing.data', header=None)\n", (342, 379), True, 'import pandas as pd\n'), ((911, 929), 'sklearn.linear_model.LinearRegression', 'LinearRegression', ([], {}), '()\n', (927, 929), False, 'from sklearn.linear_model import LinearRegression, RANSACRegressor\n'), ((1611, 1656), 'sklearn.preprocessing.PolynomialFeatures', 'PolynomialFeatures', (['(2)'], {'interaction_only': '(False)'}), '(2, interaction_only=False)\n', (1629, 1656), False, 'from sklearn.preprocessing import PolynomialFeatures\n'), ((1845, 1863), 'sklearn.linear_model.LinearRegression', 'LinearRegression', ([], {}), '()\n', (1861, 1863), False, 'from sklearn.linear_model import LinearRegression, RANSACRegressor\n')] |
import copy
import numpy as np
from sklearn.base import RegressorMixin
from spinesTS.base import EstimatorMixin
class Pipeline(RegressorMixin, EstimatorMixin):
"""estimators pipeline """
def __init__(self, steps:[tuple]):
"""
Demo:
'''python
from spinesTS.pipeline import Pipeline
from spinesTS.preprocessing import split_array
from spinesTS.datasets import LoadElectricDataSets
from sklearn.preprocessing import StandardScaler
from spinesTS.nn import TCN1D
X_train, X_test, y_train, y_test = LoadElectricDataSets().split_ds()
pp = Pipeline([
('sc', 'StandardScaler()),
('tcn', 'TCN1D(30, 30))
])
pp.fit(X_train, y_train)
y_hat = pp.predict(X_test)
print(pp.score(X_test, y_test))
'''
"""
assert 0 < len(steps) == np.sum([isinstance(i, tuple) for i in steps])
self._names, self._estimators = zip(*steps)
self._model = self._estimators[-1]
# validate steps
self._validate_steps()
self._init_steps = steps
self._order_steps = dict()
for n, c in zip(self._names, self._estimators):
self._order_steps[n] = c.__class__.__name__
def fit(self, train_x, train_y, eval_set=None, **kwargs):
x = copy.deepcopy(train_x)
y = copy.deepcopy(train_y)
for t in range(len(self._estimators[:-1])):
if hasattr(t, 'fit_transform'):
x = self._estimators[t].fit_transform(x)
else:
self._estimators[t].fit(x)
x = self._estimators[t].transform(x)
if eval_set is not None:
_target = copy.deepcopy(eval_set)
if isinstance(_target[0], tuple):
ex, ey = _target[0]
ex = self._estimators[t].transform(ex)
eval_set = [(ex, ey)]
else:
ex, ey = _target
ex = self._estimators[t].transform(ex)
eval_set = (ex, ey)
self._fit(x, y, eval_set=eval_set, **kwargs)
return self
def predict(self, x_pred, **kwargs):
x = copy.deepcopy(x_pred)
for t in range(len(self._estimators[:-1])):
x = self._estimators[t].transform(x)
return self._model.predict(x, **kwargs)
def get_params(self):
return copy.deepcopy(self._order_steps)
def _validate_steps(self):
transformers = self._estimators[:-1]
estimator = self._model
for t in transformers:
if t is None:
continue
else:
if not (hasattr(t, "fit") or hasattr(t, "fit_transform")) or not hasattr(
t, "transform"
):
raise TypeError(
"All intermediate steps should be "
"transformers and implement fit and transform "
"'%s' (type %s) doesn't" % (t, type(t))
)
if (
estimator is not None
and not hasattr(estimator, "fit") and not hasattr(estimator, "predict")
):
raise TypeError(
"Last step of Pipeline should implement fit and predict"
"'%s' (type %s) doesn't" % (estimator, type(estimator))
)
def save_model(self, path):
pass
| [
"copy.deepcopy"
] | [((1445, 1467), 'copy.deepcopy', 'copy.deepcopy', (['train_x'], {}), '(train_x)\n', (1458, 1467), False, 'import copy\n'), ((1481, 1503), 'copy.deepcopy', 'copy.deepcopy', (['train_y'], {}), '(train_y)\n', (1494, 1503), False, 'import copy\n'), ((2359, 2380), 'copy.deepcopy', 'copy.deepcopy', (['x_pred'], {}), '(x_pred)\n', (2372, 2380), False, 'import copy\n'), ((2580, 2612), 'copy.deepcopy', 'copy.deepcopy', (['self._order_steps'], {}), '(self._order_steps)\n', (2593, 2612), False, 'import copy\n'), ((1842, 1865), 'copy.deepcopy', 'copy.deepcopy', (['eval_set'], {}), '(eval_set)\n', (1855, 1865), False, 'import copy\n')] |
# generated from rosidl_generator_py/resource/_idl.py.em
# with input from control_msgs:msg/PidState.idl
# generated code does not contain a copyright notice
# Import statements for member types
import rosidl_parser.definition # noqa: E402, I100
class Metaclass_PidState(type):
"""Metaclass of message 'PidState'."""
_CREATE_ROS_MESSAGE = None
_CONVERT_FROM_PY = None
_CONVERT_TO_PY = None
_DESTROY_ROS_MESSAGE = None
_TYPE_SUPPORT = None
__constants = {
}
@classmethod
def __import_type_support__(cls):
try:
from rosidl_generator_py import import_type_support
module = import_type_support('control_msgs')
except ImportError:
import logging
import traceback
logger = logging.getLogger(
'control_msgs.msg.PidState')
logger.debug(
'Failed to import needed modules for type support:\n' +
traceback.format_exc())
else:
cls._CREATE_ROS_MESSAGE = module.create_ros_message_msg__msg__pid_state
cls._CONVERT_FROM_PY = module.convert_from_py_msg__msg__pid_state
cls._CONVERT_TO_PY = module.convert_to_py_msg__msg__pid_state
cls._TYPE_SUPPORT = module.type_support_msg__msg__pid_state
cls._DESTROY_ROS_MESSAGE = module.destroy_ros_message_msg__msg__pid_state
from builtin_interfaces.msg import Duration
if Duration.__class__._TYPE_SUPPORT is None:
Duration.__class__.__import_type_support__()
from std_msgs.msg import Header
if Header.__class__._TYPE_SUPPORT is None:
Header.__class__.__import_type_support__()
@classmethod
def __prepare__(cls, name, bases, **kwargs):
# list constant names here so that they appear in the help text of
# the message class under "Data and other attributes defined here:"
# as well as populate each message instance
return {
}
class PidState(metaclass=Metaclass_PidState):
"""Message class 'PidState'."""
__slots__ = [
'_header',
'_timestep',
'_error',
'_error_dot',
'_p_error',
'_i_error',
'_d_error',
'_p_term',
'_i_term',
'_d_term',
'_i_max',
'_i_min',
'_output',
]
_fields_and_field_types = {
'header': 'std_msgs/Header',
'timestep': 'builtin_interfaces/Duration',
'error': 'double',
'error_dot': 'double',
'p_error': 'double',
'i_error': 'double',
'd_error': 'double',
'p_term': 'double',
'i_term': 'double',
'd_term': 'double',
'i_max': 'double',
'i_min': 'double',
'output': 'double',
}
SLOT_TYPES = (
rosidl_parser.definition.NamespacedType(['std_msgs', 'msg'], 'Header'), # noqa: E501
rosidl_parser.definition.NamespacedType(['builtin_interfaces', 'msg'], 'Duration'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
rosidl_parser.definition.BasicType('double'), # noqa: E501
)
def __init__(self, **kwargs):
assert all('_' + key in self.__slots__ for key in kwargs.keys()), \
'Invalid arguments passed to constructor: %s' % \
', '.join(sorted(k for k in kwargs.keys() if '_' + k not in self.__slots__))
from std_msgs.msg import Header
self.header = kwargs.get('header', Header())
from builtin_interfaces.msg import Duration
self.timestep = kwargs.get('timestep', Duration())
self.error = kwargs.get('error', float())
self.error_dot = kwargs.get('error_dot', float())
self.p_error = kwargs.get('p_error', float())
self.i_error = kwargs.get('i_error', float())
self.d_error = kwargs.get('d_error', float())
self.p_term = kwargs.get('p_term', float())
self.i_term = kwargs.get('i_term', float())
self.d_term = kwargs.get('d_term', float())
self.i_max = kwargs.get('i_max', float())
self.i_min = kwargs.get('i_min', float())
self.output = kwargs.get('output', float())
def __repr__(self):
typename = self.__class__.__module__.split('.')
typename.pop()
typename.append(self.__class__.__name__)
args = []
for s, t in zip(self.__slots__, self.SLOT_TYPES):
field = getattr(self, s)
fieldstr = repr(field)
# We use Python array type for fields that can be directly stored
# in them, and "normal" sequences for everything else. If it is
# a type that we store in an array, strip off the 'array' portion.
if (
isinstance(t, rosidl_parser.definition.AbstractSequence) and
isinstance(t.value_type, rosidl_parser.definition.BasicType) and
t.value_type.typename in ['float', 'double', 'int8', 'uint8', 'int16', 'uint16', 'int32', 'uint32', 'int64', 'uint64']
):
if len(field) == 0:
fieldstr = '[]'
else:
assert fieldstr.startswith('array(')
prefix = "array('X', "
suffix = ')'
fieldstr = fieldstr[len(prefix):-len(suffix)]
args.append(s[1:] + '=' + fieldstr)
return '%s(%s)' % ('.'.join(typename), ', '.join(args))
def __eq__(self, other):
if not isinstance(other, self.__class__):
return False
if self.header != other.header:
return False
if self.timestep != other.timestep:
return False
if self.error != other.error:
return False
if self.error_dot != other.error_dot:
return False
if self.p_error != other.p_error:
return False
if self.i_error != other.i_error:
return False
if self.d_error != other.d_error:
return False
if self.p_term != other.p_term:
return False
if self.i_term != other.i_term:
return False
if self.d_term != other.d_term:
return False
if self.i_max != other.i_max:
return False
if self.i_min != other.i_min:
return False
if self.output != other.output:
return False
return True
@classmethod
def get_fields_and_field_types(cls):
from copy import copy
return copy(cls._fields_and_field_types)
@property
def header(self):
"""Message field 'header'."""
return self._header
@header.setter
def header(self, value):
if __debug__:
from std_msgs.msg import Header
assert \
isinstance(value, Header), \
"The 'header' field must be a sub message of type 'Header'"
self._header = value
@property
def timestep(self):
"""Message field 'timestep'."""
return self._timestep
@timestep.setter
def timestep(self, value):
if __debug__:
from builtin_interfaces.msg import Duration
assert \
isinstance(value, Duration), \
"The 'timestep' field must be a sub message of type 'Duration'"
self._timestep = value
@property
def error(self):
"""Message field 'error'."""
return self._error
@error.setter
def error(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'error' field must be of type 'float'"
self._error = value
@property
def error_dot(self):
"""Message field 'error_dot'."""
return self._error_dot
@error_dot.setter
def error_dot(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'error_dot' field must be of type 'float'"
self._error_dot = value
@property
def p_error(self):
"""Message field 'p_error'."""
return self._p_error
@p_error.setter
def p_error(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'p_error' field must be of type 'float'"
self._p_error = value
@property
def i_error(self):
"""Message field 'i_error'."""
return self._i_error
@i_error.setter
def i_error(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'i_error' field must be of type 'float'"
self._i_error = value
@property
def d_error(self):
"""Message field 'd_error'."""
return self._d_error
@d_error.setter
def d_error(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'd_error' field must be of type 'float'"
self._d_error = value
@property
def p_term(self):
"""Message field 'p_term'."""
return self._p_term
@p_term.setter
def p_term(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'p_term' field must be of type 'float'"
self._p_term = value
@property
def i_term(self):
"""Message field 'i_term'."""
return self._i_term
@i_term.setter
def i_term(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'i_term' field must be of type 'float'"
self._i_term = value
@property
def d_term(self):
"""Message field 'd_term'."""
return self._d_term
@d_term.setter
def d_term(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'd_term' field must be of type 'float'"
self._d_term = value
@property
def i_max(self):
"""Message field 'i_max'."""
return self._i_max
@i_max.setter
def i_max(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'i_max' field must be of type 'float'"
self._i_max = value
@property
def i_min(self):
"""Message field 'i_min'."""
return self._i_min
@i_min.setter
def i_min(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'i_min' field must be of type 'float'"
self._i_min = value
@property
def output(self):
"""Message field 'output'."""
return self._output
@output.setter
def output(self, value):
if __debug__:
assert \
isinstance(value, float), \
"The 'output' field must be of type 'float'"
self._output = value
| [
"std_msgs.msg.Header.__class__.__import_type_support__",
"std_msgs.msg.Header",
"copy.copy",
"builtin_interfaces.msg.Duration.__class__.__import_type_support__",
"rosidl_generator_py.import_type_support",
"traceback.format_exc",
"logging.getLogger",
"builtin_interfaces.msg.Duration"
] | [((7199, 7232), 'copy.copy', 'copy', (['cls._fields_and_field_types'], {}), '(cls._fields_and_field_types)\n', (7203, 7232), False, 'from copy import copy\n'), ((651, 686), 'rosidl_generator_py.import_type_support', 'import_type_support', (['"""control_msgs"""'], {}), "('control_msgs')\n", (670, 686), False, 'from rosidl_generator_py import import_type_support\n'), ((4151, 4159), 'std_msgs.msg.Header', 'Header', ([], {}), '()\n', (4157, 4159), False, 'from std_msgs.msg import Header\n'), ((4260, 4270), 'builtin_interfaces.msg.Duration', 'Duration', ([], {}), '()\n', (4268, 4270), False, 'from builtin_interfaces.msg import Duration\n'), ((792, 838), 'logging.getLogger', 'logging.getLogger', (['"""control_msgs.msg.PidState"""'], {}), "('control_msgs.msg.PidState')\n", (809, 838), False, 'import logging\n'), ((1532, 1576), 'builtin_interfaces.msg.Duration.__class__.__import_type_support__', 'Duration.__class__.__import_type_support__', ([], {}), '()\n', (1574, 1576), False, 'from builtin_interfaces.msg import Duration\n'), ((1693, 1735), 'std_msgs.msg.Header.__class__.__import_type_support__', 'Header.__class__.__import_type_support__', ([], {}), '()\n', (1733, 1735), False, 'from std_msgs.msg import Header\n'), ((970, 992), 'traceback.format_exc', 'traceback.format_exc', ([], {}), '()\n', (990, 992), False, 'import traceback\n')] |
from plaso.lib.eventdata import EventTimestamp
from case_plaso.event_exporter import EventExporter
@EventExporter.register('fs:stat:ntfs')
class NTFSExporter(EventExporter):
TIMESTAMP_MAP = {
EventTimestamp.CREATION_TIME: 'mftFileNameCreatedTime',
EventTimestamp.MODIFICATION_TIME: 'mftFileNameModifiedTime',
EventTimestamp.ACCESS_TIME: 'mftFileNameAccessedTime',
EventTimestamp.ENTRY_MODIFICATION_TIME: 'mftFileNameRecordChangeTime'}
def export_event_data(self, event):
# TODO: Figure out how to associate MftRecord pb with the associated
# File pb so we don't have to make separate traces.
# (The path spec points to the $Mft file.)
trace = self.document.create_trace()
pb = trace.create_property_bundle(
'MftRecord',
mftFileID=getattr(event, 'file_reference', None),
mftFlags=getattr(event, 'file_attribute_flags', None),
mftParentID=getattr(event, 'parent_file_reference', None))
return pb
| [
"case_plaso.event_exporter.EventExporter.register"
] | [((104, 142), 'case_plaso.event_exporter.EventExporter.register', 'EventExporter.register', (['"""fs:stat:ntfs"""'], {}), "('fs:stat:ntfs')\n", (126, 142), False, 'from case_plaso.event_exporter import EventExporter\n')] |
from typing import Any, List, Literal, TypedDict
from .FHIR_Address import FHIR_Address
from .FHIR_CodeableConcept import FHIR_CodeableConcept
from .FHIR_ContactPoint import FHIR_ContactPoint
from .FHIR_Element import FHIR_Element
from .FHIR_HumanName import FHIR_HumanName
from .FHIR_Period import FHIR_Period
from .FHIR_Reference import FHIR_Reference
from .FHIR_string import FHIR_string
# Demographics and other administrative information about an individual or animal receiving care or other health-related services.
FHIR_Patient_Contact = TypedDict(
"FHIR_Patient_Contact",
{
# Unique id for the element within a resource (for internal references). This may be any string value that does not contain spaces.
"id": FHIR_string,
# May be used to represent additional information that is not part of the basic definition of the element. To make the use of extensions safe and manageable, there is a strict set of governance applied to the definition and use of extensions. Though any implementer can define an extension, there is a set of requirements that SHALL be met as part of the definition of the extension.
"extension": List[Any],
# May be used to represent additional information that is not part of the basic definition of the element and that modifies the understanding of the element in which it is contained and/or the understanding of the containing element's descendants. Usually modifier elements provide negation or qualification. To make the use of extensions safe and manageable, there is a strict set of governance applied to the definition and use of extensions. Though any implementer can define an extension, there is a set of requirements that SHALL be met as part of the definition of the extension. Applications processing a resource are required to check for modifier extensions.Modifier extensions SHALL NOT change the meaning of any elements on Resource or DomainResource (including cannot change the meaning of modifierExtension itself).
"modifierExtension": List[Any],
# The nature of the relationship between the patient and the contact person.
"relationship": List[FHIR_CodeableConcept],
# A name associated with the contact person.
"name": FHIR_HumanName,
# A contact detail for the person, e.g. a telephone number or an email address.
"telecom": List[FHIR_ContactPoint],
# Address for the contact person.
"address": FHIR_Address,
# Administrative Gender - the gender that the contact person is considered to have for administration and record keeping purposes.
"gender": Literal["male", "female", "other", "unknown"],
# Extensions for gender
"_gender": FHIR_Element,
# Organization on behalf of which the contact is acting or for which the contact is working.
"organization": FHIR_Reference,
# The period during which this contact person or organization is valid to be contacted relating to this patient.
"period": FHIR_Period,
},
total=False,
)
| [
"typing.TypedDict"
] | [((547, 959), 'typing.TypedDict', 'TypedDict', (['"""FHIR_Patient_Contact"""', "{'id': FHIR_string, 'extension': List[Any], 'modifierExtension': List[Any],\n 'relationship': List[FHIR_CodeableConcept], 'name': FHIR_HumanName,\n 'telecom': List[FHIR_ContactPoint], 'address': FHIR_Address, 'gender':\n Literal['male', 'female', 'other', 'unknown'], '_gender': FHIR_Element,\n 'organization': FHIR_Reference, 'period': FHIR_Period}"], {'total': '(False)'}), "('FHIR_Patient_Contact', {'id': FHIR_string, 'extension': List[Any\n ], 'modifierExtension': List[Any], 'relationship': List[\n FHIR_CodeableConcept], 'name': FHIR_HumanName, 'telecom': List[\n FHIR_ContactPoint], 'address': FHIR_Address, 'gender': Literal['male',\n 'female', 'other', 'unknown'], '_gender': FHIR_Element, 'organization':\n FHIR_Reference, 'period': FHIR_Period}, total=False)\n", (556, 959), False, 'from typing import Any, List, Literal, TypedDict\n')] |
#!/usr/bin/env python3
from ev3dev.ev3 import *
from ev3dev2.motor import OUTPUT_A, OUTPUT_B, OUTPUT_C, OUTPUT_D, MoveTank, MediumMotor, LargeMotor
from ev3dev2.sensor import INPUT_1, INPUT_2, INPUT_3
from ev3dev2.sensor.lego import GyroSensor
import time
tank = MoveTank(OUTPUT_C, OUTPUT_D)
Sensor_Cor[0].mode = 'COL-COLOR'
Sensor_Cor[1].mode = 'COL-COLOR'
def rotateTo(degrees, speed = 10, linearSpeed = 0):
# Clockwise
angleBase = gy.value()
if degrees > 0:
left_speed = speed + linearSpeed
right_speed = -speed + linearSpeed
else:
left_speed = -speed + linearSpeed
right_speed = speed + linearSpeed
degrees = abs(degrees)
tank.on(left_speed, right_speed)
while abs(gy.value() - angleBase) <= degrees:
pass
tank.stop()
def walkUntilDistance(distance, speed = 10, limit = 0):
tank.on(speed, speed)
count = 0
while us.value() > distance:
count += 1
if(limit != 0 and count > limit):
return False
pass
tank.stop()
return True
def walkUntilColor(color, speed = 10, limit = 0):
tank.on(speed, speed)
count = 0
while Sensor_Cor[0].value() != color and Sensor_Cor[1].value() != color:
count += 1
if(limit != 0 and count > limit):
return False
pass
tank.stop()
return True
def grabTube():
#fica se mexendo
rotateTo(10)
for i in range(0, 2):
rotateTo(-20, speed = 5 , linearSpeed = 5)
rotateTo(20, speed = 5, linearSpeed = 5)
if(us.value() < 80):
break
rotateTo(-10)
#avança para pegar o tubo
#retorna se pegou ou não
if(us.value() < 80):
tank.on_for_degrees(10, 10, 90)
return True
return False
def alignWithTube(degrees, count = 0, test = True):
if(count == 5):
tank.on_for_degrees(10, 10, -100 * count)
backOriginalPosition(0)
main()
return "break"
tube = {
"angle": 0,
"dist": 500
}
loopSize = int(degrees/5)
loopCal = int(loopSize/2)
startAngle = gy.value()
for i in range(0, loopSize):
ultra = us.value() if us.value() < 500 else 500
# fazer ele se mecher e ler diversar distancias dentro desse 10cm e calcular a media
if(ultra < tube['dist']):
tube['angle'] = i*5 #Angulo Atual
tube['dist'] = ultra
if(i == loopCal): #recalibra
rotateTo(startAngle + (degrees/2) - gy.value())
rotateTo(5, speed = 4)
rotateTo(-degrees)
rotateTo(startAngle - gy.value())
startAngle = gy.value()
for i in range(0, loopSize):
ultra = us.value() if us.value() < 500 else 500
# fazer ele se mecher e ler diversar distancias dentro desse 10cm e calcular a media
if(ultra < tube['dist']):
tube['angle'] = i*-5 #Angulo Atual
tube['dist'] = ultra
if(i == loopCal): #recalibra
rotateTo(startAngle - (degrees/2) - gy.value())
rotateTo(-5 , speed = 4)
# agora ja sei o angulo onde o tubo de encontra
rotateTo(degrees)
rotateTo(startAngle - gy.value())
if(tube['dist'] == 500 and test):
tank.on_for_degrees(10, 10, 180)
alignWithTube(90, count + 1)
return True;
if tube['dist'] == 500 and not test:
tank.on_for_degrees(10, 10, -180)
alignWithTube(60, count + 1)
return True
rotateTo(tube['angle'])
return tube['angle'];
def backOriginalPosition(baseAngle):
walkUntilDistance(2000, speed = -10, limit = 1500)
rotateTo(180)
rotateTo(-baseAngle)
walkUntilColor(1)
alinhar(1)
rotateTo(180)
walkUntilColor(1)
alinhar(1)
def PegarTubo():
# Rotaciona e acha o angulo onde o tubo se encontra
tank.on_for_degrees(10, 10, 180)
baseAngle = alignWithTube(90, count = 1)
if(baseAngle == "break"):
return True
# # Caminha até o tubo
if (not walkUntilDistance(110, limit = 1500)):#10cm
if(us.value() < 200):
tank.on_for_degrees(10, 10, 90)
else:
tank.on_for_degrees(10, 10, -120)
baseAngle += alignWithTube(40, test = False)
tank.on_for_degrees(10, 10, 120)
#caminha mais um pouco com a intenção de empurrar um pouco o tubo
tank.on_for_degrees(10, 10, 45)
for i in range (0,2):
if(grabTube()):
break
if(us.value() < 80):
Mov_Garra_Sensor(0, 150)
tank.on_for_degrees(10, 10, -360)
rotateTo(180)
rotateTo(-baseAngle)
walkUntilColor(1)
alinhar(1)
else:
tank.on_for_degrees(10, 10, -360)
backOriginalPosition(baseAngle)
main()
return True
| [
"ev3dev2.motor.MoveTank"
] | [((264, 292), 'ev3dev2.motor.MoveTank', 'MoveTank', (['OUTPUT_C', 'OUTPUT_D'], {}), '(OUTPUT_C, OUTPUT_D)\n', (272, 292), False, 'from ev3dev2.motor import OUTPUT_A, OUTPUT_B, OUTPUT_C, OUTPUT_D, MoveTank, MediumMotor, LargeMotor\n')] |
''' Naively optimize a trajectory of inputs.
'''
import tensorflow as tf
def run_naive_trajopt(env, x_0, u_init):
'''
Runs a naive trajectory optimization using built-in TensorFlow optimizers.
'''
# Validate u_init shape.
N = u_init.shape[0]
assert u_init.shape == (N, env.get_num_actuators)
# Initialize the control variable.
u = tf.Variable(u_init)
# Compute the total reward
env.state = x_0
total_reward = tf.constant(0.)
for i in range(N):
_, reward, _, _ = env.step(u[i, :])
total_reward += reward
optimizer = tf.train.GradientDescentOptimizer(learning_rate=0.1)
train = optimizer.minimize(total_reward)
init = tf.global_variables_initializer()
# Run the optimization procedure.
with tf.Session() as sess:
# Initialize all of the variables.
sess.run(init)
# Run the optimization procedure for 100 steps.
for i in range(100):
_, loss_value = sess.run((train, reward))
print(loss_value)
| [
"tensorflow.global_variables_initializer",
"tensorflow.Session",
"tensorflow.constant",
"tensorflow.Variable",
"tensorflow.train.GradientDescentOptimizer"
] | [((368, 387), 'tensorflow.Variable', 'tf.Variable', (['u_init'], {}), '(u_init)\n', (379, 387), True, 'import tensorflow as tf\n'), ((459, 475), 'tensorflow.constant', 'tf.constant', (['(0.0)'], {}), '(0.0)\n', (470, 475), True, 'import tensorflow as tf\n'), ((590, 642), 'tensorflow.train.GradientDescentOptimizer', 'tf.train.GradientDescentOptimizer', ([], {'learning_rate': '(0.1)'}), '(learning_rate=0.1)\n', (623, 642), True, 'import tensorflow as tf\n'), ((699, 732), 'tensorflow.global_variables_initializer', 'tf.global_variables_initializer', ([], {}), '()\n', (730, 732), True, 'import tensorflow as tf\n'), ((781, 793), 'tensorflow.Session', 'tf.Session', ([], {}), '()\n', (791, 793), True, 'import tensorflow as tf\n')] |
from rest_framework import serializers
from recycle.models import Location, CommercialRequest, Transaction
from recycle.validators import IsGarbageCollectorValidator, IsCommercialValidator, DateIsNotPast
class LocationSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
open_time = serializers.SerializerMethodField()
close_time = serializers.SerializerMethodField()
owner_id = serializers.SerializerMethodField()
garbage_types = serializers.SerializerMethodField()
@staticmethod
def get_open_time(obj):
return obj.open_time.strftime('%H:%M')
@staticmethod
def get_close_time(obj):
return obj.close_time.strftime('%H:%M')
@staticmethod
def get_owner_id(obj):
return obj.owner.id
@staticmethod
def get_garbage_types(obj):
return [{
'short': gt.garbage_type,
'long': gt.get_garbage_type_display()
} for gt in obj.garbagetype_set.all()]
class Meta:
model = Location
fields = (
'id', 'address', 'open_time', 'close_time', 'price_per_kg', 'garbage_types', 'owner_id'
)
class CreateLocationSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
garbage_types = serializers.ListField(required=False)
class Meta:
model = Location
fields = (
'id', 'address', 'open_time', 'close_time', 'price_per_kg', 'garbage_types', 'owner'
)
validators = (
IsGarbageCollectorValidator('owner'),
)
class EditLocationSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
garbage_types = serializers.ListField(required=False)
class Meta:
model = Location
fields = (
'id', 'address', 'open_time', 'close_time', 'price_per_kg', 'garbage_types', 'owner'
)
validators = (
IsGarbageCollectorValidator('owner'),
)
extra_kwargs = {
'address': {'required': False},
'open_time': {'required': False},
'close_time': {'required': False},
'price_per_kg': {'required': False},
'garbage_types': {'required': False},
'owner': {'required': False}
}
class CommercialOrderSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
email = serializers.SerializerMethodField()
location_id = serializers.SerializerMethodField()
user_id = serializers.SerializerMethodField()
@staticmethod
def get_email(obj):
return obj.user.email if obj.user else ''
@staticmethod
def get_location_id(obj):
return obj.location.id if obj.location else -1
@staticmethod
def get_user_id(obj):
return obj.user.id if obj.user else -1
class Meta:
model = CommercialRequest
fields = (
'id', 'address', 'email', 'date', 'garbage_type', 'mass', 'status', 'location_id', 'user_id'
)
class CreateCommercialOrderSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
class Meta:
model = CommercialRequest
fields = (
'id', 'address', 'date', 'garbage_type', 'mass', 'status', 'location', 'user'
)
validators = (
IsCommercialValidator('user'), DateIsNotPast('date')
)
class EditCommercialOrderSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
class Meta:
model = CommercialRequest
fields = (
'id', 'address', 'date', 'garbage_type', 'mass', 'status', 'location', 'user'
)
validators = (
IsCommercialValidator('user'),
)
extra_kwargs = {
'address': {'required': False},
'date': {'required': False},
'garbage_type': {'required': False},
'mass': {'required': False},
'status': {'required': False},
'location': {'required': False},
'user': {'required': False}
}
class TransactionSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
datetime = serializers.SerializerMethodField()
user_id = serializers.SerializerMethodField()
collector_id = serializers.SerializerMethodField()
@staticmethod
def get_datetime(obj):
return obj.datetime.strftime('%b %d, %Y at %H:%M')
@staticmethod
def get_user_id(obj):
return obj.user.id if obj.user else -1
@staticmethod
def get_collector_id(obj):
return obj.collector.id if obj.collector else -1
class Meta:
model = Transaction
fields = (
'id', 'datetime', 'garbage_type', 'mass', 'points', 'user_id', 'collector_id'
)
class CreateTransactionSerializer(serializers.ModelSerializer):
id = serializers.ReadOnlyField()
class Meta:
model = Transaction
fields = (
'id', 'garbage_type', 'points', 'mass', 'user', 'collector'
)
| [
"rest_framework.serializers.SerializerMethodField",
"rest_framework.serializers.ListField",
"rest_framework.serializers.ReadOnlyField",
"recycle.validators.DateIsNotPast",
"recycle.validators.IsCommercialValidator",
"recycle.validators.IsGarbageCollectorValidator"
] | [((268, 295), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (293, 295), False, 'from rest_framework import serializers\n'), ((309, 344), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (342, 344), False, 'from rest_framework import serializers\n'), ((359, 394), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (392, 394), False, 'from rest_framework import serializers\n'), ((407, 442), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (440, 442), False, 'from rest_framework import serializers\n'), ((460, 495), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (493, 495), False, 'from rest_framework import serializers\n'), ((1102, 1129), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (1127, 1129), False, 'from rest_framework import serializers\n'), ((1147, 1184), 'rest_framework.serializers.ListField', 'serializers.ListField', ([], {'required': '(False)'}), '(required=False)\n', (1168, 1184), False, 'from rest_framework import serializers\n'), ((1452, 1479), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (1477, 1479), False, 'from rest_framework import serializers\n'), ((1497, 1534), 'rest_framework.serializers.ListField', 'serializers.ListField', ([], {'required': '(False)'}), '(required=False)\n', (1518, 1534), False, 'from rest_framework import serializers\n'), ((2051, 2078), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (2076, 2078), False, 'from rest_framework import serializers\n'), ((2088, 2123), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (2121, 2123), False, 'from rest_framework import serializers\n'), ((2139, 2174), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (2172, 2174), False, 'from rest_framework import serializers\n'), ((2186, 2221), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (2219, 2221), False, 'from rest_framework import serializers\n'), ((2706, 2733), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (2731, 2733), False, 'from rest_framework import serializers\n'), ((3025, 3052), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (3050, 3052), False, 'from rest_framework import serializers\n'), ((3577, 3604), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (3602, 3604), False, 'from rest_framework import serializers\n'), ((3617, 3652), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (3650, 3652), False, 'from rest_framework import serializers\n'), ((3664, 3699), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (3697, 3699), False, 'from rest_framework import serializers\n'), ((3716, 3751), 'rest_framework.serializers.SerializerMethodField', 'serializers.SerializerMethodField', ([], {}), '()\n', (3749, 3751), False, 'from rest_framework import serializers\n'), ((4226, 4253), 'rest_framework.serializers.ReadOnlyField', 'serializers.ReadOnlyField', ([], {}), '()\n', (4251, 4253), False, 'from rest_framework import serializers\n'), ((1343, 1379), 'recycle.validators.IsGarbageCollectorValidator', 'IsGarbageCollectorValidator', (['"""owner"""'], {}), "('owner')\n", (1370, 1379), False, 'from recycle.validators import IsGarbageCollectorValidator, IsCommercialValidator, DateIsNotPast\n'), ((1693, 1729), 'recycle.validators.IsGarbageCollectorValidator', 'IsGarbageCollectorValidator', (['"""owner"""'], {}), "('owner')\n", (1720, 1729), False, 'from recycle.validators import IsGarbageCollectorValidator, IsCommercialValidator, DateIsNotPast\n'), ((2894, 2923), 'recycle.validators.IsCommercialValidator', 'IsCommercialValidator', (['"""user"""'], {}), "('user')\n", (2915, 2923), False, 'from recycle.validators import IsGarbageCollectorValidator, IsCommercialValidator, DateIsNotPast\n'), ((2925, 2946), 'recycle.validators.DateIsNotPast', 'DateIsNotPast', (['"""date"""'], {}), "('date')\n", (2938, 2946), False, 'from recycle.validators import IsGarbageCollectorValidator, IsCommercialValidator, DateIsNotPast\n'), ((3213, 3242), 'recycle.validators.IsCommercialValidator', 'IsCommercialValidator', (['"""user"""'], {}), "('user')\n", (3234, 3242), False, 'from recycle.validators import IsGarbageCollectorValidator, IsCommercialValidator, DateIsNotPast\n')] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.