hexsha
stringlengths
40
40
size
int64
4
1.02M
ext
stringclasses
8 values
lang
stringclasses
1 value
max_stars_repo_path
stringlengths
4
209
max_stars_repo_name
stringlengths
5
121
max_stars_repo_head_hexsha
stringlengths
40
40
max_stars_repo_licenses
listlengths
1
10
max_stars_count
int64
1
191k
max_stars_repo_stars_event_min_datetime
stringlengths
24
24
max_stars_repo_stars_event_max_datetime
stringlengths
24
24
max_issues_repo_path
stringlengths
4
209
max_issues_repo_name
stringlengths
5
121
max_issues_repo_head_hexsha
stringlengths
40
40
max_issues_repo_licenses
listlengths
1
10
max_issues_count
int64
1
67k
max_issues_repo_issues_event_min_datetime
stringlengths
24
24
max_issues_repo_issues_event_max_datetime
stringlengths
24
24
max_forks_repo_path
stringlengths
4
209
max_forks_repo_name
stringlengths
5
121
max_forks_repo_head_hexsha
stringlengths
40
40
max_forks_repo_licenses
listlengths
1
10
max_forks_count
int64
1
105k
max_forks_repo_forks_event_min_datetime
stringlengths
24
24
max_forks_repo_forks_event_max_datetime
stringlengths
24
24
content
stringlengths
4
1.02M
avg_line_length
float64
1.07
66.1k
max_line_length
int64
4
266k
alphanum_fraction
float64
0.01
1
b7b4bd12d12da5aaa7958a660877dcc1ccadd5d8
5,149
py
Python
setuptools/glob.py
c-jo/setuptools
dfc820fddf157842b3e19a77b78c6f046ba0929a
[ "MIT" ]
null
null
null
setuptools/glob.py
c-jo/setuptools
dfc820fddf157842b3e19a77b78c6f046ba0929a
[ "MIT" ]
null
null
null
setuptools/glob.py
c-jo/setuptools
dfc820fddf157842b3e19a77b78c6f046ba0929a
[ "MIT" ]
null
null
null
""" Filename globbing utility. Mostly a copy of `glob` from Python 3.5. Changes include: * `yield from` and PEP3102 `*` removed. * Hidden files are not ignored. """ import os import re import fnmatch __all__ = ["glob", "iglob", "escape"] def glob(pathname, recursive=False): """Return a list of paths matching a pathname pattern. The pattern may contain simple shell-style wildcards a la fnmatch. However, unlike fnmatch, filenames starting with a dot are special cases that are not matched by '*' and '?' patterns. If recursive is true, the pattern '**' will match any files and zero or more directories and subdirectories. """ return list(iglob(pathname, recursive=recursive)) def iglob(pathname, recursive=False): """Return an iterator which yields the paths matching a pathname pattern. The pattern may contain simple shell-style wildcards a la fnmatch. However, unlike fnmatch, filenames starting with a dot are special cases that are not matched by '*' and '?' patterns. If recursive is true, the pattern '**' will match any files and zero or more directories and subdirectories. """ it = _iglob(pathname, recursive) if recursive and _isrecursive(pathname): s = next(it) # skip empty string assert not s return it def _iglob(pathname, recursive): dirname, basename = os.path.split(pathname) if not has_magic(pathname): if basename: if os.path.lexists(pathname): yield pathname else: # Patterns ending with a slash should match only directories if os.path.isdir(dirname): yield pathname return if not dirname: if recursive and _isrecursive(basename): for x in glob2(dirname, basename): yield x else: for x in glob1(dirname, basename): yield x return # `os.path.split()` returns the argument itself as a dirname if it is a # drive or UNC path. Prevent an infinite recursion if a drive or UNC path # contains magic characters (i.e. r'\\?\C:'). if dirname != pathname and has_magic(dirname): dirs = _iglob(dirname, recursive) else: dirs = [dirname] if has_magic(basename): if recursive and _isrecursive(basename): glob_in_dir = glob2 else: glob_in_dir = glob1 else: glob_in_dir = glob0 for dirname in dirs: for name in glob_in_dir(dirname, basename): yield os.path.join(dirname, name) # These 2 helper functions non-recursively glob inside a literal directory. # They return a list of basenames. `glob1` accepts a pattern while `glob0` # takes a literal basename (so it only has to check for its existence). def glob1(dirname, pattern): if not dirname: if isinstance(pattern, bytes): dirname = os.curdir.encode('ASCII') else: dirname = os.curdir try: if dirname[-1] == '.': dirname = dirname[:-1] names = os.listdir(dirname) except OSError: return [] return fnmatch.filter(names, pattern) def glob0(dirname, basename): if not basename: # `os.path.split()` returns an empty basename for paths ending with a # directory separator. 'q*x/' should match only directories. if os.path.isdir(dirname): return [basename] else: if os.path.lexists(os.path.join(dirname, basename)): return [basename] return [] # This helper function recursively yields relative pathnames inside a literal # directory. def glob2(dirname, pattern): assert _isrecursive(pattern) yield pattern[:0] for x in _rlistdir(dirname): yield x # Recursively yields relative pathnames inside a literal directory. def _rlistdir(dirname): if not dirname: if isinstance(dirname, bytes): dirname = os.curdir.encode('ASCII') else: dirname = os.curdir try: names = os.listdir(dirname) except os.error: return for x in names: yield x path = os.path.join(dirname, x) if dirname else x for y in _rlistdir(path): yield os.path.join(x, y) magic_check = re.compile('([*?[])') magic_check_bytes = re.compile(b'([*?[])') def has_magic(s): if isinstance(s, bytes): match = magic_check_bytes.search(s) else: match = magic_check.search(s) return match is not None def _isrecursive(pattern): if isinstance(pattern, bytes): return pattern == b'**' else: return pattern == '**' def escape(pathname): """Escape all special characters. """ # Escaping is done by wrapping any of "*?[" between square brackets. # Metacharacters do not work in the drive part and shouldn't be escaped. drive, pathname = os.path.splitdrive(pathname) if isinstance(pathname, bytes): pathname = magic_check_bytes.sub(br'[\1]', pathname) else: pathname = magic_check.sub(r'[\1]', pathname) return drive + pathname
29.255682
78
0.633521
a254edbc00c7f99d3514b064268a65d150fe8600
1,081
py
Python
src/cobra_component_models/io/components_model.py
opencobra/cobra-component-models
bfffb2baf9b0d99abe4af5dcbd36595c39de1f7e
[ "Apache-2.0" ]
3
2020-06-28T16:38:42.000Z
2021-04-06T14:57:30.000Z
src/cobra_component_models/io/components_model.py
opencobra/cobra-component-models
bfffb2baf9b0d99abe4af5dcbd36595c39de1f7e
[ "Apache-2.0" ]
null
null
null
src/cobra_component_models/io/components_model.py
opencobra/cobra-component-models
bfffb2baf9b0d99abe4af5dcbd36595c39de1f7e
[ "Apache-2.0" ]
1
2020-10-26T15:07:37.000Z
2020-10-26T15:07:37.000Z
# Copyright (c) 2019, Moritz E. Beber. # # 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 # # https://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. """Provide a pydantic components data model.""" from typing import Dict, Optional from .compartment_model import CompartmentModel from .compound_model import CompoundModel from .io_base import IOBase from .reaction_model import ReactionModel class ComponentsModel(IOBase): """Define the components data model.""" reactions: Optional[Dict[str, ReactionModel]] = {} compartments: Optional[Dict[str, CompartmentModel]] = {} compounds: Optional[Dict[str, CompoundModel]] = {}
32.757576
74
0.755782
ed21c27a6f6538cc63aa9f4cc63a1e8272cca09c
1,063
py
Python
guacamol_baselines/frag_gt/frag_gt/tests/src/test_gene_type_utils.py
GT4SD/guacamol_baselines
1dbaa68b8972778a13a8372befeff9df207654a9
[ "MIT" ]
null
null
null
guacamol_baselines/frag_gt/frag_gt/tests/src/test_gene_type_utils.py
GT4SD/guacamol_baselines
1dbaa68b8972778a13a8372befeff9df207654a9
[ "MIT" ]
1
2022-03-09T10:56:36.000Z
2022-03-09T11:52:09.000Z
guacamol_baselines/frag_gt/frag_gt/tests/src/test_gene_type_utils.py
GT4SD/guacamol_baselines
1dbaa68b8972778a13a8372befeff9df207654a9
[ "MIT" ]
null
null
null
from .src.gene_type_utils import get_species, get_gene_type, get_haplotype_from_gene_frag from rdkit import Chem def test_get_species(): # Given # parent: "CCCC(=O)NNC(=O)Nc1ccccc1" mol_frags = [Chem.MolFromSmiles(x) for x in ["[1*]C(=O)NNC(=O)CCC", "[5*]N[5*]", "[16*]c1ccccc1"]] # When species = get_species(mol_frags) # Then assert species == "5#5.1.16" def test_get_gene_type(): # Given frag1 = Chem.MolFromSmiles("[2*]c1cc(N[1*])c2c(n1)C([3*])CNC([4*])C2") frag2 = Chem.MolFromSmiles("[6*]NC(=O)CCC[7*]") # When gene_type1 = get_gene_type(frag1) gene_type2 = get_gene_type(frag2) # Then assert gene_type1 == "1#2#3#4" assert gene_type2 == "6#7" def test_get_haplotype_from_gene_frag(): # Given gene_frag = Chem.MolFromSmiles("[1*]C(=O)NNC(=O)CCC") # When haplotype_frag = get_haplotype_from_gene_frag(gene_frag) # Then assert any([a.GetSymbol() == "*" for a in gene_frag.GetAtoms()]) assert all([a.GetSymbol() != "*" for a in haplotype_frag.GetAtoms()])
25.926829
102
0.64064
bb4fc4dd8f05aedefbe8c4dfe5a31c08c04c44e5
614
py
Python
travelling/migrations/0040_auto_20190224_1043.py
HerbyDE/jagdreisencheck-webapp
9af5deda2423b787da88a0c893f3c474d8e4f73f
[ "BSD-3-Clause" ]
null
null
null
travelling/migrations/0040_auto_20190224_1043.py
HerbyDE/jagdreisencheck-webapp
9af5deda2423b787da88a0c893f3c474d8e4f73f
[ "BSD-3-Clause" ]
null
null
null
travelling/migrations/0040_auto_20190224_1043.py
HerbyDE/jagdreisencheck-webapp
9af5deda2423b787da88a0c893f3c474d8e4f73f
[ "BSD-3-Clause" ]
null
null
null
# -*- coding: utf-8 -*- # Generated by Django 1.11.16 on 2019-02-24 09:43 from __future__ import unicode_literals from django.conf import settings from django.db import migrations, models import django.db.models.deletion class Migration(migrations.Migration): dependencies = [ ('travelling', '0039_auto_20190223_2327'), ] operations = [ migrations.AlterField( model_name='rating', name='user', field=models.ForeignKey(null=True, on_delete=django.db.models.deletion.SET_NULL, to=settings.AUTH_USER_MODEL, verbose_name='Author'), ), ]
26.695652
145
0.675896
3f96093ff16432fd07cf0667ceda1b89662aa1e4
2,707
py
Python
django101/django101/settings.py
Nikolay1982Nikolaev/python-web-2020-09
1f3fa8f7188c0a63647e4224a82d04f3f97cd455
[ "MIT" ]
null
null
null
django101/django101/settings.py
Nikolay1982Nikolaev/python-web-2020-09
1f3fa8f7188c0a63647e4224a82d04f3f97cd455
[ "MIT" ]
null
null
null
django101/django101/settings.py
Nikolay1982Nikolaev/python-web-2020-09
1f3fa8f7188c0a63647e4224a82d04f3f97cd455
[ "MIT" ]
null
null
null
from os.path import join from pathlib import Path # Build paths inside the project like this: BASE_DIR / 'subdir'. BASE_DIR = Path(__file__).resolve().parent.parent SECRET_KEY = 'yiamnr83kv$okon9j)d58t)(wr&_hb4f(yr#reec4$ae6s_t62' DEBUG = True ALLOWED_HOSTS = [] INSTALLED_APPS = [ 'django.contrib.admin', 'django.contrib.auth', 'django.contrib.contenttypes', 'django.contrib.sessions', 'django.contrib.messages', 'django.contrib.staticfiles', 'django101', ] MIDDLEWARE = [ 'django.middleware.security.SecurityMiddleware', 'django.contrib.sessions.middleware.SessionMiddleware', 'django.middleware.common.CommonMiddleware', 'django.middleware.csrf.CsrfViewMiddleware', 'django.contrib.auth.middleware.AuthenticationMiddleware', 'django.contrib.messages.middleware.MessageMiddleware', 'django.middleware.clickjacking.XFrameOptionsMiddleware', ] ROOT_URLCONF = 'django101.urls' TEMPLATES = [ { 'BACKEND': 'django.template.backends.django.DjangoTemplates', 'DIRS': [BASE_DIR / 'templates'] , 'APP_DIRS': True, 'OPTIONS': { 'context_processors': [ 'django.template.context_processors.debug', 'django.template.context_processors.request', 'django.contrib.auth.context_processors.auth', 'django.contrib.messages.context_processors.messages', ], }, }, ] WSGI_APPLICATION = 'django101.wsgi.application' # Database # https://docs.djangoproject.com/en/3.1/ref/settings/#databases DATABASES = { 'default': { 'ENGINE': 'django.db.backends.sqlite3', 'NAME': BASE_DIR / 'db.sqlite3', } } # Password validation # https://docs.djangoproject.com/en/3.1/ref/settings/#auth-password-validators AUTH_PASSWORD_VALIDATORS = [ { 'NAME': 'django.contrib.auth.password_validation.UserAttributeSimilarityValidator', }, { 'NAME': 'django.contrib.auth.password_validation.MinimumLengthValidator', }, { 'NAME': 'django.contrib.auth.password_validation.CommonPasswordValidator', }, { 'NAME': 'django.contrib.auth.password_validation.NumericPasswordValidator', }, ] # Internationalization # https://docs.djangoproject.com/en/3.1/topics/i18n/ LANGUAGE_CODE = 'en-us' TIME_ZONE = 'UTC' USE_I18N = True USE_L10N = True USE_TZ = True # Static files (CSS, JavaScript, Images) # https://docs.djangoproject.com/en/3.1/howto/static-files/ STATIC_URL = '/static/' STATIC_ROOT = '' STATICFILES_DIRS = ( join(BASE_DIR, 'static'), )
26.028846
92
0.652752
33c400fb8f3e19d04dce9e332374f59d2b64ae3d
48,745
py
Python
rllib/policy/policy.py
bveeramani/ray
ac620aeec0c0f68c92328ace0b2a5835f5b14b26
[ "Apache-2.0" ]
1
2019-06-19T02:23:43.000Z
2019-06-19T02:23:43.000Z
rllib/policy/policy.py
XinYao1994/ray
65d863d3495165fd0dbed32d51946a9b8ca48a5b
[ "Apache-2.0" ]
73
2021-09-25T07:11:39.000Z
2022-03-26T07:10:59.000Z
rllib/policy/policy.py
bveeramani/ray
ac620aeec0c0f68c92328ace0b2a5835f5b14b26
[ "Apache-2.0" ]
null
null
null
from abc import ABCMeta, abstractmethod from collections import namedtuple import gym from gym.spaces import Box import logging import numpy as np import platform import tree # pip install dm_tree from typing import ( Any, Callable, Dict, List, Optional, Tuple, Type, TYPE_CHECKING, Union, ) import ray from ray.actor import ActorHandle from ray.rllib.models.action_dist import ActionDistribution from ray.rllib.models.catalog import ModelCatalog from ray.rllib.models.modelv2 import ModelV2 from ray.rllib.policy.sample_batch import SampleBatch from ray.rllib.policy.view_requirement import ViewRequirement from ray.rllib.utils.annotations import ( PublicAPI, DeveloperAPI, ExperimentalAPI, OverrideToImplementCustomLogic, OverrideToImplementCustomLogic_CallToSuperRecommended, is_overridden, ) from ray.rllib.utils.deprecation import Deprecated from ray.rllib.utils.exploration.exploration import Exploration from ray.rllib.utils.framework import try_import_tf, try_import_torch from ray.rllib.utils.from_config import from_config from ray.rllib.utils.spaces.space_utils import ( get_base_struct_from_space, get_dummy_batch_for_space, unbatch, ) from ray.rllib.utils.typing import ( AgentID, ModelGradients, ModelWeights, PolicyID, PolicyState, T, TensorType, TensorStructType, TrainerConfigDict, ) tf1, tf, tfv = try_import_tf() torch, _ = try_import_torch() if TYPE_CHECKING: from ray.rllib.evaluation import Episode logger = logging.getLogger(__name__) # A policy spec used in the "config.multiagent.policies" specification dict # as values (keys are the policy IDs (str)). E.g.: # config: # multiagent: # policies: { # "pol1": PolicySpec(None, Box, Discrete(2), {"lr": 0.0001}), # "pol2": PolicySpec(config={"lr": 0.001}), # } PolicySpec = PublicAPI( namedtuple( "PolicySpec", [ # If None, use the Trainer's default policy class stored under # `Trainer._policy_class`. "policy_class", # If None, use the env's observation space. If None and there is no Env # (e.g. offline RL), an error is thrown. "observation_space", # If None, use the env's action space. If None and there is no Env # (e.g. offline RL), an error is thrown. "action_space", # Overrides defined keys in the main Trainer config. # If None, use {}. "config", ], ) ) # defaults=(None, None, None, None) # TODO: From 3.7 on, we could pass `defaults` into the above constructor. # We still support py3.6. PolicySpec.__new__.__defaults__ = (None, None, None, None) @DeveloperAPI class Policy(metaclass=ABCMeta): """Policy base class: Calculates actions, losses, and holds NN models. Policy is the abstract superclass for all DL-framework specific sub-classes (e.g. TFPolicy or TorchPolicy). It exposes APIs to 1) Compute actions from observation (and possibly other) inputs. 2) Manage the Policy's NN model(s), like exporting and loading their weights. 3) Postprocess a given trajectory from the environment or other input via the `postprocess_trajectory` method. 4) Compute losses from a train batch. 5) Perform updates from a train batch on the NN-models (this normally includes loss calculations) either a) in one monolithic step (`train_on_batch`) or b) via batch pre-loading, then n steps of actual loss computations and updates (`load_batch_into_buffer` + `learn_on_loaded_batch`). Note: It is not recommended to sub-class Policy directly, but rather use one of the following two convenience methods: `rllib.policy.policy_template::build_policy_class` (PyTorch) or `rllib.policy.tf_policy_template::build_tf_policy_class` (TF). """ @DeveloperAPI def __init__( self, observation_space: gym.Space, action_space: gym.Space, config: TrainerConfigDict, ): """Initializes a Policy instance. Args: observation_space: Observation space of the policy. action_space: Action space of the policy. config: A complete Trainer/Policy config dict. For the default config keys and values, see rllib/trainer/trainer.py. """ self.observation_space: gym.Space = observation_space self.action_space: gym.Space = action_space # The base struct of the observation/action spaces. # E.g. action-space = gym.spaces.Dict({"a": Discrete(2)}) -> # action_space_struct = {"a": Discrete(2)} self.observation_space_struct = get_base_struct_from_space(observation_space) self.action_space_struct = get_base_struct_from_space(action_space) self.config: TrainerConfigDict = config self.framework = self.config.get("framework") # Create the callbacks object to use for handling custom callbacks. if self.config.get("callbacks"): self.callbacks: "DefaultCallbacks" = self.config.get("callbacks")() else: from ray.rllib.agents.callbacks import DefaultCallbacks self.callbacks: "DefaultCallbacks" = DefaultCallbacks() # The global timestep, broadcast down from time to time from the # local worker to all remote workers. self.global_timestep: int = 0 # The action distribution class to use for action sampling, if any. # Child classes may set this. self.dist_class: Optional[Type] = None # Initialize view requirements. self.init_view_requirements() # Whether the Model's initial state (method) has been added # automatically based on the given view requirements of the model. self._model_init_state_automatically_added = False @DeveloperAPI def init_view_requirements(self): """Maximal view requirements dict for `learn_on_batch()` and `compute_actions` calls. Specific policies can override this function to provide custom list of view requirements. """ # Maximal view requirements dict for `learn_on_batch()` and # `compute_actions` calls. # View requirements will be automatically filtered out later based # on the postprocessing and loss functions to ensure optimal data # collection and transfer performance. view_reqs = self._get_default_view_requirements() if not hasattr(self, "view_requirements"): self.view_requirements = view_reqs else: for k, v in view_reqs.items(): if k not in self.view_requirements: self.view_requirements[k] = v @DeveloperAPI def compute_single_action( self, obs: Optional[TensorStructType] = None, state: Optional[List[TensorType]] = None, *, prev_action: Optional[TensorStructType] = None, prev_reward: Optional[TensorStructType] = None, info: dict = None, input_dict: Optional[SampleBatch] = None, episode: Optional["Episode"] = None, explore: Optional[bool] = None, timestep: Optional[int] = None, # Kwars placeholder for future compatibility. **kwargs, ) -> Tuple[TensorStructType, List[TensorType], Dict[str, TensorType]]: """Computes and returns a single (B=1) action value. Takes an input dict (usually a SampleBatch) as its main data input. This allows for using this method in case a more complex input pattern (view requirements) is needed, for example when the Model requires the last n observations, the last m actions/rewards, or a combination of any of these. Alternatively, in case no complex inputs are required, takes a single `obs` values (and possibly single state values, prev-action/reward values, etc..). Args: obs: Single observation. state: List of RNN state inputs, if any. prev_action: Previous action value, if any. prev_reward: Previous reward, if any. info: Info object, if any. input_dict: A SampleBatch or input dict containing the single (unbatched) Tensors to compute actions. If given, it'll be used instead of `obs`, `state`, `prev_action|reward`, and `info`. episode: This provides access to all of the internal episode state, which may be useful for model-based or multi-agent algorithms. explore: Whether to pick an exploitation or exploration action (default: None -> use self.config["explore"]). timestep: The current (sampling) time step. Keyword Args: kwargs: Forward compatibility placeholder. Returns: Tuple consisting of the action, the list of RNN state outputs (if any), and a dictionary of extra features (if any). """ # Build the input-dict used for the call to # `self.compute_actions_from_input_dict()`. if input_dict is None: input_dict = {SampleBatch.OBS: obs} if state is not None: for i, s in enumerate(state): input_dict[f"state_in_{i}"] = s if prev_action is not None: input_dict[SampleBatch.PREV_ACTIONS] = prev_action if prev_reward is not None: input_dict[SampleBatch.PREV_REWARDS] = prev_reward if info is not None: input_dict[SampleBatch.INFOS] = info # Batch all data in input dict. input_dict = tree.map_structure_with_path( lambda p, s: ( s if p == "seq_lens" else s.unsqueeze(0) if torch and isinstance(s, torch.Tensor) else np.expand_dims(s, 0) ), input_dict, ) episodes = None if episode is not None: episodes = [episode] out = self.compute_actions_from_input_dict( input_dict=SampleBatch(input_dict), episodes=episodes, explore=explore, timestep=timestep, ) # Some policies don't return a tuple, but always just a single action. # E.g. ES and ARS. if not isinstance(out, tuple): single_action = out state_out = [] info = {} # Normal case: Policy should return (action, state, info) tuple. else: batched_action, state_out, info = out single_action = unbatch(batched_action) assert len(single_action) == 1 single_action = single_action[0] # Return action, internal state(s), infos. return ( single_action, [s[0] for s in state_out], {k: v[0] for k, v in info.items()}, ) @DeveloperAPI def compute_actions_from_input_dict( self, input_dict: Union[SampleBatch, Dict[str, TensorStructType]], explore: bool = None, timestep: Optional[int] = None, episodes: Optional[List["Episode"]] = None, **kwargs, ) -> Tuple[TensorType, List[TensorType], Dict[str, TensorType]]: """Computes actions from collected samples (across multiple-agents). Takes an input dict (usually a SampleBatch) as its main data input. This allows for using this method in case a more complex input pattern (view requirements) is needed, for example when the Model requires the last n observations, the last m actions/rewards, or a combination of any of these. Args: input_dict: A SampleBatch or input dict containing the Tensors to compute actions. `input_dict` already abides to the Policy's as well as the Model's view requirements and can thus be passed to the Model as-is. explore: Whether to pick an exploitation or exploration action (default: None -> use self.config["explore"]). timestep: The current (sampling) time step. episodes: This provides access to all of the internal episodes' state, which may be useful for model-based or multi-agent algorithms. Keyword Args: kwargs: Forward compatibility placeholder. Returns: actions: Batch of output actions, with shape like [BATCH_SIZE, ACTION_SHAPE]. state_outs: List of RNN state output batches, if any, each with shape [BATCH_SIZE, STATE_SIZE]. info: Dictionary of extra feature batches, if any, with shape like {"f1": [BATCH_SIZE, ...], "f2": [BATCH_SIZE, ...]}. """ # Default implementation just passes obs, prev-a/r, and states on to # `self.compute_actions()`. state_batches = [s for k, s in input_dict.items() if k[:9] == "state_in_"] return self.compute_actions( input_dict[SampleBatch.OBS], state_batches, prev_action_batch=input_dict.get(SampleBatch.PREV_ACTIONS), prev_reward_batch=input_dict.get(SampleBatch.PREV_REWARDS), info_batch=input_dict.get(SampleBatch.INFOS), explore=explore, timestep=timestep, episodes=episodes, **kwargs, ) @abstractmethod @DeveloperAPI def compute_actions( self, obs_batch: Union[List[TensorStructType], TensorStructType], state_batches: Optional[List[TensorType]] = None, prev_action_batch: Union[List[TensorStructType], TensorStructType] = None, prev_reward_batch: Union[List[TensorStructType], TensorStructType] = None, info_batch: Optional[Dict[str, list]] = None, episodes: Optional[List["Episode"]] = None, explore: Optional[bool] = None, timestep: Optional[int] = None, **kwargs, ) -> Tuple[TensorType, List[TensorType], Dict[str, TensorType]]: """Computes actions for the current policy. Args: obs_batch: Batch of observations. state_batches: List of RNN state input batches, if any. prev_action_batch: Batch of previous action values. prev_reward_batch: Batch of previous rewards. info_batch: Batch of info objects. episodes: List of Episode objects, one for each obs in obs_batch. This provides access to all of the internal episode state, which may be useful for model-based or multi-agent algorithms. explore: Whether to pick an exploitation or exploration action. Set to None (default) for using the value of `self.config["explore"]`. timestep: The current (sampling) time step. Keyword Args: kwargs: Forward compatibility placeholder Returns: actions (TensorType): Batch of output actions, with shape like [BATCH_SIZE, ACTION_SHAPE]. state_outs (List[TensorType]): List of RNN state output batches, if any, each with shape [BATCH_SIZE, STATE_SIZE]. info (List[dict]): Dictionary of extra feature batches, if any, with shape like {"f1": [BATCH_SIZE, ...], "f2": [BATCH_SIZE, ...]}. """ raise NotImplementedError @DeveloperAPI def compute_log_likelihoods( self, actions: Union[List[TensorType], TensorType], obs_batch: Union[List[TensorType], TensorType], state_batches: Optional[List[TensorType]] = None, prev_action_batch: Optional[Union[List[TensorType], TensorType]] = None, prev_reward_batch: Optional[Union[List[TensorType], TensorType]] = None, actions_normalized: bool = True, ) -> TensorType: """Computes the log-prob/likelihood for a given action and observation. The log-likelihood is calculated using this Policy's action distribution class (self.dist_class). Args: actions: Batch of actions, for which to retrieve the log-probs/likelihoods (given all other inputs: obs, states, ..). obs_batch: Batch of observations. state_batches: List of RNN state input batches, if any. prev_action_batch: Batch of previous action values. prev_reward_batch: Batch of previous rewards. actions_normalized: Is the given `actions` already normalized (between -1.0 and 1.0) or not? If not and `normalize_actions=True`, we need to normalize the given actions first, before calculating log likelihoods. Returns: Batch of log probs/likelihoods, with shape: [BATCH_SIZE]. """ raise NotImplementedError @DeveloperAPI @OverrideToImplementCustomLogic_CallToSuperRecommended def postprocess_trajectory( self, sample_batch: SampleBatch, other_agent_batches: Optional[ Dict[AgentID, Tuple["Policy", SampleBatch]] ] = None, episode: Optional["Episode"] = None, ) -> SampleBatch: """Implements algorithm-specific trajectory postprocessing. This will be called on each trajectory fragment computed during policy evaluation. Each fragment is guaranteed to be only from one episode. The given fragment may or may not contain the end of this episode, depending on the `batch_mode=truncate_episodes|complete_episodes`, `rollout_fragment_length`, and other settings. Args: sample_batch: batch of experiences for the policy, which will contain at most one episode trajectory. other_agent_batches: In a multi-agent env, this contains a mapping of agent ids to (policy, agent_batch) tuples containing the policy and experiences of the other agents. episode: An optional multi-agent episode object to provide access to all of the internal episode state, which may be useful for model-based or multi-agent algorithms. Returns: The postprocessed sample batch. """ # The default implementation just returns the same, unaltered batch. return sample_batch @ExperimentalAPI @OverrideToImplementCustomLogic def loss( self, model: ModelV2, dist_class: ActionDistribution, train_batch: SampleBatch ) -> Union[TensorType, List[TensorType]]: """Loss function for this Policy. Override this method in order to implement custom loss computations. Args: model: The model to calculate the loss(es). dist_class: The action distribution class to sample actions from the model's outputs. train_batch: The input batch on which to calculate the loss. Returns: Either a single loss tensor or a list of loss tensors. """ raise NotImplementedError @DeveloperAPI def learn_on_batch(self, samples: SampleBatch) -> Dict[str, TensorType]: """Perform one learning update, given `samples`. Either this method or the combination of `compute_gradients` and `apply_gradients` must be implemented by subclasses. Args: samples: The SampleBatch object to learn from. Returns: Dictionary of extra metadata from `compute_gradients()`. Examples: >>> policy, sample_batch = ... # doctest: +SKIP >>> policy.learn_on_batch(sample_batch) # doctest: +SKIP """ # The default implementation is simply a fused `compute_gradients` plus # `apply_gradients` call. grads, grad_info = self.compute_gradients(samples) self.apply_gradients(grads) return grad_info @ExperimentalAPI def learn_on_batch_from_replay_buffer( self, replay_actor: ActorHandle, policy_id: PolicyID ) -> Dict[str, TensorType]: """Samples a batch from given replay actor and performs an update. Args: replay_actor: The replay buffer actor to sample from. policy_id: The ID of this policy. Returns: Dictionary of extra metadata from `compute_gradients()`. """ # Sample a batch from the given replay actor. # Note that for better performance (less data sent through the # network), this policy should be co-located on the same node # as `replay_actor`. Such a co-location step is usually done during # the Trainer's `setup()` phase. batch = ray.get(replay_actor.replay.remote(policy_id=policy_id)) if batch is None: return {} # Send to own learn_on_batch method for updating. # TODO: hack w/ `hasattr` if hasattr(self, "devices") and len(self.devices) > 1: self.load_batch_into_buffer(batch, buffer_index=0) return self.learn_on_loaded_batch(offset=0, buffer_index=0) else: return self.learn_on_batch(batch) @DeveloperAPI def load_batch_into_buffer(self, batch: SampleBatch, buffer_index: int = 0) -> int: """Bulk-loads the given SampleBatch into the devices' memories. The data is split equally across all the Policy's devices. If the data is not evenly divisible by the batch size, excess data should be discarded. Args: batch: The SampleBatch to load. buffer_index: The index of the buffer (a MultiGPUTowerStack) to use on the devices. The number of buffers on each device depends on the value of the `num_multi_gpu_tower_stacks` config key. Returns: The number of tuples loaded per device. """ raise NotImplementedError @DeveloperAPI def get_num_samples_loaded_into_buffer(self, buffer_index: int = 0) -> int: """Returns the number of currently loaded samples in the given buffer. Args: buffer_index: The index of the buffer (a MultiGPUTowerStack) to use on the devices. The number of buffers on each device depends on the value of the `num_multi_gpu_tower_stacks` config key. Returns: The number of tuples loaded per device. """ raise NotImplementedError @DeveloperAPI def learn_on_loaded_batch(self, offset: int = 0, buffer_index: int = 0): """Runs a single step of SGD on an already loaded data in a buffer. Runs an SGD step over a slice of the pre-loaded batch, offset by the `offset` argument (useful for performing n minibatch SGD updates repeatedly on the same, already pre-loaded data). Updates the model weights based on the averaged per-device gradients. Args: offset: Offset into the preloaded data. Used for pre-loading a train-batch once to a device, then iterating over (subsampling through) this batch n times doing minibatch SGD. buffer_index: The index of the buffer (a MultiGPUTowerStack) to take the already pre-loaded data from. The number of buffers on each device depends on the value of the `num_multi_gpu_tower_stacks` config key. Returns: The outputs of extra_ops evaluated over the batch. """ raise NotImplementedError @DeveloperAPI def compute_gradients( self, postprocessed_batch: SampleBatch ) -> Tuple[ModelGradients, Dict[str, TensorType]]: """Computes gradients given a batch of experiences. Either this in combination with `apply_gradients()` or `learn_on_batch()` must be implemented by subclasses. Args: postprocessed_batch: The SampleBatch object to use for calculating gradients. Returns: grads: List of gradient output values. grad_info: Extra policy-specific info values. """ raise NotImplementedError @DeveloperAPI def apply_gradients(self, gradients: ModelGradients) -> None: """Applies the (previously) computed gradients. Either this in combination with `compute_gradients()` or `learn_on_batch()` must be implemented by subclasses. Args: gradients: The already calculated gradients to apply to this Policy. """ raise NotImplementedError @DeveloperAPI def get_weights(self) -> ModelWeights: """Returns model weights. Note: The return value of this method will reside under the "weights" key in the return value of Policy.get_state(). Model weights are only one part of a Policy's state. Other state information contains: optimizer variables, exploration state, and global state vars such as the sampling timestep. Returns: Serializable copy or view of model weights. """ raise NotImplementedError @DeveloperAPI def set_weights(self, weights: ModelWeights) -> None: """Sets this Policy's model's weights. Note: Model weights are only one part of a Policy's state. Other state information contains: optimizer variables, exploration state, and global state vars such as the sampling timestep. Args: weights: Serializable copy or view of model weights. """ raise NotImplementedError @DeveloperAPI def get_exploration_state(self) -> Dict[str, TensorType]: """Returns the state of this Policy's exploration component. Returns: Serializable information on the `self.exploration` object. """ return self.exploration.get_state() @DeveloperAPI def is_recurrent(self) -> bool: """Whether this Policy holds a recurrent Model. Returns: True if this Policy has-a RNN-based Model. """ return False @DeveloperAPI def num_state_tensors(self) -> int: """The number of internal states needed by the RNN-Model of the Policy. Returns: int: The number of RNN internal states kept by this Policy's Model. """ return 0 @DeveloperAPI def get_initial_state(self) -> List[TensorType]: """Returns initial RNN state for the current policy. Returns: List[TensorType]: Initial RNN state for the current policy. """ return [] @DeveloperAPI def get_state(self) -> PolicyState: """Returns the entire current state of this Policy. Note: Not to be confused with an RNN model's internal state. State includes the Model(s)' weights, optimizer weights, the exploration component's state, as well as global variables, such as sampling timesteps. Returns: Serialized local state. """ state = { # All the policy's weights. "weights": self.get_weights(), # The current global timestep. "global_timestep": self.global_timestep, } return state @DeveloperAPI def set_state(self, state: PolicyState) -> None: """Restores the entire current state of this Policy from `state`. Args: state: The new state to set this policy to. Can be obtained by calling `self.get_state()`. """ self.set_weights(state["weights"]) self.global_timestep = state["global_timestep"] @ExperimentalAPI def apply( self, func: Callable[["Policy", Optional[Any], Optional[Any]], T], *args, **kwargs, ) -> T: """Calls the given function with this Policy instance. Useful for when the Policy class has been converted into a ActorHandle and the user needs to execute some functionality (e.g. add a property) on the underlying policy object. Args: func: The function to call, with this Policy as first argument, followed by args, and kwargs. args: Optional additional args to pass to the function call. kwargs: Optional additional kwargs to pass to the function call. Returns: The return value of the function call. """ return func(self, *args, **kwargs) @DeveloperAPI def on_global_var_update(self, global_vars: Dict[str, TensorType]) -> None: """Called on an update to global vars. Args: global_vars: Global variables by str key, broadcast from the driver. """ # Store the current global time step (sum over all policies' sample # steps). # Make sure, we keep global_timestep as a Tensor for tf-eager # (leads to memory leaks if not doing so). if self.framework in ["tfe", "tf2"]: self.global_timestep.assign(global_vars["timestep"]) else: self.global_timestep = global_vars["timestep"] @DeveloperAPI def export_checkpoint(self, export_dir: str) -> None: """Export Policy checkpoint to local directory. Args: export_dir: Local writable directory. """ raise NotImplementedError @DeveloperAPI def export_model(self, export_dir: str, onnx: Optional[int] = None) -> None: """Exports the Policy's Model to local directory for serving. Note: The file format will depend on the deep learning framework used. See the child classed of Policy and their `export_model` implementations for more details. Args: export_dir: Local writable directory. onnx: If given, will export model in ONNX format. The value of this parameter set the ONNX OpSet version to use. """ raise NotImplementedError @DeveloperAPI def import_model_from_h5(self, import_file: str) -> None: """Imports Policy from local file. Args: import_file (str): Local readable file. """ raise NotImplementedError @DeveloperAPI def get_session(self) -> Optional["tf1.Session"]: """Returns tf.Session object to use for computing actions or None. Note: This method only applies to TFPolicy sub-classes. All other sub-classes should expect a None to be returned from this method. Returns: The tf Session to use for computing actions and losses with this policy or None. """ return None def get_host(self) -> str: """Returns the computer's network name. Returns: The computer's networks name or an empty string, if the network name could not be determined. """ return platform.node() def _create_exploration(self) -> Exploration: """Creates the Policy's Exploration object. This method only exists b/c some Trainers do not use TfPolicy nor TorchPolicy, but inherit directly from Policy. Others inherit from TfPolicy w/o using DynamicTFPolicy. TODO(sven): unify these cases. Returns: Exploration: The Exploration object to be used by this Policy. """ if getattr(self, "exploration", None) is not None: return self.exploration exploration = from_config( Exploration, self.config.get("exploration_config", {"type": "StochasticSampling"}), action_space=self.action_space, policy_config=self.config, model=getattr(self, "model", None), num_workers=self.config.get("num_workers", 0), worker_index=self.config.get("worker_index", 0), framework=getattr(self, "framework", self.config.get("framework", "tf")), ) return exploration def _get_default_view_requirements(self): """Returns a default ViewRequirements dict. Note: This is the base/maximum requirement dict, from which later some requirements will be subtracted again automatically to streamline data collection, batch creation, and data transfer. Returns: ViewReqDict: The default view requirements dict. """ # Default view requirements (equal to those that we would use before # the trajectory view API was introduced). return { SampleBatch.OBS: ViewRequirement(space=self.observation_space), SampleBatch.NEXT_OBS: ViewRequirement( data_col=SampleBatch.OBS, shift=1, space=self.observation_space ), SampleBatch.ACTIONS: ViewRequirement( space=self.action_space, used_for_compute_actions=False ), # For backward compatibility with custom Models that don't specify # these explicitly (will be removed by Policy if not used). SampleBatch.PREV_ACTIONS: ViewRequirement( data_col=SampleBatch.ACTIONS, shift=-1, space=self.action_space ), SampleBatch.REWARDS: ViewRequirement(), # For backward compatibility with custom Models that don't specify # these explicitly (will be removed by Policy if not used). SampleBatch.PREV_REWARDS: ViewRequirement( data_col=SampleBatch.REWARDS, shift=-1 ), SampleBatch.DONES: ViewRequirement(), SampleBatch.INFOS: ViewRequirement(), SampleBatch.EPS_ID: ViewRequirement(), SampleBatch.UNROLL_ID: ViewRequirement(), SampleBatch.AGENT_INDEX: ViewRequirement(), "t": ViewRequirement(), } def _initialize_loss_from_dummy_batch( self, auto_remove_unneeded_view_reqs: bool = True, stats_fn=None, ) -> None: """Performs test calls through policy's model and loss. NOTE: This base method should work for define-by-run Policies such as torch and tf-eager policies. If required, will thereby detect automatically, which data views are required by a) the forward pass, b) the postprocessing, and c) the loss functions, and remove those from self.view_requirements that are not necessary for these computations (to save data storage and transfer). Args: auto_remove_unneeded_view_reqs (bool): Whether to automatically remove those ViewRequirements records from self.view_requirements that are not needed. stats_fn (Optional[Callable[[Policy, SampleBatch], Dict[str, TensorType]]]): An optional stats function to be called after the loss. """ # Signal Policy that currently we do not like to eager/jit trace # any function calls. This is to be able to track, which columns # in the dummy batch are accessed by the different function (e.g. # loss) such that we can then adjust our view requirements. self._no_tracing = True sample_batch_size = max(self.batch_divisibility_req * 4, 32) self._dummy_batch = self._get_dummy_batch_from_view_requirements( sample_batch_size ) self._lazy_tensor_dict(self._dummy_batch) actions, state_outs, extra_outs = self.compute_actions_from_input_dict( self._dummy_batch, explore=False ) for key, view_req in self.view_requirements.items(): if key not in self._dummy_batch.accessed_keys: view_req.used_for_compute_actions = False # Add all extra action outputs to view reqirements (these may be # filtered out later again, if not needed for postprocessing or loss). for key, value in extra_outs.items(): self._dummy_batch[key] = value if key not in self.view_requirements: self.view_requirements[key] = ViewRequirement( space=gym.spaces.Box( -1.0, 1.0, shape=value.shape[1:], dtype=value.dtype ), used_for_compute_actions=False, ) for key in self._dummy_batch.accessed_keys: if key not in self.view_requirements: self.view_requirements[key] = ViewRequirement() self.view_requirements[key].used_for_compute_actions = True self._dummy_batch = self._get_dummy_batch_from_view_requirements( sample_batch_size ) self._dummy_batch.set_get_interceptor(None) self.exploration.postprocess_trajectory(self, self._dummy_batch) postprocessed_batch = self.postprocess_trajectory(self._dummy_batch) seq_lens = None if state_outs: B = 4 # For RNNs, have B=4, T=[depends on sample_batch_size] i = 0 while "state_in_{}".format(i) in postprocessed_batch: postprocessed_batch["state_in_{}".format(i)] = postprocessed_batch[ "state_in_{}".format(i) ][:B] if "state_out_{}".format(i) in postprocessed_batch: postprocessed_batch["state_out_{}".format(i)] = postprocessed_batch[ "state_out_{}".format(i) ][:B] i += 1 seq_len = sample_batch_size // B seq_lens = np.array([seq_len for _ in range(B)], dtype=np.int32) postprocessed_batch[SampleBatch.SEQ_LENS] = seq_lens # Switch on lazy to-tensor conversion on `postprocessed_batch`. train_batch = self._lazy_tensor_dict(postprocessed_batch) # Calling loss, so set `is_training` to True. train_batch.set_training(True) if seq_lens is not None: train_batch[SampleBatch.SEQ_LENS] = seq_lens train_batch.count = self._dummy_batch.count # Call the loss function, if it exists. # TODO(jungong) : clean up after all agents get migrated. # We should simply do self.loss(...) here. if self._loss is not None: self._loss(self, self.model, self.dist_class, train_batch) elif is_overridden(self.loss): self.loss(self.model, self.dist_class, train_batch) # Call the stats fn, if given. # TODO(jungong) : clean up after all agents get migrated. # We should simply do self.stats_fn(train_batch) here. if stats_fn is not None: stats_fn(self, train_batch) if hasattr(self, "stats_fn"): self.stats_fn(train_batch) # Re-enable tracing. self._no_tracing = False # Add new columns automatically to view-reqs. if auto_remove_unneeded_view_reqs: # Add those needed for postprocessing and training. all_accessed_keys = ( train_batch.accessed_keys | self._dummy_batch.accessed_keys | self._dummy_batch.added_keys ) for key in all_accessed_keys: if key not in self.view_requirements and key != SampleBatch.SEQ_LENS: self.view_requirements[key] = ViewRequirement( used_for_compute_actions=False ) if self._loss or is_overridden(self.loss): # Tag those only needed for post-processing (with some # exceptions). for key in self._dummy_batch.accessed_keys: if ( key not in train_batch.accessed_keys and key in self.view_requirements and key not in self.model.view_requirements and key not in [ SampleBatch.EPS_ID, SampleBatch.AGENT_INDEX, SampleBatch.UNROLL_ID, SampleBatch.DONES, SampleBatch.REWARDS, SampleBatch.INFOS, ] ): self.view_requirements[key].used_for_training = False # Remove those not needed at all (leave those that are needed # by Sampler to properly execute sample collection). # Also always leave DONES, REWARDS, INFOS, no matter what. for key in list(self.view_requirements.keys()): if ( key not in all_accessed_keys and key not in [ SampleBatch.EPS_ID, SampleBatch.AGENT_INDEX, SampleBatch.UNROLL_ID, SampleBatch.DONES, SampleBatch.REWARDS, SampleBatch.INFOS, ] and key not in self.model.view_requirements ): # If user deleted this key manually in postprocessing # fn, warn about it and do not remove from # view-requirements. if key in self._dummy_batch.deleted_keys: logger.warning( "SampleBatch key '{}' was deleted manually in " "postprocessing function! RLlib will " "automatically remove non-used items from the " "data stream. Remove the `del` from your " "postprocessing function.".format(key) ) # If we are not writing output to disk, save to erase # this key to save space in the sample batch. elif self.config["output"] is None: del self.view_requirements[key] def _get_dummy_batch_from_view_requirements( self, batch_size: int = 1 ) -> SampleBatch: """Creates a numpy dummy batch based on the Policy's view requirements. Args: batch_size (int): The size of the batch to create. Returns: Dict[str, TensorType]: The dummy batch containing all zero values. """ ret = {} for view_col, view_req in self.view_requirements.items(): data_col = view_req.data_col or view_col # Flattened dummy batch. if (isinstance(view_req.space, (gym.spaces.Tuple, gym.spaces.Dict))) and ( ( data_col == SampleBatch.OBS and not self.config["_disable_preprocessor_api"] ) or ( data_col == SampleBatch.ACTIONS and not self.config.get("_disable_action_flattening") ) ): _, shape = ModelCatalog.get_action_shape( view_req.space, framework=self.config["framework"] ) ret[view_col] = np.zeros((batch_size,) + shape[1:], np.float32) # Non-flattened dummy batch. else: # Range of indices on time-axis, e.g. "-50:-1". if view_req.shift_from is not None: ret[view_col] = get_dummy_batch_for_space( view_req.space, batch_size=batch_size, time_size=view_req.shift_to - view_req.shift_from + 1, ) # Sequence of (probably non-consecutive) indices. elif isinstance(view_req.shift, (list, tuple)): ret[view_col] = get_dummy_batch_for_space( view_req.space, batch_size=batch_size, time_size=len(view_req.shift), ) # Single shift int value. else: if isinstance(view_req.space, gym.spaces.Space): ret[view_col] = get_dummy_batch_for_space( view_req.space, batch_size=batch_size, fill_value=0.0 ) else: ret[view_col] = [view_req.space for _ in range(batch_size)] # Due to different view requirements for the different columns, # columns in the resulting batch may not all have the same batch size. return SampleBatch(ret) def _update_model_view_requirements_from_init_state(self): """Uses Model's (or this Policy's) init state to add needed ViewReqs. Can be called from within a Policy to make sure RNNs automatically update their internal state-related view requirements. Changes the `self.view_requirements` dict. """ self._model_init_state_automatically_added = True model = getattr(self, "model", None) obj = model or self if model and not hasattr(model, "view_requirements"): model.view_requirements = { SampleBatch.OBS: ViewRequirement(space=self.observation_space) } view_reqs = obj.view_requirements # Add state-ins to this model's view. init_state = [] if hasattr(obj, "get_initial_state") and callable(obj.get_initial_state): init_state = obj.get_initial_state() else: # Add this functionality automatically for new native model API. if ( tf and isinstance(model, tf.keras.Model) and "state_in_0" not in view_reqs ): obj.get_initial_state = lambda: [ np.zeros_like(view_req.space.sample()) for k, view_req in model.view_requirements.items() if k.startswith("state_in_") ] else: obj.get_initial_state = lambda: [] if "state_in_0" in view_reqs: self.is_recurrent = lambda: True # Make sure auto-generated init-state view requirements get added # to both Policy and Model, no matter what. view_reqs = [view_reqs] + ( [self.view_requirements] if hasattr(self, "view_requirements") else [] ) for i, state in enumerate(init_state): # Allow `state` to be either a Space (use zeros as initial values) # or any value (e.g. a dict or a non-zero tensor). fw = ( np if isinstance(state, np.ndarray) else torch if torch and torch.is_tensor(state) else None ) if fw: space = ( Box(-1.0, 1.0, shape=state.shape) if fw.all(state == 0.0) else state ) else: space = state for vr in view_reqs: # Only override if user has not already provided # custom view-requirements for state_in_n. if "state_in_{}".format(i) not in vr: vr["state_in_{}".format(i)] = ViewRequirement( "state_out_{}".format(i), shift=-1, used_for_compute_actions=True, batch_repeat_value=self.config.get("model", {}).get( "max_seq_len", 1 ), space=space, ) # Only override if user has not already provided # custom view-requirements for state_out_n. if "state_out_{}".format(i) not in vr: vr["state_out_{}".format(i)] = ViewRequirement( space=space, used_for_training=True ) @DeveloperAPI def __repr__(self): return type(self).__name__ @Deprecated(new="get_exploration_state", error=False) def get_exploration_info(self) -> Dict[str, TensorType]: return self.get_exploration_state()
40.756689
88
0.606093
674ef35978cc47ca5bee4b38edb5e55ae0cb16d8
4,339
py
Python
scripts/studies/dmsp_saps.py
gregstarr/ttools
fc8dcbf094370e9885311126724697830167d931
[ "MIT" ]
null
null
null
scripts/studies/dmsp_saps.py
gregstarr/ttools
fc8dcbf094370e9885311126724697830167d931
[ "MIT" ]
null
null
null
scripts/studies/dmsp_saps.py
gregstarr/ttools
fc8dcbf094370e9885311126724697830167d931
[ "MIT" ]
null
null
null
""" Create trough dataset: 0: No trough 1: Non-SAPS trough 2: SAPS trough 3: unknown trough Create plots: (low, medium, high Kp) x (SAPS, no SAPS) """ import numpy as np import matplotlib.pyplot as plt import apexpy from scipy.stats import binned_statistic_dd import bottleneck as bn import pandas from ttools import io, plotting, utils, config, satellite, tec from ttools.old import get_s_data def swarm_get(start_date, end_date): a, swarm_time = get_s_data(start_date, end_date, 'A') b, swarm_time = get_s_data(start_date, end_date, 'B') c, swarm_time = get_s_data(start_date, end_date, 'C') return {'A': a, 'B': b, 'C': c}, swarm_time trough_data = np.load("C:\\Users\\Greg\\data\\dataset.npz") trough = trough_data['trough'][36240:36270] tec_times = trough_data['time'][36240:36270] arb, _ = io.get_arb_data(tec_times[0], tec_times[-1] + np.timedelta64(1, 'h')) dmsp_segments = satellite.get_segments_data(tec_times, 'dmsp') swarm_segments = satellite.get_segments_data(tec_times, 'swarm', 'apex_lat', 'mlt', 'T_elec', get_data_func=swarm_get) bins = [np.arange(tec_times[0], tec_times[-1] + np.timedelta64(2, 'h'), np.timedelta64(1, 'h')), np.arange(29.5, 90), np.arange(-12, 12 + 24 / 360, 48 / 360)] superdarn = pandas.read_csv("C:\\Users\\Greg\\Downloads\\Starr,Gregory (1)\\Starr,Gregory\\20140219_north.csv", skiprows=14) sdtime = pandas.to_datetime(superdarn['time']).values.astype('datetime64[s]') apex = apexpy.Apex() mlat, mlt = apex.convert(superdarn['vector_mlat'].values, superdarn['vector_mlon'].values, 'apex', 'mlt', datetime=sdtime) mlt[mlt > 12] -= 24 theta = np.pi + np.pi * (mlt - 6) / 12 - np.deg2rad(superdarn['vector_kvect']) fx = np.cos(theta) * superdarn['vector_vel_median'].values fy = np.sin(theta) * superdarn['vector_vel_median'].values sample = np.column_stack((sdtime.astype(int), mlat, mlt)) vx = binned_statistic_dd(sample, fx, 'median', bins).statistic vy = binned_statistic_dd(sample, fy, 'median', bins).statistic v = np.hypot(vx, vy) saps = v > 400 saps = tec.remove_auroral(saps, arb) fig, ax = plt.subplots(subplot_kw={'polar': True}) pcm = plotting.polar_pcolormesh(ax, config.mlat_grid, config.mlt_grid, trough[0] + 2 * saps[0], cmap='tab10') ax.quiver((config.mlt_grid - 6) * np.pi / 12, 90 - config.mlat_grid, vx[0], vy[0], scale=30000, width=.001, cmap='jet') fig.colorbar(pcm) plotting.format_polar_mag_ax(ax) fig.axes[-1].set_yticklabels(['none', '', 'trough', '', 'saps', '', 'saps + trough']) plt.show() for i in range(20, 22): fig, ax = plt.subplots(subplot_kw={'polar': True}) fig2, ax2 = plt.subplots(4, 2, tight_layout=True, sharex=True) fig3, ax3 = plt.subplots(3, 2, tight_layout=True, sharex=True) plotting.polar_pcolormesh(ax, config.mlat_grid, config.mlt_grid, trough[i], cmap='Blues') r = 90 - config.mlat_grid t = (config.mlt_grid - 6) * np.pi / 12 ax.quiver(t - np.pi / 180, r + .5, vx[i], vy[i], np.hypot(vx[i], vy[i]), scale=40000, cmap='jet') for j1, (sat, sat_segments) in enumerate(dmsp_segments.items()): for j2, (direction, segments) in enumerate(sat_segments.items()): if len(segments) == 0: continue ax.scatter(np.pi * (segments[i]['mlt'] - 6) / 12, 90 - segments[i]['mlat'], s=2, c=segments[i]['hor_ion_v'], cmap='coolwarm', vmin=-1000, vmax=1000) ax.text(np.pi * (segments[i]['mlt'][0] - 6) / 12, 90 - segments[i]['mlat'][0], sat) ax2[j1, j2].plot(segments[i]['mlat'], segments[i]['hor_ion_v']) ax2[j1, j2].grid() ax2[j1, 0].set_ylabel(sat) for j1, (sat, sat_segments) in enumerate(swarm_segments.items()): for j2, (direction, segments) in enumerate(sat_segments.items()): if len(segments) == 0: continue ax.scatter(np.pi * (segments[i]['mlt'] - 6) / 12, 90 - segments[i]['apex_lat'], s=2, c=segments[i]['T_elec'], cmap='jet', vmin=0, vmax=4000) ax.text(np.pi * (segments[i]['mlt'][0] - 6) / 12, 90 - segments[i]['apex_lat'][0], sat) ax3[j1, j2].plot(segments[i]['apex_lat'], segments[i]['T_elec'], 'r') ax3[j1, j2].grid() ax3[j1, j2].twinx().plot(segments[i]['apex_lat'], segments[i]['smooth_dne'], 'g') ax3[j1, 0].set_ylabel(sat) plotting.format_polar_mag_ax(ax) plt.show()
45.673684
160
0.649458
d8e573a730a186fb16fb2c139a0bcee1a5875564
4,590
py
Python
django/core/serializers/__init__.py
ericholscher/django
b9a90b371c90a987ed57f7a4a7cc1274c432b438
[ "BSD-3-Clause" ]
1
2015-11-08T11:42:08.000Z
2015-11-08T11:42:08.000Z
django/core/serializers/__init__.py
ericholscher/django
b9a90b371c90a987ed57f7a4a7cc1274c432b438
[ "BSD-3-Clause" ]
null
null
null
django/core/serializers/__init__.py
ericholscher/django
b9a90b371c90a987ed57f7a4a7cc1274c432b438
[ "BSD-3-Clause" ]
null
null
null
""" Interfaces for serializing Django objects. Usage:: from django.core import serializers json = serializers.serialize("json", some_queryset) objects = list(serializers.deserialize("json", json)) To add your own serializers, use the SERIALIZATION_MODULES setting:: SERIALIZATION_MODULES = { "csv": "path.to.csv.serializer", "txt": "path.to.txt.serializer", } """ import importlib from django.conf import settings from django.utils import six from django.core.serializers.base import SerializerDoesNotExist # Built-in serializers BUILTIN_SERIALIZERS = { "xml": "django.core.serializers.xml_serializer", "python": "django.core.serializers.python", "json": "django.core.serializers.json", "yaml": "django.core.serializers.pyyaml", } _serializers = {} class BadSerializer(object): """ Stub serializer to hold exception raised during registration This allows the serializer registration to cache serializers and if there is an error raised in the process of creating a serializer it will be raised and passed along to the caller when the serializer is used. """ internal_use_only = False def __init__(self, exception): self.exception = exception def __call__(self, *args, **kwargs): raise self.exception def register_serializer(format, serializer_module, serializers=None): """Register a new serializer. ``serializer_module`` should be the fully qualified module name for the serializer. If ``serializers`` is provided, the registration will be added to the provided dictionary. If ``serializers`` is not provided, the registration will be made directly into the global register of serializers. Adding serializers directly is not a thread-safe operation. """ if serializers is None and not _serializers: _load_serializers() try: module = importlib.import_module(serializer_module) except ImportError as exc: bad_serializer = BadSerializer(exc) module = type('BadSerializerModule', (object,), { 'Deserializer': bad_serializer, 'Serializer': bad_serializer, }) if serializers is None: _serializers[format] = module else: serializers[format] = module def unregister_serializer(format): "Unregister a given serializer. This is not a thread-safe operation." if not _serializers: _load_serializers() if format not in _serializers: raise SerializerDoesNotExist(format) del _serializers[format] def get_serializer(format): if not _serializers: _load_serializers() if format not in _serializers: raise SerializerDoesNotExist(format) return _serializers[format].Serializer def get_serializer_formats(): if not _serializers: _load_serializers() return list(_serializers) def get_public_serializer_formats(): if not _serializers: _load_serializers() return [k for k, v in six.iteritems(_serializers) if not v.Serializer.internal_use_only] def get_deserializer(format): if not _serializers: _load_serializers() if format not in _serializers: raise SerializerDoesNotExist(format) return _serializers[format].Deserializer def serialize(format, queryset, **options): """ Serialize a queryset (or any iterator that returns database objects) using a certain serializer. """ s = get_serializer(format)() s.serialize(queryset, **options) return s.getvalue() def deserialize(format, stream_or_string, **options): """ Deserialize a stream or a string. Returns an iterator that yields ``(obj, m2m_relation_dict)``, where ``obj`` is a instantiated -- but *unsaved* -- object, and ``m2m_relation_dict`` is a dictionary of ``{m2m_field_name : list_of_related_objects}``. """ d = get_deserializer(format) return d(stream_or_string, **options) def _load_serializers(): """ Register built-in and settings-defined serializers. This is done lazily so that user code has a chance to (e.g.) set up custom settings without needing to be careful of import order. """ global _serializers serializers = {} for format in BUILTIN_SERIALIZERS: register_serializer(format, BUILTIN_SERIALIZERS[format], serializers) if hasattr(settings, "SERIALIZATION_MODULES"): for format in settings.SERIALIZATION_MODULES: register_serializer(format, settings.SERIALIZATION_MODULES[format], serializers) _serializers = serializers
30.6
92
0.70719
dc0662f74ce5a84d59aa94333ee14d56a592cda2
5,350
py
Python
youtube_dl/extractor/foxnews.py
imnx/youtube-dl_rg3-src
e7bfe83e3a000b3cb37bf39a0ab5aaf9e08fc858
[ "Unlicense" ]
24
2017-03-17T10:27:12.000Z
2022-02-16T05:55:50.000Z
youtube_dl/extractor/foxnews.py
imnx/youtube-dl_rg3-src
e7bfe83e3a000b3cb37bf39a0ab5aaf9e08fc858
[ "Unlicense" ]
8
2017-12-05T23:45:54.000Z
2022-02-09T23:28:51.000Z
youtube_dl/extractor/foxnews.py
imnx/youtube-dl_rg3-src
e7bfe83e3a000b3cb37bf39a0ab5aaf9e08fc858
[ "Unlicense" ]
6
2017-09-09T12:22:53.000Z
2019-12-17T07:54:18.000Z
from __future__ import unicode_literals import re from .amp import AMPIE from .common import InfoExtractor class FoxNewsIE(AMPIE): IE_NAME = 'foxnews' IE_DESC = 'Fox News and Fox Business Video' _VALID_URL = r'https?://(?P<host>video\.(?:insider\.)?fox(?:news|business)\.com)/v/(?:video-embed\.html\?video_id=)?(?P<id>\d+)' _TESTS = [ { 'url': 'http://video.foxnews.com/v/3937480/frozen-in-time/#sp=show-clips', 'md5': '32aaded6ba3ef0d1c04e238d01031e5e', 'info_dict': { 'id': '3937480', 'ext': 'flv', 'title': 'Frozen in Time', 'description': '16-year-old girl is size of toddler', 'duration': 265, 'timestamp': 1304411491, 'upload_date': '20110503', 'thumbnail': r're:^https?://.*\.jpg$', }, }, { 'url': 'http://video.foxnews.com/v/3922535568001/rep-luis-gutierrez-on-if-obamas-immigration-plan-is-legal/#sp=show-clips', 'md5': '5846c64a1ea05ec78175421b8323e2df', 'info_dict': { 'id': '3922535568001', 'ext': 'mp4', 'title': "Rep. Luis Gutierrez on if Obama's immigration plan is legal", 'description': "Congressman discusses president's plan", 'duration': 292, 'timestamp': 1417662047, 'upload_date': '20141204', 'thumbnail': r're:^https?://.*\.jpg$', }, 'params': { # m3u8 download 'skip_download': True, }, }, { 'url': 'http://video.foxnews.com/v/video-embed.html?video_id=3937480&d=video.foxnews.com', 'only_matching': True, }, { 'url': 'http://video.foxbusiness.com/v/4442309889001', 'only_matching': True, }, { # From http://insider.foxnews.com/2016/08/25/univ-wisconsin-student-group-pushing-silence-certain-words 'url': 'http://video.insider.foxnews.com/v/video-embed.html?video_id=5099377331001&autoplay=true&share_url=http://insider.foxnews.com/2016/08/25/univ-wisconsin-student-group-pushing-silence-certain-words&share_title=Student%20Group:%20Saying%20%27Politically%20Correct,%27%20%27Trash%27%20and%20%27Lame%27%20Is%20Offensive&share=true', 'only_matching': True, }, ] def _real_extract(self, url): host, video_id = re.match(self._VALID_URL, url).groups() info = self._extract_feed_info( 'http://%s/v/feed/video/%s.js?template=fox' % (host, video_id)) info['id'] = video_id return info class FoxNewsArticleIE(InfoExtractor): _VALID_URL = r'https?://(?:www\.)?foxnews\.com/(?!v)([^/]+/)+(?P<id>[a-z-]+)' IE_NAME = 'foxnews:article' _TEST = { 'url': 'http://www.foxnews.com/politics/2016/09/08/buzz-about-bud-clinton-camp-denies-claims-wore-earpiece-at-forum.html', 'md5': '62aa5a781b308fdee212ebb6f33ae7ef', 'info_dict': { 'id': '5116295019001', 'ext': 'mp4', 'title': 'Trump and Clinton asked to defend positions on Iraq War', 'description': 'Veterans react on \'The Kelly File\'', 'timestamp': 1473299755, 'upload_date': '20160908', }, } def _real_extract(self, url): display_id = self._match_id(url) webpage = self._download_webpage(url, display_id) video_id = self._html_search_regex( r'data-video-id=([\'"])(?P<id>[^\'"]+)\1', webpage, 'video ID', group='id') return self.url_result( 'http://video.foxnews.com/v/' + video_id, FoxNewsIE.ie_key()) class FoxNewsInsiderIE(InfoExtractor): _VALID_URL = r'https?://insider\.foxnews\.com/([^/]+/)+(?P<id>[a-z-]+)' IE_NAME = 'foxnews:insider' _TEST = { 'url': 'http://insider.foxnews.com/2016/08/25/univ-wisconsin-student-group-pushing-silence-certain-words', 'md5': 'a10c755e582d28120c62749b4feb4c0c', 'info_dict': { 'id': '5099377331001', 'display_id': 'univ-wisconsin-student-group-pushing-silence-certain-words', 'ext': 'mp4', 'title': 'Student Group: Saying \'Politically Correct,\' \'Trash\' and \'Lame\' Is Offensive', 'description': 'Is campus censorship getting out of control?', 'timestamp': 1472168725, 'upload_date': '20160825', 'thumbnail': r're:^https?://.*\.jpg$', }, 'params': { # m3u8 download 'skip_download': True, }, 'add_ie': [FoxNewsIE.ie_key()], } def _real_extract(self, url): display_id = self._match_id(url) webpage = self._download_webpage(url, display_id) embed_url = self._html_search_meta('embedUrl', webpage, 'embed URL') title = self._og_search_title(webpage) description = self._og_search_description(webpage) return { '_type': 'url_transparent', 'ie_key': FoxNewsIE.ie_key(), 'url': embed_url, 'display_id': display_id, 'title': title, 'description': description, }
37.943262
347
0.556636
7ff436e9722ba5b763c66650c007cfb09dd7872c
1,602
py
Python
example/chunked_dataset_anomaly_pandas.py
baasman/qualipy
e246a44ea3a5dcc92291983c52a89189338f808f
[ "Apache-2.0" ]
1
2019-07-15T15:16:44.000Z
2019-07-15T15:16:44.000Z
example/chunked_dataset_anomaly_pandas.py
baasman/qualipy
e246a44ea3a5dcc92291983c52a89189338f808f
[ "Apache-2.0" ]
null
null
null
example/chunked_dataset_anomaly_pandas.py
baasman/qualipy
e246a44ea3a5dcc92291983c52a89189338f808f
[ "Apache-2.0" ]
null
null
null
import subprocess from qualipy.backends.pandas_backend.pandas_types import FloatType, ObjectType import qualipy as qpy def qualipy_pipeline(configuration_directory="~/stocks"): # generate config, can also be done through "qualipy generate-config" qpy.generate_config(configuration_directory) # load data stocks = qpy.datasets.load_dataset("stocks") # Define a simple function @qpy.function(return_format=float) def mean(data, column): return data[column].mean() # create a mapping price_column = qpy.column( column_name="price", column_type=FloatType(), functions=[mean] ) # set up project and add all mappings project = qpy.Project(project_name="stocks", config_dir=configuration_directory) project.add_column(price_column) # instantiate qualipy object qualipy = qpy.Qualipy(project=project) # instantiate pandas dataset, and stratify by the symbol variable stocks = qpy.backends.pandas_backend.dataset.PandasData(stocks) stocks.set_stratify_rule("symbol") # since we already have all of the data, we will "chunk" the dataset by time, # and simulate the data as if we were examing 6 hour batches qualipy.set_chunked_dataset( stocks, time_column="date", time_freq="6M", run_name="stocks" ) qualipy.run(autocommit=True) if __name__ == "__main__": config_dir = "~/stocks" qualipy_pipeline(config_dir) # generate the anomaly report. See qualipy produce-anomaly-report -h for more info qpy.cli.produce_anomaly_report_cli(config_dir, "stocks", run_anomaly=True)
32.693878
86
0.729713
e664f9a9401ee73255f4d40d1d0ec691788c9bf8
6,795
py
Python
testing/MLDB-1452-like-operator.py
kstepanmpmg/mldb
f78791cd34d01796705c0f173a14359ec1b2e021
[ "Apache-2.0" ]
665
2015-12-09T17:00:14.000Z
2022-03-25T07:46:46.000Z
testing/MLDB-1452-like-operator.py
tomzhang/mldb
a09cf2d9ca454d1966b9e49ae69f2fe6bf571494
[ "Apache-2.0" ]
797
2015-12-09T19:48:19.000Z
2022-03-07T02:19:47.000Z
testing/MLDB-1452-like-operator.py
matebestek/mldb
f78791cd34d01796705c0f173a14359ec1b2e021
[ "Apache-2.0" ]
103
2015-12-25T04:39:29.000Z
2022-02-03T02:55:22.000Z
# # MLDB-1452-like-operator # 2016-03-16 # This file is part of MLDB. Copyright 2016 mldb.ai inc. All rights reserved. # from mldb import mldb, MldbUnitTest, ResponseException class LikeTest(MldbUnitTest): # noqa def test_like_select(self): ds = mldb.create_dataset({ "id": "sample", "type": "sparse.mutable" }) ds.record_row("a",[["x", "acrasial", 0]]) ds.record_row("b",[["x", "blaternation", 0]]) ds.record_row("c",[["x", "citharize", 0]]) ds.record_row("d",[["x", "drollic", 0]]) ds.record_row("e",[["x", "egrote", 0]]) ds.commit() res = mldb.query(''' select x LIKE '%' as v from sample order by rowPath() ''') expected = [["_rowName","v"],["a",1],["b",1],["c",1],["d",1],["e",1],] self.assertEqual(res, expected) res = mldb.query(''' select x LIKE '%o%' as v from sample order by rowPath() ''') expected = [["_rowName","v"],["a",0],["b",1],["c",0],["d",1],["e",1]] self.assertEqual(res, expected) res = mldb.query(''' select x NOT LIKE '%o%' as v from sample order by rowPath() ''') expected = [["_rowName","v"],["a",1],["b",0],["c",1],["d",0],["e",0]] self.assertEqual(res, expected) res = mldb.query(''' select x LIKE '______' as v from sample order by rowPath() ''') expected = [["_rowName","v"],["a",0],["b",0],["c",0],["d",0],["e",1]] self.assertEqual(res, expected) res = mldb.query(''' select x LIKE '___ll__' as v from sample order by rowPath() ''') expected = [["_rowName","v"],["a",0],["b",0],["c",0],["d",1],["e",0]] self.assertEqual(res, expected) res = mldb.query(''' select x LIKE '%t_' as v from sample order by rowPath() ''') expected = [["_rowName","v"],["a",0],["b",0],["c",0],["d",0],["e",1]] self.assertEqual(res, expected) def test_like_in_where(self): ds = mldb.create_dataset({ "id": "sample2", "type": "sparse.mutable" }) ds.record_row("a",[["x", "acrasial", 0]]) ds.record_row("b",[["x", "blaternation", 0]]) ds.record_row("c",[["x", "citharize", 0]]) ds.record_row("d",[["x", "drollic", 0]]) ds.record_row("e",[["x", "egrote", 0]]) ds.commit() res = mldb.query(''' select x from sample2 where x LIKE '%o%' order by rowPath() ''') expected = [["_rowName","x"],["b","blaternation"],["d","drollic"],["e","egrote"]] self.assertEqual(res, expected) def test_like_special(self): ds = mldb.create_dataset({ "id": "sample3", "type": "sparse.mutable" }) ds.record_row("a",[["x", "acra[sial", 0]]) ds.record_row("b",[["x", "blate*rnation", 0]]) ds.record_row("c",[["x", "cit.harize", 0]]) ds.record_row("d",[["x", "dro|llic", 0]]) ds.record_row("e",[["x", "eg(ro)te", 0]]) ds.record_row("f",[["x", "famelico$e", 0]]) ds.record_row("g",[["x", "gardev^iance", 0]]) ds.commit() res = mldb.query(''' select x from sample3 where x LIKE '%[____' ''') expected = [["_rowName","x"],["a","acra[sial"]] self.assertEqual(res, expected) res = mldb.query(''' select x from sample3 where x LIKE '%*%' ''') expected = [["_rowName","x"],["b","blate*rnation"]] self.assertEqual(res, expected) res = mldb.query(''' select x from sample3 where x LIKE '___.%' ''') expected = [["_rowName","x"],["c","cit.harize"]] self.assertEqual(res, expected) res = mldb.query(''' select x from sample3 where x LIKE '__o|ll_%' ''') expected = [["_rowName","x"],["d","dro|llic"]] self.assertEqual(res, expected) res = mldb.query(''' select x from sample3 where x LIKE '%(__)%' ''') expected = [["_rowName","x"],["e","eg(ro)te"]] self.assertEqual(res, expected) res = mldb.query(''' select x from sample3 where x LIKE '%$%' ''') expected = [["_rowName","x"],["f","famelico$e"]] self.assertEqual(res, expected) res = mldb.query(''' select x from sample3 where x LIKE '%^%' ''') expected = [["_rowName","x"],["g","gardev^iance"]] self.assertEqual(res, expected) def test_like_number(self): ds = mldb.create_dataset({ "id": "sample4", "type": "sparse.mutable" }) ds.record_row("a",[["x", 0, 0]]) ds.record_row("b",[["x", 12345, 0]]) ds.record_row("c",[["x", 12345.00, 0]]) ds.commit() with self.assertRaises(ResponseException) as re: res = mldb.query(''' select x from sample4 where x LIKE '12345%' ''') def test_like_from_dataset(self): ds = mldb.create_dataset({ "id": "sample5", "type": "sparse.mutable" }) ds.record_row("a",[["x", "hyometer", 0], ["y", "hyo%", 0]]) ds.record_row("b",[["x", "ichthyarchy", 0], ["y", "forgetit", 0]]) ds.commit() res = mldb.query(''' select x from sample5 where x LIKE y ''') expected = [["_rowName","x"],["a","hyometer"]] self.assertEqual(res, expected) def test_null_like(self): """ MLDB-1727 test null like """ res = mldb.get('/v1/query', q="SELECT NULL LIKE 'abc' AS res NAMED 'row'") self.assertFullResultEquals(res.json(), [{ 'rowName' : "row", 'columns' : [['res', None, "-Inf"]] }]) def test_like_null(self): """ MLDB-1727 test like null """ res = mldb.get('/v1/query', q="SELECT 'abc' LIKE NULL AS res NAMED 'row'") self.assertFullResultEquals(res.json(), [{ 'rowName' : "row", 'columns' : [['res', None, "-Inf"]] }]) def test_join_no_on_clause(self): """ MLDB-1617 """ res1 = mldb.query("select 'apple' like ('%'+'p'+'%')") mldb.log(res1) res2 = mldb.query("select 'apple' like '%'+'p'+'%'") mldb.log(res2) self.assertEqual(res1[1], res2[1]); mldb.run_tests()
28.55042
89
0.462104
efb3748dd0eec238a2b396727c4539713c305b33
858
py
Python
0105. Construct Binary Tree from Preorder and Inorder Traversal/solution.py
furutuki/LeetCodeSolution
db5e6573d0c907dfa3e6ad5e5b3b5ff9944a4f53
[ "MIT" ]
null
null
null
0105. Construct Binary Tree from Preorder and Inorder Traversal/solution.py
furutuki/LeetCodeSolution
db5e6573d0c907dfa3e6ad5e5b3b5ff9944a4f53
[ "MIT" ]
null
null
null
0105. Construct Binary Tree from Preorder and Inorder Traversal/solution.py
furutuki/LeetCodeSolution
db5e6573d0c907dfa3e6ad5e5b3b5ff9944a4f53
[ "MIT" ]
null
null
null
# Definition for a binary tree node. # from typing import List # class TreeNode: # def __init__(self, x): # self.val = x # self.left = None # self.right = None class Solution: def solve(self, preorder: List[int], inorder: List[int]) -> TreeNode: if not preorder: return None root = TreeNode(preorder[0]) if len(inorder) == 1: return root root_idx_inorder = inorder.index(preorder[0]) lchild = self.solve(preorder[1:root_idx_inorder + 1], inorder[:root_idx_inorder]) rchild = self.solve(preorder[root_idx_inorder + 1:], inorder[root_idx_inorder + 1:]) root.left = lchild root.right = rchild return root def buildTree(self, preorder: List[int], inorder: List[int]) -> TreeNode: return self.solve(preorder, inorder)
30.642857
92
0.613054
44ab0f8d2e2b33700b12fb64b397633347e08da5
639
py
Python
frappe/patches/v5_0/v4_to_v5.py
rohitwaghchaure/frappe
9414bec421496eab66ea96ff8199d388bfca019c
[ "MIT" ]
2
2021-08-28T06:08:17.000Z
2021-09-06T10:41:43.000Z
frappe/patches/v5_0/v4_to_v5.py
rohitwaghchaure/frappe
9414bec421496eab66ea96ff8199d388bfca019c
[ "MIT" ]
11
2018-04-01T18:36:05.000Z
2018-10-04T07:56:07.000Z
frappe/patches/v5_0/v4_to_v5.py
rohitwaghchaure/frappe
9414bec421496eab66ea96ff8199d388bfca019c
[ "MIT" ]
3
2018-01-16T17:59:55.000Z
2019-09-24T16:02:10.000Z
# Copyright (c) 2015, Frappe Technologies Pvt. Ltd. and Contributors # MIT License. See license.txt from __future__ import unicode_literals import frappe def execute(): changed = ( ("desk", ("feed", "event", "todo", "note")), ("custom", ("custom_field", "custom_script", "customize_form", "customize_form_field", "property_setter")), ("email", ("email_queue", "email_alert", "email_alert_recipient", "standard_reply")), ("geo", ("country", "currency")), ("print", ("letter_head", "print_format", "print_settings")) ) for module in changed: for doctype in module[1]: frappe.reload_doc(module[0], "doctype", doctype)
33.631579
87
0.685446
72648a654a736405280212963187a0d5619de344
2,012
py
Python
tests/fixtures.py
pedrooa/pydash
1b4b425cecca275b8ba4c0584b40f9adae1cc097
[ "MIT" ]
null
null
null
tests/fixtures.py
pedrooa/pydash
1b4b425cecca275b8ba4c0584b40f9adae1cc097
[ "MIT" ]
null
null
null
tests/fixtures.py
pedrooa/pydash
1b4b425cecca275b8ba4c0584b40f9adae1cc097
[ "MIT" ]
null
null
null
# -*- coding: utf-8 -*- import pytest import mock from pydash._compat import iteritems # pytest.mark is a generator so create alias for convenience parametrize = pytest.mark.parametrize class Object(object): def __init__(self, **attrs): for key, value in iteritems(attrs): setattr(self, key, value) class ItemsObject(object): def __init__(self, items): self._items = items def items(self): if isinstance(self._items, dict): return list(iteritems(self._items)) else: return enumerate(self._items) class IteritemsObject(object): def __init__(self, items): self._items = items def iteritems(self): if isinstance(self._items, dict): for key, value in iteritems(self._items): yield key, value else: for i, item in enumerate(self._items): yield i, item @pytest.fixture def mocked_sleep(): with mock.patch('time.sleep') as mocked: yield mocked def reduce_iteratee0(total, num): return total + num def reduce_iteratee1(result, num, key): result[key] = num * 3 return result def reduce_right_iteratee0(a, b): return a + b def noop(*args, **kargs): pass def transform_iteratee0(result, num): num *= num if num % 2: result.append(num) return len(result) < 3 def is_equal_iteratee0(a, b): a_greet = a.startswith('h') if hasattr(a, 'startswith') else False b_greet = b.startswith('h') if hasattr(b, 'startswith') else False return a_greet == b_greet if a_greet or b_greet else None def for_in_iteratee0(value, key, obj): obj[key] += value def for_in_iteratee1(value, key, obj): obj[key] += value return False def for_in_iteratee2(value, index, obj): if index == 2: obj[index] = 'index:2' return True elif index == 0: obj[index] = False return True else: obj[index] = True return False
20.530612
70
0.620775
5f0c57efef3c1a0b0248e40138fe1b1f8fd62a81
6,139
py
Python
kartothek/core/factory.py
ilia-zaitcev-by/kartothek
c7c0008014b23116825f2f7a03389cc7774ab0ad
[ "MIT" ]
171
2019-05-02T15:47:20.000Z
2022-02-17T15:12:15.000Z
kartothek/core/factory.py
ilia-zaitcev-by/kartothek
c7c0008014b23116825f2f7a03389cc7774ab0ad
[ "MIT" ]
414
2019-05-03T09:24:26.000Z
2022-03-30T21:02:40.000Z
kartothek/core/factory.py
mlondschien/kartothek
94f560ee3e7e9415780a63f57972316b722479b5
[ "MIT" ]
57
2019-05-03T08:00:18.000Z
2022-02-16T18:38:22.000Z
# -*- coding: utf-8 -*- import copy from typing import TYPE_CHECKING, Any, Optional, TypeVar, cast from kartothek.core.dataset import DatasetMetadata, DatasetMetadataBase from kartothek.core.typing import StoreInput from kartothek.core.utils import lazy_store if TYPE_CHECKING: from simplekv import KeyValueStore __all__ = ("DatasetFactory",) T = TypeVar("T", bound="DatasetFactory") class DatasetFactory(DatasetMetadataBase): """ Container holding metadata caching storage access. """ _nullable_attributes = ["_cache_metadata", "_cache_store"] def __init__( self, dataset_uuid: str, store_factory: StoreInput, load_schema: bool = True, load_all_indices: bool = False, load_dataset_metadata: bool = True, ) -> None: """ A dataset factory object which can be used to cache dataset load operations. This class should be the primary user entry point when reading datasets. Example using the eager backend: .. code:: from functools import partial from storefact import get_store_from_url from kartothek.io.eager import read_table ds_factory = DatasetFactory( dataset_uuid="my_test_dataset", store=partial(get_store_from_url, store_url) ) df = read_table(factory=ds_factory) Parameters ---------- dataset_uuid The unique indetifier for the dataset. store_factory A callable which creates a KeyValueStore object load_schema Load the schema information immediately. load_all_indices Load all indices immediately. load_dataset_metadata Keep the user metadata in memory """ self._cache_metadata: Optional[DatasetMetadata] = None self._cache_store = None self.store_factory = lazy_store(store_factory) self.dataset_uuid = dataset_uuid self.load_schema = load_schema self._ds_callable = None self.is_loaded = False self.load_dataset_metadata = load_dataset_metadata self.load_all_indices_flag = load_all_indices def __repr__(self): return "<DatasetFactory: uuid={} is_loaded={}>".format( self.dataset_uuid, self.is_loaded ) @property def store(self) -> "KeyValueStore": if self._cache_store is None: self._cache_store = self.store_factory() return self._cache_store def _instantiate_metadata_cache(self: T) -> T: if self._cache_metadata is None: if self._ds_callable: # backwards compat self._cache_metadata = self._ds_callable() else: self._cache_metadata = DatasetMetadata.load_from_store( uuid=self.dataset_uuid, store=self.store, load_schema=self.load_schema, load_all_indices=self.load_all_indices_flag, ) if not self.load_dataset_metadata: self._cache_metadata.metadata = {} self.is_loaded = True return self @property def dataset_metadata(self) -> DatasetMetadata: self._instantiate_metadata_cache() # The above line ensures non-None return cast(DatasetMetadata, self._cache_metadata) def invalidate(self) -> None: self.is_loaded = False self._cache_metadata = None self._cache_store = None def __getattr__(self, name): # __getattr__ should only be called if the attribute cannot be found. if the # attribute is None, it still falls back to this call if name in self._nullable_attributes: return object.__getattribute__(self, name) self._instantiate_metadata_cache() ds = getattr(self, "dataset_metadata") return getattr(ds, name) def __getstate__(self): # remove cache return {k: v for k, v in self.__dict__.items() if not k.startswith("_cache_")} def __setstate__(self, state): self.__init__( dataset_uuid=state["dataset_uuid"], store_factory=state["store_factory"], load_schema=state["load_schema"], load_all_indices=state["load_all_indices_flag"], ) def __deepcopy__(self, memo) -> "DatasetFactory": new_obj = DatasetFactory( dataset_uuid=self.dataset_uuid, store_factory=self.store_factory, load_schema=self.load_schema, load_all_indices=self.load_all_indices_flag, ) if self._cache_metadata is not None: new_obj._cache_metadata = copy.deepcopy(self._cache_metadata) return new_obj def load_index(self: T, column, store=None) -> T: self._cache_metadata = self.dataset_metadata.load_index(column, self.store) return self def load_all_indices( self: T, store: Any = None, load_partition_indices: bool = True, ) -> T: self._cache_metadata = self.dataset_metadata.load_all_indices( self.store, load_partition_indices=load_partition_indices ) return self def load_partition_indices(self: T) -> T: self._cache_metadata = self.dataset_metadata.load_partition_indices() return self def _ensure_factory( dataset_uuid: Optional[str], store: Optional[StoreInput], factory: Optional[DatasetFactory], load_dataset_metadata: bool, load_schema: bool = True, ) -> DatasetFactory: if store is None and dataset_uuid is None and factory is not None: return factory elif store is not None and dataset_uuid is not None and factory is None: return DatasetFactory( dataset_uuid=dataset_uuid, store_factory=lazy_store(store), load_dataset_metadata=load_dataset_metadata, load_schema=load_schema, ) else: raise ValueError( "Need to supply either a `factory` or `dataset_uuid` and `store`" )
33.005376
139
0.640495
fcccf87298cb6715fcd0b6c03ce7d3e92a68de75
6,069
py
Python
python/main.py
lduf/nas-netwk-gen
d0e0990d90165a49a79fb09d383e634211368f38
[ "MIT" ]
null
null
null
python/main.py
lduf/nas-netwk-gen
d0e0990d90165a49a79fb09d383e634211368f38
[ "MIT" ]
1
2022-01-26T11:57:45.000Z
2022-01-26T11:57:45.000Z
python/main.py
lduf/nas-netwk-gen
d0e0990d90165a49a79fb09d383e634211368f38
[ "MIT" ]
null
null
null
import ip_generator import config import json import re import socket import sys import time import os import argparse #TODO : gns3fy pour start le projet au début de l'éxec #TODO : lance aussi topo, ip gen puis cli et une fois save on exec main (on tout gérer dans le menu cli) #TODO : parser = argparse.ArgumentParser(description='Run topology configuration algorithm') parser.add_argument('-f', '--topology_file', type=str, help='give the topology file name (default : topology.json)', metavar='', default="topology.json") parser.add_argument("-v", "--verbose", help="output verbosity", action="store_true") parser.add_argument("-g", "--generate_ip", help="generate an ip conf from scratch or not", action="store_true") args = parser.parse_args() def read_data(filename): with open(filename) as json_file: data = json.load(json_file) return data def routeur_number(routeur_string): return re.findall(r'R(\d+)', routeur_string)[0] def get_neighbor_ip(ip_topology, router, interface): neighbor_name = ip_topology[router]["interfaces"][interface]["neighbor"]["name"] neighbor_interface = ip_topology[router]["interfaces"][interface]["neighbor"]["interface"] return ip_topology[neighbor_name]["interfaces"][neighbor_interface]["parameters"]["ip_address"] def get_commands_for_routers(ip_topology): dict_commands_to_send = {} for router in ip_topology: # ajouter le routeur comme clé du dictionnaire dict_commands_to_send[router] = {} dict_commands_to_send[router]["console_ip"] = "127.0.0.1" dict_commands_to_send[router]["console_port"] = ip_topology[router]["console"] dict_commands_to_send[router]["commands"] = [] for interface in ip_topology[router]["interfaces"]: # récupérer pour chaque interface de chaque routeur la liste des protocoles activés if "protocols" in ip_topology[router]["interfaces"][interface]: protocols_for_interface = ip_topology[router]["interfaces"][interface]["protocols"] list_commands_interface = [] # faire appel à l'API de config pour récupérer la liste des commandes pour chaque protocol for protocol in protocols_for_interface: # concaténer les deux dictionnaires (le dictionnaire de router + le dict d'interface) parameters_interface = {**ip_topology[router]["interfaces"][interface]["parameters"], **ip_topology[router]["parameters"]} # demander la liste des commandes et l'ajouter à la liste des commandes associées au routeur list_commands_interface.extend(config.get_commands(protocol, parameters_interface)) # ajout de la commande "write" pour sauvegarder la config dans le fichier routeur list_commands_interface.extend(['write']) list_commands_interface.extend(['y']) #TODO : debug console error après un deuxième y en validation if args.verbose: print(f"{router} : {interface} : {protocols_for_interface} : {list_commands_interface}") dict_commands_to_send[router]["commands"].extend(list_commands_interface) # TODO ajouter write return dict_commands_to_send def configurate_routers(dict_commands_to_send): cpt_router_config = 0 # pour se connecter on a besoin de l'IP et du port # utile d'avoir le nom du routeur aussi for router in dict_commands_to_send: console_ip = dict_commands_to_send[router]["console_ip"] console_port = dict_commands_to_send[router]["console_port"] print(f"Configuration de {router} / Tentative de connexion à {console_ip}:{console_port}") try: # connexion router_console_sock = socket.socket() router_console_sock.connect((console_ip, console_port)) #IMPORTANT : il faut avoir l'option auto start console dans la config des routeurs ON router_console_sock.send(bytes("" + '\r', 'utf-8')) #si la console est buguée, c'est pour simuler le vieux ENTRER au début router_console_sock.send(bytes("configure terminal" + '\r', 'utf-8')) router_console_sock.send(bytes("no logging console" + '\r', 'utf-8')) router_console_sock.send(bytes("end" + '\r', 'utf-8')) for command in dict_commands_to_send[router]["commands"]: # convertir la command en bytes et rajouter '\r' command_bytes = bytes(command + '\r', 'utf-8') if args.verbose: print(command_bytes) # envoi de la commande router_console_sock.send(command_bytes) time.sleep(0.001) print(f"Configuration de {router} (en théorie) terminée") cpt_router_config += 1 except ConnectionRefusedError as e: print(f"Erreur - Lancer le serveur GNS3 avant de réessayer") print(f"Configuration terminée, {cpt_router_config}/{len(dict_commands_to_send)} routeurs configurés") def main(topology_file): # génération des IP (se fera seulement si certaiens interfaces n'ont pas d'IP affectées) if args.generate_ip : ip_topology = ip_generator.generate_ip_topology(topology_file) else : ip_topology = read_data(topology_file) # récupération des commandes à envoyer à chaque routeur pour la configuration dict_commands_to_send = get_commands_for_routers(ip_topology) # faire la configuration sur chaque routeur configurate_routers(dict_commands_to_send) pass if __name__ == '__main__': topology_file = args.topology_file # topology = read_data("topology.json") # ip_topology = ip_generator.get_ip_topology("topology.json") # i = 1 # for router in ip_topology: # print("Router {}".format(i)) # i+=1 # for neighbor in router: # commands = config.get_commands("ip_address", neighbor) # print(commands) main(topology_file)
43.042553
153
0.6754
4af089f274e25e14fe0d05d00650b408d9d4f01b
4,123
py
Python
reagan/gcp.py
schustda1/reagan
204e13b4690d829135b6472520d5c6d2e44c5548
[ "MIT" ]
null
null
null
reagan/gcp.py
schustda1/reagan
204e13b4690d829135b6472520d5c6d2e44c5548
[ "MIT" ]
null
null
null
reagan/gcp.py
schustda1/reagan
204e13b4690d829135b6472520d5c6d2e44c5548
[ "MIT" ]
null
null
null
from reagan.subclass import Subclass from googleapiclient import discovery from google.oauth2 import service_account class GCP(Subclass): def __init__(self, verbose=0): super().__init__(verbose=verbose) self.service_account_filepath = self.get_parameter("gcp").get_parameter('service_account_path') self.project = self.get_parameter("gcp").get_parameter('project') self.region = self.get_parameter("gcp").get_parameter('region') self.zone = self.get_parameter("gcp").get_parameter('zone') self._create_compute() def _create_compute(self): SCOPES = ["https://www.googleapis.com/auth/cloud-platform"] credentials = service_account.Credentials.from_service_account_file( self.service_account_filepath, scopes=SCOPES ) self.compute = discovery.build("compute", "v1", credentials=credentials) def create_instance( self, name, machine_type, source_disk_image, startup_script=None ): body = { "name": name, "machineType": f"zones/{self.zone}/machineTypes/{machine_type}", # Specify a network interface with NAT to access the public # internet. "networkInterfaces": [ { "network": f"https://www.googleapis.com/compute/v1/projects/{self.project}/global/networks/default", "subnetwork": f"https://www.googleapis.com/compute/v1/projects/{self.project}/regions/{self.region}/subnetworks/default", "name": "nic0", "accessConfigs": [ { "type": "ONE_TO_ONE_NAT", "name": "external-nat", "networkTier": "PREMIUM", } ], } ], # # # Allow the instance to access cloud storage and logging. "serviceAccounts": [ { "email": "default", "scopes": [ "https://www.googleapis.com/auth/devstorage.read_write", "https://www.googleapis.com/auth/logging.write", ], } ], } if source_disk_image: # Specify the boot disk and the image to use as a source. body["disks"] = [ { "boot": True, "autoDelete": True, "initializeParams": {"sourceImage": source_disk_image}, } ] if startup_script: # Metadata is readable from the instance and allows you to # pass configuration from deployment scripts to instances. body["metadata"] = { "items": [ { # Startup script is automatically executed by the # instance upon startup. "key": "startup-script-url", "value": startup_script, } ] } return ( self.compute.instances() .insert(project=self.project, zone=self.zone, body=body) .execute() ) def list_to_df(self): request = self.compute.instances().list(project=self.project, zone=self.zone) response = request.execute() return self._json_to_df(response.get('items')) def delete_instance(self, name): return self.compute.instances().delete( project=self.project, zone=self.zone, instance=name).execute() if __name__ == "__main__": gcp = GCP() # name = "test-instance21" # machine_type = "g1-small" # source_disk_image = "https://www.googleapis.com/compute/v1/projects/us-gm-175021/global/images/adstxt-image" # instance = gcp.create_instance(name=name,machine_type=machine_type,source_disk_image=source_disk_image) # images = gcp.list_to_df() # deleted_image = gcp.delete_instance(name)
38.53271
141
0.541111
43b562d421244a3f4ef14939b150cf4c2a701f6e
118,722
py
Python
cogs/factoids_execution.py
asher-the-thrasher/command-bot
2d1bdf3c17de9e42d59a8c1778107f14741b9685
[ "Intel" ]
null
null
null
cogs/factoids_execution.py
asher-the-thrasher/command-bot
2d1bdf3c17de9e42d59a8c1778107f14741b9685
[ "Intel" ]
null
null
null
cogs/factoids_execution.py
asher-the-thrasher/command-bot
2d1bdf3c17de9e42d59a8c1778107f14741b9685
[ "Intel" ]
2
2021-06-26T17:29:10.000Z
2022-01-20T14:33:50.000Z
import discord from discord.ext import commands from discord_slash.utils.manage_components import create_button, create_actionrow from discord_slash.model import ButtonStyle class factoids_execution(commands.Cog): @commands.command(hidden=True) async def remote(self,message,*,extra_text=""): factoid = """If you'd like to control OBS Studio remotely, you have a few options. To control from the web on any device (including phones and computers), use [OBS Tablet Remote](http://t2t2.github.io/obs-tablet-remote/) (requires [obs-websocket](https://obsproject.com/forum/resources/obs-websocket-remote-control-of-obs-studio-made-easy.466/ )). If you'd prefer a mobile app that works like the Elgato Streamdeck, you can try [Touch Portal](https://obsproject.com/forum/resources/touch-portal.755/), [UP Deck](https://obsproject.com/forum/resources/up-deck.665/), or [Deckboard](https://obsproject.com/forum/resources/deckboard.704/).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def websocket(self,message,*,extra_text=""): factoid = """OBS can be controlled remotely with the [obs-websocket](https://obsproject.com/forum/resources/obs-websocket-remote-control-obs-studio-from-websockets.466) plugin. Click here to [download](https://github.com/Palakis/obs-websocket/releases/latest), or [here](https://github.com/Palakis/obs-websocket#using-obs-websocket) for more info on using it.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def blur(self,message,*,extra_text=""): factoid = """Stop using CBR for recording and use a downscale filter that actually works""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def scripting(self,message,*,extra_text=""): factoid = """A guide for getting started with development for scripting in OBS can be found on the [wiki](https://obsproject.com/wiki/Getting-Started-With-OBS-Scripting). Additionally, you can find documentation for the scripting API [here](https://obsproject.com/docs/scripting.html).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def nditools(self,message,*,extra_text=""): factoid = """NDI Tools can be downloaded here: [Windows](http://new.tk/NDITools) [Windows Analysis Tool](http://new.tk/NDIAnalysis) [Mac](http://new.tk/NDITOOLSAPPLE)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def contributing(self,message,*,extra_text=""): factoid = """To get started with OBS development, read [this guide(https://obsproject.com/wiki/Getting-Started-with-OBS-Studio-Development)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def connection(self,message,*,extra_text=""): factoid = """Dropped frames? Disconnecting?\nFollow the troubleshooting steps in our [Connection Issues guide](https://obsproject.com/wiki/Dropped-Frames-and-General-Connection-Issues).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def ddu(self,message,*,extra_text=""): factoid = """[Click here](https://www.guru3d.com/files-details/display-driver-uninstaller-download.html) to download the Display Driver Uninstaller. \nDownload this, it's a utility that will do a clean uninstall of the drivers, then download the most recent ones for your GPU and install them\n[How to use](https://www.reddit.com/r/buildapc/comments/990b3x/can_i_have_a_step_by_step_on_how_to_use_ddu_to/)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def collab(self,message,*,extra_text=""): factoid = """__**Where did the collab channel go?**__\nEverywhere! With the new changes to the server come a bigger emphasis on growing a proper community, so we encourage you to make real connections and foster collaborations in any of the community channels.\nNot sure how to proceed? You can always start with getting to know people in <#479468642858434560>!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dblevel(self,message,*,extra_text=""): factoid = """**How to get to the levels tab and set to decibels in Windows**\nWindows button > type "change system sounds" > recording tab > select your mic > go to properties > levels tab > right click the blue slider > change to decibels.\n\nPost a screenshot after.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def top5q(self,message,*,extra_text=""): factoid = """**Harris Heller's Top 5 Terrible FAQs**\n__Should I go full time?__\nhttps://youtu.be/OGOtnO2zwfg?t=154\n\n__Which platform should I stream on?__\nhttps://youtu.be/OGOtnO2zwfg?t=283\n\n__Should I buy A or B?__\nhttps://youtu.be/OGOtnO2zwfg?t=366\n\n__Should I buy a webcam or a full camera?__\nhttps://youtu.be/OGOtnO2zwfg?t=406\n\n__Should I show my face on cam?__\nhttps://youtu.be/OGOtnO2zwfg?t=506""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def me(self,message,*,extra_text=""): factoid = """me""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpu(self,message,*,extra_text=""): factoid = """If you are experiencing issues with performance while playing games, or just in general while using OBS, your GPU may be overloaded for the settings you are trying to use. Please check our GPU overload guide for ideas why this may be happening, and steps you can take to correct it. [Click here](https://obsproject.com/wiki/GPU-overload-issues) for guide""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(name="900p",hidden=True) async def _900p(self,message,*,extra_text=""): factoid = """Streaming at 900p is not recommended as the twitch player cannot properly handle it. [Click here](https://www.reddit.com/r/Twitch/comments/fx5wbc/fix_strange_lines_on_stream/) for more information. It is recommended to stick to 720p or 1080p or if you really must 936p or 864p.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def invite(self,message,*,extra_text=""): factoid = """https://discord.gg/alphagaming""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def blame(self,message,*,extra_text=""): factoid = """It's Dagaz's fault.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def editors(self,message,*,extra_text=""): factoid = """Hi, for a list of software you can use to edit photos and videos or create designs, [Click Here](https://discord.com/channels/473253164884295699/788520412299395114/788572536925323275)\nHappy editing!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def connect(self,message,*,extra_text=""): factoid = """[click here](https://www.youtube.com/watch?v=sQnhk2JIeGs) to connect your twitch to discord""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def credit(self,message,*,extra_text=""): factoid = """Many of the commands in this server are from the OBS Studio Discord, we appreciate them for allowing us to use their commands!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(name="commands",hidden=True) async def _commands(self,message,*,extra_text=""): factoid = """A list of commands can be found [here](https://asher-the-thrasher.github.io/Alpha-factoid-bot/)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def volunteers(self,message,*,extra_text=""): factoid = """The Alpha Gaming discord server support is provided for free by community volunteers in their spare time.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mc(self,message,*,extra_text=""): factoid = """To capture Minecraft Java Edition, make sure the Game Capture "Mode" is set to "Capture specific window", and select javaw/minecraft in the "Window" drop down.\nIf you are still having issues please follow our [Minecraft capture guide](https://obsproject.com/wiki/Minecraft-Not-Working-With-Game-Capture)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macversions(self,message,*,extra_text=""): factoid = """For High Sierra (10.13) & newer, use OBS Studio 25+ (recommended)\nOlder versions\nUpdate macOS if you can. We no longer provide support for these older versions.\nFor Sierra (10.12), use OBS 24.0.6\nFor El Capitan (10.11), use OBS 21.1.1\nFor Yosemite (10.10), use OBS 20.1.0""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def laptop(self,message,*,extra_text=""): factoid = """If you're using OBS Studio 27+ on Windows 10 1809 or earlier, your system must be configured to run OBS on a specific GPU, depending on the type of capture you are trying to do.\n[Click here](https://obsproject.com/wiki/Laptop-Troubleshooting) for instructions on how to configure your system.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def english(self,message,*,extra_text=""): factoid = """Welcome to the official Alpha Gaming Community Discord server! Unfortunately, our support volunteers can only provide support in English. Most of our support documents and guides are also only in English. If you feel comfortable using a service like Google Translate, feel free to use that to send messages to us. We'll do our best to understand your intent, and we'll try to help you as much as we can. [Translate](https://translate.google.com/?sl=en&tl=es&text=Welcome%20to%20the%20official%20Alpha%20Gaming%20Community%20Discord%20server!%20Unfortunately%2C%20our%20support%20volunteers%20can%20only%20provide%20support%20in%20English.%20Most%20of%20our%20support%20documents%20and%20guides%20are%20also%20only%20in%20English.%20If%20you%20feel%20comfortable%20using%20a%20service%20like%20Google%20Translate%2C%20feel%20free%20to%20use%20that%20to%20send%20messages%20to%20us.%20We%27ll%20do%20our%20best%20to%20understand%20your%20intent%2C%20and%20we%27ll%20try%20to%20help%20you%20as%20much%20as%20we%20can.&op=translate) """ await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macdocki(self,message,*,extra_text=""): factoid = """https://i.imgur.com/DbpZ44G.png """ await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def bt(self,message,*,extra_text=""): factoid = """If your audio is muting when you launch OBS, and you're using a Bluetooth headset, it's caused by the underlying design of Bluetooth. To fix this, you can either switch to a wired headset, don't use the Bluetooth headset's mic, or set your sound to go through the HFP device for your headset.\nNote: HFP offers lower sound quality.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def bs(self,message,*,extra_text=""): factoid = """If you are trying to stream or record with OBS and are getting a black screen, make sure you have added the appropriate source to capture what you are trying to show. Window, Game, and Display capture are the three most common capture sources. If you have already added a capture source, and OBS is still black, please grab your current log and link it here.\nHelp -> Log Files -> Upload Current Log!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def am(self,message,*,extra_text=""): factoid = """To use the Audio Monitoring feature, click Edit -> Advanced Audio Properties and set Audio Monitoring to either Monitor Only, or Monitor and Output. Monitor Only will not output that device's audio to your stream/recording.\nAudio for that device will be played out of your system default device, unless otherwise specified in Settings -> Audio -> Advanced.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def ar(self,message,*,extra_text=""): factoid = """Black bars on your stream or recording? Read How to select the correct Aspect Ratio for your Recording/Stream and How to do a 16:9 stream with any size of Video-input.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def logi(self,message,*,extra_text=""): factoid = """https://i.imgur.com/oL0BZjn.png""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def log(self,message,*,extra_text=""): factoid = """A current log file is required to help fix your issue. Please post a link to your current log file.\nIn OBS select Help > Log Files > Upload Current Log File.\nClick Copy URL and then paste the link here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def report(self,message,*,extra_text=""): factoid = """**How to Make a Server Report**\nReports should be made in #┃reports-server-issues To make a server report you will need: \n- A screenshot of the problem interaction \n- The user's ID (not their tag)* \n\n* If you're not sure how to get the user ID, here's a quick guide: https://support.discord.com/hc/en-us/articles/206346498-Where-can-I-find-my-User-Server-Message-I\n\n\nThank you for helping to improve our server!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def variables(self,message,*,extra_text=""): factoid = """[Click Here](https://discord.com/channels/473253164884295699/473309543858962433/726223921489248276) for a list of all the Variables for the Alpha Rotating Feed""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def streambeats(self,message,*,extra_text=""): factoid = """Hi, for all things Streambeats, including the link to the Streambeats server, [Click Here](https://discord.com/channels/473253164884295699/703808841829318657/789675905647378442)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def specs(self,message,*,extra_text=""): factoid = """[Click Here](https://discord.com/channels/473253164884295699/473309543858962433/827291094625943622) and follow this guide to find out what CPU and GPU you have!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def sampai(self,message,*,extra_text=""): factoid = """Hi, you can [click here](https://discord.com/channels/473253164884295699/595049244801630248/716746628232380588) to find the invite to Sam's server!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def goxlr(self,message,*,extra_text=""): factoid = """Hi! For a link to a quick FAQ of GoXLR stuffs [click here](https://discord.com/channels/473253164884295699/599861521543200789/831288085798453258)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def pixelchat(self,message,*,extra_text=""): factoid = """For detailed instructions on how to set up the Now Playing Widget on Pixelchat, [click here](https://discord.com/channels/473253164884295699/764008007658897439/780348277853650957)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def nvenc(self,message,*,extra_text=""): factoid = """Hi! You can find the basic NVENC settings for OBS Recording and Twitch Streaming [here](https://discord.com/channels/473253164884295699/764008007658897439/806313313146372117)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def lights(self,message,*,extra_text=""): factoid = """Hi! You can check out our recommended lights [here](https://discord.com/channels/473253164884295699/599861471874383882/780085668202151976). This list may be updated sometimes, so check back if you need! """ await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def grow(self,message,*,extra_text=""): factoid = """Hi, \n\nSince Twitch has horrible discoverability, you're going to find it very hard to grow from streaming alone. You need to be making content on other, more discoverable platforms and funnel those viewers to Twitch. \nPlatforms like YouTube (YT, FB, TikTok, etc) help grow your brand and create an interest in you and/or your content hanging out with you in a live stream. \n\nLive interaction is Twitch's strength, so you'd need to see the strengths and weaknesses of each platform, and use them accordingly. \n\n_Here are some Alpha Gaming Vids to watch if you haven't already:_\n- 25 Twitch Tips in 10 mins: https://www.youtube.com/watch?v=si7VS8dVSZA \n- Top 5 Streaming Mistakes: https://www.youtube.com/watch?v=8tjJpUkGGBw""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cliffnotes(self,message,*,extra_text=""): factoid = """_CLIFF NOTES_\n- ISO as low as possible (iso should ideally be under 800, if that's too dark you need more light) \n- aperture (f) as wide open as possible (with kit lens) \n- shutter speed twice the fps \n- custom white balance \n- make sure your camera is in movie mode \n- don't leave anything on auto""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def c920(self,message,*,extra_text=""): factoid = """_C920/C922/C930e Best Practices_\n- Exposure should be set to between -7 and -5 \n- Low Light comp should be turned to off\n- Gain should be 0 \n- White balance should be where your skintones are normal \n- Add a touch of sharpening from default (between 128 and 140) \n- Add a touch of contrast from default (between 128 and 140)\n- Add a touch of sat from default (between 128 and 140)\n- Add some brightness if the darks are a bit too dark""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def alphawidget(self,message,*,extra_text=""): factoid = """Hi, you can access the Sub Train and Rotating Feed Widgets [here!](https://discord.com/channels/473253164884295699/473299541999878144/604726378025320523)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def rule6(self,message,*,extra_text=""): factoid = """__**REMINDER:**__ This is not a marketplace server. We do not allow offering or soliciting of transactions (paid or otherwise) on this server. If two people come to an agreement via DMs to go around this rule, then please note that this is at your own risk. The server is _NOT_ liable for any issues you may face from these transactions.\nIf you need an artist, we recommend searching on a proper platform such as Fiverr or 99designs, or even Twitter. \n\n\nPS. Don't ask someone to make you something for free. If you want to learn how to make things yourself, the community is more than willing to help you if you need pointers or specific help with techniques.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def pokemon(self,message,*,extra_text=""): factoid = """Hi! We're sorry to tell you that If you're looking for the Pokémon sound files, they've been removed to avoid potential copyright issues.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def zerolatency(self,message,*,extra_text=""): factoid = """https://cdn.knightlab.com/libs/juxtapose/latest/embed/index.html?uid=a8cb00ac-55c9-11eb-83c8-ebb5d6f907df""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def youtubebitrate(self,message,*,extra_text=""): factoid = """You can find YouTube's recommended bitrates for different resolutions here: https://support.google.com/youtube/answer/2853702?hl=en\nKeep in mind that unlike Twitch, YouTube re-encodes your original stream resolution, so you may need a higher bitrate to match the quality you'd normally see. Aim for the higher values in the ranges suggested by YouTube.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def youtube(self,message,*,extra_text=""): factoid = """How to stream to YouTube: https://obsproject.com/forum/resources/streaming-to-youtube-with-obs-studio.232/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def younow(self,message,*,extra_text=""): factoid = """YouNow is not compatible with OBS Studio from obsproject.com.\nYou will have to use their fork for which we can't provide support.\nPlease see https://younow.zendesk.com/hc/articles/206439166""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def yellowborder(self,message,*,extra_text=""): factoid = """When using a Window Capture source with the Windows Graphics Capture (WGC) method, or a Display Capture source with the Windows 10 1903+ method, you will have a yellow border surrounding the portion of the screen being captured. Unfortunately, this border cannot currently be removed, as the Windows SDK does not allow it. You can try using another capture method in the source properties, but it's possible this will instead produce a black screen. Once Microsoft release an update to the Windows SDK that allow us to disable the yellow border, we will be sure to let you turn off the border.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def xsplitvcam(self,message,*,extra_text=""): factoid = """The XSplit VCam allows you to remove or blur the background of your webcam without needing a greenscreen or other expensive hardware.\nYou can check it out here: [XSplit VCam](https://www.xsplit.com/partners/obs)\nAs part of the sponsorship to OBS, the team at XSplit is donating a portion of the proceeds from VCam back to OBS!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def xonar(self,message,*,extra_text=""): factoid = """If you are using an Asus Xonar sound device, you will need to disable GX mode in its software and reboot your PC.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def x264presets(self,message,*,extra_text=""): factoid = """When streaming, you can set the x264 preset to a slower sounding value for increased quality, at the cost of increased CPU usage. It is recommended to leave this value on veryfast, as there are significant diminishing returns to setting it lower. See here for a comparison: https://r-1.ch/x264_preset_comparison/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def x264(self,message,*,extra_text=""): factoid = """An introductory guide to streaming with the x264 encoder can be found on the OBS Development Blog here: https://obsproject.com/blog/streaming-with-x264""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def workflow(self,message,*,extra_text=""): factoid = """https://imgs.xkcd.com/comics/workflow.png""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def winsock(self,message,*,extra_text=""): factoid = """https://docs.microsoft.com/en-us/windows/win32/winsock/windows-sockets-error-codes-2""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def windowsupdate(self,message,*,extra_text=""): factoid = """If you've installed the Visual C++ Components that OBS Studio requires, but still aren't able to install OBS Studio, you may need to update your Windows installation. To do this, follow these steps.\n1) Open Windows Update. This can be found by searching for Windows Update in the Start Menu, or in the Control Panel.\n2) Install any available updates.\n3) Restart your PC to finish installing updates.\n4) Repeat steps 1-3 until there are absolutely 0 updates remaining.\nOnce Windows is fully up to date, try installing OBS again. If that doesn't work, install the UCRT manually: https://support.microsoft.com/en-us/help/3118401/update-for-universal-c-runtime-in-windows""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def win10cam(self,message,*,extra_text=""): factoid = """Windows 10's April 2018 Update adds new privacy settings for microphones and cameras, which can block them from use. The camera privacy settings also affect capture cards. These settings are opt-in. To allow apps like OBS to use your microphone or camera again, follow these steps.\n1) Open the Settings app.\n2) Go to Privacy -> Camera for capture cards and webcams, and turn "Allow apps to access your camera" on.\n3) Go to Privacy -> Microphones, and turn "Allow apps to access your microphone" on.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def wiki(self,message,*,extra_text=""): factoid = """To see all of our guides, or to generally get a better understanding of OBS, check out the wiki: https://obsproject.com/wiki/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vulkan(self,message,*,extra_text=""): factoid = """As of OBS v25, Vulkan capture is natively supported on Windows.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vst(self,message,*,extra_text=""): factoid = """OBS Studio supports most VST2 plugins. More information can be found here, including restrictions and plugin install paths: https://obsproject.com/wiki/Filters-Guide#vst-plugin""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vs2017(self,message,*,extra_text=""): factoid = """Visual Studio 2019 runtimes are required by the plugins that come with OBS Studio.\nDownload and install both vc2019redist_x86.exe and vc2019redist_x64.exe from https://obsproject.com/visual-studio-2019-runtimes""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def voice(self,message,*,extra_text=""): factoid = """A basic guide to improve your microphone quality can be found here: https://obsproject.com/forum/resources/514/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vlcsource(self,message,*,extra_text=""): factoid = """VLC source requires VLC to be installed on your system, with the correct bitness. 32-bit VLC for 32-bit OBS, or 64-bit VLC for 64-bit OBS.\nVLC can be downloaded here: http://www.videolan.org/vlc/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vlc(self,message,*,extra_text=""): factoid = """Many default video players do not have good format support. When playing files made with OBS, players like 'Movies & TV' can appear to be missing video or audio. [Download and use VLC](https://www.videolan.org/vlc/index.html) instead for accurate video playback.\nLike OBS, VLC is a free and open source project.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def virus(self,message,*,extra_text=""): factoid = """OBS Studio is guaranteed to be completely virus and malware free, as long as you download it from the official website at https://obsproject.com/download""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def virtualcamremove(self,message,*,extra_text=""): factoid = """To uninstall VirtualCam on Windows:\n1) Navigate to: C:\Program Files\obs-studio\data\obs-plugins\win-dshow\n2) Right click virtualcam-uninstall.bat, and Run as Administrator.\nIf you have OBS installed in a different directory (or in portable mode), right click your OBS shortcut and choose "Open file location" to track down the location of the obs-studio directory.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def virtualcam(self,message,*,extra_text=""): factoid = """Windows: OBS v26 and above contains a basic virtual camera. For advanced usage, such as preview or specific scene/source output, try the [third party plugin](https://obsproject.com/forum/resources/obs-virtualcam.949/).\nmacOS: OBS v26.1 and above contains a standard virtual camera. Having issues with specific programs? Check [this guide](https://obsproject.com/wiki/MacOS-Virtual-Camera-Compatibility-Guide).\nLinux: OBS v26.1 and above contains a standard virtual camera. v4l2loopback is required, best installed via the v4l2loopback-dkms package.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vce(self,message,*,extra_text=""): factoid = """The AMD Advanced Media Framework (VCE) encoder plugin is available in OBS Studio as part of the base installation on Windows. If you are having issues using this encoder, first make sure that your drivers are [fully up to date.](https://support.amd.com/en-us/download)\nIf updating both drivers and plugin does not work, check the [troubleshooting guide.](https://github.com/obsproject/obs-amd-encoder/wiki/Guide%3A-Troubleshooting)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vcamrename(self,message,*,extra_text=""): factoid = """The virtual camera device from OBS cannot be renamed. Even if it was to be renamed, it wouldn't allow applications to use it any differently. If an application is blocking the virtual camera, it would still be blocked.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vcamaudio(self,message,*,extra_text=""): factoid = """Install [VB-Audio CABLE](https://www.vb-audio.com/Cable/index.htm). (A reboot is not required)\nIn OBS Studio, go to Settings > Audio and select "CABLE Input" as your Monitoring Device\nGo to Edit > Advanced Audio Properties and enable Audio Monitoring for the audio sources you'd like to stream to Discord.\nIn Discord, in Voice & Video settings, select "CABLE Output" instead of your microphone under "Input device".\nNow anything you monitor in OBS Studio will be streamed to Discord. Similar steps will work with other conferencing apps, such as Microsoft Teams or Slack.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def vac(self,message,*,extra_text=""): factoid = """How to exclude or separate audio sources for a stream or recording: https://obsproject.com/forum/resources/8/\nFor a more advanced setup, check out our guide on [Voicemeeter Banana](https://canary.discord.com/channels/473253164884295699/599861521543200789/801271416817319966)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def uwp(self,message,*,extra_text=""): factoid = """As of 25.0.8, manual action is no longer required to capture UWP games. If you're still having trouble, try running OBS as Administrator, or check our list of conflicting apps.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def uvc(self,message,*,extra_text=""): factoid = """Here’s how to install native UVC drivers for your webcam:\nOpen Device Manager.\nExpand Imaging devices.\nLocate the name of your camera in the list and right-click on it.\nSelect Update Driver Software…\nClick Browse my computer for driver software.\nClick Let me pick from a list of device drivers on my computer.\nCheck Show compatible hardware, and then select USB Video Device.\nClick Next and follow the on-screen instructions to update the driver.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def usb(self,message,*,extra_text=""): factoid = """USB problems? Use the USBView program to identify which hubs your devices are connected to. Move bandwidth-hungry devices like webcams and capture cards to separate hubs by switching their USB ports.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def update(self,message,*,extra_text=""): factoid = """Having issues updating OBS? Make sure OBS and any applications/games that were being captured are closed before trying to run the update. Still getting an error? Reboot your PC and run the installer again. Be sure not to open OBS until after the install finishes.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def twofactor(self,message,*,extra_text=""): factoid = """If you are having issues streaming to Twitch recently, please make sure two-factor authentication is set up in your Twitch security settings as this is now required to stream.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def twitchtest(self,message,*,extra_text=""): factoid = """Use the Twitch Bandwidth Test to find the best Twitch server to stream to. Set Duration to Medium. You can uncheck any regions you're not near. After the test completes, click the Share Result button to upload a screenshot, which can then be copied and pasted here. Get TwitchTest from https://r1ch.net/projects/twitchtest""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def twitchsoundtrack(self,message,*,extra_text=""): factoid = """To correctly configure Soundtrack by Twitch, please follow [their guide](https://help.twitch.tv/s/article/soundtrack-audio-configuration).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def twitchcookie(self,message,*,extra_text=""): factoid = """To fix the Twitch cookie message in OBS panels, go to Settings > Stream and logout of your Twitch account, then login again.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def twitchbitrate(self,message,*,extra_text=""): factoid = """You can find Twitch's recommended bitrates for different resolutions here: https://stream.twitch.tv/encoding/\nKeep in mind that you shouldn't go above 6000 Kbps, and if you're not partnered don't set your bitrate too high otherwise your viewers may have trouble watching your stream.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def trackmatte(self,message,*,extra_text=""): factoid = """For more information on how to create and use track matte stinger transitions, read our guide on the [wiki](https://obsproject.com/wiki/Getting-Started-With-Track-Matte-Stinger-Transitions).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def timestamps(self,message,*,extra_text=""): factoid = """Some audio devices do not send proper timestamps, and can cause various issues, such as audio desync. Try disabling the device timestamps in OBS by clicking the Gear icon next to your audio source, select Properties, and then uncheck 'Use device timestamps.''""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def thiscommanddoesnotexist(self,message,*,extra_text=""): factoid = """this command does not exist""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def themes(self,message,*,extra_text=""): factoid = """OBS Studio supports custom themes!\nDownload user made themes: https://obsproject.com/forum/resources/categories/10/\nLearn to make your own themes and where to install themes: https://obsproject.com/wiki/Custom-Themes""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def testembeds(self,message,*,extra_text=""): factoid = """None""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def syphon(self,message,*,extra_text=""): factoid = """Quick instructions on how to use Syphon capture for games on macOS: https://gist.github.com/Fenrirthviti/ff3d52245046e831f0f2983bcf4c54db""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def support(self,message,*,extra_text=""): factoid = """Please use one of the Get Help channels for help, if you are unsure of which catagory to ask in, ask in <#473309543858962433> first!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def studio(self,message,*,extra_text=""): factoid = """An overview of OBS Studio's Studio Mode can be found here: https://obsproject.com/wiki/OBS-Studio-Overview#studio-mode""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def streamreport(self,message,*,extra_text=""): factoid = """Interested to learn more about streaming settings, bitrates, encoder presets, and how they affect the quality of your stream? Check out a detailed report here: https://streamquality.report/docs/report.html""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def streamkey(self,message,*,extra_text=""): factoid = """A stream key is a unique string that is used to identify your account to a streaming service. You can usually find it in your profile settings for the service you're looking to stream to. Make sure not to share it with anyone! Twitch's stream key can be found in your dashboard, here: https://dashboard.twitch.tv/settings/stream""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def streamfx(self,message,*,extra_text=""): factoid = """If you are looking for more information or support for the StreamFX plugin, please visit the [forum resource page.](https://obsproject.com/forum/resources/streamfx-for-obs%C2%AE-studio.578/)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def stalecookie(self,message,*,extra_text=""): factoid = """Exit OBS (make sure OBS is not running)\nDelete the folder %appdata%\obs-studio\plugin_config\obs-browser\obs_profile_cookies\nStart OBS\nSettings -> Stream -> disconnect -> connect""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def srt(self,message,*,extra_text=""): factoid = """SRT is a streaming protocol, like RTMP: https://en.wikipedia.org/wiki/Secure_Reliable_Transport. In OBS Studio 25.0 and later, you can output via SRT to appropriate servers by going to Stream settings and selecting "Custom" for your service, then entering your srt:// path into the Server box. For a more complete guide on SRT and how to use it with OBS, see this article: https://obsproject.com/wiki/Streaming-With-SRT-Protocol""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def speedtest(self,message,*,extra_text=""): factoid = """Speed tests mean very little with regards to streaming and your choice of bitrate. They measure your raw upload speed to a server that's near you (likely run by your local ISP), instead of your stable upload speed to a streaming server. Your stable speed will determine the bitrate you can comfortably stream at.\nThe stable speed can be estimated as roughly 70-75% of the speed test result in a lot of cases, however this is by no means a perfect estimate. In reality, it may end up being much worse if there's problems between your ISP and the streaming service.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def sources(self,message,*,extra_text=""): factoid = """For a guide on the various sources and how they work in OBS Studio, see our guide here: https://obsproject.com/wiki/Sources-Guide""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def software(self,message,*,extra_text=""): factoid = """List of software for streaming and recording: https://helping-squad.com/useful-links/\nList of software for editing: http://obsproject.com/forum/resources/234/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def sl(self,message,*,extra_text=""): factoid = """If you need advanced help with StreamLabs app or services, please join their [Discord server](https://discord.gg/xFcsxft) or submit a [support ticket.](https://support.streamlabs.com/hc/en-us/requests/new)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def skype(self,message,*,extra_text=""): factoid = """The recommended way to capture a Skype call is using NDI. Guide: https://www.youtube.com/watch?v=SmmHln-2kZw\n(Note: this does not work with 'Skype for Windows 10', only 'Skype for Windows', which also works on Windows 10)\nAs part of OBS Studio 25, you can now Window Capture Skype without disabling hardware acceleration.\nRequirements:\nWindows 10 Version 1903 or newer (open winver.exe to check)\nWindow Capture "Capture Method": 'Windows Graphics Capture'""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def simple(self,message,*,extra_text=""): factoid = """Advanced output mode, while allowing for more fine-tuning of options, does not automatically mean that your stream or recording will have better quality. Often, it can result in lower quality, because it can allow changes to settings that really shouldn't be changed. In most cases, Simple output mode is the best option to get the most out of OBS.\nTo change back to Simple output mode:\n1) Go to Settings > Output in OBS.\n2) Change "Output Mode" from "Advanced" to "Simple".""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def sidechain(self,message,*,extra_text=""): factoid = """Sidechain compression (ducking) is available by using the Compressor filter on your audio sources. For a video guide, see: https://www.youtube.com/watch?v=1Te2JERlInQ""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def shortcuts(self,message,*,extra_text=""): factoid = """A list of the pre-defined shortcuts in OBS can be found here: [Keyboard Shortcuts List](https://obsproject.com/wiki/Keyboard-Shortcuts)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def settings(self,message,*,extra_text=""): factoid = """OBS Studio's settings can be found in the following OS specific locations:\nWindows: WinKey+R > %APPDATA%\obs-studio\nmacOS: Cmd+Shift+G > ~/Library/Application Support/obs-studio\nLinux: ~/.config/obs-studio""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def sehelp(self,message,*,extra_text=""): factoid = """If you need advanced help with StreamElements plugins or services, please join their [Discord server](https://discordapp.com/invite/se) or submit a [support ticket.](https://support.streamelements.com/hc/en-us/requests/new)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def se(self,message,*,extra_text=""): factoid = """To cleanly remove the OBS.live plugin:\nUninstall OBS.Live\nUninstall OBS Studio (make sure that "User Settings" is not selected)\nInstall OBS Studio again from https://obsproject.com/\nYour settings will be saved unless you have selected to delete them during removal.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def scripts(self,message,*,extra_text=""): factoid = """Scripts for OBS can be found here: https://obsproject.com/forum/resources/categories/5/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def screenshot(self,message,*,extra_text=""): factoid = """How to take a screenshot - http://www.take-a-screenshot.org/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def sceneswitcher(self,message,*,extra_text=""): factoid = """An advanced scene switcher plugin, with options for timed switching, cursor detecting, and further automation options, is available for OBS Studio on Windows, macOS, and Linux. Download links and installation instructions can be found here: http://obsproject.com/forum/resources/395/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def savage(self,message,*,extra_text=""): factoid = """I reject your reality and substitute my own!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def requirements(self,message,*,extra_text=""): factoid = """OBS Studio requires a DirectX 10.1 (Windows) or OpenGL 3.3 (Mac, Linux) compatible video card (GPU).\nThe CPU requirements vary considerably depending on the chosen encoder, resolution, FPS and your scene complexity.\nTry the Auto Configuration Wizard to find appropriate settings for your specs. See: https://obsproject.com/wiki/System-Requirements""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def replaybuffer(self,message,*,extra_text=""): factoid = """The replay buffer is a feature that allows you to keep a rolling buffer of OBS' output for a set amount of time (known as "flashback recording"), which can be saved to disk as a recorded video when a hotkey is pressed. You can enable it via Settings -> Output.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def remux(self,message,*,extra_text=""): factoid = """Remuxing allows you to take one video container (FLV, MKV, etc) and make an exact copy of the video and audio in another video container. This process takes seconds, and can be done with any recordings made with OBS by selecting File > Remux Recordings.\nRemuxing is the safest way to get MP4 files for use in editors, or other software which doesn't support FLV or MKV files.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def remotedebugging(self,message,*,extra_text=""): factoid = """To expose Chrome Dev Tools for your browser sources, add --remote-debugging-port=1234 to your OBS Studio shortcut (where 1234 is your preferred port number) and navigate to http://localhost:1234/ in Chrome to connect to the session""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def refresh(self,message,*,extra_text=""): factoid = """Due to Windows' limitations, using multiple displays with different refresh rates will cause performance issues in hardware-accelerated applications, including OBS. You can fix this by setting all displays to the same refresh rate. An easier solution may be to simply use monitors that all have the same refresh rate.\nThis problem is fixed in the Windows 10 May 2020 Update, which has started rolling out to users as of May 27, 2020.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def recursion(self,message,*,extra_text=""): factoid = """!recursion""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def recordings(self,message,*,extra_text=""): factoid = """OBS Studio recordings can be found by selecting File > Show Recordings. The output path can be changed under Settings > Output.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def rc(self,message,*,extra_text=""): factoid = """Details about the latest OBS Studio 27 release candidate can be found here: https://obsproject.com/forum/threads/obs-studio-27-release-candidate.141857/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def r6(self,message,*,extra_text=""): factoid = """Rainbow Six: Siege Vulkan can now be captured with OBS 25 RC5 or higher. Keep in mind that OBS might need to run as administrator to capture the game successfully.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def quicksync(self,message,*,extra_text=""): factoid = """If the Quick Sync option in OBS is unavailable, read http://obsproject.com/forum/resources/82/\nNote that hardware encoders like Quick Sync will produce lower quality compared to x264 at the same bitrate, and are best suited for local recordings rather than streaming.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def quality(self,message,*,extra_text=""): factoid = """Interested in learning more about how video compression and streaming/recording quality work? Watch http://www.youtube.com/watch?v=r6Rp-uo6HmI""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def protectedfolders(self,message,*,extra_text=""): factoid = """The Windows Controlled Folder Access setting can prevent OBS from being able to record to your PC. It is recommended that you disable it.\nClick on start and search for Windows Defender Security Center\nClick on Virus & threat protection\nClick the Virus & threat protection settings option\nTurn off the Controlled folder access toggle switch""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def programcapture(self,message,*,extra_text=""): factoid = """Unfortunately, it is impossible to capture only a single program's audio in Windows due to limitations of the Windows API. Windows only makes it possible to capture all audio from a specific device. Instead, try creating a virtual audio device using something like Virtual Audio Cable or Voicemeeter Banana, and set your programs to output to that device.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def pride(self,message,*,extra_text=""): factoid = """Wondering what the logo on the Alpha Gaming server is? It's the LGBTQ+ Pride flag, showing our support for Pride Month! For more information, [click here](https://www.loc.gov/lgbt-pride-month/about/)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def portablevc(self,message,*,extra_text=""): factoid = """To install the OBS virtual camera when running OBS in portable mode, navigate to your <your obs-studio folder>\data\obs-plugins\win-dshow and run virtualcam-install.bat as Administrator.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def portable(self,message,*,extra_text=""): factoid = """Portable Mode allows the program to save and access configuration data from the program's base folder. To enable portable mode:\n1.) Install/unzip to a custom directory outside of "C:\Program Files (x86)" or "C:\Program Files"\n2.) Then either modify its shortcut with the --portable or -p command line parameter, or create a blank text file named "portable_mode.txt" in the base installation/unzip folder.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def plugintemplate(self,message,*,extra_text=""): factoid = """A template for new OBS plugins including boilerplate code and CI scripts can be found at https://github.com/obsproject/obs-plugintemplate""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def plugins(self,message,*,extra_text=""): factoid = """How to install plugins: https://obsproject.com/forum/resources/421/\nList of available plugins: https://obsproject.com/forum/resources/categories/6/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def periscope(self,message,*,extra_text=""): factoid = """The community has created a guide for streaming to Periscope with OBS: https://obsproject.com/forum/resources/508/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def pause(self,message,*,extra_text=""): factoid = """To enable "Pause Recordings", do the following:\nIn Settings -> Output, make sure "Recording quality" is not set to "Same as stream". If you are using advanced output, make sure that the encoder is not set to "(Use stream encoder)".\nIf you want, set a Pause hotkey in Settings -> Hotkeys\nStart Recording. While recording, you should see a ⏸ icon next to the Stop Recording button.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def patreon(self,message,*,extra_text=""): factoid = """OBS is on Patreon! Support Jim, the project's lead developer, as he works full time on OBS: https://www.patreon.com/obsproject""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def partial(self,message,*,extra_text=""): factoid = """Most video editing applications and video streaming platforms expect a Partial-range input; streaming or recording in Full range will result in color clipping, often reported as overly bright or dark image. You can change your color range setting in Settings > Advanced.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def params(self,message,*,extra_text=""): factoid = """For a list of launch parameters, see: https://obsproject.com/wiki/Launch-Parameters""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def opengl(self,message,*,extra_text=""): factoid = """Please type 'glxinfo | grep OpenGL' into your terminal, upload the output to a site like http://pastebin.com/ and then link it here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def oc(self,message,*,extra_text=""): factoid = """You can sponsor OBS development through Open Collective, a platform for funding groups will full transparency: https://opencollective.com/obsproject""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def nvafx(self,message,*,extra_text=""): factoid = """The redistributables required for the NVIDIA Noise Removal filter can be found here: https://www.nvidia.com/en-us/geforce/broadcasting/broadcast-sdk/resources/\nOnce installed, the NVIDIA Noise Removal option will appear as part of the "Noise Suppression" filter, alongside RNNoise and Speex.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def nginx(self,message,*,extra_text=""): factoid = """Setting up your own nginx RTMP server (Linux-based guide): http://obsproject.com/forum/threads/12891/\nPre-built nginx Windows binaries: https://github.com/illuspas/nginx-rtmp-win32""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def newscenecollection(self,message,*,extra_text=""): factoid = """Please create a new Scene Collection for testing purposes. Use the Scene Collection menu at the top of OBS, select New, and call it "Testing". Then, add your sources that are suspected to have issues.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def new(self,message,*,extra_text=""): factoid = """New to OBS? [Check out our 4 step quickstart guide.](https://obsproject.com/wiki/OBS-Studio-Quickstart)\nWant to learn even more? Check out our [in-depth overview.](https://obsproject.com/wiki/OBS-Studio-Overview)\nIf you'd prefer to learn with videos, check out these guides made by the community:\n[Nerd or Die's quickstart video guide](https://youtube.com/watch?v=5rlrDIwnGGQ&t=0s&list=PLT3Ure7_kYHwj8oT3AV-pZ4_r7yp6mDg-)\n[EposVox's OBS Master Class](https://youtube.com/watch?v=nK-Mu7nw5EA&list=PLzo7l8HTJNK-IKzM_zDicTd2u20Ab2pAl)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def ndisdk(self,message,*,extra_text=""): factoid = """The NDI SDK can be found here: http://pages.newtek.com/NDI-Developers-SDK-Download-Link.html""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def ndi(self,message,*,extra_text=""): factoid = """OBS Studio has an NDI plugin available, which can be found here: https://obsproject.com/forum/resources/528/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def multirtmp(self,message,*,extra_text=""): factoid = """A third party plug-in for streaming to multiple RTMP servers is available for OBS Studio. https://obsproject.com/forum/resources/multiple-rtmp-outputs-plugin.964""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mp4(self,message,*,extra_text=""): factoid = """Record to FLV or MKV. If you record to MP4 and the recording is interrupted, the file will be corrupted and unrecoverable. If you require MP4 files for some other purpose like editing, remux them afterwards by selecting File > Remux Recordings in the main OBS Studio window.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mojave(self,message,*,extra_text=""): factoid = """As of macOS 10.14 (Mojave), SyphonInject will no longer work on macOS, which means that Game Capture cannot be used. Game Capture on macOS relied on SyphonInject to work at all. Use a Window Capture or Display Capture instead of your Game Capture. We apologize for the inconvenience.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mobile(self,message,*,extra_text=""): factoid = """OBS will not be developed for mobile devices. Mobile hardware is typically too weak to do what OBS does, and mobile development is currently outside the scope of what the project can work on right now. If all you're looking for is a way to control OBS through your phone, please type !remote.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mixer(self,message,*,extra_text=""): factoid = """Curious what all the extra information in OBS' volume meters is? Check out our guide here: https://obsproject.com/wiki/Understanding-The-Mixer""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mic(self,message,*,extra_text=""): factoid = """To filter out background noise, use the Noise Suppression filter which is included in OBS Studio 26.0.0+""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def memes(self,message,*,extra_text=""): factoid = """No.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def media(self,message,*,extra_text=""): factoid = """Curious what video formats are the most performant in OBS?\nCheck out [EposVox's in-depth analysis!](https://www.youtube.com/watch?v=X9jMna8KQyA&feature=youtu.be)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def manualpastebin(self,message,*,extra_text=""): factoid = """Go to:\nWindows: `%APPDATA%\obs-studio\logs`\nLinux: `~/.config/obs-studio/logs`\nMac: `~/Library/Application Support/obs-studio/logs`\nThen copy the contents of the desired log (usually the latest) file to https://pastebin.com/. Save the file on Pastebin at the bottom of the window, then copy the new URL and paste it here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def manuallog(self,message,*,extra_text=""): factoid = """Please manually upload your log file.\n(Windows)\nPress `WinKey+R` to open the Run dialog\nPaste the following into the box and hit OK: `%APPDATA%\obs-studio\logs`\nFind the desired log file (usually the latest) and drag/drop it into this channel.\nLinux logs: `~/.config/obs-studio/logs`\nmacOS logs: `~/Library/Application Support/obs-studio/logs`""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def manualcrash(self,message,*,extra_text=""): factoid = """To find the OBS Studio crash logs, follow these steps:\nPress `WinKey+R` to open the Run dialog\nType in: `%APPDATA%\obs-studio\crashes` and press Enter\nUpload the desired crash log, usually the latest, directly to this Discord channel by dragging and dropping the file into the chat window""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def manualcam(self,message,*,extra_text=""): factoid = """If your video capture device is not displaying video in OBS, try setting the resolution and FPS to something known that the device supports. Go to the Video Capture Device properties, change Resolution/FPS Type from Device Default to Custom, and then set the options accordingly.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mantis(self,message,*,extra_text=""): factoid = """http://obsproject.com/mantis/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macpermission(self,message,*,extra_text=""): factoid = """Please ensure OBS has permissions to access your microphone & capture devices.\n1) Select System Preferences from the Apple menu.\n2) Click the icon labelled Security & Privacy.\n3) Click the Privacy tab at the top.\n4) In the lefthand column, click on 'Microphone', 'Camera', 'Screen recording' or 'Accessibility' to manage app permissions.\n5) Tick the box for OBS""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macndi(self,message,*,extra_text=""): factoid = """Close OBS\nManually update obs-ndi via this link\nRun this script\nTry running OBS again""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macminimum(self,message,*,extra_text=""): factoid = """OBS Studio 25+ requires macOS 10.13+.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def maclogi(self,message,*,extra_text=""): factoid = """https://i.imgur.com/wxwjVdr.png""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macdocks(self,message,*,extra_text=""): factoid = """Custom browser docks and service integrations will be available in OBS Studio v27 for macOS and the Ubuntu PPA.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def maccrash(self,message,*,extra_text=""): factoid = """A crash log is required to investigate the cause of your issue. Please upload the most recent crash log.\nIn Finder, click the Go menu\nSelect Go To Folder, and type in ~/Library/Logs/DiagnosticReports/\nUpload the file prefixed obs_ with the most recent date (format is year-month-day)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def maccapture(self,message,*,extra_text=""): factoid = """Due to limitations from Apple, there is no Game Capture source available on macOS 10.14+. It is recommended that you use Display or Window Capture sources instead.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def macaudio(self,message,*,extra_text=""): factoid = """OBS Studio for macOS requires a second program to help it capture desktop audio, due to Apple not providing direct audio capture functionality\nClick here for a guide using [BlackHole](https://obsproject.com/forum/resources/1191/)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def mac(self,message,*,extra_text=""): factoid = """Releases of OBS for Mac can be found at http://obsproject.com/download (click the Apple!)\nIf you have any issues, please check the forum threads at https://obsproject.com/forum/list/33/\nYou must be on macOS 10.13 or later. You can update to version 10.13 of macOS (free!) http://www.apple.com/macos/how-to-upgrade/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def m1ndi(self,message,*,extra_text=""): factoid = """1) Close OBS\n2) Download and install Newtek NDI®️ Studio Monitor and the OBS NDI®️ plugin\n3) Open the Terminal app (you can find it in launchpad, comes pre-installed with every Mac)\n4) Paste the following command into the terminal\nsudo cp "/Applications/NewTek NDI Video Monitor.app/Contents/Frameworks/libndi.4.dylib" /usr/local/lib/libndi.4.dylib\n5) Input your password (note: you will not see the password being put in, but it will be working)\n6) Open OBS and check if NDI appears in the Tools menu""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def lol(self,message,*,extra_text=""): factoid = """To best capture League of Legends, create two scenes.\nIn the first scene, add a Window Capture of the LoL launcher/lobby (Windows 7 users should make sure Aero is enabled.).\nIn the second scene, add a Game Capture of the game itself (you may need to be in a game to add this for the first time).\nThen configure the Scene Switcher to automatically swap between them.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def logo(self,message,*,extra_text=""): factoid = """High-quality versions of the OBS logo can be found here:\nhttps://h4ndy.eu/seafile/d/ecaab7abeee84c4aabf1/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def logfolder(self,message,*,extra_text=""): factoid = """To see all of your logs, select Help > Log Files > Show Log Files.\nIf you want to manually analyse a log, upload it's contents to a service like Hastebin and use this tool.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def loganalyzer(self,message,*,extra_text=""): factoid = """To analyze an OBS log, you can use this online tool: https://obsproject.com/tools/analyzer""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def localadvanced(self,message,*,extra_text=""): factoid = """For an advanced guide to local recording settings, see: http://obsproject.com/forum/resources/221/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def local(self,message,*,extra_text=""): factoid = """For high-quality, no fuss recordings, use the recording quality presets.\n1) Under Settings > Output, set the mode to Simple output.\n2) In the recording section, change the Recording Quality to Indistinguishable Quality\n3) Select your encoder. We recommend a hardware encoder if it is available.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def linux(self,message,*,extra_text=""): factoid = """http://obsproject.com/download#linux""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def lastlog(self,message,*,extra_text=""): factoid = """A log file is required to help fix your issue. Please post a link to your last log file.\nIn OBS select Help > Log Files > Upload Last Log File.\nCopy the URL and paste it here.\n(Note: If you do not see an obsproject.com URL, you will need to update OBS Studio to version 22+)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def kraken(self,message,*,extra_text=""): factoid = """Problems getting the Razer Kraken working? Make sure you're using the 64-bit version of OBS. If you're stuck on a 32-bit system or the 64bit OBS still doesn't work, try disabling the Kraken launcher in msconfig's Startup tab (press WinKey+R, type "msconfig" in the box and press Enter) and reboot your pc.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def killernic(self,message,*,extra_text=""): factoid = """Killer's Firewall is known for its poor performance and issues when trying to stream. Please download the driver only package from http://support.killernetworking.com/software/, completely uninstall all Killer NIC items and install their Driver only package.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def slimport(self,message,*,extra_text=""): factoid = """As of OBS Studio 25, you can import Scene Collections from other applications, including OBS Classic, XSplit, and Streamlabs.\nIn OBS Studio, open the "Scene Collection" menu along the top\nChoose "Import"\nIf asked to "Automatically Search for Scene Collections", choose "Yes" ^\nUse the checkboxes ✅ on the left to choose what to import\nPress "Import" along the bottom\nSwitch to the newly imported Collection via the "Scene Collection" menu\n^ If the dialog did not appear, or you previously selected "No", go to Settings -> General -> Importers and enable 'Search known locations.''""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def hugh(self,message,*,extra_text=""): factoid = """https://clips.twitch.tv/OriginalEmpathicGoldfishBlargNaut""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def howtoinstall(self,message,*,extra_text=""): factoid = """Instructions on how to install or build OBS Studio can be found here:\nhttps://obsproject.com/wiki/Install-Instructions""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def hotkeymode(self,message,*,extra_text=""): factoid = """Game capture sources allow you to use a hotkey mode to capture the currently active window, allowing you to use one game capture source for all of your games and even allowing you to switch games easily. To activate this mode:\nOpen the game capture source's properties. (You can do this by double clicking on the source in the sources list)\nChange the game capture's Mode to "Capture foreground window with hotkey"\nIn Settings > Hotkeys, set up a hotkey for "Capture foreground window".""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def hi(self,message,*,extra_text=""): factoid = """Welcome to the Alpha Gaming community support channel. If you have a question, go ahead and ask it, and if someone is available to help they'll respond. Try to be as detailed as possible. Please be patient if someone doesn't respond right away!""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def hfr(self,message,*,extra_text=""): factoid = """To record framerates higher than 60fps, you will need very powerful hardware (SSD, high-end GPU, significant CPU overhead, fast RAM) in order to accomplish it. There are no simple instructions that will make it work. It is recommended that you stay at or under 120fps when using OBS, and we may be unable to provide support for higher framerates if your hardware cannot handle it. Be prepared for hours of trial and error on your own.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def hags(self,message,*,extra_text=""): factoid = """In Windows, go to ⚙️ Settings → System → Display → Graphics Settings.\nTurn "Hardware-accelerated GPU scheduling" to OFF, then reboot your computer.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def greenscreen(self,message,*,extra_text=""): factoid = """For an in-depth overview of greenscreens and how they work, and how you can improve your own, check out this video: https://www.youtube.com/watch?v=OH8TWTt51W8""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpuz(self,message,*,extra_text=""): factoid = """Please download GPU-Z and post a screenshot of the Graphics Card tab. Click the 📷 button in the upper right and select Upload to Free Image Hosting, then post the link here.\nDownload link: https://www.techpowerup.com/download/techpowerup-gpu-z/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpun(self,message,*,extra_text=""): factoid = """You need to update your NVIDIA drivers. You have 2 ways you can do it:\nOpen GeForce Experience if it's installed on your PC. Login, click on DRIVERS, then select Download. Install it fully, then reboot.\nOR\nManually download your drivers using this link: https://www.geforce.com/drivers\nMake sure to reboot your PC once the drivers are installed.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpui(self,message,*,extra_text=""): factoid = """You need to update your Intel video driver. You have 2 ways you can do this:\nUpdate using the Intel Driver & Support Assistant, available at this link: https://www.intel.com/content/www/us/en/support/detect.html\nUpdate by selecting the appropriate driver for your OS and GPU, at this link: https://downloadcenter.intel.com/product/80939/Graphics-Drivers\nAlways reboot your PC once your drivers are updated, even if you are not prompted to.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpudriver(self,message,*,extra_text=""): factoid = """You can perform a clean driver installation for your GPU by following the instructions at http://obsproject.com/forum/resources/65/.\nUsing an AMD GPU? Use the AMD Cleanup Utility instead. https://www.amd.com/en/support/kb/faq/gpu-601""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpuconnection(self,message,*,extra_text=""): factoid = """https://i.imgur.com/3Z5RETY.png""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpua(self,message,*,extra_text=""): factoid = """You need to update your AMD video driver. You have 2 ways you can do this:\nUpdate using the AMD Driver Auto-Detect Tool, available at this link: https://www.amd.com/en/support/kb/faq/gpu-131\nUpdate by selecting your specific video card type at this link: https://www.amd.com/en/support\nAlways reboot your PC once your drivers are updated, even if you are not prompted to.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gpl(self,message,*,extra_text=""): factoid = """The source code for OBS Studio is released under the GPLv2 license. Effectively, that means that anyone can read, use, or modify the code for their own purposes, but if they distribute a program using that modified code, they must also make the source code available to whoever uses that program.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def git(self,message,*,extra_text=""): factoid = """The GitHub repository for OBS Studio can be found here: obsproject/obs-studio\nThe repository for the bot itself can be found here: obsproject/obs-bot""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gamedvr(self,message,*,extra_text=""): factoid = """To ensure that OBS Studio has the hardware resources it needs for realtime streaming and recording, we recommend disabling the "Game DVR Background Recording" feature via these instructions: https://obsproject.com/wiki/How-to-disable-Windows-10-Gaming-Features#game-dvrcaptures""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def gamecapture(self,message,*,extra_text=""): factoid = """For a starting guide on game capture and its modes, please read [this guide](https://obsproject.com/wiki/Game-Capture-Guide).\nIf Game Capture isn't working properly for you and your games, make sure to read this [guide for common solutions](https://obsproject.com/wiki/Game-Capture-Guide#common-resolutions-for-game-capture-issues).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def fullscreen(self,message,*,extra_text=""): factoid = """If a game is set to run in full-screen mode, when you alt+tab out the game, it will stop rendering. This means that you will not see the game in OBS while it is minimized. Either make a test recording and check it to verify the capture worked properly, or move OBS to a second monitor if you have one.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def free(self,message,*,extra_text=""): factoid = """OBS Studio is completely, 100% free. You don't have to pay for it at all. It is a great, high quality program that excels at both streaming and recording. OBS Studio is guaranteed to be completely virus and malware free, as long as you download them from the official website at https://obsproject.com/download""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def fpslimit(self,message,*,extra_text=""): factoid = """Running a game without vertical sync or a frame rate limiter will frequently cause performance issues (both your game and OBS) because your GPU will be maxed out. Enable vsync or set a reasonable frame rate limit that your GPU can handle without hitting 100% usage. If that's not enough you may also need to turn down some of the video quality options in the game.\nFor more technical details and alternate fixes, see our guide: https://obsproject.com/wiki/GPU-overload-issues""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def flash(self,message,*,extra_text=""): factoid = """Old versions of Flash player installed on your system may cause OBS or the browser source to crash on startup. Please run the Flash uninstaller from https://obsproject.com/downloads/uninstall_flash_player.exe""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def firefox(self,message,*,extra_text=""): factoid = """Having trouble window capturing Firefox? You may need to disable hardware acceleration for window capture to work properly. Follow these steps to disable it:\nOpen your Firefox Options.\nIn the Find in options box, type in hardware.\nUncheck both Use recommended performance settings and Use hardware acceleration when available.\nRestart Firefox\nNote: Disabling hardware acceleration can cause performance loss on certain web pages.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def filters(self,message,*,extra_text=""): factoid = """Many options for fine-tuning your video and audio sources in OBS Studio are in the Filters menu. To access this menu, right click on your source (or click the Gear icon next to an audio source) and select Filters.\nFor more info, see our guide: https://obsproject.com/wiki/Filters-Guide""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def fider(self,message,*,extra_text=""): factoid = """Have an idea for OBS Studio? Let us know! https://ideas.obsproject.com/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def facebookbitrate(self,message,*,extra_text=""): factoid = """You can find Facebook's recommended bitrates for different resolutions here: https://www.facebook.com/fbgaminghome/creators/best-practices#streamSettings\nHowever, our general recommendations are:\n1080p60 - 6 Mbps\n1080p30 - 6 Mbps\n720p60 - 6 Mbps\n720p30 - 3-4 Mbps, depending on the game""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def facebook(self,message,*,extra_text=""): factoid = """A guide for streaming to Facebook is available at http://obsproject.com/forum/resources/391/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def export(self,message,*,extra_text=""): factoid = """To export OBS settings to back them up, go to Profile > Export (to export streaming/recording settings) and Scene Collection > Export (to export scenes).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def exclusive(self,message,*,extra_text=""): factoid = """To disable Exclusive Mode:\n1) Right-click the speaker icon in the System Tray and select "Sounds".\n2) In the "Playback" or "Recording" tabs, right click on the audio device(s) you want to change and select "Properties".\n3) Then go to the "Advanced" tab and uncheck both checkboxes.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def error(self,message,*,extra_text=""): factoid = """Please provide the full text of the error message. Press Alt+PrtScr while the error window is selected to copy it to your clipboard, then paste it into this chat window.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def elgatosupport(self,message,*,extra_text=""): factoid = """For help with Elgato products, please submit a ticket with them directly at https://help.elgato.com/hc/en-us/requests/new. They also have a community Discord server.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def elgatomac(self,message,*,extra_text=""): factoid = """Elgato doesn't provide macOS drivers for the HD, HD60, or HD60 S that work with OBS, so they can't be added as a Video Capture device. For these cards you'll have to capture Elgato's software running in fullscreen via Window Capture.\nHowever, Elgato now has OBS Link as a new NDI-based workaround tool for the HD 60 S to add OBS compatibility.\nFor native macOS support via UVC, please consider the Elgato Cam Link or HD60 S+ ("plus").""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def elgatodrivers(self,message,*,extra_text=""): factoid = """In many cases, installing only the driver packages for Elgato Game Capture cards works better with OBS than installing the full software suite. Links can be found here: https://help.elgato.com/hc/en-us/articles/360027961152-Elgato-Gaming-Hardware-Drivers""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def elgatocrash(self,message,*,extra_text=""): factoid = """If OBS is crashing due to Elgato's drivers, follow these steps (carefully, in order!) to correct it.\n1) Unplug your Elgato device (if USB)\n2) Uninstall all Elgato software and drivers from Add/Remove Programs\n3) Reboot your PC (Very important you do this before trying to install anything else)\n4) Reinstall the Elgato software/drivers\n5) Plug the Elgato card back in (if not already prompted to during the Elgato software installation)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def electron(self,message,*,extra_text=""): factoid = """In order to capture most electron applications using window capture you have to disable hardware acceleration first.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def editor(self,message,*,extra_text=""): factoid = """Editor functionality is not something that is currently in scope for OBS development at this time. While editing features would be nice, the main focus on development in OBS right now is on improving OBS's streaming and recording features, and we're happy to leave the editing step for other, more specialized programs to handle. Here is a good list of editing software that we recommend you check out: https://obsproject.com/wiki/Post-Production-Tools-You-Can-Use""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def echo(self,message,*,extra_text=""): factoid = """To avoid audio feedback or echo, don't watch your own stream on the same computer you are streaming from. If you have already ruled this out as a possible issue, please post a log. Help → Log Files → Upload Current Log. Copy the URL and paste it here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dynamicbitrate(self,message,*,extra_text=""): factoid = """You can enable Dynamic Bitrate in Settings -> Advanced -> Network -> "Dynamically change bitrate to manage congestion (Beta)"\nWhen enabled, instead of dropping frames when you have network issues, OBS will automatically reduce your stream quality to compensate. OBS will adjust back to normal once your connection becomes stable.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dx12(self,message,*,extra_text=""): factoid = """There is a known issue when using game capture to capture DirectX 12 games where frames may be returned out of order, causing a stuttering effect. We are working on ways to deal with the issue, but it will be some time before a proper fix or workaround is available. For the time being, the best solution would be to lock your game to 60FPS and change the Hook Rate setting in your game capture source to "Fastest". Otherwise, consider trying display capture instead of game capture.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dump(self,message,*,extra_text=""): factoid = """Please create a memory dump file, so that we can look at the problem more closely: https://obsproject.com/forum/resources/598/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def ducking(self,message,*,extra_text=""): factoid = """If you're experiencing sound volume reduction when OBS is opened, try checking the "Disable Windows audio ducking" option in Settings > Audio > Advanced, in OBS. Then restart OBS to see if the issue is resolved.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dslr(self,message,*,extra_text=""): factoid = """DSLR cameras and camcorders are not built to be webcams. Preview functions via USB can't be used in OBS. To get a clean video and audio feed from a DSLR or camcorder, you need a HDMI capture card. Lastly, note that a high quality webcam is often cheaper than a capture card.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def droste(self,message,*,extra_text=""): factoid = """What you are seeing is normal and is called the Video Feedback Effect. It will go away when you stop looking at the OBS preview on the same display you're capturing. Read https://en.wikipedia.org/wiki/Video_feedback for more info.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def driveby(self,message,*,extra_text=""): factoid = """https://twitter.com/cassidoo/status/1294077384128212992""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dpi(self,message,*,extra_text=""): factoid = """Due to issues with how Qt handles high-DPI display scaling, you may encounter some oddities in the OBS Studio UI when using DPI scaling. As a workaround, you can disabled DPI scaling for OBS:\nClose OBS Studio.\nFind your OBS Studio shortcut, either on your desktop or in your start menu (Right click -> Open file location).\nRight click on it and select "Properties".\nGo to the "Compatibility tab".\nClick "Change high DPI settings".\nTick "Override high DPI scaling behavior".\nIn the dropdown, change it to "System (Enhanced)".\nClick OK to exit out of the scaling settings.\nClick OK to save the new properties.\nLaunch OBS Studio as you normally would.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def downtime(self,message,*,extra_text=""): factoid = """The Fastly CDN currently has local connectivity issues. This affects multiple sites, including Twitch.tv, Reddit, Amazon, Github, as well as our own OBS Project website and downloads. Service should hopefully be restored shortly.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def download(self,message,*,extra_text=""): factoid = """OBS Studio can be downloaded right from the OBS Project website: https://obsproject.com/download""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def downgrade(self,message,*,extra_text=""): factoid = """Need an older version of OBS? Go to https://github.com/obsproject/obs-studio/releases for OBS Studio versions back to 0.2.4""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def donate(self,message,*,extra_text=""): factoid = """You can support OBS development by either becoming a patron on the OBS Patreon or by becoming a sponsor on the OBS Open Collective.\nFind out more here: https://obsproject.com/contribute""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def docs(self,message,*,extra_text=""): factoid = """Developer documentation for OBS can be found here: https://obsproject.com/docs/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def docks(self,message,*,extra_text=""): factoid = """You can manage your docks from the View > Docks menu.\nYou can toggle docks on and off, or lock or unlock docks to prevent moving and editing.\nYou can also reset the UI from this menu to return your docks to their original state (View > Docks > Reset UI).""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def docki(self,message,*,extra_text=""): factoid = """https://i.imgur.com/YANZ4RG.png """ await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def directx(self,message,*,extra_text=""): factoid = """Missing DirectX components? Download the DirectX Web Installer from http://obsproject.com/go/dxwebsetup\nIf the web installer won't work, try the DirectX Dependency Fixer from http://obsproject.com/forum/resources/87/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def diagnostic(self,message,*,extra_text=""): factoid = """Please run the OBS Diagnostics Tool to determine if there are any issues with system files that support OBS: https://obsproject.com/downloads/OBSDiag.zip\nOnce the tool has been run, screenshot the output (click the window and press the alt+printscreen keys on your keyboard) and post the screenshot (ctrl+v) here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def destiny2(self,message,*,extra_text=""): factoid = """Bungie has opted to not allow OBS to hook Destiny 2 using Game Capture. See: https://www.bungie.net/en/Help/Article/46101\nYou will need to run the game in either windowed fullscreen or borderless windowed and use Window Capture instead.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def deps(self,message,*,extra_text=""): factoid = """Pre-built dependencies: VS2019\nCEF for browser source/panels: x86, x64\nQt 5.15.2: Windows, macOS""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def dell(self,message,*,extra_text=""): factoid = """The Dell Backup and Recovery tool has a component that will cause issues with OBS, resulting in a crash. You can correct it by either uninstalling the tool completely if it is not being used, or by running this file as administrator on the system: https://obsproject.com/downloads/UnregisterDellBackup.cmd""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def delay(self,message,*,extra_text=""): factoid = """If you need to delay your audio sources, go to Edit -> Advanced Audio Properties and adjust the Sync Offset (ms) field. If you need to delay your video sources, add a Video Delay (Async) filter. For other sources (Window/Game/Display Capture), add a Render Delay filter and adjust as necessary.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cyberpunk2077(self,message,*,extra_text=""): factoid = """Cyberpunk 2077 is a very resource-intensive game. Additionally, it's also a DirectX 12 game, which means it can have issues with frame pacing.\nTo minimize the game's impact on OBS performance, limit the game to a stable frame rate (e.g. 60 FPS) and consider turning down your graphics quality settings.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def csgo(self,message,*,extra_text=""): factoid = """Valve has implemented a Trusted mode which does not allow OBS to hook CS:GO using Game Capture. Read more in their announcement post. Additionally, they have no plans on allowing OBS in Trusted mode.\nWe recommend running the game in either windowed or borderless fullscreen and using a Window Capture source instead.\nAlternately, you can launch the game with -allow_third_party_software .""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def crowdin(self,message,*,extra_text=""): factoid = """To help with the translation of OBS see: http://crowdin.com/project/obs-studio""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def crop(self,message,*,extra_text=""): factoid = """To crop sources in OBS Studio, first reset the source to its default size by clicking on it and pressing ctrl+r. Then hold the alt key and drag the red box around the source you wish to crop. The sides will turn green to indicate they are cropped. Note that the preview must be unlocked in order to do this.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def crashlog(self,message,*,extra_text=""): factoid = """A crash log is required to investigate the cause of your issue. Please upload the last crash log.\nIn OBS, click the Help menu\nSelect Crash Reports, and then Upload Last Crash Report\nCopy the URL, and paste it to the chat here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cpu(self,message,*,extra_text=""): factoid = """Having issues with high CPU usage, or getting a warning about "Encoding overloaded!"? Read https://obsproject.com/wiki/General-Performance-and-Encoding-Issues""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def coreaudio(self,message,*,extra_text=""): factoid = """You can install Apple's CoreAudio codecs for better audio quality without bothering with iTunes or QuickTime. Follow the instructions at http://obsproject.com/forum/resources/220/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def converter(self,message,*,extra_text=""): factoid = """A tool for converting OBS Classic scenes to OBS Studio is available at http://obsproject.com/forum/resources/430/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def conflicts(self,message,*,extra_text=""): factoid = """Some third-party applications can conflict with OBS and cause issues, such as failing Game or Window capture, audio issues, and at worst crashes with OBS. For a full list, check here: https://obsproject.com/wiki/Known-Conflicts""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cleanprofile(self,message,*,extra_text=""): factoid = """Please post a link to a clean log with profiler information. To make a clean log with profiler information, follow these steps:\n1) Restart OBS.\n2) Start your stream/recording for ~30 seconds, and stop it again. Make sure you replicate any issues as best you can, which means having any games/apps open and captured, etc.\n3) Restart OBS again, and then select Help > Log Files > Upload Last Log File. Copy the URL and paste it here.\n(Note: If you do not see an obsproject.com URL, you will need to update OBS Studio to version 22+.)""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cleanlog(self,message,*,extra_text=""): factoid = """A clean log file is required to help fix your issue. To make a clean log file, please follow these steps:\n1) Restart OBS\n2) Start your stream/recording for at least 30 seconds (or however long it takes for the issue to happen). Make sure you replicate any issues as best you can, which means having any games/apps open and captured, etc.\n3) Stop your stream/recording.\n4) Select Help > Log Files > Upload Current Log File. Copy the URL and paste it here.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def classic(self,message,*,extra_text=""): factoid = """If you are still using OBS Classic, please note that this version is no longer supported. While we cannot and will not do anything to prevent you from using it, we cannot help with any issues that may come up. It is recommended that you update to OBS Studio. Further information on why you should update (and how): https://obsproject.com/forum/threads/55820/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def chromeos(self,message,*,extra_text=""): factoid = """OBS will not be developed for ChromeOS. The operating system has too many limits in place that prevent OBS from being able to do what it needs to do, and more often than not, Chromebook hardware is too weak to render and encode live video. The Linux Beta for ChromeOS does not change this.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def chrome(self,message,*,extra_text=""): factoid = """As part of OBS Studio 25, you can now Window Capture Google Chrome without disabling hardware acceleration.\nRequirements:\nWindows 10 Version 1903 or newer (open winver.exe to check)\nWindow Capture "Capture Method": "Windows Graphics Capture"\nFor older versions of Windows, do the following:\nOpen Chrome Settings.\nIn the Search settings box, type in hardware.\nEnsure that the slider next to the Use hardware acceleration when available option is turned off.\nClick Relaunch to restart Chrome.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def chatdocks(self,message,*,extra_text=""): factoid = """To enable Chat docks for Twitch or Restream, you will need to connect your account via Settings -> Stream.\nIf you'd like to enable chat docks for other services, you can use View -> Docks -> Custom Browser Docks. This allows you to include any webpage in OBS.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def changelog(self,message,*,extra_text=""): factoid = """Previous versions of OBS Studio can be found here: https://github.com/obsproject/obs-studio/releases""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cert(self,message,*,extra_text=""): factoid = """Twitch is currently having an issue with a certificate provider, which is causing problems when fetching channel data and preventing people from connecting to their Twitch accounts. They are aware of the issue and are working on resolving it. In the meantime, you can still stream by disconnecting your Twitch account and entering your stream key from here: https://dashboard.twitch.tv/settings/channel""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def catalina(self,message,*,extra_text=""): factoid = """OBS 24.0.6 is out with many fixes, including Catalina support. Download it via the website https://obsproject.com/download""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def capturecards(self,message,*,extra_text=""): factoid = """Which capture card should I get for streaming or recording? And do I need one? (avoid USB 2.0 capture devices if at all possible) - http://www.helping-squad.com/which-capture-card-should-i-get-for-streaming-or-recording/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def camflip(self,message,*,extra_text=""): factoid = """The view you see in your application is flipped for you only. This is because most applications expect a webcam, and they want to mimic looking in a mirror for your own preview. Everyone else sees what you see in the OBS preview.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def camav(self,message,*,extra_text=""): factoid = """Many modern antivirus programs have added in and automatically enabled webcam protection features that block applications such as OBS from being able to access webcams and capture cards. Check that your antivirus program does not have a webcam/video device blocking feature, and if it does, you will need to add OBS as an exception.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cam(self,message,*,extra_text=""): factoid = """Guides to getting the most out of your webcam:\nhttp://obsproject.com/forum/threads/1036/\nhttps://www.youtube.com/watch?v=6NY8wWo_VBs""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def cache(self,message,*,extra_text=""): factoid = """The OBS Browser cache can be found in the following locations:\nWindows: %appdata%\obs-studio\plugin_config\obs-browser\nmacOS: ~/Library/Application Support/obs-studio/plugin_config/obs-browser\nLinux: ~/.config/obs-studio/plugin_config/obs-browser""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def bye(self,message,*,extra_text=""): factoid = """Thank you, have a nice day, goodbye. o/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def buffering(self,message,*,extra_text=""): factoid = """Is a stream buffering for you or some of your viewers? Read https://obsproject.com/wiki/Stream-Buffering-Issues""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def browsersource(self,message,*,extra_text=""): factoid = """The Browser Source plugin for Windows and macOS are bundled with the installers, go to http://obsproject.com/download/\nThe browser is included in the stable Ubuntu PPA with version 26.0.0""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def botrepo(self,message,*,extra_text=""): factoid = """You wouldn't want to see my code.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def bigsur(self,message,*,extra_text=""): factoid = """If you are having issues with OBS Studio on macOS Big Sur, make sure you have updated to the latest version, as many of the issues were resolved in v26.1.2.\nSelect Help -> Check For Updates in OBS, or the newest version can be manually downloaded here: https://obsproject.com/download""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def bestsettings(self,message,*,extra_text=""): factoid = """There are no "best settings." Please understand that every setup, for every use case, will be very different. Any guides or videos that claim otherwise are misinforming. Your best option is to start with a base and adjust as necessary. Test, test, and test again. We are happy to offer suggestions for any issues you may be having, but we will not give you a list of settings.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def avast(self,message,*,extra_text=""): factoid = """The Avast/AVG antivirus' Game Mode is known to cause issues with OBS. Having it enabled will essentially render OBS inoperable. You can either disable Game Mode in the options, or uninstall Avast/AVG completely.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def autoconfig(self,message,*,extra_text=""): factoid = """Please run the OBS auto-configuration tool. To use the auto-config, click on the Tools menu in OBS, select Auto-Configuration Wizard, and then just follow the on-screen directions. You can use this tool to get a set baseline settings for your hardware, and adjust as necessary from there.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def asio(self,message,*,extra_text=""): factoid = """An ASIO input plugin is available for OBS: https://github.com/Andersama/obs-asio""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def antivirus(self,message,*,extra_text=""): factoid = """Problems with disappearing files, the installation of OBS, or the installation of plugins? Some anti-virus programs are known to flag new files as potentially dangerous, even when the files are completely safe. The heuristic scanning doesn't know that and can quarantine those files anyway. Use less paranoid anti-virus software, or whitelist/exclude the OBS folder from scanning.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def analyze(self,message,*,extra_text=""): factoid = """Twitch Stream Analyzer - https://r-1.ch/analyzer/""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def amfdrivers(self,message,*,extra_text=""): factoid = """Due to an increase in crash reports usually from users with old or even ancient (>1 year out of date) drivers, the decision was made to no longer load the plugin on those systems. This also reduced the amount of code necessary to maintain as backwards compatibility is only necessary for the UI instead of both the UI and the encoder. The recommended version is 19.9.2 or newer.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def aero(self,message,*,extra_text=""): factoid = """Windows Aero is a system setting on Windows 7 that enables enhanced graphical effects and allows Window Capture in OBS to function better. Disabling Aero can also improve Display Capture performance. Aero does not need to be enabled or disabled for capture to work on Windows 8 or newer.\nHow to enable or disable Aero in Windows 7""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def adminshares(self,message,*,extra_text=""): factoid = """In order to access network shares when OBS is run as administrator, additional configuration of Windows is required:\nhttps://support.microsoft.com/kb/3035277\nNOTE: This may lower the security of your system, so please make sure you understand the changes before making them.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def admin(self,message,*,extra_text=""): factoid = """Certain games or applications will require OBS Studio to be run with elevated privileges (Administrator) in order to be captured. Running as administrator may also improve OBS performance when gaming.\nTo run as administrator, close OBS Studio, then simply right click the OBS Studio shortcut and select Run as administrator.""" await factoids_execution.execute(self, message,factoid,extra_text) @commands.command(hidden=True) async def ad(self,message,*,extra_text=""): factoid = """Self-advertisement or advertisement for others is only allowed on this server in <#474040782995587082>. Please read the rules in the <#477179447485661186> channel.""" await factoids_execution.execute(self, message,factoid,extra_text) async def execute(self, message,factoid,extra_text=None): reference = message.message.reference message_parts = extra_text.split() # attempt to delete the message requesting the factoid if it's within a reply and only contains command if reference and len(message_parts) == 0: await message.message.delete(delay=0.0) # if users are mentioned (but it's not a reply), mention them in the bot reply as well user_mention = None if message.message.mentions and not reference: user_mention = ' '.join(user.mention for user in message.message.mentions) embed = discord.Embed(title="", description=factoid, colour=0xf81af3) button = False if "here]" in factoid.lower(): button = True for words in factoid.split(): if "here](" in words.lower(): if "[here](" in words.lower(): url = words[7:] else: url = words[6:] url = url[:-1] actions = create_actionrow(create_button(style=ButtonStyle.URL, url=url, label=f'Click Here')) if message.message.reference and embed is not None: if button: return await message.channel.send(embed=embed, reference=reference, mention_author=True, components=[actions]) else: return await message.channel.send(embed=embed, reference=reference, mention_author=True) elif user_mention and embed is not None: if button: return await message.channel.send(user_mention, embed=embed, components=[actions]) else: return await message.channel.send(user_mention, embed=embed) else: if button: return await message.channel.send(embed=embed, components=[actions]) else: return await message.channel.send(embed=embed) def setup(client): client.add_cog(factoids_execution(client))
82.445833
1,051
0.745186
d7c242a69cb8afcc6d7fb499ffb6f453280a68ed
5,919
py
Python
bin/fapswitchd.py
tdaff/fapswitch
af04e1e969e768dad9541cd6e15abf6868f3cbbe
[ "BSD-3-Clause" ]
null
null
null
bin/fapswitchd.py
tdaff/fapswitch
af04e1e969e768dad9541cd6e15abf6868f3cbbe
[ "BSD-3-Clause" ]
null
null
null
bin/fapswitchd.py
tdaff/fapswitch
af04e1e969e768dad9541cd6e15abf6868f3cbbe
[ "BSD-3-Clause" ]
null
null
null
#!/usr/bin/env python """ fapswitchd.py A socket server for functionalisation of MOF structures. Will start up a server that accepts incoming socket connections and responds to """ import re import socket import sys from os.path import dirname, realpath sys.path.insert(1, dirname(dirname(realpath(__file__)))) import fapswitch from fapswitch.config import options from fapswitch.config import debug, info, error, critical from fapswitch.core.io import load_structure from fapswitch.core.methods import site_replace from fapswitch.core.methods import freeform_replace from fapswitch.functional_groups import functional_groups def fapswitch_deamon(structure, backends, rotations=12): """ Use sockets to listen and receive structures. """ timeout = options.getint('timeout') # set this to zero for random available port port = options.getint('port') listener = socket.socket(socket.AF_INET, socket.SOCK_STREAM) # no host as this is running locally listener.bind(('', port)) port = listener.getsockname()[1] # Ensure that we always know the port critical("Listening on port {} ...".format(port)) listener.settimeout(timeout) listener.listen(1) # We only wait for a little bit so that process doesn't zombie forever try: conn, addr = listener.accept() except socket.timeout: error("No connection within {} seconds; exiting".format(timeout)) listener.close() return False info('Connected by {}'.format(addr)) # Server will continue until an empty input is sent or something times out conn.settimeout(timeout) while 1: try: line = conn.recv(1024).decode('utf-8') except socket.timeout: error("Timed out after {} seconds waiting for input".format(timeout)) return False # Empty input closes server if not line: break # collect information to send what has been done back processed = [] # freeform strings are in braces {}, no spaces free_strings = re.findall('{(.*?)}', line) debug("Freeform strings: {}".format(free_strings)) for free_string in free_strings: complete = freeform_replace(structure, custom=free_string, backends=backends, rotations=rotations) processed.append('{{{}}}'.format(free_string)) processed.append('{}'.format(complete)) # site replacements in square brackets [], no spaces site_strings = re.findall(r'\[(.*?)\]', line) debug("Site replacement strings: {}".format(site_strings)) for site_string in site_strings: site_list = [] manual_angles = [] for site in [x for x in site_string.split('.') if x]: site_id, functionalisation = site.split('@') if '%' in functionalisation: functionalisation, manual = functionalisation.split('%') else: manual = None site_list.append([site_id, functionalisation]) manual_angles.append(manual) debug("{}".format(site_list)) debug("{}".format(manual_angles)) complete = site_replace(structure, site_list, backends=backends, rotations=rotations, manual_angles=manual_angles) processed.append('[{}]'.format(site_string)) processed.append('{}'.format(complete)) try: conn.sendall((':'.join(processed)).encode('utf-8')) except conn.timeout: error("Timed out sending status after {} seconds".format(timeout)) return False conn.close() return True def main(): """ Initialise everything needed to get the daemon running and start it up. """ info("Welcome to fapswitchd; the daemon interface to fapswitch") info("Using fapswitch version {}".format(fapswitch.__version__)) # Name for a the single structure job_name = options.get('job_name') # Load it input_structure = load_structure(job_name) # Structure is ready! # Begin processing info("Structure attachment sites: " "{}".format(list(input_structure.attachments))) info("Structure attachment multiplicities :" "{}".format(dict((key, len(val)) for key, val in input_structure.attachments.items()))) # Functional group library is self initialising info("Groups in library: {}".format(functional_groups.group_list)) #Define some backends for where to send the structures backends = [] backend_options = options.gettuple('backends') rotations = options.getint('rotations') info("Will rotate each group a maximum of {} times.".format(rotations)) if 'sqlite' in backend_options: # Initialise and add the database writer debug("Initialising the sqlite backend") try: from fapswitch.backend.sql import AlchemyBackend backend = AlchemyBackend(job_name) backend.populate_groups(functional_groups) backends.append(backend) except ImportError: error("SQLAlchemy not installed; sql backend unavailable") # done if 'file' in backend_options: # Just dumps to a named file debug("Initialising cif file writer backend") from fapswitch.backend.cif_file import CifFileBackend backends.append(CifFileBackend()) # Make the program die if the daemon is called unsuccessfully if fapswitch_deamon(input_structure, backends=backends, rotations=rotations): info("Daemon completed successfully") else: error("Daemon did not complete successfully; check output") if __name__ == '__main__': main()
34.017241
81
0.63727
c16126fe92c1d9ba1ba349b0d796090b7fe8b944
598
py
Python
api/migrations/0040_auto_20190427_2028.py
pythonkr/pyconkr-api
077e122a0af37122c5b424870cf91b8fca91a9f5
[ "Apache-2.0" ]
25
2018-12-09T07:56:16.000Z
2020-12-24T08:20:41.000Z
api/migrations/0040_auto_20190427_2028.py
mingrammer/pyconkr-api
3c9fc70ed26008a50d3b4c296a4da84a8f93babb
[ "Apache-2.0" ]
100
2018-12-13T02:01:42.000Z
2022-03-11T23:40:25.000Z
api/migrations/0040_auto_20190427_2028.py
mingrammer/pyconkr-api
3c9fc70ed26008a50d3b4c296a4da84a8f93babb
[ "Apache-2.0" ]
8
2019-01-05T05:02:27.000Z
2019-08-09T08:14:49.000Z
# Generated by Django 2.2 on 2019-04-27 11:28 from django.db import migrations class Migration(migrations.Migration): dependencies = [ ('api', '0039_remove_program_price'), ] operations = [ migrations.RemoveField( model_name='presentationproposal', name='coc_agreed_at', ), migrations.RemoveField( model_name='presentationproposal', name='contents_agreed_at', ), migrations.RemoveField( model_name='presentationproposal', name='etc_agreed_at', ), ]
23
46
0.590301
fe214931ac472dd6da92605b08c4b1f44bcf029c
833
py
Python
mjutt/urls.py
kangsanChang/mjutt
e8c668d1fc23e1932d6c88d01f4263aac85c7fcb
[ "Apache-2.0" ]
null
null
null
mjutt/urls.py
kangsanChang/mjutt
e8c668d1fc23e1932d6c88d01f4263aac85c7fcb
[ "Apache-2.0" ]
null
null
null
mjutt/urls.py
kangsanChang/mjutt
e8c668d1fc23e1932d6c88d01f4263aac85c7fcb
[ "Apache-2.0" ]
null
null
null
"""mjutt URL Configuration The `urlpatterns` list routes URLs to views. For more information please see: https://docs.djangoproject.com/en/1.10/topics/http/urls/ Examples: Function views 1. Add an import: from my_app import views 2. Add a URL to urlpatterns: url(r'^$', views.home, name='home') Class-based views 1. Add an import: from other_app.views import Home 2. Add a URL to urlpatterns: url(r'^$', Home.as_view(), name='home') Including another URLconf 1. Import the include() function: from django.conf.urls import url, include 2. Add a URL to urlpatterns: url(r'^blog/', include('blog.urls')) """ from django.conf.urls import url from django.contrib import admin from timetable import views urlpatterns = [ url(r'^admin/', admin.site.urls), url(r'^$', views.index, name='index'), ]
34.708333
79
0.69988
998744046d6f9e3bcfe719bb54203fccd6223a86
645
py
Python
ftp.py
PatrickG123/Bruteforce-Password-Craker
2bba9aaf183bcc20bebf1d707f8346f876cfb973
[ "Apache-2.0" ]
1
2019-11-24T15:08:15.000Z
2019-11-24T15:08:15.000Z
ftp.py
PatrickG123/Bruteforce-Password-Craker
2bba9aaf183bcc20bebf1d707f8346f876cfb973
[ "Apache-2.0" ]
null
null
null
ftp.py
PatrickG123/Bruteforce-Password-Craker
2bba9aaf183bcc20bebf1d707f8346f876cfb973
[ "Apache-2.0" ]
null
null
null
import socket import re import sys def connection(ip,user,passw): sock = socket.socket(socket.AF_INET,socket.SOCK_STREAM) print('Trying'+ ip+ ':' + user + ":" +passw) sock.connect(('192.168.1.25',111)) data = sock.recv(1024) sock.send('User' + user * '\r\n') data = sock.recv(1024) sock.send('Password' + passw * '\r\n') data = sock.recv (1024) sock.send('Quit' * 'r\n') sock.close() return data user = 'root' password = ['p@ssw0rd!','Admin','Adminp@ssw0rd!','BiasharaAdmin','AdminBiashara','root'] for password in password : print(connection('192.168.1.25',user,password)) exit()
19.545455
88
0.615504
5fdf3b6a8773f44bbbb8e46daf43a70bce47f1d2
2,639
py
Python
mezzanine/accounts/admin.py
arundalal/mezzanine-blog
116f3c2595098a83757f1c6b00ceb7f65ef30d51
[ "BSD-2-Clause" ]
3
2019-05-14T13:43:26.000Z
2021-11-09T11:27:16.000Z
mezzanine/accounts/admin.py
arundalal/mezzanine-blog
116f3c2595098a83757f1c6b00ceb7f65ef30d51
[ "BSD-2-Clause" ]
9
2020-03-24T16:20:31.000Z
2022-03-11T23:32:38.000Z
mezzanine/accounts/admin.py
arundalal/mezzanine-blog
116f3c2595098a83757f1c6b00ceb7f65ef30d51
[ "BSD-2-Clause" ]
19
2017-01-12T09:20:03.000Z
2019-06-18T14:53:32.000Z
from __future__ import unicode_literals from django.contrib import admin from django.contrib.auth import get_user_model from mezzanine.accounts import get_profile_model, ProfileNotConfigured from mezzanine.core.admin import SitePermissionUserAdmin from mezzanine.conf import settings from mezzanine.utils.email import send_approved_mail, send_verification_mail User = get_user_model() user_list_display = SitePermissionUserAdmin.list_display user_list_display += ("is_active", "date_joined", "last_login") class UserProfileAdmin(SitePermissionUserAdmin): list_display = user_list_display def save_model(self, request, obj, form, change): """ If the ``ACCOUNTS_APPROVAL_REQUIRED`` setting is ``True``, send a notification email to the user being saved if their ``active`` status has changed to ``True``. If the ``ACCOUNTS_VERIFICATION_REQUIRED`` setting is ``True``, send a verification email instead. """ must_send_verification_mail_after_save = False if change and settings.ACCOUNTS_APPROVAL_REQUIRED: if obj.is_active and not User.objects.get(id=obj.id).is_active: if settings.ACCOUNTS_VERIFICATION_REQUIRED: # Accounts verification requires an inactive account obj.is_active = False # The token generated by send_verification_mail() # must match the _saved_ User object, # so postpone send_verification_mail() until later must_send_verification_mail_after_save = True else: send_approved_mail(request, obj) super(UserProfileAdmin, self).save_model(request, obj, form, change) if must_send_verification_mail_after_save: user = User.objects.get(id=obj.id) send_verification_mail(request, user, "signup_verify") try: class ProfileInline(admin.StackedInline): model = get_profile_model() can_delete = False template = "admin/profile_inline.html" extra = 0 def get_min_num(self, request, obj=None, **kwargs): """This causes profile forms to be shown when editing but hidden when creating. If min_num is fixed at 1, Django's initial user creation form fails if the profile model has a required field.""" return 0 if obj is None else 1 UserProfileAdmin.inlines += (ProfileInline,) except ProfileNotConfigured: pass if User in admin.site._registry: admin.site.unregister(User) admin.site.register(User, UserProfileAdmin)
38.246377
77
0.687003
c6e710d18f51eb7366da7b67cc31f4d716811402
15,119
py
Python
respx/router.py
flaeppe/respx
c76f632690cdfb2c878fe8fea999df0a26083eb3
[ "BSD-3-Clause" ]
null
null
null
respx/router.py
flaeppe/respx
c76f632690cdfb2c878fe8fea999df0a26083eb3
[ "BSD-3-Clause" ]
null
null
null
respx/router.py
flaeppe/respx
c76f632690cdfb2c878fe8fea999df0a26083eb3
[ "BSD-3-Clause" ]
null
null
null
import inspect from contextlib import contextmanager from functools import update_wrapper from types import TracebackType from typing import ( Any, Callable, Dict, Generator, List, NewType, Optional, Tuple, Type, Union, cast, overload, ) import httpx from .mocks import Mocker from .models import ( AllCalledAssertionError, AllMockedAssertionError, CallList, PassThrough, ResolvedRoute, Route, RouteList, SideEffectError, ) from .patterns import Pattern, merge_patterns, parse_url_patterns from .types import DefaultType, ResolvedResponseTypes, RouteResultTypes, URLPatternTypes Default = NewType("Default", object) DEFAULT = Default(...) class Router: def __init__( self, *, assert_all_called: bool = True, assert_all_mocked: bool = True, base_url: Optional[str] = None, ) -> None: self._assert_all_called = assert_all_called self._assert_all_mocked = assert_all_mocked self._bases = parse_url_patterns(base_url, exact=False) self.routes = RouteList() self.calls = CallList() self._snapshots: List[Tuple] = [] self.snapshot() def clear(self) -> None: """ Clears all routes. May be rolled back to snapshot state. """ self.routes.clear() def snapshot(self) -> None: """ Snapshots current routes and calls state. """ # Snapshot current routes and calls routes = RouteList(self.routes) calls = CallList(self.calls) self._snapshots.append((routes, calls)) # Snapshot each route state for route in routes: route.snapshot() def rollback(self) -> None: """ Rollbacks routes, and optionally calls, to snapshot state. """ if not self._snapshots: return # Revert added routes and calls to last snapshot routes, calls = self._snapshots.pop() self.routes[:] = routes self.calls[:] = calls # Revert each route state to last snapshot for route in self.routes: route.rollback() def reset(self) -> None: """ Resets call stats. """ self.calls.clear() for route in self.routes: route.reset() def assert_all_called(self) -> None: if any(not route.called for route in self.routes): raise AllCalledAssertionError("RESPX: some routes were not called!") def __getitem__(self, name: str) -> Route: return self.routes[name] @overload def pop(self, name: str) -> Route: ... # pragma: nocover @overload def pop(self, name: str, default: DefaultType) -> Union[Route, DefaultType]: ... # pragma: nocover def pop(self, name, default=...): """ Removes a route by name and returns it. Raises KeyError when `default` not provided and name is not found. """ try: return self.routes.pop(name) except KeyError as ex: if default is ...: raise ex return default def route( self, *patterns: Pattern, name: Optional[str] = None, **lookups: Any ) -> Route: route = Route(*patterns, **lookups) return self.add(route, name=name) def add(self, route: Route, *, name: Optional[str] = None) -> Route: """ Adds a route with optionally given name, replacing any existing route with same name or pattern. """ if not isinstance(route, Route): raise ValueError( f"Invalid route {route!r}, please use respx.route(...).mock(...)" ) route._pattern = merge_patterns(route.pattern, **self._bases) route = self.routes.add(route, name=name) return route def request( self, method: str, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: if lookups: # Validate that lookups doesn't contain method or url pattern_keys = {p.split("__", 1)[0] for p in lookups.keys()} if "method" in pattern_keys: raise TypeError("Got multiple values for pattern 'method'") elif url and "url" in pattern_keys: raise TypeError("Got multiple values for pattern 'url'") return self.route(method=method, url=url, name=name, **lookups) def get( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="GET", url=url, name=name, **lookups) def post( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="POST", url=url, name=name, **lookups) def put( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="PUT", url=url, name=name, **lookups) def patch( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="PATCH", url=url, name=name, **lookups) def delete( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="DELETE", url=url, name=name, **lookups) def head( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="HEAD", url=url, name=name, **lookups) def options( self, url: Optional[URLPatternTypes] = None, *, name: Optional[str] = None, **lookups: Any, ) -> Route: return self.request(method="OPTIONS", url=url, name=name, **lookups) def record( self, request: httpx.Request, *, response: Optional[httpx.Response] = None, route: Optional[Route] = None, ) -> None: call = self.calls.record(request, response) if route: route.calls.append(call) @contextmanager def resolver(self, request: httpx.Request) -> Generator[ResolvedRoute, None, None]: resolved = ResolvedRoute() try: yield resolved if resolved.route is None: # Assert we always get a route match, if check is enabled if self._assert_all_mocked: raise AllMockedAssertionError(f"RESPX: {request!r} not mocked!") # Auto mock a successful empty response resolved.response = httpx.Response(200) elif resolved.response == request: # Pass-through request raise PassThrough( f"Request marked to pass through: {request!r}", request=request, origin=resolved.route, ) else: # Mocked response assert isinstance(resolved.response, httpx.Response) except SideEffectError as error: self.record(request, response=None, route=error.route) raise error.origin from error except PassThrough: self.record(request, response=None, route=resolved.route) raise else: self.record(request, response=resolved.response, route=resolved.route) def resolve(self, request: httpx.Request) -> ResolvedRoute: with self.resolver(request) as resolved: for route in self.routes: prospect = route.match(request) if prospect is not None: resolved.route = route resolved.response = cast(ResolvedResponseTypes, prospect) break if isinstance(resolved.response.stream, httpx.ByteStream): resolved.response.read() # Pre-read stream return resolved async def aresolve(self, request: httpx.Request) -> ResolvedRoute: with self.resolver(request) as resolved: for route in self.routes: prospect: RouteResultTypes = route.match(request) # Await async side effect and wrap any exception if inspect.isawaitable(prospect): try: prospect = await prospect except Exception as error: raise SideEffectError(route, origin=error) from error if prospect is not None: resolved.route = route resolved.response = cast(ResolvedResponseTypes, prospect) break if isinstance(resolved.response.stream, httpx.ByteStream): await resolved.response.aread() # Pre-read stream return resolved def handler(self, request: httpx.Request) -> httpx.Response: resolved = self.resolve(request) assert isinstance(resolved.response, httpx.Response) return resolved.response async def async_handler(self, request: httpx.Request) -> httpx.Response: resolved = await self.aresolve(request) assert isinstance(resolved.response, httpx.Response) return resolved.response class MockRouter(Router): Mocker: Optional[Type[Mocker]] def __init__( self, *, assert_all_called: bool = True, assert_all_mocked: bool = True, base_url: Optional[str] = None, using: Optional[Union[str, Default]] = DEFAULT, ) -> None: super().__init__( assert_all_called=assert_all_called, assert_all_mocked=assert_all_mocked, base_url=base_url, ) self._using = using @overload def __call__( self, func: None = None, *, assert_all_called: Optional[bool] = None, assert_all_mocked: Optional[bool] = None, base_url: Optional[str] = None, using: Optional[Union[str, Default]] = DEFAULT, ) -> "MockRouter": ... # pragma: nocover @overload def __call__( self, func: Callable = ..., *, assert_all_called: Optional[bool] = None, assert_all_mocked: Optional[bool] = None, base_url: Optional[str] = None, using: Optional[Union[str, Default]] = DEFAULT, ) -> Callable: ... # pragma: nocover def __call__( self, func: Optional[Callable] = None, *, assert_all_called: Optional[bool] = None, assert_all_mocked: Optional[bool] = None, base_url: Optional[str] = None, using: Optional[Union[str, Default]] = DEFAULT, ) -> Union["MockRouter", Callable]: """ Decorator or Context Manager. Use decorator/manager with parentheses for local state, or without parentheses for global state, i.e. shared patterns added outside of scope. """ if func is None: # Parentheses used, branch out to new nested instance. # - Only stage when using local ctx `with respx.mock(...) as respx_mock:` # - First stage when using local decorator `@respx.mock(...)` # FYI, global ctx `with respx.mock:` hits __enter__ directly settings: Dict[str, Any] = { "base_url": base_url, "using": using, } if assert_all_called is not None: settings["assert_all_called"] = assert_all_called if assert_all_mocked is not None: settings["assert_all_mocked"] = assert_all_mocked respx_mock = self.__class__(**settings) return respx_mock # Determine if decorated function needs a `respx_mock` instance argspec = inspect.getfullargspec(func) needs_mock_reference = "respx_mock" in argspec.args # Async Decorator async def async_decorator(*args, **kwargs): assert func is not None if needs_mock_reference: kwargs["respx_mock"] = self async with self: return await func(*args, **kwargs) # Sync Decorator def sync_decorator(*args, **kwargs): assert func is not None if "respx_mock" in argspec.args: kwargs["respx_mock"] = self with self: return func(*args, **kwargs) if not needs_mock_reference: async_decorator = update_wrapper(async_decorator, func) sync_decorator = update_wrapper(sync_decorator, func) # Dispatch async/sync decorator, depending on decorated function. # - Only stage when using global decorator `@respx.mock` # - Second stage when using local decorator `@respx.mock(...)` return async_decorator if inspect.iscoroutinefunction(func) else sync_decorator def __enter__(self) -> "MockRouter": self.start() return self def __exit__( self, exc_type: Type[BaseException] = None, exc_value: BaseException = None, traceback: TracebackType = None, ) -> None: self.stop(quiet=bool(exc_type is not None)) async def __aenter__(self) -> "MockRouter": return self.__enter__() async def __aexit__(self, *args: Any) -> None: self.__exit__(*args) @property def using(self) -> Optional[str]: from respx.mocks import DEFAULT_MOCKER if self._using is None: using = None elif self._using is DEFAULT: using = DEFAULT_MOCKER elif isinstance(self._using, str): using = self._using else: raise ValueError(f"Invalid Router `using` kwarg: {self._using!r}") return using def start(self) -> None: """ Register transport, snapshot router and start patching. """ self.snapshot() self.Mocker = Mocker.registry.get(self.using) if self.Mocker: self.Mocker.register(self) self.Mocker.start() def stop(self, clear: bool = True, reset: bool = True, quiet: bool = False) -> None: """ Unregister transport and rollback router. Stop patching when no registered transports left. """ unregistered = self.Mocker.unregister(self) if self.Mocker else True try: if unregistered and not quiet and self._assert_all_called: self.assert_all_called() finally: if clear: self.rollback() if reset: self.reset() if self.Mocker: self.Mocker.stop()
31.109053
88
0.575038
0457e120ccaab4b2071e14b30b3fa809695c2f37
14,056
py
Python
numpy/lib/scimath.py
ivanov/numpy
6d2665626e40f346bb5af8d780579f5a429ff9ba
[ "BSD-3-Clause" ]
null
null
null
numpy/lib/scimath.py
ivanov/numpy
6d2665626e40f346bb5af8d780579f5a429ff9ba
[ "BSD-3-Clause" ]
null
null
null
numpy/lib/scimath.py
ivanov/numpy
6d2665626e40f346bb5af8d780579f5a429ff9ba
[ "BSD-3-Clause" ]
null
null
null
""" Wrapper functions to more user-friendly calling of certain math functions whose output data-type is different than the input data-type in certain domains of the input. For example, for functions like `log` with branch cuts, the versions in this module provide the mathematically valid answers in the complex plane:: >>> import math >>> from numpy.lib import scimath >>> scimath.log(-math.exp(1)) == (1+1j*math.pi) True Similarly, `sqrt`, other base logarithms, `power` and trig functions are correctly handled. See their respective docstrings for specific examples. """ from __future__ import division, absolute_import __all__ = ['sqrt', 'log', 'log2', 'logn','log10', 'power', 'arccos', 'arcsin', 'arctanh'] import numpy.core.numeric as nx import numpy.core.numerictypes as nt from numpy.core.numeric import asarray, any from numpy.lib.type_check import isreal _ln2 = nx.log(2.0) def _tocomplex(arr): """Convert its input `arr` to a complex array. The input is returned as a complex array of the smallest type that will fit the original data: types like single, byte, short, etc. become csingle, while others become cdouble. A copy of the input is always made. Parameters ---------- arr : array Returns ------- array An array with the same input data as the input but in complex form. Examples -------- First, consider an input of type short: >>> a = np.array([1,2,3],np.short) >>> ac = np.lib.scimath._tocomplex(a); ac array([ 1.+0.j, 2.+0.j, 3.+0.j], dtype=complex64) >>> ac.dtype dtype('complex64') If the input is of type double, the output is correspondingly of the complex double type as well: >>> b = np.array([1,2,3],np.double) >>> bc = np.lib.scimath._tocomplex(b); bc array([ 1.+0.j, 2.+0.j, 3.+0.j]) >>> bc.dtype dtype('complex128') Note that even if the input was complex to begin with, a copy is still made, since the astype() method always copies: >>> c = np.array([1,2,3],np.csingle) >>> cc = np.lib.scimath._tocomplex(c); cc array([ 1.+0.j, 2.+0.j, 3.+0.j], dtype=complex64) >>> c *= 2; c array([ 2.+0.j, 4.+0.j, 6.+0.j], dtype=complex64) >>> cc array([ 1.+0.j, 2.+0.j, 3.+0.j], dtype=complex64) """ if issubclass(arr.dtype.type, (nt.single, nt.byte, nt.short, nt.ubyte, nt.ushort,nt.csingle)): return arr.astype(nt.csingle) else: return arr.astype(nt.cdouble) def _fix_real_lt_zero(x): """Convert `x` to complex if it has real, negative components. Otherwise, output is just the array version of the input (via asarray). Parameters ---------- x : array_like Returns ------- array Examples -------- >>> np.lib.scimath._fix_real_lt_zero([1,2]) array([1, 2]) >>> np.lib.scimath._fix_real_lt_zero([-1,2]) array([-1.+0.j, 2.+0.j]) """ x = asarray(x) if any(isreal(x) & (x<0)): x = _tocomplex(x) return x def _fix_int_lt_zero(x): """Convert `x` to double if it has real, negative components. Otherwise, output is just the array version of the input (via asarray). Parameters ---------- x : array_like Returns ------- array Examples -------- >>> np.lib.scimath._fix_int_lt_zero([1,2]) array([1, 2]) >>> np.lib.scimath._fix_int_lt_zero([-1,2]) array([-1., 2.]) """ x = asarray(x) if any(isreal(x) & (x < 0)): x = x * 1.0 return x def _fix_real_abs_gt_1(x): """Convert `x` to complex if it has real components x_i with abs(x_i)>1. Otherwise, output is just the array version of the input (via asarray). Parameters ---------- x : array_like Returns ------- array Examples -------- >>> np.lib.scimath._fix_real_abs_gt_1([0,1]) array([0, 1]) >>> np.lib.scimath._fix_real_abs_gt_1([0,2]) array([ 0.+0.j, 2.+0.j]) """ x = asarray(x) if any(isreal(x) & (abs(x)>1)): x = _tocomplex(x) return x def sqrt(x): """ Compute the square root of x. For negative input elements, a complex value is returned (unlike `numpy.sqrt` which returns NaN). Parameters ---------- x : array_like The input value(s). Returns ------- out : ndarray or scalar The square root of `x`. If `x` was a scalar, so is `out`, otherwise an array is returned. See Also -------- numpy.sqrt Examples -------- For real, non-negative inputs this works just like `numpy.sqrt`: >>> np.lib.scimath.sqrt(1) 1.0 >>> np.lib.scimath.sqrt([1, 4]) array([ 1., 2.]) But it automatically handles negative inputs: >>> np.lib.scimath.sqrt(-1) (0.0+1.0j) >>> np.lib.scimath.sqrt([-1,4]) array([ 0.+1.j, 2.+0.j]) """ x = _fix_real_lt_zero(x) return nx.sqrt(x) def log(x): """ Compute the natural logarithm of `x`. Return the "principal value" (for a description of this, see `numpy.log`) of :math:`log_e(x)`. For real `x > 0`, this is a real number (``log(0)`` returns ``-inf`` and ``log(np.inf)`` returns ``inf``). Otherwise, the complex principle value is returned. Parameters ---------- x : array_like The value(s) whose log is (are) required. Returns ------- out : ndarray or scalar The log of the `x` value(s). If `x` was a scalar, so is `out`, otherwise an array is returned. See Also -------- numpy.log Notes ----- For a log() that returns ``NAN`` when real `x < 0`, use `numpy.log` (note, however, that otherwise `numpy.log` and this `log` are identical, i.e., both return ``-inf`` for `x = 0`, ``inf`` for `x = inf`, and, notably, the complex principle value if ``x.imag != 0``). Examples -------- >>> np.emath.log(np.exp(1)) 1.0 Negative arguments are handled "correctly" (recall that ``exp(log(x)) == x`` does *not* hold for real ``x < 0``): >>> np.emath.log(-np.exp(1)) == (1 + np.pi * 1j) True """ x = _fix_real_lt_zero(x) return nx.log(x) def log10(x): """ Compute the logarithm base 10 of `x`. Return the "principal value" (for a description of this, see `numpy.log10`) of :math:`log_{10}(x)`. For real `x > 0`, this is a real number (``log10(0)`` returns ``-inf`` and ``log10(np.inf)`` returns ``inf``). Otherwise, the complex principle value is returned. Parameters ---------- x : array_like or scalar The value(s) whose log base 10 is (are) required. Returns ------- out : ndarray or scalar The log base 10 of the `x` value(s). If `x` was a scalar, so is `out`, otherwise an array object is returned. See Also -------- numpy.log10 Notes ----- For a log10() that returns ``NAN`` when real `x < 0`, use `numpy.log10` (note, however, that otherwise `numpy.log10` and this `log10` are identical, i.e., both return ``-inf`` for `x = 0`, ``inf`` for `x = inf`, and, notably, the complex principle value if ``x.imag != 0``). Examples -------- (We set the printing precision so the example can be auto-tested) >>> np.set_printoptions(precision=4) >>> np.emath.log10(10**1) 1.0 >>> np.emath.log10([-10**1, -10**2, 10**2]) array([ 1.+1.3644j, 2.+1.3644j, 2.+0.j ]) """ x = _fix_real_lt_zero(x) return nx.log10(x) def logn(n, x): """ Take log base n of x. If `x` contains negative inputs, the answer is computed and returned in the complex domain. Parameters ---------- n : int The base in which the log is taken. x : array_like The value(s) whose log base `n` is (are) required. Returns ------- out : ndarray or scalar The log base `n` of the `x` value(s). If `x` was a scalar, so is `out`, otherwise an array is returned. Examples -------- >>> np.set_printoptions(precision=4) >>> np.lib.scimath.logn(2, [4, 8]) array([ 2., 3.]) >>> np.lib.scimath.logn(2, [-4, -8, 8]) array([ 2.+4.5324j, 3.+4.5324j, 3.+0.j ]) """ x = _fix_real_lt_zero(x) n = _fix_real_lt_zero(n) return nx.log(x)/nx.log(n) def log2(x): """ Compute the logarithm base 2 of `x`. Return the "principal value" (for a description of this, see `numpy.log2`) of :math:`log_2(x)`. For real `x > 0`, this is a real number (``log2(0)`` returns ``-inf`` and ``log2(np.inf)`` returns ``inf``). Otherwise, the complex principle value is returned. Parameters ---------- x : array_like The value(s) whose log base 2 is (are) required. Returns ------- out : ndarray or scalar The log base 2 of the `x` value(s). If `x` was a scalar, so is `out`, otherwise an array is returned. See Also -------- numpy.log2 Notes ----- For a log2() that returns ``NAN`` when real `x < 0`, use `numpy.log2` (note, however, that otherwise `numpy.log2` and this `log2` are identical, i.e., both return ``-inf`` for `x = 0`, ``inf`` for `x = inf`, and, notably, the complex principle value if ``x.imag != 0``). Examples -------- We set the printing precision so the example can be auto-tested: >>> np.set_printoptions(precision=4) >>> np.emath.log2(8) 3.0 >>> np.emath.log2([-4, -8, 8]) array([ 2.+4.5324j, 3.+4.5324j, 3.+0.j ]) """ x = _fix_real_lt_zero(x) return nx.log2(x) def power(x, p): """ Return x to the power p, (x**p). If `x` contains negative values, the output is converted to the complex domain. Parameters ---------- x : array_like The input value(s). p : array_like of ints The power(s) to which `x` is raised. If `x` contains multiple values, `p` has to either be a scalar, or contain the same number of values as `x`. In the latter case, the result is ``x[0]**p[0], x[1]**p[1], ...``. Returns ------- out : ndarray or scalar The result of ``x**p``. If `x` and `p` are scalars, so is `out`, otherwise an array is returned. See Also -------- numpy.power Examples -------- >>> np.set_printoptions(precision=4) >>> np.lib.scimath.power([2, 4], 2) array([ 4, 16]) >>> np.lib.scimath.power([2, 4], -2) array([ 0.25 , 0.0625]) >>> np.lib.scimath.power([-2, 4], 2) array([ 4.+0.j, 16.+0.j]) """ x = _fix_real_lt_zero(x) p = _fix_int_lt_zero(p) return nx.power(x, p) def arccos(x): """ Compute the inverse cosine of x. Return the "principal value" (for a description of this, see `numpy.arccos`) of the inverse cosine of `x`. For real `x` such that `abs(x) <= 1`, this is a real number in the closed interval :math:`[0, \\pi]`. Otherwise, the complex principle value is returned. Parameters ---------- x : array_like or scalar The value(s) whose arccos is (are) required. Returns ------- out : ndarray or scalar The inverse cosine(s) of the `x` value(s). If `x` was a scalar, so is `out`, otherwise an array object is returned. See Also -------- numpy.arccos Notes ----- For an arccos() that returns ``NAN`` when real `x` is not in the interval ``[-1,1]``, use `numpy.arccos`. Examples -------- >>> np.set_printoptions(precision=4) >>> np.emath.arccos(1) # a scalar is returned 0.0 >>> np.emath.arccos([1,2]) array([ 0.-0.j , 0.+1.317j]) """ x = _fix_real_abs_gt_1(x) return nx.arccos(x) def arcsin(x): """ Compute the inverse sine of x. Return the "principal value" (for a description of this, see `numpy.arcsin`) of the inverse sine of `x`. For real `x` such that `abs(x) <= 1`, this is a real number in the closed interval :math:`[-\\pi/2, \\pi/2]`. Otherwise, the complex principle value is returned. Parameters ---------- x : array_like or scalar The value(s) whose arcsin is (are) required. Returns ------- out : ndarray or scalar The inverse sine(s) of the `x` value(s). If `x` was a scalar, so is `out`, otherwise an array object is returned. See Also -------- numpy.arcsin Notes ----- For an arcsin() that returns ``NAN`` when real `x` is not in the interval ``[-1,1]``, use `numpy.arcsin`. Examples -------- >>> np.set_printoptions(precision=4) >>> np.emath.arcsin(0) 0.0 >>> np.emath.arcsin([0,1]) array([ 0. , 1.5708]) """ x = _fix_real_abs_gt_1(x) return nx.arcsin(x) def arctanh(x): """ Compute the inverse hyperbolic tangent of `x`. Return the "principal value" (for a description of this, see `numpy.arctanh`) of `arctanh(x)`. For real `x` such that `abs(x) < 1`, this is a real number. If `abs(x) > 1`, or if `x` is complex, the result is complex. Finally, `x = 1` returns``inf`` and `x=-1` returns ``-inf``. Parameters ---------- x : array_like The value(s) whose arctanh is (are) required. Returns ------- out : ndarray or scalar The inverse hyperbolic tangent(s) of the `x` value(s). If `x` was a scalar so is `out`, otherwise an array is returned. See Also -------- numpy.arctanh Notes ----- For an arctanh() that returns ``NAN`` when real `x` is not in the interval ``(-1,1)``, use `numpy.arctanh` (this latter, however, does return +/-inf for `x = +/-1`). Examples -------- >>> np.set_printoptions(precision=4) >>> np.emath.arctanh(np.matrix(np.eye(2))) array([[ Inf, 0.], [ 0., Inf]]) >>> np.emath.arctanh([1j]) array([ 0.+0.7854j]) """ x = _fix_real_abs_gt_1(x) return nx.arctanh(x)
25.055258
79
0.568441
5f80eecb056c1560df17419d20f2142cba055512
15,557
py
Python
rasa/core/featurizers/tracker_featurizers.py
joeriess/rasa
c1bdfd0934578f515a8bf3ab708c294b809300f8
[ "Apache-2.0" ]
null
null
null
rasa/core/featurizers/tracker_featurizers.py
joeriess/rasa
c1bdfd0934578f515a8bf3ab708c294b809300f8
[ "Apache-2.0" ]
null
null
null
rasa/core/featurizers/tracker_featurizers.py
joeriess/rasa
c1bdfd0934578f515a8bf3ab708c294b809300f8
[ "Apache-2.0" ]
null
null
null
import jsonpickle import logging import os from rasa.shared.nlu.constants import TEXT from tqdm import tqdm from typing import Tuple, List, Optional, Dict, Text import numpy as np import rasa.utils.io as io_utils from rasa.core.featurizers.single_state_featurizer import SingleStateFeaturizer from rasa.shared.core.domain import State, Domain from rasa.shared.core.events import ActionExecuted from rasa.shared.core.trackers import DialogueStateTracker from rasa.shared.nlu.interpreter import NaturalLanguageInterpreter from rasa.shared.core.constants import USER import rasa.shared.utils.io from rasa.shared.nlu.training_data.features import Features logger = logging.getLogger(__name__) class InvalidStory(Exception): """Exception that can be raised if story cannot be featurized.""" def __init__(self, message) -> None: self.message = message def __str__(self) -> Text: # return message in error colours return rasa.shared.utils.io.wrap_with_color( self.message, color=rasa.shared.utils.io.bcolors.FAIL ) class TrackerFeaturizer: """Base class for actual tracker featurizers.""" def __init__( self, state_featurizer: Optional[SingleStateFeaturizer] = None ) -> None: """Initialize the tracker featurizer. Args: state_featurizer: The state featurizer used to encode the states. """ self.state_featurizer = state_featurizer @staticmethod def _create_states(tracker: DialogueStateTracker, domain: Domain) -> List[State]: """Create states for the given tracker. Args: tracker: a :class:`rasa.core.trackers.DialogueStateTracker` domain: a :class:`rasa.shared.core.domain.Domain` Returns: a list of states """ return tracker.past_states(domain) def _featurize_states( self, trackers_as_states: List[List[State]], interpreter: NaturalLanguageInterpreter, ) -> List[List[Dict[Text, List["Features"]]]]: return [ [ self.state_featurizer.encode_state(state, interpreter) for state in tracker_states ] for tracker_states in trackers_as_states ] @staticmethod def _convert_labels_to_ids( trackers_as_actions: List[List[Text]], domain: Domain ) -> np.ndarray: # store labels in numpy arrays so that it corresponds to np arrays of input features return np.array( [ np.array( [domain.index_for_action(action) for action in tracker_actions] ) for tracker_actions in trackers_as_actions ] ) def training_states_and_actions( self, trackers: List[DialogueStateTracker], domain: Domain ) -> Tuple[List[List[State]], List[List[Text]]]: """Transforms list of trackers to lists of states and actions. Args: trackers: The trackers to transform domain: The domain Returns: A tuple of list of states and list of actions. """ raise NotImplementedError( "Featurizer must have the capacity to encode trackers to feature vectors" ) def featurize_trackers( self, trackers: List[DialogueStateTracker], domain: Domain, interpreter: NaturalLanguageInterpreter, ) -> Tuple[List[List[Dict[Text, List["Features"]]]], np.ndarray]: """Featurize the training trackers. Args: trackers: list of training trackers domain: the domain interpreter: the interpreter Returns: - a dictionary of state types (INTENT, TEXT, ACTION_NAME, ACTION_TEXT, ENTITIES, SLOTS, ACTIVE_LOOP) to a list of features for all dialogue turns in all training trackers - the label ids (e.g. action ids) for every dialuge turn in all training trackers """ if self.state_featurizer is None: raise ValueError( f"Instance variable 'state_featurizer' is not set. " f"During initialization set 'state_featurizer' to an instance of " f"'{SingleStateFeaturizer.__class__.__name__}' class " f"to get numerical features for trackers." ) self.state_featurizer.prepare_from_domain(domain) trackers_as_states, trackers_as_actions = self.training_states_and_actions( trackers, domain ) tracker_state_features = self._featurize_states(trackers_as_states, interpreter) label_ids = self._convert_labels_to_ids(trackers_as_actions, domain) return tracker_state_features, label_ids def prediction_states( self, trackers: List[DialogueStateTracker], domain: Domain ) -> List[List[State]]: """Transforms list of trackers to lists of states for prediction. Args: trackers: The trackers to transform domain: The domain Returns: A list of states. """ raise NotImplementedError( "Featurizer must have the capacity to create feature vector" ) def create_state_features( self, trackers: List[DialogueStateTracker], domain: Domain, interpreter: NaturalLanguageInterpreter, ) -> List[List[Dict[Text, List["Features"]]]]: """Create state features for prediction. Args: trackers: A list of state trackers domain: The domain interpreter: The interpreter Returns: A dictionary of state type (INTENT, TEXT, ACTION_NAME, ACTION_TEXT, ENTITIES, SLOTS, ACTIVE_LOOP) to a list of features for all dialogue turns in all trackers. """ trackers_as_states = self.prediction_states(trackers, domain) return self._featurize_states(trackers_as_states, interpreter) def persist(self, path: Text) -> None: """Persist the tracker featurizer to the given path. Args: path: The path to persist the tracker featurizer to. """ featurizer_file = os.path.join(path, "featurizer.json") rasa.shared.utils.io.create_directory_for_file(featurizer_file) # noinspection PyTypeChecker io_utils.write_text_file(str(jsonpickle.encode(self)), featurizer_file) @staticmethod def load(path: Text) -> Optional["TrackerFeaturizer"]: """Load the featurizer from file. Args: path: The path to load the tracker featurizer from. Returns: The loaded tracker featurizer. """ featurizer_file = os.path.join(path, "featurizer.json") if os.path.isfile(featurizer_file): return jsonpickle.decode(io_utils.read_file(featurizer_file)) logger.error( f"Couldn't load featurizer for policy. " f"File '{featurizer_file}' doesn't exist." ) return None class FullDialogueTrackerFeaturizer(TrackerFeaturizer): """Creates full dialogue training data for time distributed architectures. Creates training data that uses each time output for prediction. Training data is padded up to the length of the longest dialogue with -1. """ def training_states_and_actions( self, trackers: List[DialogueStateTracker], domain: Domain ) -> Tuple[List[List[State]], List[List[Text]]]: """Transforms list of trackers to lists of states and actions. Training data is padded up to the length of the longest dialogue with -1. Args: trackers: The trackers to transform domain: The domain Returns: A tuple of list of states and list of actions. """ trackers_as_states = [] trackers_as_actions = [] logger.debug( "Creating states and action examples from " "collected trackers (by {}({}))..." "".format(type(self).__name__, type(self.state_featurizer).__name__) ) pbar = tqdm( trackers, desc="Processed trackers", disable=rasa.shared.utils.io.is_logging_disabled(), ) for tracker in pbar: states = self._create_states(tracker, domain) delete_first_state = False actions = [] for event in tracker.applied_events(): if not isinstance(event, ActionExecuted): continue if not event.unpredictable: # only actions which can be # predicted at a stories start actions.append(event.action_name or event.action_text) else: # unpredictable actions can be # only the first in the story if delete_first_state: raise InvalidStory( f"Found two unpredictable actions in one story " f"'{tracker.sender_id}'. Check your story files." ) delete_first_state = True if delete_first_state: states = states[1:] trackers_as_states.append(states[:-1]) trackers_as_actions.append(actions) return trackers_as_states, trackers_as_actions def prediction_states( self, trackers: List[DialogueStateTracker], domain: Domain ) -> List[List[State]]: """Transforms list of trackers to lists of states for prediction. Args: trackers: The trackers to transform domain: The domain Returns: A list of states. """ trackers_as_states = [ self._create_states(tracker, domain) for tracker in trackers ] # TODO there is no prediction support for e2e input right now, therefore # temporary remove TEXT features from USER state during prediction for states in trackers_as_states: for state in states: if state.get(USER, {}).get(TEXT): del state[USER][TEXT] return trackers_as_states class MaxHistoryTrackerFeaturizer(TrackerFeaturizer): """Slices the tracker history into max_history batches. Creates training data that uses last output for prediction. Training data is padded up to the max_history with -1. """ def __init__( self, state_featurizer: Optional[SingleStateFeaturizer] = None, max_history: Optional[int] = None, remove_duplicates: bool = True, ) -> None: super().__init__(state_featurizer) self.max_history = max_history self.remove_duplicates = remove_duplicates @staticmethod def slice_state_history( states: List[State], slice_length: Optional[int] ) -> List[State]: """Slice states from the trackers history. If the slice is at the array borders, padding will be added to ensure the slice length. Args: states: The states slice_length: The slice length Returns: The sliced states. """ if not slice_length: return states return states[-slice_length:] @staticmethod def _hash_example( states: List[State], action: Text, tracker: DialogueStateTracker ) -> int: """Hash states for efficient deduplication.""" frozen_states = tuple( s if s is None else tracker.freeze_current_state(s) for s in states ) frozen_actions = (action,) return hash((frozen_states, frozen_actions)) def training_states_and_actions( self, trackers: List[DialogueStateTracker], domain: Domain ) -> Tuple[List[List[State]], List[List[Text]]]: """Transforms list of trackers to lists of states and actions. Training data is padded up to the length of the longest dialogue with -1. Args: trackers: The trackers to transform domain: The domain Returns: A tuple of list of states and list of actions. """ trackers_as_states = [] trackers_as_actions = [] # from multiple states that create equal featurizations # we only need to keep one. hashed_examples = set() logger.debug( "Creating states and action examples from " "collected trackers (by {}({}))..." "".format(type(self).__name__, type(self.state_featurizer).__name__) ) pbar = tqdm( trackers, desc="Processed trackers", disable=rasa.shared.utils.io.is_logging_disabled(), ) for tracker in pbar: states = self._create_states(tracker, domain) states_length_for_action = 0 for event in tracker.applied_events(): if not isinstance(event, ActionExecuted): continue states_length_for_action += 1 # use only actions which can be predicted at a stories start if event.unpredictable: continue sliced_states = self.slice_state_history( states[:states_length_for_action], self.max_history ) if self.remove_duplicates: hashed = self._hash_example( sliced_states, event.action_name or event.action_text, tracker ) # only continue with tracker_states that created a # hashed_featurization we haven't observed if hashed not in hashed_examples: hashed_examples.add(hashed) trackers_as_states.append(sliced_states) trackers_as_actions.append( [event.action_name or event.action_text] ) else: trackers_as_states.append(sliced_states) trackers_as_actions.append([event.action_name or event.action_text]) pbar.set_postfix({"# actions": "{:d}".format(len(trackers_as_actions))}) logger.debug("Created {} action examples.".format(len(trackers_as_actions))) return trackers_as_states, trackers_as_actions def prediction_states( self, trackers: List[DialogueStateTracker], domain: Domain ) -> List[List[State]]: """Transforms list of trackers to lists of states for prediction. Args: trackers: The trackers to transform domain: The domain Returns: A list of states. """ trackers_as_states = [ self._create_states(tracker, domain) for tracker in trackers ] trackers_as_states = [ self.slice_state_history(states, self.max_history) for states in trackers_as_states ] # TODO there is no prediction support for e2e input right now, therefore # temporary remove TEXT features from USER state during prediction for states in trackers_as_states: for state in states: if state.get(USER, {}).get(TEXT): del state[USER][TEXT] return trackers_as_states
34.116228
92
0.609693
0a92b2633062b2a7e330a9da53286f4820a32959
4,384
py
Python
pyasn1/codec/cer/decoder.py
therve/pyasn1
1de0d168bc3a5d7ddf39002d7433743490aed047
[ "BSD-2-Clause" ]
null
null
null
pyasn1/codec/cer/decoder.py
therve/pyasn1
1de0d168bc3a5d7ddf39002d7433743490aed047
[ "BSD-2-Clause" ]
null
null
null
pyasn1/codec/cer/decoder.py
therve/pyasn1
1de0d168bc3a5d7ddf39002d7433743490aed047
[ "BSD-2-Clause" ]
null
null
null
# # This file is part of pyasn1 software. # # Copyright (c) 2005-2019, Ilya Etingof <etingof@gmail.com> # License: http://snmplabs.com/pyasn1/license.html # from pyasn1 import error from pyasn1.codec.streaming import readFromStream from pyasn1.codec.ber import decoder from pyasn1.compat.octets import oct2int from pyasn1.type import univ __all__ = ['decode', 'StreamingDecoder'] SubstrateUnderrunError = error.SubstrateUnderrunError class BooleanPayloadDecoder(decoder.AbstractSimplePayloadDecoder): protoComponent = univ.Boolean(0) def valueDecoder(self, substrate, asn1Spec, tagSet=None, length=None, state=None, decodeFun=None, substrateFun=None, **options): if length != 1: raise error.PyAsn1Error('Not single-octet Boolean payload') for chunk in readFromStream(substrate, length, options): if isinstance(chunk, SubstrateUnderrunError): yield chunk byte = oct2int(chunk[0]) # CER/DER specifies encoding of TRUE as 0xFF and FALSE as 0x0, while # BER allows any non-zero value as TRUE; cf. sections 8.2.2. and 11.1 # in https://www.itu.int/ITU-T/studygroups/com17/languages/X.690-0207.pdf if byte == 0xff: value = 1 elif byte == 0x00: value = 0 else: raise error.PyAsn1Error('Unexpected Boolean payload: %s' % byte) yield self._createComponent(asn1Spec, tagSet, value, **options) # TODO: prohibit non-canonical encoding BitStringPayloadDecoder = decoder.BitStringPayloadDecoder OctetStringPayloadDecoder = decoder.OctetStringPayloadDecoder RealPayloadDecoder = decoder.RealPayloadDecoder TAG_MAP = decoder.TAG_MAP.copy() TAG_MAP.update( {univ.Boolean.tagSet: BooleanPayloadDecoder(), univ.BitString.tagSet: BitStringPayloadDecoder(), univ.OctetString.tagSet: OctetStringPayloadDecoder(), univ.Real.tagSet: RealPayloadDecoder()} ) TYPE_MAP = decoder.TYPE_MAP.copy() # Put in non-ambiguous types for faster codec lookup for typeDecoder in TAG_MAP.values(): if typeDecoder.protoComponent is not None: typeId = typeDecoder.protoComponent.__class__.typeId if typeId is not None and typeId not in TYPE_MAP: TYPE_MAP[typeId] = typeDecoder class SingleItemDecoder(decoder.SingleItemDecoder): __doc__ = decoder.SingleItemDecoder.__doc__ TAG_MAP = TAG_MAP TYPE_MAP = TYPE_MAP class StreamingDecoder(decoder.StreamingDecoder): __doc__ = decoder.StreamingDecoder.__doc__ SINGLE_ITEM_DECODER = SingleItemDecoder class Decoder(decoder.Decoder): __doc__ = decoder.Decoder.__doc__ STREAMING_DECODER = StreamingDecoder #: Turns CER octet stream into an ASN.1 object. #: #: Takes CER octet-stream and decode it into an ASN.1 object #: (e.g. :py:class:`~pyasn1.type.base.PyAsn1Item` derivative) which #: may be a scalar or an arbitrary nested structure. #: #: Parameters #: ---------- #: substrate: :py:class:`bytes` (Python 3) or :py:class:`str` (Python 2) #: CER octet-stream #: #: Keyword Args #: ------------ #: asn1Spec: any pyasn1 type object e.g. :py:class:`~pyasn1.type.base.PyAsn1Item` derivative #: A pyasn1 type object to act as a template guiding the decoder. Depending on the ASN.1 structure #: being decoded, *asn1Spec* may or may not be required. Most common reason for #: it to require is that ASN.1 structure is encoded in *IMPLICIT* tagging mode. #: #: Returns #: ------- #: : :py:class:`tuple` #: A tuple of pyasn1 object recovered from CER substrate (:py:class:`~pyasn1.type.base.PyAsn1Item` derivative) #: and the unprocessed trailing portion of the *substrate* (may be empty) #: #: Raises #: ------ #: ~pyasn1.error.PyAsn1Error, ~pyasn1.error.SubstrateUnderrunError #: On decoding errors #: #: Examples #: -------- #: Decode CER serialisation without ASN.1 schema #: #: .. code-block:: pycon #: #: >>> s, _ = decode(b'0\x80\x02\x01\x01\x02\x01\x02\x02\x01\x03\x00\x00') #: >>> str(s) #: SequenceOf: #: 1 2 3 #: #: Decode CER serialisation with ASN.1 schema #: #: .. code-block:: pycon #: #: >>> seq = SequenceOf(componentType=Integer()) #: >>> s, _ = decode(b'0\x80\x02\x01\x01\x02\x01\x02\x02\x01\x03\x00\x00', asn1Spec=seq) #: >>> str(s) #: SequenceOf: #: 1 2 3 #: decode = Decoder()
30.657343
114
0.682938
e37984a839aa4ee46f5aafccd93bf85d374298b6
2,209
py
Python
willie/modules/ipython.py
kmaglione/cfc
aee12bc7165a3bb3d061d729b3984a54b4ff9d74
[ "EFL-2.0" ]
null
null
null
willie/modules/ipython.py
kmaglione/cfc
aee12bc7165a3bb3d061d729b3984a54b4ff9d74
[ "EFL-2.0" ]
null
null
null
willie/modules/ipython.py
kmaglione/cfc
aee12bc7165a3bb3d061d729b3984a54b4ff9d74
[ "EFL-2.0" ]
null
null
null
# coding=utf8 """ ipython.py - willie ipython console! Copyright © 2014, Elad Alfassa <elad@fedoraproject.org> Licensed under the Eiffel Forum License 2. Willie: http://willie.dftba.net/ """ from __future__ import unicode_literals import willie import sys if sys.version_info.major >= 3: # Backup stderr/stdout wrappers old_stdout = sys.stdout old_stderr = sys.stderr # IPython wants actual stderr and stdout. In Python 2, it only needed that # when actually starting the console, but in Python 3 it seems to need that # on import as well sys.stdout = sys.__stdout__ sys.stderr = sys.__stderr__ try: from IPython.frontend.terminal.embed import InteractiveShellEmbed finally: if sys.version_info.major >= 3: # Restore stderr/stdout wrappers sys.stdout = old_stdout sys.stderr = old_stderr console = None @willie.module.commands('console') def interactive_shell(bot, trigger): """ Starts an interactive IPython console """ global console if not trigger.admin: bot.say('Only admins can start the interactive console') return if 'iconsole_running' in bot.memory and bot.memory['iconsole_running']: bot.say('Console already running') return if not sys.__stdout__.isatty(): bot.say('A tty is required to start the console') return if bot.config._is_deamonized: bot.say('Can\'t start console when running as a deamon') return # Backup stderr/stdout wrappers old_stdout = sys.stdout old_stderr = sys.stderr # IPython wants actual stderr and stdout sys.stdout = sys.__stdout__ sys.stderr = sys.__stderr__ banner1 = 'Willie interactive shell (embedded IPython)' banner2 = '`bot` and `trigger` are available. To exit, type exit' exitmsg = 'Interactive shell closed' console = InteractiveShellEmbed(banner1=banner1, banner2=banner2, exit_msg=exitmsg) bot.memory['iconsole_running'] = True bot.say('console started') console() bot.memory['iconsole_running'] = False # Restore stderr/stdout wrappers sys.stdout = old_stdout sys.stderr = old_stderr
29.453333
79
0.684473
8a5b1159079cb8060ce81e25a543bf52628e3711
2,958
py
Python
finitewave/cpuwave3D/tracker/period_3d_tracker.py
TiNezlobinsky/Finitewave
b29621f56cada26256be120b2fbbe84970758683
[ "MIT" ]
null
null
null
finitewave/cpuwave3D/tracker/period_3d_tracker.py
TiNezlobinsky/Finitewave
b29621f56cada26256be120b2fbbe84970758683
[ "MIT" ]
null
null
null
finitewave/cpuwave3D/tracker/period_3d_tracker.py
TiNezlobinsky/Finitewave
b29621f56cada26256be120b2fbbe84970758683
[ "MIT" ]
2
2021-10-05T13:38:56.000Z
2022-03-05T15:58:08.000Z
import numpy as np from numba import njit import json from finitewave.core.tracker.tracker import Tracker @njit def _track_detectors_period(periods, detectors, detectors_state, u, t, threshold, step): n_i, n_j, n_k = u.shape for i in range(n_i): for j in range(n_j): for k in range(n_k): if detectors[i, j, k] and u[i, j, k] > threshold and detectors_state[i, j, k]: periods[step] = [i, j, k, t] detectors_state[i, j, k] = 0 step += 1 elif detectors[i, j, k] and u[i, j, k] <= threshold and not detectors_state[i, j, k]: detectors_state[i, j, k] = 1 return periods, detectors_state, step class Period3DTracker(Tracker): def __init__(self): Tracker.__init__(self) self.detectors = np.array([]) self.threshold = -40 self._periods = np.array([]) self._detectors_state = np.array([]) self._step = 0 self.file_name = "period" def initialize(self, model): self.model = model t_max = self.model.t_max dt = self.model.dt n = 20*len(self.detectors[self.detectors == 1]) # a start length of the array self._periods = -1*np.ones([n, 4]) self._detectors_state = np.ones(self.model.u.shape, dtype="uint8") def track(self): # dynamically increase the size of the array if there is no free space: if self._step == len(self._periods): self._periods = np.tile(self._periods, (2, 1)) self._periods[len(self._periods)//2:, :] = -1. self.period_detectors, self._detectors_state, self._step = _track_detectors_period( self._periods, self.detectors, self._detectors_state, self.model.u, self.model.t, self.threshold, self._step) def compute_periods(self): periods_dict = dict() to_str = lambda i, j, k: str(int(i)) + "," + str(int(j)) + "," + str(int(k)) for i in range(len(self._periods)): if self._periods[i][0] < 0: continue key = to_str(*self._periods[i][:3]) if not key in periods_dict: periods_dict[key] = [] periods_dict[key].append(self._periods[i][3]) for key in periods_dict: time_per_list = [] for i, t in enumerate(periods_dict[key]): if i == 0: time_per_list.append([t, 0]) else: time_per_list.append([t, t-time_per_list[i-1][0]]) periods_dict[key] = time_per_list return periods_dict @property def output(self): return self.compute_periods() def write(self): jdata = json.dumps(self.compute_periods()) with open(os.path.join(self.path, self.file_name), "w") as jf: jf.write(jdata)
33.613636
101
0.555105
8a37644a7ee74d2bc316fe1f528f302d02bc9d48
3,388
py
Python
examples/dbn_example.py
xgenpanda/keras_extension
99384d96025d9ef29bb6a757fbeda942a3610a11
[ "MIT" ]
225
2015-08-05T21:37:11.000Z
2021-09-12T11:12:38.000Z
examples/dbn_example.py
xgenpanda/keras_extension
99384d96025d9ef29bb6a757fbeda942a3610a11
[ "MIT" ]
16
2015-12-07T04:08:46.000Z
2019-05-04T20:49:23.000Z
examples/dbn_example.py
xgenpanda/keras_extension
99384d96025d9ef29bb6a757fbeda942a3610a11
[ "MIT" ]
113
2015-11-30T08:29:09.000Z
2021-04-21T18:18:15.000Z
from __future__ import division import time import numpy as np np.random.seed(1234) # seed random number generator srng_seed = np.random.randint(2**30) from keras.models import Sequential from keras.optimizers import SGD from keras_extensions.logging import log_to_file from keras_extensions.rbm import GBRBM, RBM from keras_extensions.dbn import DBN from keras_extensions.layers import SampleBernoulli from keras_extensions.initializers import glorot_uniform_sigm # configuration input_dim = 100 hidden_dim = 200 batch_size = 10 nb_epoch = 1 lr = 0.0001 # small learning rate for GB-RBM momentum_schedule = [(0, 0.5), (5, 0.9)] # start momentum at 0.5, then 0.9 after 5 epochs @log_to_file('example.log') def main(): # generate dummy dataset nframes = 10000 dataset = np.random.normal(loc=np.zeros(input_dim), scale=np.ones(input_dim), size=(nframes, input_dim)) # standardize (in this case superfluous) #dataset, mean, stddev = standardize(dataset) # split into train and test portion ntest = 1000 X_train = dataset[:-ntest :] # all but last 1000 samples for training X_test = dataset[-ntest:, :] # last 1000 samples for testing X_trainsub = dataset[:ntest, :] # subset of training data with same number of samples as testset assert X_train.shape[0] >= X_test.shape[0], 'Train set should be at least size of test set!' # setup model structure print('Creating training model...') dbn = DBN([ GBRBM(input_dim, 200, init=glorot_uniform_sigm), RBM(200, 400, init=glorot_uniform_sigm), RBM(400, 300, init=glorot_uniform_sigm), RBM(300, 50, init=glorot_uniform_sigm), RBM(50, hidden_dim, init=glorot_uniform_sigm) ]) # setup optimizer, loss def get_layer_loss(rbm,layer_no): return rbm.contrastive_divergence_loss(nb_gibbs_steps=1) def get_layer_optimizer(layer_no): return SGD((layer_no+1)*lr, 0., decay=0.0, nesterov=False) dbn.compile(layer_optimizer=get_layer_optimizer, layer_loss=get_layer_loss) # do training print('Training...') begin_time = time.time() #callbacks = [momentum_scheduler, rec_err_logger, free_energy_gap_logger] dbn.fit(X_train, batch_size, nb_epoch, verbose=1, shuffle=False) end_time = time.time() print('Training took %f minutes' % ((end_time - begin_time)/60.0)) # save model parameters print('Saving model...') dbn.save_weights('example.hdf5', overwrite=True) # load model parameters print('Loading model...') dbn.load_weights('example.hdf5') # generate hidden features from input data print('Creating inference model...') F= dbn.get_forward_inference_layers() B= dbn.get_backward_inference_layers() inference_model = Sequential() for f in F: inference_model.add(f) inference_model.add(SampleBernoulli(mode='random')) for b in B[:-1]: inference_model.add(b) inference_model.add(SampleBernoulli(mode='random')) # last layer is a gaussian layer inference_model.add(B[-1]) print('Compiling Theano graph...') opt = SGD() inference_model.compile(opt, loss='mean_squared_error') # XXX: optimizer and loss are not used! print('Doing inference...') h = inference_model.predict(dataset) print(h) print('Done!') if __name__ == '__main__': main()
32.266667
108
0.698642
c004be267e39b4375a3c3ea8c41d8b38b24868d4
7,127
py
Python
Dragon/python/dragon/core/gradient_maker.py
neopenx/Dragon
0e639a7319035ddc81918bd3df059230436ee0a1
[ "BSD-2-Clause" ]
212
2015-07-05T07:57:17.000Z
2022-02-27T01:55:35.000Z
Dragon/python/dragon/core/gradient_maker.py
neopenx/Dragon
0e639a7319035ddc81918bd3df059230436ee0a1
[ "BSD-2-Clause" ]
6
2016-07-07T14:31:56.000Z
2017-12-12T02:21:15.000Z
Dragon/python/dragon/core/gradient_maker.py
neopenx/Dragon
0e639a7319035ddc81918bd3df059230436ee0a1
[ "BSD-2-Clause" ]
71
2016-03-24T09:02:41.000Z
2021-06-03T01:52:41.000Z
# -------------------------------------------------------------------------------------------------- # Dragon # Copyright(c) 2017 SeetaTech # Written by Ting Pan # -------------------------------------------------------- from __future__ import absolute_import from __future__ import division from __future__ import print_function from collections import defaultdict from dragon.import_c_apis import * import dragon.config as config import dragon.protos.dragon_pb2 as pb from dragon.core.utils import MakeOperatorDef from .scope import GetOperatorName class GraphGradientMaker(object): """ GraphGradientMaker is deigned to generate gradient operators automatically. It relies on the generating rules defined in the C++ backend. """ @classmethod def CreateGradientForOp(cls, forward_op, g_output): """Generate the OperatorDef for ``BackwardOp`` by ``ForwardOp``. Parameters ---------- forward_op : dragon_pb2.OperatorDef The OperatorDef of ``ForwardOp``. g_output : list of str The inputs of ``BackwardOp`` (Precomputed Grads). Returns ------- tuple The OpDef, outputs and defaults of ``BackwardOp``. References ---------- The wrapper of ``CreateGradientDefsCC``. """ g_ops, g_inputs, defaults = \ CreateGradientDefsCC(forward_op.SerializeToString(), g_output) for idx, g_op in enumerate(g_ops): new_def = pb.OperatorDef() new_def.ParseFromString(g_op) _, new_def.name = GetOperatorName() g_ops[idx] = new_def return g_ops, g_inputs, defaults @classmethod def CheckMissingGrad(cls, forward_op, inputs_to_grads, blacklist, targets): """Check if missing Grads. If True, skip this Op. Parameters ---------- forward_op : dragon_pb2.OperatorDef The OperatorDef of ``ForwardOp``. inputs_to_grads : dict The dict of <input, g_input>. blacklist : set of str The set of ``NoGradient`` tensors. targets : list of str The solving targets. Returns ------- tuple The result of checking and generated filling grads. """ if forward_op.type in config.NO_GRADIENT_OPERATORS: for input in forward_op.input: blacklist.add(input) return (True, None) # generate virtual grads for targets if necessary gen_grads = [] for idx, output in enumerate(forward_op.output): if output not in inputs_to_grads: if output in targets: gen_grads.append((output, idx)) inputs_to_grads[output] = output + '_grad' # check for output in forward_op.output: if inputs_to_grads.get(output, None) is None: # check failed: skip backward if output in blacklist: return (True, gen_grads) if len(forward_op.output) == 1: return (True, gen_grads) # check pass, even if missing some grads return (False, gen_grads) @classmethod def Make(cls, forward_ops, targets): """Make ``BackwardOps`` based on ``ForwardOps``. Parameters ---------- forward_ops : list of dragon_pb2.OperatorDef The operators of ``ForwardOp``. targets : list of str The solving targets. Returns ------- tuple The ``ForwardOps`` and ``BackwardOps``. See Also -------- `theano.function(*args, **kwargs)`_ - How to make a graph. [**Theano Style**] """ inputs_to_grads = {} inputs_count = defaultdict(int) grads_count = defaultdict(int) all_split_grads = set() blacklist = set() backward_ops = [] # PLAY for the forward for forward_op in forward_ops: if forward_op.type in config.NO_GRADIENT_OPERATORS: continue for input in forward_op.input: inputs_count[input] += 1 # PLAY for the backward for forward_op in forward_ops[::-1]: is_skip, gen_grads = cls.CheckMissingGrad(forward_op, inputs_to_grads, blacklist, targets) g_outputs = list(inputs_to_grads.get(name, None) for name in forward_op.output) g_ops, g_inputs, defaults = cls.CreateGradientForOp(forward_op, g_outputs) # append ops if not is_skip: if len(gen_grads) > 0: op_inputs = []; op_outputs = []; values = [] for item in gen_grads: op_inputs.append(item[0]) op_outputs.append(item[0] + '_grad') values.append(defaults[item[1]]) gen_op = MakeOperatorDef('GradientGenerate', op_inputs, op_outputs, GetOperatorName()[1], defaults=values) if forward_op.HasField('device_option'): gen_op.device_option.CopyFrom(forward_op.device_option) backward_ops.append(gen_op) for g_op in g_ops: backward_ops.append(g_op) # split & gather grads for multi-used input for g_op in g_ops: for g_output_idx, g_output in enumerate(g_op.output): original_idx = -1 for g_input_idx, g_input in enumerate(g_inputs): if g_output == g_input: original_idx = g_input_idx if original_idx == -1: continue original_name = forward_op.input[original_idx] if inputs_count[original_name] > 1: # split split_name = g_output + '_autosplit_%d' % grads_count[g_output] if not is_skip: all_split_grads.add(split_name) grads_count[g_output] += 1 # gather if grads_count[g_output] == inputs_count[original_name]: split_inputs = [] for idx in range(grads_count[g_output]): if '%s_autosplit_%d' % (g_output, idx) in all_split_grads: split_inputs.append('%s_autosplit_%d' % (g_output, idx)) gather_op = MakeOperatorDef('GradientGather', split_inputs, [g_output]) if g_op.HasField('device_option'): gather_op.device_option.CopyFrom(g_op.device_option) _, gather_op.name = GetOperatorName() backward_ops.append(gather_op) g_op.output[g_output_idx] = split_name # done if not is_skip: for name, grad in zip(forward_op.input, g_inputs): if grad != '': inputs_to_grads[name] = grad return forward_ops, backward_ops
37.909574
102
0.548478
802ee9452ce29f41eec00f10cbf52e74f46b75f6
779
py
Python
ControlUpdater.py
BatyaGG/BCI-controlled-UR-manipulator
e19d79b29ea63977bf780de5597537654ab40717
[ "MIT" ]
10
2018-06-23T12:18:34.000Z
2021-03-11T07:04:21.000Z
ControlUpdater.py
BatyaGG/BCI-controlled-UR-manipulator
e19d79b29ea63977bf780de5597537654ab40717
[ "MIT" ]
null
null
null
ControlUpdater.py
BatyaGG/BCI-controlled-UR-manipulator
e19d79b29ea63977bf780de5597537654ab40717
[ "MIT" ]
4
2018-08-13T07:43:00.000Z
2020-12-24T01:30:21.000Z
import time class ControlUpdater: def __init__(self, variants, delay=3): self.variants = variants self.length = len(variants) self.index = -1 self.asc = True self.delay = delay self.last_access = time.time() - delay def get_next(self): if time.time() - self.last_access < self.delay: return self.variants[self.index] if self.asc: self.index += 1 else: self.index -= 1 if self.index > self.length - 2: self.asc = False elif self.index < 1: self.asc = True self.last_access = time.time() return self.variants[self.index] if __name__ == "__main__": var = ['l', 'r', 'leg', 'dig'] CU = ControlUpdater(var) for i in range(15): print(CU.get_next())
28.851852
88
0.585366
5b389c70723f1bdf720597a44d6cbc4865b4655a
2,792
py
Python
tools/executor_test.py
akraino-edge-stack/ta-build-tools
3cd5d26766d410f7d8775a54ea673ae8b3668e20
[ "Apache-2.0" ]
null
null
null
tools/executor_test.py
akraino-edge-stack/ta-build-tools
3cd5d26766d410f7d8775a54ea673ae8b3668e20
[ "Apache-2.0" ]
null
null
null
tools/executor_test.py
akraino-edge-stack/ta-build-tools
3cd5d26766d410f7d8775a54ea673ae8b3668e20
[ "Apache-2.0" ]
null
null
null
# Copyright 2019 Nokia # # 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 pytest import mock from tools.executor import Executor, ExecutionError from tools.executor import Result @mock.patch.object(Executor, '_execute') def test_success(mocky): mocky.side_effect = [Result(0, 'fake-stdout', '')] Executor().run('test-cmd') mocky.assert_called_once_with('test-cmd') @mock.patch.object(Executor, '_execute') def test_fail_returncode(mocky): mocky.side_effect = [Result(1, 'fake-stdout', '')] with pytest.raises(ExecutionError, match=r'execution status NOT zero'): Executor().run('test-cmd') mocky.assert_called_once_with('test-cmd') @mock.patch.object(Executor, '_execute') def test_fail_stderr(mocky): mocky.side_effect = [Result(0, 'fake-stdout', 'fake-stderr')] with pytest.raises(ExecutionError, match=r'stderr not empty'): Executor().run('test-cmd') mocky.assert_called_once_with('test-cmd') @mock.patch.object(Executor, '_execute') def test_success_ignore_returncode(mocky): mocky.side_effect = [Result(1, 'fake-stdout', '')] Executor().run('test-cmd', raise_on_error=False) mocky.assert_called_once_with('test-cmd') @mock.patch.object(Executor, '_execute') def test_success_ignore_stderr(mocky): mocky.side_effect = [Result(0, 'fake-stdout', 'fake-stderr')] Executor().run('test-cmd', raise_on_stderr=False) mocky.assert_called_once_with('test-cmd') @mock.patch.object(Executor, '_execute') def test_no_retry_on_success(mocky): mocky.side_effect = [Result(0, 'fake-stdout', '')] Executor().run('test-cmd', retries=1) mocky.assert_called_once_with('test-cmd') @mock.patch.object(Executor, '_execute') def test_retry_on_fail(mocky): mocky.side_effect = [Result(1, 'fake-stdout', ''), Result(0, 'fake-stdout', '')] Executor().run('test-cmd', retries=1) expected = [mock.call('test-cmd'), mock.call('test-cmd')] assert mocky.mock_calls == expected @mock.patch.object(Executor, '_execute') def test_error_on_retry_exceeded(mocky): mocky.side_effect = [Result(1, 'fake-stdout', ''), Result(1, 'fake-stdout', '')] with pytest.raises(ExecutionError): Executor().run('test-cmd', retries=1)
34.04878
75
0.700573
84c2a601e720deefe01be71574b3d561d942877f
6,150
py
Python
InternalPythonModules/android/browserlocation.py
bk1411389/autopsy
f95fe55484a53061885c6743a5891f75b5d54d9d
[ "Apache-2.0" ]
1
2019-11-20T02:32:05.000Z
2019-11-20T02:32:05.000Z
InternalPythonModules/android/browserlocation.py
dkarpo/autopsy
4b9e444d77692c15cc3a1830872144eeb6d961d0
[ "Apache-2.0" ]
95
2019-11-20T02:27:26.000Z
2019-12-07T23:42:40.000Z
InternalPythonModules/android/browserlocation.py
dkarpo/autopsy
4b9e444d77692c15cc3a1830872144eeb6d961d0
[ "Apache-2.0" ]
11
2019-11-06T04:37:45.000Z
2019-12-01T06:37:48.000Z
""" Autopsy Forensic Browser Copyright 2016-2018 Basis Technology Corp. Contact: carrier <at> sleuthkit <dot> org 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. """ from java.io import File from java.lang import Class from java.lang import ClassNotFoundException from java.lang import Double from java.lang import Long from java.sql import Connection from java.sql import DriverManager from java.sql import ResultSet from java.sql import SQLException from java.sql import Statement from java.util.logging import Level from java.util import ArrayList from org.sleuthkit.autopsy.casemodule import Case from org.sleuthkit.autopsy.casemodule.services import FileManager from org.sleuthkit.autopsy.coreutils import Logger from org.sleuthkit.autopsy.coreutils import MessageNotifyUtil from org.sleuthkit.autopsy.datamodel import ContentUtils from org.sleuthkit.autopsy.ingest import IngestJobContext from org.sleuthkit.datamodel import AbstractFile from org.sleuthkit.datamodel import Blackboard from org.sleuthkit.datamodel import BlackboardArtifact from org.sleuthkit.datamodel import BlackboardAttribute from org.sleuthkit.datamodel import Content from org.sleuthkit.datamodel import TskCoreException import traceback import general """ Analyzes database created by browser that stores GEO location info. """ class BrowserLocationAnalyzer(general.AndroidComponentAnalyzer): def __init__(self): self._logger = Logger.getLogger(self.__class__.__name__) def analyze(self, dataSource, fileManager, context): try: abstractFiles = fileManager.findFiles(dataSource, "CachedGeoposition%.db") for abstractFile in abstractFiles: if abstractFile.getSize() == 0: continue try: jFile = File(Case.getCurrentCase().getTempDirectory(), str(abstractFile.getId()) + abstractFile.getName()) ContentUtils.writeToFile(abstractFile, jFile, context.dataSourceIngestIsCancelled) self.__findGeoLocationsInDB(jFile.toString(), abstractFile) except Exception as ex: self._logger.log(Level.SEVERE, "Error parsing browser location files", ex) self._logger.log(Level.SEVERE, traceback.format_exc()) except TskCoreException as ex: # Error finding browser location files. pass def __findGeoLocationsInDB(self, databasePath, abstractFile): if not databasePath: return try: Class.forName("org.sqlite.JDBC") #load JDBC driver connection = DriverManager.getConnection("jdbc:sqlite:" + databasePath) statement = connection.createStatement() except (ClassNotFoundException) as ex: self._logger.log(Level.SEVERE, "Error loading JDBC driver", ex) self._logger.log(Level.SEVERE, traceback.format_exc()) return except (SQLException) as ex: # Error connecting to SQL databse. return resultSet = None try: resultSet = statement.executeQuery("SELECT timestamp, latitude, longitude, accuracy FROM CachedPosition;") while resultSet.next(): timestamp = Long.valueOf(resultSet.getString("timestamp")) / 1000 latitude = Double.valueOf(resultSet.getString("latitude")) longitude = Double.valueOf(resultSet.getString("longitude")) attributes = ArrayList() artifact = abstractFile.newArtifact(BlackboardArtifact.ARTIFACT_TYPE.TSK_GPS_TRACKPOINT) attributes.add(BlackboardAttribute(BlackboardAttribute.ATTRIBUTE_TYPE.TSK_GEO_LATITUDE, general.MODULE_NAME, latitude)) attributes.add(BlackboardAttribute(BlackboardAttribute.ATTRIBUTE_TYPE.TSK_GEO_LONGITUDE, general.MODULE_NAME, longitude)) attributes.add(BlackboardAttribute(BlackboardAttribute.ATTRIBUTE_TYPE.TSK_DATETIME, general.MODULE_NAME, timestamp)) attributes.add(BlackboardAttribute(BlackboardAttribute.ATTRIBUTE_TYPE.TSK_PROG_NAME, general.MODULE_NAME, "Browser Location History")) # artifact.addAttribute(BlackboardAttribute(BlackboardAttribute.ATTRIBUTE_TYPE.TSK_VALUE.getTypeID(),moduleName, accuracy)) # NOTE: originally commented out artifact.addAttributes(attributes); try: # index the artifact for keyword search blackboard = Case.getCurrentCase().getSleuthkitCase().getBlackboard() blackboard.postArtifact(artifact, general.MODULE_NAME) except Blackboard.BlackboardException as ex: self._logger.log(Level.SEVERE, "Unable to index blackboard artifact " + str(artifact.getArtifactTypeName()), ex) self._logger.log(Level.SEVERE, traceback.format_exc()) MessageNotifyUtil.Notify.error("Failed to index GPS trackpoint artifact for keyword search.", artifact.getDisplayName()) except SQLException as ex: # Unable to execute browser location SQL query against database. pass except Exception as ex: self._logger.log(Level.SEVERE, "Error processing browser location history.", ex) self._logger.log(Level.SEVERE, traceback.format_exc()) finally: try: if resultSet is not None: resultSet.close() statement.close() connection.close() except Exception as ex: # Error closing database. pass
46.946565
150
0.693496
760c161cf9aa34d12d168595ec00b3b94afb54bd
13,299
py
Python
onmt/translate/beam_search.py
QAQ-v/HeterGTransformer
8f29ffa86a40b09261092726b87608661139eec0
[ "MIT" ]
36
2020-05-04T13:53:30.000Z
2022-03-22T09:42:53.000Z
onmt/translate/beam_search.py
QAQ-v/HeterGTransformer
8f29ffa86a40b09261092726b87608661139eec0
[ "MIT" ]
3
2020-11-06T02:07:03.000Z
2022-03-11T21:35:57.000Z
onmt/translate/beam_search.py
QAQ-v/HeterGTransformer
8f29ffa86a40b09261092726b87608661139eec0
[ "MIT" ]
7
2020-07-29T06:06:07.000Z
2021-05-20T04:25:11.000Z
import torch from onmt.translate.decode_strategy import DecodeStrategy class BeamSearch(DecodeStrategy): """Generation beam search. Note that the attributes list is not exhaustive. Rather, it highlights tensors to document their shape. (Since the state variables' "batch" size decreases as beams finish, we denote this axis with a B rather than ``batch_size``). Args: beam_size (int): Number of beams to use (see base ``parallel_paths``). batch_size (int): See base. pad (int): See base. bos (int): See base. eos (int): See base. n_best (int): Don't stop until at least this many beams have reached EOS. mb_device (torch.device or str): See base ``device``. global_scorer (onmt.translate.GNMTGlobalScorer): Scorer instance. min_length (int): See base. max_length (int): See base. return_attention (bool): See base. block_ngram_repeat (int): See base. exclusion_tokens (set[int]): See base. memory_lengths (LongTensor): Lengths of encodings. Used for masking attentions. Attributes: top_beam_finished (ByteTensor): Shape ``(B,)``. _batch_offset (LongTensor): Shape ``(B,)``. _beam_offset (LongTensor): Shape ``(batch_size x beam_size,)``. alive_seq (LongTensor): See base. topk_log_probs (FloatTensor): Shape ``(B x beam_size,)``. These are the scores used for the topk operation. select_indices (LongTensor or NoneType): Shape ``(B x beam_size,)``. This is just a flat view of the ``_batch_index``. topk_scores (FloatTensor): Shape ``(B, beam_size)``. These are the scores a sequence will receive if it finishes. topk_ids (LongTensor): Shape ``(B, beam_size)``. These are the word indices of the topk predictions. _batch_index (LongTensor): Shape ``(B, beam_size)``. _prev_penalty (FloatTensor or NoneType): Shape ``(B, beam_size)``. Initialized to ``None``. _coverage (FloatTensor or NoneType): Shape ``(1, B x beam_size, inp_seq_len)``. hypotheses (list[list[Tuple[Tensor]]]): Contains a tuple of score (float), sequence (long), and attention (float or None). """ def __init__(self, beam_size, batch_size, pad, bos, eos, n_best, mb_device, global_scorer, min_length, max_length, return_attention, block_ngram_repeat, exclusion_tokens, memory_lengths, stepwise_penalty, ratio): super(BeamSearch, self).__init__( pad, bos, eos, batch_size, mb_device, beam_size, min_length, block_ngram_repeat, exclusion_tokens, return_attention, max_length) # beam parameters self.global_scorer = global_scorer self.beam_size = beam_size self.n_best = n_best self.batch_size = batch_size self.ratio = ratio # result caching self.hypotheses = [[] for _ in range(batch_size)] # beam state self.top_beam_finished = torch.zeros([batch_size], dtype=torch.uint8) # BoolTensor was introduced in pytorch 1.2 try: self.top_beam_finished = self.top_beam_finished.bool() except AttributeError: pass self.best_scores = torch.full([batch_size], -1e10, dtype=torch.float, device=mb_device) self._batch_offset = torch.arange(batch_size, dtype=torch.long) self._beam_offset = torch.arange( 0, batch_size * beam_size, step=beam_size, dtype=torch.long, device=mb_device) self.topk_log_probs = torch.tensor( [0.0] + [float("-inf")] * (beam_size - 1), device=mb_device ).repeat(batch_size) self.select_indices = None self._memory_lengths = memory_lengths # buffers for the topk scores and 'backpointer' self.topk_scores = torch.empty((batch_size, beam_size), dtype=torch.float, device=mb_device) self.topk_ids = torch.empty((batch_size, beam_size), dtype=torch.long, device=mb_device) self._batch_index = torch.empty([batch_size, beam_size], dtype=torch.long, device=mb_device) self.done = False # "global state" of the old beam self._prev_penalty = None self._coverage = None self._stepwise_cov_pen = ( stepwise_penalty and self.global_scorer.has_cov_pen) self._vanilla_cov_pen = ( not stepwise_penalty and self.global_scorer.has_cov_pen) self._cov_pen = self.global_scorer.has_cov_pen @property def current_predictions(self): return self.alive_seq[:, -1] @property def current_origin(self): return self.select_indices @property def current_backptr(self): # for testing return self.select_indices.view(self.batch_size, self.beam_size)\ .fmod(self.beam_size) def advance(self, log_probs, attn): vocab_size = log_probs.size(-1) # using integer division to get an integer _B without casting _B = log_probs.shape[0] // self.beam_size if self._stepwise_cov_pen and self._prev_penalty is not None: self.topk_log_probs += self._prev_penalty self.topk_log_probs -= self.global_scorer.cov_penalty( self._coverage + attn, self.global_scorer.beta).view( _B, self.beam_size) # force the output to be longer than self.min_length step = len(self) self.ensure_min_length(log_probs) # Multiply probs by the beam probability. log_probs += self.topk_log_probs.view(_B * self.beam_size, 1) self.block_ngram_repeats(log_probs) # if the sequence ends now, then the penalty is the current # length + 1, to include the EOS token length_penalty = self.global_scorer.length_penalty( step + 1, alpha=self.global_scorer.alpha) # Flatten probs into a list of possibilities. curr_scores = log_probs / length_penalty curr_scores = curr_scores.reshape(_B, self.beam_size * vocab_size) torch.topk(curr_scores, self.beam_size, dim=-1, out=(self.topk_scores, self.topk_ids)) # Recover log probs. # Length penalty is just a scalar. It doesn't matter if it's applied # before or after the topk. torch.mul(self.topk_scores, length_penalty, out=self.topk_log_probs) # Resolve beam origin and map to batch index flat representation. torch.div(self.topk_ids, vocab_size, out=self._batch_index) self._batch_index += self._beam_offset[:_B].unsqueeze(1) self.select_indices = self._batch_index.view(_B * self.beam_size) self.topk_ids.fmod_(vocab_size) # resolve true word ids # Append last prediction. self.alive_seq = torch.cat( [self.alive_seq.index_select(0, self.select_indices), self.topk_ids.view(_B * self.beam_size, 1)], -1) if self.return_attention or self._cov_pen: current_attn = attn.index_select(1, self.select_indices) if step == 1: self.alive_attn = current_attn # update global state (step == 1) if self._cov_pen: # coverage penalty self._prev_penalty = torch.zeros_like(self.topk_log_probs) self._coverage = current_attn else: self.alive_attn = self.alive_attn.index_select( 1, self.select_indices) self.alive_attn = torch.cat([self.alive_attn, current_attn], 0) # update global state (step > 1) if self._cov_pen: self._coverage = self._coverage.index_select( 1, self.select_indices) self._coverage += current_attn self._prev_penalty = self.global_scorer.cov_penalty( self._coverage, beta=self.global_scorer.beta).view( _B, self.beam_size) if self._vanilla_cov_pen: # shape: (batch_size x beam_size, 1) cov_penalty = self.global_scorer.cov_penalty( self._coverage, beta=self.global_scorer.beta) self.topk_scores -= cov_penalty.view(_B, self.beam_size) self.is_finished = self.topk_ids.eq(self.eos) self.ensure_max_length() def update_finished(self): # Penalize beams that finished. _B_old = self.topk_log_probs.shape[0] step = self.alive_seq.shape[-1] # 1 greater than the step in advance self.topk_log_probs.masked_fill_(self.is_finished, -1e10) # on real data (newstest2017) with the pretrained transformer, # it's faster to not move this back to the original device self.is_finished = self.is_finished.to('cpu') self.top_beam_finished |= self.is_finished[:, 0].eq(1) predictions = self.alive_seq.view(_B_old, self.beam_size, step) attention = ( self.alive_attn.view( step - 1, _B_old, self.beam_size, self.alive_attn.size(-1)) if self.alive_attn is not None else None) non_finished_batch = [] for i in range(self.is_finished.size(0)): b = self._batch_offset[i] finished_hyp = self.is_finished[i].nonzero().view(-1) # Store finished hypotheses for this batch. for j in finished_hyp: if self.ratio > 0: s = self.topk_scores[i, j] / (step + 1) if self.best_scores[b] < s: self.best_scores[b] = s self.hypotheses[b].append(( self.topk_scores[i, j], predictions[i, j, 1:], # Ignore start_token. attention[:, i, j, :self._memory_lengths[i]] if attention is not None else None)) # End condition is the top beam finished and we can return # n_best hypotheses. if self.ratio > 0: pred_len = self._memory_lengths[i] * self.ratio finish_flag = ((self.topk_scores[i, 0] / pred_len) <= self.best_scores[b]) or \ self.is_finished[i].all() else: finish_flag = self.top_beam_finished[i] != 0 if finish_flag and len(self.hypotheses[b]) >= self.n_best: best_hyp = sorted( self.hypotheses[b], key=lambda x: x[0], reverse=True) for n, (score, pred, attn) in enumerate(best_hyp): if n >= self.n_best: break self.scores[b].append(score) self.predictions[b].append(pred) self.attention[b].append( attn if attn is not None else []) else: non_finished_batch.append(i) non_finished = torch.tensor(non_finished_batch) # If all sentences are translated, no need to go further. if len(non_finished) == 0: self.done = True return _B_new = non_finished.shape[0] # Remove finished batches for the next step. self.top_beam_finished = self.top_beam_finished.index_select( 0, non_finished) self._batch_offset = self._batch_offset.index_select(0, non_finished) non_finished = non_finished.to(self.topk_ids.device) self.topk_log_probs = self.topk_log_probs.index_select(0, non_finished) self._batch_index = self._batch_index.index_select(0, non_finished) self.select_indices = self._batch_index.view(_B_new * self.beam_size) self.alive_seq = predictions.index_select(0, non_finished) \ .view(-1, self.alive_seq.size(-1)) self.topk_scores = self.topk_scores.index_select(0, non_finished) self.topk_ids = self.topk_ids.index_select(0, non_finished) if self.alive_attn is not None: inp_seq_len = self.alive_attn.size(-1) self.alive_attn = attention.index_select(1, non_finished) \ .view(step - 1, _B_new * self.beam_size, inp_seq_len) if self._cov_pen: self._coverage = self._coverage \ .view(1, _B_old, self.beam_size, inp_seq_len) \ .index_select(1, non_finished) \ .view(1, _B_new * self.beam_size, inp_seq_len) if self._stepwise_cov_pen: self._prev_penalty = self._prev_penalty.index_select( 0, non_finished)
46.337979
80
0.584104
1f8d1d3105268c2958546e5f3aeeaefb6219e13f
5,540
py
Python
gdsfactory/routing/get_bundle_from_steps.py
gdsfactory/gdsfactory
ee761ae0b4429fbec7035bbea5d1e5206c66bea7
[ "MIT" ]
42
2020-05-25T09:33:45.000Z
2022-03-29T03:41:19.000Z
gdsfactory/routing/get_bundle_from_steps.py
gdsfactory/gdsfactory
e53b1f3415a81862d465e0443fc09fb35d14d1e0
[ "MIT" ]
133
2020-05-28T18:29:04.000Z
2022-03-31T22:21:42.000Z
gdsfactory/routing/get_bundle_from_steps.py
gdsfactory/gdsfactory
e53b1f3415a81862d465e0443fc09fb35d14d1e0
[ "MIT" ]
17
2020-06-30T07:07:50.000Z
2022-03-17T15:45:27.000Z
from typing import Dict, List, Optional import numpy as np import gdsfactory as gf from gdsfactory.components.bend_euler import bend_euler from gdsfactory.components.straight import straight as straight_function from gdsfactory.components.taper import taper as taper_function from gdsfactory.components.wire import wire_corner from gdsfactory.cross_section import strip from gdsfactory.port import Port from gdsfactory.routing.get_bundle_from_waypoints import get_bundle_from_waypoints from gdsfactory.routing.sort_ports import sort_ports as sort_ports_function from gdsfactory.types import ComponentOrFactory, CrossSectionFactory, Route def get_bundle_from_steps( ports1: List[Port], ports2: List[Port], steps: Optional[List[Dict[str, float]]] = None, bend: ComponentOrFactory = bend_euler, straight: ComponentOrFactory = straight_function, taper: Optional[ComponentOrFactory] = taper_function, cross_section: CrossSectionFactory = strip, sort_ports: bool = True, separation: Optional[float] = None, **kwargs ) -> List[Route]: """Returns a list of routes formed by the given waypoints steps bends instead of corners and optionally tapers in straight sections. Tapering to wider straights reduces the optical loss and phase errors. `get_bundle_from_steps` is a manual version of `get_bundle` and a more convenient version of `get_bundle_from_waypoints` Args: port1: start ports (list or dict) port2: end ports (list or dict) steps: changes that define the route [{'dx': 5}, {'dy': 10}] bend: function that returns bends straight: function that returns straight waveguides taper: function that returns tapers cross_section: for routes sort_ports: if True sort ports separation: center to center, defaults to ports1 separation kwargs: cross_section settings .. plot:: :include-source: import gdsfactory as gf c = gf.Component("get_route_from_steps_sample") w = gf.components.array( gf.partial(gf.c.straight, layer=(2, 0)), rows=3, columns=1, spacing=(0, 50), ) left = c << w right = c << w right.move((200, 100)) p1 = left.get_ports_list(orientation=0) p2 = right.get_ports_list(orientation=180) routes = get_bundle_from_steps( p1, p2, steps=[{"x": 150}], ) for route in routes: c.add(route.references) c.plot() c.show() """ if isinstance(ports1, Port): ports1 = [ports1] if isinstance(ports2, Port): ports2 = [ports2] # convert ports dict to list if isinstance(ports1, dict): ports1 = list(ports1.values()) if isinstance(ports2, dict): ports2 = list(ports2.values()) if sort_ports: ports1, ports2 = sort_ports_function(ports1, ports2) waypoints = [] steps = steps or [] x, y = ports1[0].midpoint for d in steps: x = d["x"] if "x" in d else x x += d.get("dx", 0) y = d["y"] if "y" in d else y y += d.get("dy", 0) waypoints += [(x, y)] port2 = ports2[0] x2, y2 = port2.midpoint orientation = int(port2.orientation) if orientation in [0, 180]: waypoints += [(x, y2)] elif orientation in [90, 270]: waypoints += [(x2, y)] x = cross_section(**kwargs) auto_widen = x.info.get("auto_widen", False) width1 = x.info.get("width") width2 = x.info.get("width_wide") if auto_widen else width1 taper_length = x.info.get("taper_length") waypoints = np.array(waypoints) if auto_widen: taper = ( taper( length=taper_length, width1=width1, width2=width2, cross_section=cross_section, **kwargs, ) if callable(taper) else taper ) else: taper = None return get_bundle_from_waypoints( ports1=ports1, ports2=ports2, waypoints=waypoints, bend=bend, straight=straight, taper=taper, cross_section=cross_section, separation=separation, **kwargs, ) get_bundle_from_steps_electrical = gf.partial( get_bundle_from_steps, bend=wire_corner, cross_section=gf.cross_section.metal3 ) def _demo(): c = gf.Component("get_route_from_steps_sample") w = gf.components.array( gf.partial(gf.c.straight, layer=(2, 0)), rows=3, columns=1, spacing=(0, 50), ) left = c << w right = c << w right.move((200, 100)) p1 = left.get_ports_list(orientation=0) p2 = right.get_ports_list(orientation=180) routes = get_bundle_from_steps_electrical( p1, p2, steps=[{"x": 150}], ) for route in routes: c.add(route.references) c.show() if __name__ == "__main__": import gdsfactory as gf c = gf.Component("pads_bundle_steps") pt = c << gf.c.pad_array( gf.partial(gf.c.pad, size=(30, 30)), orientation=270, columns=3, spacing=(50, 0) ) pb = c << gf.c.pad_array(orientation=90, columns=3) pt.move((300, 500)) routes = gf.routing.get_bundle_from_steps_electrical( pb.ports, pt.ports, end_straight_length=60, separation=30, steps=[{"dy": 100}] ) for route in routes: c.add(route.references) c.show()
27.7
88
0.620939
1334eb8dbf32b0c0b4eafe3f1f2aff0e1e855b0e
6,309
py
Python
lib/sqlalchemy/testing/suite/test_unicode_ddl.py
drecover/sqlalchemy
6206f0ff74e95c9339dc0f0e26caab55e9bcda45
[ "MIT" ]
1
2021-11-03T21:48:10.000Z
2021-11-03T21:48:10.000Z
lib/sqlalchemy/testing/suite/test_unicode_ddl.py
drecover/sqlalchemy
6206f0ff74e95c9339dc0f0e26caab55e9bcda45
[ "MIT" ]
1
2020-08-07T16:50:16.000Z
2020-08-07T16:50:16.000Z
lib/sqlalchemy/testing/suite/test_unicode_ddl.py
drecover/sqlalchemy
6206f0ff74e95c9339dc0f0e26caab55e9bcda45
[ "MIT" ]
null
null
null
# coding: utf-8 """verrrrry basic unicode column name testing""" from sqlalchemy import desc from sqlalchemy import ForeignKey from sqlalchemy import Integer from sqlalchemy import MetaData from sqlalchemy import testing from sqlalchemy.testing import eq_ from sqlalchemy.testing import fixtures from sqlalchemy.testing.schema import Column from sqlalchemy.testing.schema import Table from sqlalchemy.util import u from sqlalchemy.util import ue class UnicodeSchemaTest(fixtures.TablesTest): __requires__ = ("unicode_ddl",) __backend__ = True @classmethod def define_tables(cls, metadata): global t1, t2, t3 t1 = Table( u("unitable1"), metadata, Column(u("méil"), Integer, primary_key=True), Column(ue("\u6e2c\u8a66"), Integer), test_needs_fk=True, ) t2 = Table( u("Unitéble2"), metadata, Column(u("méil"), Integer, primary_key=True, key="a"), Column( ue("\u6e2c\u8a66"), Integer, ForeignKey(u("unitable1.méil")), key="b", ), test_needs_fk=True, ) # Few DBs support Unicode foreign keys if testing.against("sqlite"): t3 = Table( ue("\u6e2c\u8a66"), metadata, Column( ue("\u6e2c\u8a66_id"), Integer, primary_key=True, autoincrement=False, ), Column( ue("unitable1_\u6e2c\u8a66"), Integer, ForeignKey(ue("unitable1.\u6e2c\u8a66")), ), Column( u("Unitéble2_b"), Integer, ForeignKey(u("Unitéble2.b")) ), Column( ue("\u6e2c\u8a66_self"), Integer, ForeignKey(ue("\u6e2c\u8a66.\u6e2c\u8a66_id")), ), test_needs_fk=True, ) else: t3 = Table( ue("\u6e2c\u8a66"), metadata, Column( ue("\u6e2c\u8a66_id"), Integer, primary_key=True, autoincrement=False, ), Column(ue("unitable1_\u6e2c\u8a66"), Integer), Column(u("Unitéble2_b"), Integer), Column(ue("\u6e2c\u8a66_self"), Integer), test_needs_fk=True, ) def test_insert(self, connection): connection.execute(t1.insert(), {u("méil"): 1, ue("\u6e2c\u8a66"): 5}) connection.execute(t2.insert(), {u("a"): 1, u("b"): 1}) connection.execute( t3.insert(), { ue("\u6e2c\u8a66_id"): 1, ue("unitable1_\u6e2c\u8a66"): 5, u("Unitéble2_b"): 1, ue("\u6e2c\u8a66_self"): 1, }, ) eq_(connection.execute(t1.select()).fetchall(), [(1, 5)]) eq_(connection.execute(t2.select()).fetchall(), [(1, 1)]) eq_(connection.execute(t3.select()).fetchall(), [(1, 5, 1, 1)]) def test_col_targeting(self, connection): connection.execute(t1.insert(), {u("méil"): 1, ue("\u6e2c\u8a66"): 5}) connection.execute(t2.insert(), {u("a"): 1, u("b"): 1}) connection.execute( t3.insert(), { ue("\u6e2c\u8a66_id"): 1, ue("unitable1_\u6e2c\u8a66"): 5, u("Unitéble2_b"): 1, ue("\u6e2c\u8a66_self"): 1, }, ) row = connection.execute(t1.select()).first() eq_(row._mapping[t1.c[u("méil")]], 1) eq_(row._mapping[t1.c[ue("\u6e2c\u8a66")]], 5) row = connection.execute(t2.select()).first() eq_(row._mapping[t2.c[u("a")]], 1) eq_(row._mapping[t2.c[u("b")]], 1) row = connection.execute(t3.select()).first() eq_(row._mapping[t3.c[ue("\u6e2c\u8a66_id")]], 1) eq_(row._mapping[t3.c[ue("unitable1_\u6e2c\u8a66")]], 5) eq_(row._mapping[t3.c[u("Unitéble2_b")]], 1) eq_(row._mapping[t3.c[ue("\u6e2c\u8a66_self")]], 1) def test_reflect(self, connection): connection.execute(t1.insert(), {u("méil"): 2, ue("\u6e2c\u8a66"): 7}) connection.execute(t2.insert(), {u("a"): 2, u("b"): 2}) connection.execute( t3.insert(), { ue("\u6e2c\u8a66_id"): 2, ue("unitable1_\u6e2c\u8a66"): 7, u("Unitéble2_b"): 2, ue("\u6e2c\u8a66_self"): 2, }, ) meta = MetaData() tt1 = Table(t1.name, meta, autoload_with=connection) tt2 = Table(t2.name, meta, autoload_with=connection) tt3 = Table(t3.name, meta, autoload_with=connection) connection.execute(tt1.insert(), {u("méil"): 1, ue("\u6e2c\u8a66"): 5}) connection.execute(tt2.insert(), {u("méil"): 1, ue("\u6e2c\u8a66"): 1}) connection.execute( tt3.insert(), { ue("\u6e2c\u8a66_id"): 1, ue("unitable1_\u6e2c\u8a66"): 5, u("Unitéble2_b"): 1, ue("\u6e2c\u8a66_self"): 1, }, ) eq_( connection.execute( tt1.select().order_by(desc(u("méil"))) ).fetchall(), [(2, 7), (1, 5)], ) eq_( connection.execute( tt2.select().order_by(desc(u("méil"))) ).fetchall(), [(2, 2), (1, 1)], ) eq_( connection.execute( tt3.select().order_by(desc(ue("\u6e2c\u8a66_id"))) ).fetchall(), [(2, 7, 2, 2), (1, 5, 1, 1)], ) def test_repr(self): meta = MetaData() t = Table( ue("\u6e2c\u8a66"), meta, Column(ue("\u6e2c\u8a66_id"), Integer) ) eq_( repr(t), ( "Table('測試', MetaData(), " "Column('測試_id', Integer(), " "table=<測試>), " "schema=None)" ), )
32.520619
79
0.469647
9cf8d3a898df19315a8ec75f9a1a7c95915c7f42
1,398
py
Python
life360.indigoPlugin/Contents/Server Plugin/geopy/util.py
ryanbuckner/life360-plugin
3e64108b91c4ee0f4f85f6e7aa31fa7bd1b1d6fe
[ "MIT" ]
1
2021-09-25T15:43:00.000Z
2021-09-25T15:43:00.000Z
life360.indigoPlugin/Contents/Server Plugin/geopy/util.py
ryanbuckner/life360-plugin
3e64108b91c4ee0f4f85f6e7aa31fa7bd1b1d6fe
[ "MIT" ]
null
null
null
life360.indigoPlugin/Contents/Server Plugin/geopy/util.py
ryanbuckner/life360-plugin
3e64108b91c4ee0f4f85f6e7aa31fa7bd1b1d6fe
[ "MIT" ]
null
null
null
import logging from geopy.compat import py3k, text_type if not py3k: # pragma: no cover NUMBER_TYPES = (int, long, float) # noqa else: # pragma: no cover NUMBER_TYPES = (int, float) # long -> int in Py3k try: from decimal import Decimal NUMBER_TYPES = NUMBER_TYPES + (Decimal, ) except ImportError: # pragma: no cover pass __version__ = "1.23.0" __version_info__ = (1, 23, 0) logger = logging.getLogger('geopy') def pairwise(seq): """ Pair an iterable, e.g., (1, 2, 3, 4) -> ((1, 2), (2, 3), (3, 4)) """ for i in range(0, len(seq) - 1): yield (seq[i], seq[i + 1]) def join_filter(sep, seq, pred=bool): """ Join with a filter. """ return sep.join([text_type(i) for i in seq if pred(i)]) def decode_page(page): """ Return unicode string of geocoder results. Nearly all services use JSON, so assume UTF8 encoding unless the response specifies otherwise. """ if hasattr(page, 'read'): # urllib if py3k: encoding = page.headers.get_param("charset") or "utf-8" else: encoding = page.headers.getparam("charset") or "utf-8" return text_type(page.read(), encoding=encoding) else: # requests? encoding = page.headers.get("charset") or "utf-8" return text_type(page.content, encoding=encoding) def get_version(): return __version__
24.526316
68
0.616595
1a843b8f18d647e03337dd435a1ec003acbd3f54
5,400
py
Python
services/offers_service.py
MorbidMiyako/RankingBot
c89d8814ef94ab8e024f9ec439287d72455b6913
[ "MIT" ]
null
null
null
services/offers_service.py
MorbidMiyako/RankingBot
c89d8814ef94ab8e024f9ec439287d72455b6913
[ "MIT" ]
null
null
null
services/offers_service.py
MorbidMiyako/RankingBot
c89d8814ef94ab8e024f9ec439287d72455b6913
[ "MIT" ]
null
null
null
from datetime import date, datetime, timedelta from matplotlib import pyplot as plt, dates as mdates from matplotlib.ticker import MaxNLocator from helpers import programmes_helper filename = 'offers.png' class OffersService: def __init__(self, db_conn): self.db_conn = db_conn async def generate_graph(self, programme: programmes_helper.Programme, step: bool, year: int): if year not in programme.places: raise ValueError rows = await self.db_conn.fetch( 'SELECT rank, is_private, offer_date FROM ranks ' 'WHERE programme = $1 AND rank > $2 AND offer_date IS NOT NULL AND year = $3 ' 'ORDER BY offer_date, rank', programme.id, programme.places[year], year) x_values = [date(year, 4, 15)] y_values = [programme.places[year]] if rows: for i in range(len(rows)): row = rows[i] rank = row[0] is_private = row[1] offer_date = row[2] # Round rank if it's private if is_private: rank = round_rank(rank) # make sure it's not lower than the previous rank if i > 0 and rank < y_values[i - 1]: rank = y_values[i - 1] # make sure it's not higher than the next public rank for j in range(i, len(rows)): if not rows[j][1]: if rank > rows[j][0]: rank = rows[j][0] break x_values.append(offer_date) y_values.append(rank) end_date = date(year, 8, 15) curr_date = datetime.utcnow().date() x_values.append(min(end_date, curr_date)) y_values.append(y_values[len(y_values) - 1]) fill_between_end = programme.places[year] - (y_values[len(y_values) - 1] - programme.places[year]) / 15 bottom_limit = fill_between_end - (y_values[len(y_values) - 1] - fill_between_end) / 40 bg_color = '#36393F' fg_color = '#1f77b4' plt.rcParams['ytick.color'] = 'w' plt.rcParams['xtick.color'] = 'w' plt.rcParams['axes.edgecolor'] = 'w' plt.rcParams['axes.labelcolor'] = '#767676' ax = plt.gca() formatter = mdates.DateFormatter("%d %b") ax.xaxis.set_major_formatter(formatter) locator = mdates.WeekdayLocator(byweekday=x_values[0].weekday()) ax.xaxis.set_major_locator(locator) ax.yaxis.set_major_locator(MaxNLocator(integer=True)) ax.set_xlabel('Offer date') ax.set_ylabel('Ranking number') plt.setp(ax.spines.values(), visible=False) ax.set_facecolor(bg_color) ax.set_axisbelow(True) plt.grid(color='#444444', linestyle='--') if programme.visa_cutoff is not None: cutoff_date = date(year, programme.visa_cutoff[1], programme.visa_cutoff[0]) if (datetime.utcnow() + timedelta(days=20)).date() >= cutoff_date: plt.axvline(cutoff_date, ymin=0.02, linestyle='--', alpha=0.7, color=fg_color) plt.text(cutoff_date, y_values[-1], "Non-EU cutoff", rotation='vertical', color=fg_color, verticalalignment='center_baseline', horizontalalignment='right', stretch='condensed', fontsize='small', fontweight='ultralight', fontstyle='italic') if not step: plt.plot(x_values, y_values, linestyle='--', color=fg_color) plt.fill_between(x_values, y_values, y2=fill_between_end, alpha=0.15, color=fg_color) plt.step(x_values, y_values, where='post', alpha=(0.5 if not step else None), color=fg_color) plt.fill_between(x_values, y_values, y2=fill_between_end, step="post", alpha=(0.20 if not step else 0.35), color=fg_color) plt.title(f'{programme.uni_name} {programme.display_name} ({year})', color='w') ax.set_ylim(bottom=bottom_limit) # only show every second week for label in ax.get_xaxis().get_ticklabels()[1::2]: label.set_visible(False) for label in ax.get_xaxis().get_major_ticks()[1::2]: label.set_visible(False) plt.savefig(filename, facecolor=bg_color, dpi=200) plt.close() async def get_highest_ranks_with_offers(self, year): offers = await self.db_conn.fetch( 'select r.programme, r.rank, MAX(d.offer_date), d.is_private ' 'from (select programme, max(rank) as rank from ranks ' 'where ranks.offer_date is not null and ranks.year = $1 ' 'group by programme) as r ' 'inner join ranks as d ' 'on r.programme = d.programme and r.rank = d.rank and d.year = $1 ' 'and d.offer_date is not null ' 'group by r.programme, r.rank, d.is_private ' 'order by MAX(d.offer_date) desc', year) for i in range(len(offers)): programme_id, rank = offers[i][0:2] places = programmes_helper.programmes[programme_id].places[year] if rank <= places: offers[i] = (programme_id, places, date(year, 4, 15), False) return offers def round_rank(number, base=5): return base * round(number / base)
41.221374
114
0.583889
174d8a0b10e5e8e301b0d8fdbc7daffd6df7af5a
2,144
py
Python
Contiki/GccApplication1/contiki/tools/stm32w/stm32w_flasher/py_files/file_utils.py
Mfrielink/Project-Domotica-PowerModule
e311e8f4a5c1e3ca4e2377c27c789ace4ee92710
[ "MIT" ]
9
2017-10-25T12:41:50.000Z
2020-09-01T19:54:15.000Z
Contiki/GccApplication1/contiki/tools/stm32w/stm32w_flasher/py_files/file_utils.py
Mfrielink/Project-Domotica-PowerModule
e311e8f4a5c1e3ca4e2377c27c789ace4ee92710
[ "MIT" ]
null
null
null
Contiki/GccApplication1/contiki/tools/stm32w/stm32w_flasher/py_files/file_utils.py
Mfrielink/Project-Domotica-PowerModule
e311e8f4a5c1e3ca4e2377c27c789ace4ee92710
[ "MIT" ]
6
2017-10-25T12:41:22.000Z
2019-06-18T12:18:35.000Z
# See comment in stm32w_flasher.py. # Extraction and little adaptation performed by E.Duble (CNRS, LIG). import struct class Error(Exception): """Base class for exceptions in this module.""" args = None message = None class FileFormatError(Error): """ Exception raised for errors in the file format Attributes: filename -- filename with unknown format message -- format error message """ args = None message = None def __init__(self, filename, message): self.filename = filename self.message = message class fileFormatReader(object): def __init__(self, filename, startAddress=None): self.filename = filename self.startAddress = startAddress def getRawBinary(self): fileContent = None bytes = None f = open(self.filename, 'rb') if self.filename[-4:] == '.bin': bytesRaw = f.read() bytes = [] bytes.extend(struct.unpack(('B' * len(bytesRaw)), bytesRaw)) f.close() else: if self.filename[-4:] == '.s37': fillChar = 255 fileContent = f.readlines() f.close() startAddress = None currentAddress = None bytes = [] for line in fileContent: if line[:2] == 'S3': count = int(line[2:4], 16) if startAddress is None: startAddress = int(line[4:12], 16) currentAddress = startAddress address = int(line[4:12], 16) if currentAddress < address: bytes = (bytes + ([fillChar] * (address - currentAddress))) currentAddress = address else: if currentAddress > address: raise FileFormatError(self.filename, 'S37, Non progressing addresses detected') for i in range((count - 5)): bytes = (bytes + [int(line[(12 + (i * 2)):((12 + (i * 2)) + 2)], 16)]) continue currentAddress = (currentAddress + (count - 5)) continue else: if line[:2] == 'S0': continue else: if line[:2] == 'S7': break else: raise FileFormatError(self.filename, 'S37: unknown field type') self.startAddress = startAddress else: raise FileFormatError(self.filename, 'Unknown extension') return (self.startAddress, bytes)
25.52381
87
0.629664
54280120610a1741fb4b228207954868b4613c8e
16,684
py
Python
launcher/control.py
MoonShineVFX/launcher
2f728535774e7d53d094a1b1b4cc02bd094ad55f
[ "MIT" ]
3
2017-09-13T19:36:55.000Z
2017-09-13T20:22:31.000Z
launcher/control.py
MoonShineVFX/launcher
2f728535774e7d53d094a1b1b4cc02bd094ad55f
[ "MIT" ]
1
2020-03-02T11:22:37.000Z
2020-03-02T11:22:37.000Z
launcher/control.py
MoonShineVFX/launcher
2f728535774e7d53d094a1b1b4cc02bd094ad55f
[ "MIT" ]
null
null
null
import os import sys import copy import traceback import contextlib import getpass from PyQt5 import QtCore from avalon import api, io from avalon.vendor import six from . import lib, model, terminal from . import _SESSION_STEPS, _PLACEHOLDER PY2 = sys.version_info[0] == 2 @contextlib.contextmanager def stdout(): old = sys.stdout stdout = six.StringIO() sys.stdout = stdout try: yield stdout finally: sys.stdout = old Signal = QtCore.pyqtSignal Slot = QtCore.pyqtSlot Property = QtCore.pyqtProperty DEFAULTS = { "icon": { "project": "map", "silo": "database", "asset": "plus-square", "task": "male", "app": "file", } } # Logging levels DEBUG = 1 << 0 INFO = 1 << 1 WARNING = 1 << 2 ERROR = 1 << 3 CRITICAL = 1 << 4 class Controller(QtCore.QObject): # An item was clicked, causing an environment change # # Arguments: # label (str): The visual name of the item # pushed = Signal(str, arguments=["label"]) # The back button was pressed popped = Signal() # The hierarchy was navigated, either forwards or backwards navigated = Signal() def __init__(self, root, parent=None): super(Controller, self).__init__(parent) self._root = root # Keep original root self._breadcrumbs = list() self._processes = list() self._model = model.Model( items=[], roles=[ "_id", "name", "label", "icon", "group" ]) self._actions = model.Model( items=[], roles=[ "_id", "name", "label", "icon", "color" ]) # Store the registered actions for a projects self._registered_actions = list() # A "frame" contains the environment at a given point # in the asset hierarchy. For example, browsing all the # way to an application yields a fully qualified frame # usable when launching an application. # The current frame is visualised by the Terminal in the GUI. self._frames = list() @Property(str, constant=True) def title(self): return (api.Session["AVALON_LABEL"] or "Avalon") + " Launcher" @Slot() def launch_explorer(self): """Initial draft of this method is subject to change and might migrate to another module""" # Todo: find a cleaner way, with .toml file for example print("Opening Explorer") # Get the current environment frame = self.current_frame() frame["environment"]["root"] = os.environ["AVALON_PROJECTS"] # When we are outside of any project, do nothing config = frame.get("config", None) if config is None: print("No project found in configuration") return template = config['template']['work'] path = lib.partial_format(template, frame["environment"]) # Keep only the part of the path that was formatted path = os.path.normpath(path.split("{", 1)[0]) print(path) if os.path.exists(path): import subprocess # todo(roy): Make this cross OS compatible (currently windows only) subprocess.Popen(r'explorer "{}"'.format(path)) def current_frame(self): """Shorthand for the current frame""" try: # Nested dictionaries require deep copying. return copy.deepcopy(self._frames[-1]) except IndexError: return dict() @Property("QVariant", notify=navigated) def breadcrumbs(self): return self._breadcrumbs @Property("QVariant", notify=navigated) def environment(self): try: frame = self._frames[-1]["environment"] except (IndexError, KeyError): return list() else: return [ {"key": key, "value": str(value)} for key, value in frame.items() ] @Property(model.Model, notify=navigated) def actions(self): return self._actions @Property(model.Model, notify=navigated) def model(self): return self._model @Slot(str) def command(self, command): if not command: return output = command + "\n" with stdout() as out: try: exec(command, globals()) except Exception: output += traceback.format_exc() else: output += out.getvalue() if output: terminal.log(output.rstrip()) @Slot(QtCore.QModelIndex) def push(self, index): name = model.data(index, "name") self.breadcrumbs.append(name) level = len(self.breadcrumbs) handler = { 1: self.on_project_changed, 2: self.on_silo_changed, 3: self.on_asset_changed, 4: self.on_task_changed }[level] handler(index) # Push the compatible applications actions = self.collect_compatible_actions(self._registered_actions) self._actions.push(actions) self.navigated.emit() @Slot(int) def pop(self, index=None): if index is None: # Regular pop behavior steps = 1 elif index < 0: # Refresh; go beyond first index steps = len(self.breadcrumbs) + 1 else: # Go to index steps = len(self.breadcrumbs) - index - 1 for i in range(steps): self._frames.pop() self._model.pop() self._actions.pop() if not self.breadcrumbs: self.popped.emit() self.navigated.emit() return self.init() try: self.breadcrumbs.pop() except IndexError: pass else: self.popped.emit() self.navigated.emit() # Revert to placeholder step = _SESSION_STEPS[len(self.breadcrumbs)] api.Session[step] = _PLACEHOLDER def init(self): terminal.log("initialising..") header = "Root" def project_visible(data): return data.get("visible", True) # Discard hidden projects def project_member(data): user = getpass.getuser().lower() member = data.get("role", dict()).get("member", list()) return user in member project_active = (project_member if os.getenv("AVALON_LAUNCHER_USE_PROJECT_MEMBER") else project_visible) self._model.push([ dict({ "_id": project["_id"], "icon": DEFAULTS["icon"]["project"], "name": project["name"], }, **project["data"]) for project in sorted(io.projects(), key=lambda x: x['name']) if project_active(project["data"]) ]) frame = {"environment": {}} self._frames[:] = [frame] # Discover all registered actions discovered_actions = api.discover(api.Action) self._registered_actions[:] = discovered_actions # Validate actions based on compatibility actions = self.collect_compatible_actions(discovered_actions) self._actions.push(actions) self.pushed.emit(header) self.navigated.emit() terminal.log("ready") def on_project_changed(self, index): name = model.data(index, "name") api.Session["AVALON_PROJECT"] = name # Establish a connection to the project database self.log("Connecting to %s" % name, level=INFO) frame = self.current_frame() project = io.find_one({"type": "project"}) assert project is not None, "This is a bug" frame["config"] = project["config"] # Use project root if exists or default root will be used # (NOTE): The root path from `self._root` may have path sep appended # because it's been processed by `os.path.realpath` in # `app.main` root = project["data"].get("root", self._root) os.environ["AVALON_PROJECTS"] = root api.Session["AVALON_PROJECTS"] = root # Get available project actions and the application actions actions = api.discover(api.Action) apps = lib.get_apps(project) self._registered_actions[:] = actions + apps silos = io.distinct("silo") self._model.push([ dict({ "name": silo, "icon": DEFAULTS["icon"]["silo"], }) for silo in sorted(silos) if self._get_silo_visible(silo) ]) frame["project"] = project["_id"] frame["environment"]["project"] = name frame["environment"].update({ "project_%s" % key: str(value) for key, value in project["data"].items() }) self._frames.append(frame) self.pushed.emit(name) def _get_silo_visible(self, silo_name): silo = io.find_one({"type": "silo", "name": silo_name}) if not silo: return True return not silo.get("data", {}).get("trash", False) def on_silo_changed(self, index): name = model.data(index, "name") api.Session["AVALON_SILO"] = name frame = self.current_frame() self._model.push([ dict({ "_id": doc["_id"], "name": doc["name"], "icon": DEFAULTS["icon"]["asset"], }, **doc["data"]) for doc in sorted( io.find({ "type": "asset", "parent": frame["project"], "silo": name }), # Hard-sort by group # TODO(marcus): Sorting should really happen in # the model, via e.g. a Proxy. key=lambda item: ( # Sort by group item["data"].get( "group", # Put items without a # group at the top "0"), # Sort inner items by name item["name"] ) ) # Discard hidden items if self._get_asset_visible(doc) ]) frame["environment"]["silo"] = name self._frames.append(frame) self.pushed.emit(name) def _get_asset_visible(self, asset): asset_data = asset['data'] if asset_data.get("visualParent", None): _seq = io.find_one({'_id': asset_data["visualParent"]}) or {} if _seq.get('data', {}).get('trash', False): return False if "trash" in list(asset_data.keys()): return not asset_data.get("trash", False) return asset_data.get("visible", True) def on_asset_changed(self, index): name = model.data(index, "name") api.Session["AVALON_ASSET"] = name frame = self.current_frame() frame["asset"] = model.data(index, "_id") frame["environment"]["asset"] = name # TODO(marcus): These are going to be accessible # from database, not from the environment. asset = io.find_one({"_id": frame["asset"]}) frame["environment"].update({ "asset_%s" % key: value for key, value in asset["data"].items() }) # Get tasks from the project's configuration project_tasks = [task for task in frame["config"].get("tasks", [])] # Get the tasks assigned to the asset asset_tasks = asset.get("data", {}).get("tasks", None) if asset_tasks is not None: # If the task is in the project configuration than get the settings # from the project config to also support its icons, etc. task_config = {task['name']: task for task in project_tasks} tasks = [task_config.get(task_name, {"name": task_name}) for task_name in asset_tasks] else: # if no `asset.data['tasks']` override then # get the tasks from project configuration tasks = project_tasks # If task has no icon use fallback icon for task in tasks: if "icon" not in task: task['icon'] = DEFAULTS['icon']['task'] self._model.push(sorted(tasks, key=lambda t: t["name"])) self._frames.append(frame) self.pushed.emit(name) def on_task_changed(self, index): name = model.data(index, "name") api.Session["AVALON_TASK"] = name frame = self.current_frame() self._model.push([]) frame["environment"]["task"] = name self._frames.append(frame) self.pushed.emit(name) if name == 'lighting': self._create_precomp_folder(frame["environment"]) def _create_precomp_folder(self, data): _template = r'{project_root}/{project}/Avalon/{silo}/{asset}/work/lighting/_lgt_precomp' _root = _template.format(**data) for _folder in ['_nuke', '_seq', '_sf']: _dir = '{}/{}'.format(_root, _folder) if not os.path.exists(_dir): try: os.makedirs(_dir) os.chmod(_dir, 777) except Exception as e: print('makedir error: ', e) @Slot(QtCore.QModelIndex) def trigger_action(self, index): name = model.data(index, "name") # Get the action Action = next((a for a in self._registered_actions if a.name == name), None) assert Action, "No action found" action = Action() # Run the action within current session self.log("Running action: %s" % name, level=INFO) popen = action.process(api.Session.copy()) # Action might return popen that pipes stdout # in which case we listen for it. process = {} if popen and hasattr(popen, "stdout") and popen.stdout is not None: class Thread(QtCore.QThread): messaged = Signal(str) def run(self): for line in lib.stream(process["popen"].stdout): self.messaged.emit(line.rstrip()) self.messaged.emit("%s killed." % process["name"]) thread = Thread() thread.messaged.connect( lambda line: terminal.log(line, terminal.INFO) ) process.update({ "name": name, "action": action, "thread": thread, "popen": popen }) self._processes.append(process) thread.start() return process def log(self, message, level=DEBUG): print(message) def collect_compatible_actions(self, actions): """Collect all actions which are compatible with the environment Each compatible action will be translated to a dictionary to ensure the action can be visualized in the launcher. Args: actions (list): list of classes Returns: list: collection of dictionaries sorted on order int he """ compatible = [] for Action in actions: frame = self.current_frame() # Build a session from current frame session = {"AVALON_{}".format(key.upper()): value for key, value in frame.get("environment", {}).items()} session["AVALON_PROJECTS"] = api.registered_root() if not Action().is_compatible(session): continue compatible.append({ "name": str(Action.name), "icon": str(Action.icon or "cube"), "label": str(Action.label or Action.name), "color": getattr(Action, "color", None), "order": Action.order }) # Sort by order and name compatible = sorted(compatible, key=lambda action: (action["order"], action["name"])) return compatible def dirs(root): try: base, dirs, files = next(os.walk(root)) except (IOError, StopIteration): # Ignore non-existing dirs return list() return dirs
29.634103
96
0.53824
f9accf0185672edab98da0816005b9615b99845e
1,147
py
Python
ElectronicCommerce/test_case/models/driver.py
Pactortester/JingDongTestProject
b30bb987db9357f0812be64170c31b10a4cceee0
[ "MIT" ]
null
null
null
ElectronicCommerce/test_case/models/driver.py
Pactortester/JingDongTestProject
b30bb987db9357f0812be64170c31b10a4cceee0
[ "MIT" ]
null
null
null
ElectronicCommerce/test_case/models/driver.py
Pactortester/JingDongTestProject
b30bb987db9357f0812be64170c31b10a4cceee0
[ "MIT" ]
1
2021-09-07T02:06:01.000Z
2021-09-07T02:06:01.000Z
from threading import Thread from selenium.webdriver import Remote from selenium import webdriver # start browser def browser(): # browser (chrome, firefox, ie ...) driver = webdriver.Chrome() # driver = webdriver.Ie() # driver = webdriver.Firefox() # dc = {'platform': 'ANY', 'browserName': 'chrome', 'version': '', 'javascriptEnabled': True} # dc = {'browserName': dc_browser} # host = '127.0.0.1:4444' # host: port (default: 127.0.0.1:4444) # dc = {'browserName': 'chrome'} # driver = Remote(command_executor='http://' + host + '/wd/hub', desired_capabilities=dc) return driver """ if __name__ == '__main__': host_list = {'127.0.0.1:4444': 'internet explorer', '127.0.0.1:5555': 'chrome'} threads = [] files = range(len(host_list)) for host_name, browser_name in host_list.items(): t = Thread(target=browser, args=(host_name, browser_name)) threads.append(t) for i in files: threads[i].start() for i in files: threads[i].join() """ if __name__ == '__main__': driver = browser() driver.get("http://www.baidu.com") driver.quit()
27.97561
97
0.62075
1b68a27e3586caf7198d2da043794c5f62fab6e6
3,191
py
Python
users/admin.py
gafderks/dbase
4089cf220740afd7fcc0ae68fcd6185829a60eae
[ "Apache-2.0" ]
null
null
null
users/admin.py
gafderks/dbase
4089cf220740afd7fcc0ae68fcd6185829a60eae
[ "Apache-2.0" ]
281
2020-04-03T15:22:46.000Z
2022-03-31T20:53:28.000Z
users/admin.py
gafderks/dbase
4089cf220740afd7fcc0ae68fcd6185829a60eae
[ "Apache-2.0" ]
null
null
null
from django.contrib import admin from django.contrib.auth.admin import UserAdmin as DjangoUserAdmin from django.contrib.auth.admin import GroupAdmin as DjangoGroupAdmin from django.contrib.auth.models import Group as DjangoGroup, Permission from django.db.models import Count from django.utils.translation import gettext_lazy as _ from .forms import CustomUserCreationForm, CustomUserChangeForm from .models import User, Group, Role @admin.register(User) class UserAdmin(DjangoUserAdmin): """Define admin model for custom User model with no email field.""" def roles(self, obj): return ", ".join([role.name for role in obj.groups.all()]) roles.short_description = _("roles") fieldsets = ( (None, {"fields": ("email", "password", "group")}), (_("Personal info"), {"fields": ("first_name", "last_name")}), ( _("Permissions"), { "fields": ( "is_active", # 'is_staff', "is_superuser", "groups", # 'user_permissions' ) }, ), # (_('Important dates'), {'fields': ('last_login', 'date_joined')}), ) add_fieldsets = ( ( None, { "classes": ("wide",), "fields": ( "email", "password1", "password2", "first_name", "last_name", "group", "groups", ), }, ), ) list_display = ("email", "first_name", "last_name", "group", "roles") search_fields = ("email", "first_name", "last_name") list_filter = ("group", "groups", "is_superuser", "is_active") ordering = ("email",) add_form = CustomUserCreationForm form = CustomUserChangeForm model = User @admin.register(Group) class GroupAdmin(admin.ModelAdmin): list_display = ("name", "type") list_filter = ("type",) prepopulated_fields = {"slug": ("name",)} # Rename Django Groups to Roles for distinguishing from custom Group definition admin.site.unregister(DjangoGroup) @admin.register(Role) class RoleAdmin(DjangoGroupAdmin): list_display = ("name", "count_permissions", "count_users") def get_queryset(self, request): qs = super(RoleAdmin, self).get_queryset(request) return qs.annotate(permission_count=Count("permissions")) def count_permissions(self, obj): return obj.permission_count def count_users(self, obj): return _("%(user_count)s users") % {"user_count": obj.user_set.count()} count_permissions.short_description = _("Number of permissions") count_users.short_description = _("Number of users") @admin.register(Permission) class PermissionAdmin(admin.ModelAdmin): search_fields = ["codename"] list_display = ("pk", "__str__", "assigned_to") list_display_links = ("pk", "__str__") def assigned_to(self, obj): return ", ".join([role.name for role in obj.group_set.all()]) assigned_to.short_description = _("assigned to")
30.682692
79
0.592604
0e263ef1e6c50554a19cd44e6b34585eb71485c4
16,771
py
Python
MCMC/MCMC.py
ukurumba/MCMC
f234648578044ed880c3feecd6c0ce21e74ed585
[ "MIT" ]
null
null
null
MCMC/MCMC.py
ukurumba/MCMC
f234648578044ed880c3feecd6c0ce21e74ed585
[ "MIT" ]
null
null
null
MCMC/MCMC.py
ukurumba/MCMC
f234648578044ed880c3feecd6c0ce21e74ed585
[ "MIT" ]
null
null
null
# -*- coding: utf-8 -*- import numpy as np import networkx as nx def initialization(grid): """This function takes in the 2-D grid given as input and returns an initial graph. Example ------- grid = [(1,2),(3,4),(5,6)] initial_graph = initialization(grid) Parameters ---------- grid : list of tuples the input list of tuples Output ------ graph : M x M numpy array (M is the number of tuples in grid) a weighted adjacency matrix for the graph generated from the list of tuples""" grid = np.asarray(grid) graph = np.zeros((len(grid),len(grid))) for i in range(0,len(grid),1): for j in range(0,len(grid),1): graph[i,j] = np.sqrt((grid[i,0] - grid[j,0])**2 + (grid[i,1]-grid[j,1])**2) #Euclidean distance between two points return graph def connected(i,rand_i,rand_j): """This function tests whether a given graph will still be connected if the proposed replacement is made. The proposed replacement represents changing the position at rand_i,rand_j to 0 if it is non-0 and changing it to non-0 if it is 0. Example ------- i = [[0,1,1],[1,0,0],[1,0,0]] proposed_index_1_change = 1 proposed_index_2_change = 2 connected(i,proposed_index_1_change,proposed_index_2_change) Parameters ---------- i : M x M numpy array (where M is the number of tuples in the initial grid) rand_i : int index 1 value rand_j : int index 2 value Output ------ truth_value : boolean whether the proposed graph would be connected or not""" graph = list(i) graph = np.asarray(graph) #testing to see if the proposed position change is 0 or not 0 and setting it to the opposite of what it currently is if graph[rand_i,rand_j] == 0: graph[rand_i,rand_j] = 1 graph[rand_j,rand_i] = 1 elif graph[rand_i,rand_j] != 0: graph[rand_i,rand_j] = 0 graph[rand_j,rand_i] = 0 #using networkx's is_connected feature to discern connectedness graph = nx.from_numpy_matrix(graph) return(nx.is_connected(graph)) def q(i,grid): """This function returns a candidate state given the state that the Markov chain is currently in. Example ------- grid = [(1,2),(2,3),(4,5)] i = [[0,4,6],[2,0,9],[7,5,0]] candidate = q(i) print(candidate) Parameters ---------- i : M x M array The current state of the Markov distribution (a gonnected graph). grid : M x 2 array x and y distance values for the vertices in the initial Markov state. Returns ------- candidate : array candidate is the candidate state based on the decision calculus intrinsic to q.""" grid = np.array(grid) candidate = list(i) candidate = np.asarray(candidate) rand_i = np.random.randint(len(i)) rand_j = np.random.randint(len(i)) #following while loop ensures that the candidate graph is connected and does not contain self-loops while rand_i == rand_j or connected(candidate,rand_i,rand_j) == False: rand_i = np.random.randint(len(i)) rand_j = np.random.randint(len(i)) #generating candidate graph by replacing index rand_i,rand_j if candidate[rand_i,rand_j] != 0: candidate[rand_i,rand_j] = 0 candidate[rand_j,rand_i] = 0 elif candidate[rand_j,rand_i] == 0: weight_i_j = np.sqrt((grid[rand_i,0] - grid[rand_j,0])**2 + (grid[rand_i,1]-grid[rand_j,1])**2) candidate[rand_i,rand_j] = weight_i_j candidate[rand_j,rand_i] = weight_i_j return candidate def theta(i,r=1): """This function calculates the value of theta for the given state. Theta is a function defined in the problem statement. Example ------- i = [[1,0],[0,1]] weights = [[1,2],[3,4]] value = theta(i,weights) Parameters ---------- i : MxM array This is the current state represented in an MxM adjacency matrix. grid : Mx2 list of tuples This is the list of x and y values in Cartesian space for the given index/label (i.e. the individual column headers in the 'i array.') r : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. Output ------ value : integer This is the theta value for the given state.""" i = np.array(i) total_weight = np.sum(i) graph = nx.from_numpy_matrix(i) partial_weight = 0 for v in range(0,len(i),1): path = nx.shortest_path(graph,0,v) # path is a set of nodes inclusive of end pts. Thus, len(path)-1 = number of edges in our path of interest. for node in range(0,len(path)-1,1): partial_weight += i[path[node],path[node+1]] return(r * total_weight + partial_weight) def probability(i,j,T=1,r=1): """This function computes the probability that the candidate state will be selected. Example ------- i = [[1,0],[0,1]] j = [[0,1],[1,0]] prob = probability(i,j) Parameters ---------- i : MxM array This is the current graph represented by its adjacency matrix. j : MxM array This is the candidate graph represented by its adjacency matrix. T : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. r : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. Output ------ prob : float This is the probability that the candidate graph is selected. It takes values on [0,1].""" #collecting different variables in probability calculation theta_i = theta(i,r) theta_j = theta(j,r) number_of_potential_edges = len(i) * (len(i) - 1) / 2 cut_edges_i = cut_edges(i) cut_edges_j = cut_edges(j) #calculating q(j|i) and q(i|j) q_j_given_i = 1/(number_of_potential_edges - cut_edges_i) q_i_given_j = 1/(number_of_potential_edges - cut_edges_j) #calculating relative value of pi_j / pi_i eq_distrib_ratio = np.exp(-(theta_j - theta_i)/T) #calculating alpha using Metropolis-Hastings criteria alpha_proposed = eq_distrib_ratio * q_i_given_j / q_j_given_i if alpha_proposed >= 1: alpha = 1.0 if alpha_proposed < 1: alpha = alpha_proposed return alpha def cut_edges(i): '''This function counts the number of edges that if removed (set equal to 0) would cause the graph to be disconnected. Example ------- i = [[0,1],[1,0]] cut_edges(i) Parameters ---------- i : M x M numpy array (where M is the number of tuples in the initial grid) Output ------ cut_edges : int number of such edges as described earlier in the docstring.''' #creating a numpy_matrix we can play around with w/o affecting our original i = np.array(i) prax_graph = list(i) prax_graph = np.array(prax_graph) #next section iterates over every edge in the graph, sets it to 0, and calculates the number of connected components #this will tell us whether a given edge is a cut edge cut_edges = 0 for val_i in range(0,len(i),1): for val_j in range(0,len(i),1): prax_graph[val_i,val_j] = 0 prax_graph[val_j,val_i] = 0 nx_graph = nx.from_numpy_matrix(prax_graph) if nx.number_connected_components(nx_graph) != 1: cut_edges += 1 prax_graph[val_i,val_j] = i[val_i,val_j] prax_graph[val_j,val_i] = i[val_j,val_i] return cut_edges/2 # o/w we will double count number of cut edges def next_state(i,j,probability): """ This function returns the next state using functions already defined. Example ------- i = [[0,1,1],[1,0,0],[1,0,0]] j = [[0,1,1],[1,0,1],[1,1,0]] state = next_state(i,j,.4) Parameters ---------- i : M x M numpy array (where M is the number of tuples in the initial grid) the current state j : M x M numpy array the candidate state probability : float the probability that state j is selected Output ------ state : M x M numpy array the state chosen""" #using a random number generator to generate a random number. u = np.random.uniform(0.0,1.0) #calculating new state based on Metropolis-Hastings algorithm specifications: if u > probability: new_state = i elif u <= probability: new_state = j return new_state def expected_connect_to_0(grid,N,T=1,r=1): """ This function returns the arithmetic mean number of edges that are connected to the 0 node given an input grid. This should approximate the expected number of edges of this type quite well if N is large. Example ------- grid = [(12,17),(13,19),(34,69),(34,12)] number_edges = MCMC.expected_connect_to_0(grid,1000) Parameters ---------- grid : list of tuples the x and y coordinates of all the different nodes in the graph. The 1st entry should be the all-important "0" node, while the rest of them can be in any arbitrary order. N : int the number of iterations desired. T : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. r : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. Output ------ number_edges : float The expected number of edges that connect to the 0 node.""" import numpy as np initial_graph = initialization(grid) new_state = initial_graph number_edges = 0 for i in range(N): #generating next graph candidate_graph = q(new_state,grid) switching_likelihood = probability(new_state,candidate_graph,T,r) new_state = next_state(new_state,candidate_graph,switching_likelihood) #computing number connections to 0 for i in range(len(new_state)): if new_state[0,i] != 0: number_edges += 1 #computing average return number_edges / N def expected_number_edges(grid,N,T=1,r=1): """ This function returns the arithmetic mean number of edges in the graph. This should approximate the expected number of edges of this type quite well if N is large. Example ------- grid = [(12,17),(13,19),(34,69),(34,12)] number_edges = MCMC.expected_number_edges(grid,1000) Parameters ---------- grid : list of tuples the x and y coordinates of all the different nodes in the graph. The 1st entry should be the all-important "0" node, while the rest of them can be in any arbitrary order. N : int the number of iterations desired. T : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. r : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. Output ------ number_edges : float The expected number of edges in a graph.""" import numpy as np initial_graph = initialization(grid) new_state = initial_graph number_edges = 0 for i in range(N): #generating next graph candidate_graph = q(new_state,grid) switching_likelihood = probability(new_state,candidate_graph,T,r) new_state = next_state(new_state,candidate_graph,switching_likelihood) #computing number connections to 0 for i in range(len(new_state)): for j in range(len(new_state)): if new_state[i,j] != 0: number_edges += 1 #computing average return number_edges / ( 2 * N ) def expected_furthest_from_0(grid,N,T=1,r=1): """This function returns the arithmetic mean number of edges between the 0 node and the node that is the furthest from 0. This should approximate the actual expected number of edges in this path as N gets large. Example ------- grid = [(12,17),(13,19),(34,69),(34,12)] number_edges = MCMC.expected_furthest_from_0(grid,1000) Parameters ---------- grid : list of tuples the x and y coordinates of all the different nodes in the graph. The 1st entry should be the all-important "0" node, while the rest of them can be in any arbitrary order. N : int the number of iterations desired. T : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. r : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. Output ------ number_edges : float The expected number of edges in the shortest path between 0 and the vertex furthest from 0.""" import numpy as np initial_graph = initialization(grid) new_state = initial_graph number_edges = 0 #calculating and storing longest "shortest path" from 0 overall_path = 0 nx_graph = nx.from_numpy_matrix(new_state) for node in range(len(initial_graph)): path = len(nx.shortest_path(nx_graph,0,node)) if path > overall_path: overall_path = path #recall this is an edge path, and networkx returns a node path, so we subtract one to get the number of edges overall_path = overall_path - 1 for i in range(N): #generating next graph candidate_graph = q(new_state,grid) switching_likelihood = probability(new_state,candidate_graph,T,r) new_state = next_state(new_state,candidate_graph,switching_likelihood) #computing shortest paths from 0 to each node and selecting the largest of them nx_graph = nx.from_numpy_matrix(new_state) largest_path = 0 for node in range(len(candidate_graph)): path = len(nx.shortest_path(nx_graph,0,node)) if path > largest_path: largest_path = path #adding the largest path's edge length to the overall total overall_path += largest_path - 1 return overall_path / N def most_likely_graphs(grid,percentage,N,T=1,r=1): """This function returns the most likely graphs ordered from most to least. The amount of returned graphs depends on the input percentage. Example ------- grid = [(12,17),(13,19),(34,69),(34,12)] graphs = MCMC.most_likely_graphs(grid,.01,1000) Parameters ---------- grid : list of tuples the x and y coordinates of all the different nodes in the graph. The 1st entry should be the all-important "0" node, while the rest of them can be in any arbitrary order. percentage : float the percentage of different graphs travelled that you would like returned. e.g. .01 returns the 1% of most likely graphs. N : int the number of iterations desired. T : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. r : float (optional) adjustable parameter to improve specificity of intrinsic probability distribution. Output ------ graphs : list a list of most likely graphs ordered from most to least likely (of the top given percentage of course). Each graph is itself a list.""" initial_graph = initialization(grid) new_state = initial_graph graphs = [] counter = [] for i in range(N): #generating next graph candidate_graph = q(new_state,grid) switching_likelihood = probability(new_state,candidate_graph,T,r) new_state = next_state(new_state,candidate_graph,switching_likelihood) #check if the graph is already in the list. if not, append it to the list identical_graph_found = False for graph in range(len(graphs)): if np.allclose(graphs[graph],new_state) == True: counter[graph] += 1 identical_graph_found = True if identical_graph_found == False: graphs.append(new_state) counter.append(1) #calculating number of graphs to return uniques = len(counter) returned = int(uniques * percentage) if returned == 0: returned = 1 #sorting by counter value and selecting the correct graphs #source for zipping: http://stackoverflow.com/questions/6618515/sorting-list-based-on-values-from-another-list graph_and_counter = zip(counter,graphs) likely_graphs = [graph for counter, graph in sorted(graph_and_counter,reverse = True, key = lambda count: count[0])] return likely_graphs[:returned]
29.578483
142
0.646831
a9265f60cbeb9305c33bc155d9529b82856056a7
714
py
Python
examples/02_packages/02_compas_fofin/compas_fofin/examples/compute_shell_equilibrium.py
compas-Workshops/WS_chalmers
5eeb14f2eed6780064c0b1c30f51f66068689e07
[ "MIT" ]
null
null
null
examples/02_packages/02_compas_fofin/compas_fofin/examples/compute_shell_equilibrium.py
compas-Workshops/WS_chalmers
5eeb14f2eed6780064c0b1c30f51f66068689e07
[ "MIT" ]
null
null
null
examples/02_packages/02_compas_fofin/compas_fofin/examples/compute_shell_equilibrium.py
compas-Workshops/WS_chalmers
5eeb14f2eed6780064c0b1c30f51f66068689e07
[ "MIT" ]
1
2019-05-14T12:05:33.000Z
2019-05-14T12:05:33.000Z
from __future__ import absolute_import from __future__ import division from __future__ import print_function import os from compas_fofin.datastructures import Shell from compas_fofin.fofin import shell_update_xyz_numpy from compas_plotters import MeshPlotter HERE = os.path.dirname(__file__) FILE = os.path.join(HERE, '../data/mesh.obj') # load a mesh from an OBJ shell = Shell.from_obj(FILE) # set the anchors shell.set_vertices_attribute('is_anchor', True, keys=list(shell.vertices_where({'vertex_degree': 2}))) # compute equilibrium shell_update_xyz_numpy(shell) # visualize plotter = MeshPlotter(shell, figsize=(10, 7)) plotter.draw_vertices() plotter.draw_edges() plotter.draw_faces() plotter.show()
23.032258
102
0.79972
25d6bcec4eadfeb02f2320e960af64c4a5e23980
118
py
Python
python/testData/inspections/PyAbstractClassInspection/HiddenForAbstractSubclassWithABCSuperclass/a.py
jnthn/intellij-community
8fa7c8a3ace62400c838e0d5926a7be106aa8557
[ "Apache-2.0" ]
2
2019-04-28T07:48:50.000Z
2020-12-11T14:18:08.000Z
python/testData/inspections/PyAbstractClassInspection/HiddenForAbstractSubclassWithABCSuperclass/a.py
Cyril-lamirand/intellij-community
60ab6c61b82fc761dd68363eca7d9d69663cfa39
[ "Apache-2.0" ]
173
2018-07-05T13:59:39.000Z
2018-08-09T01:12:03.000Z
python/testData/inspections/PyAbstractClassInspection/HiddenForAbstractSubclassWithABCSuperclass/a.py
Cyril-lamirand/intellij-community
60ab6c61b82fc761dd68363eca7d9d69663cfa39
[ "Apache-2.0" ]
2
2020-03-15T08:57:37.000Z
2020-04-07T04:48:14.000Z
import abc class A1(abc.ABC): @abc.abstractmethod def m1(self): pass class A2(A1, abc.ABC): pass
13.111111
23
0.601695
daf97099e398734e2bb9e18521c6effe2702a809
1,292
py
Python
migrations/versions/39c5679fd9e6_initial_migration.py
Samfan01/Blogs
a04648f71a5d0894609da300d3a71013b2828e0d
[ "MIT" ]
null
null
null
migrations/versions/39c5679fd9e6_initial_migration.py
Samfan01/Blogs
a04648f71a5d0894609da300d3a71013b2828e0d
[ "MIT" ]
null
null
null
migrations/versions/39c5679fd9e6_initial_migration.py
Samfan01/Blogs
a04648f71a5d0894609da300d3a71013b2828e0d
[ "MIT" ]
null
null
null
"""Initial Migration Revision ID: 39c5679fd9e6 Revises: 6ba71166af3e Create Date: 2021-03-11 14:17:03.600701 """ from alembic import op import sqlalchemy as sa # revision identifiers, used by Alembic. revision = '39c5679fd9e6' down_revision = '6ba71166af3e' branch_labels = None depends_on = None def upgrade(): # ### commands auto generated by Alembic - please adjust! ### op.create_table('users', sa.Column('id', sa.Integer(), nullable=False), sa.Column('username', sa.String(length=255), nullable=True), sa.Column('email', sa.String(length=255), nullable=True), sa.Column('bio', sa.String(length=255), nullable=True), sa.Column('profile_pic_path', sa.String(), nullable=True), sa.Column('pass_secure', sa.String(length=255), nullable=True), sa.PrimaryKeyConstraint('id') ) op.create_index(op.f('ix_users_email'), 'users', ['email'], unique=True) op.create_index(op.f('ix_users_username'), 'users', ['username'], unique=False) # ### end Alembic commands ### def downgrade(): # ### commands auto generated by Alembic - please adjust! ### op.drop_index(op.f('ix_users_username'), table_name='users') op.drop_index(op.f('ix_users_email'), table_name='users') op.drop_table('users') # ### end Alembic commands ###
31.512195
83
0.686533
1f44a799ecc99606e1981dee2c54cbefd42e289e
38,974
py
Python
gerrit_util.py
iteksoft/depot_tools
b508ecd932fd2653b4d3e9bccd80b3b7ac98c36a
[ "BSD-3-Clause" ]
null
null
null
gerrit_util.py
iteksoft/depot_tools
b508ecd932fd2653b4d3e9bccd80b3b7ac98c36a
[ "BSD-3-Clause" ]
null
null
null
gerrit_util.py
iteksoft/depot_tools
b508ecd932fd2653b4d3e9bccd80b3b7ac98c36a
[ "BSD-3-Clause" ]
1
2021-06-29T00:41:44.000Z
2021-06-29T00:41:44.000Z
# Copyright (c) 2013 The Chromium OS Authors. All rights reserved. # Use of this source code is governed by a BSD-style license that can be # found in the LICENSE file. """ Utilities for requesting information for a Gerrit server via HTTPS. https://gerrit-review.googlesource.com/Documentation/rest-api.html """ from __future__ import print_function from __future__ import unicode_literals import base64 import contextlib import httplib2 import json import logging import netrc import os import random import re import socket import stat import sys import tempfile import time from multiprocessing.pool import ThreadPool import auth import gclient_utils import metrics import metrics_utils import subprocess2 from third_party import six from six.moves import urllib if sys.version_info.major == 2: import cookielib from StringIO import StringIO else: import http.cookiejar as cookielib from io import StringIO LOGGER = logging.getLogger() # With a starting sleep time of 10.0 seconds, x <= [1.8-2.2]x backoff, and five # total tries, the sleep time between the first and last tries will be ~7 min. TRY_LIMIT = 5 SLEEP_TIME = 10.0 MAX_BACKOFF = 2.2 MIN_BACKOFF = 1.8 # Controls the transport protocol used to communicate with Gerrit. # This is parameterized primarily to enable GerritTestCase. GERRIT_PROTOCOL = 'https' def time_sleep(seconds): # Use this so that it can be mocked in tests without interfering with python # system machinery. return time.sleep(seconds) def time_time(): # Use this so that it can be mocked in tests without interfering with python # system machinery. return time.time() class GerritError(Exception): """Exception class for errors commuicating with the gerrit-on-borg service.""" def __init__(self, http_status, message, *args, **kwargs): super(GerritError, self).__init__(*args, **kwargs) self.http_status = http_status self.message = '(%d) %s' % (self.http_status, message) def __str__(self): return self.message def _QueryString(params, first_param=None): """Encodes query parameters in the key:val[+key:val...] format specified here: https://gerrit-review.googlesource.com/Documentation/rest-api-changes.html#list-changes """ q = [urllib.parse.quote(first_param)] if first_param else [] q.extend(['%s:%s' % (key, val.replace(" ", "+")) for key, val in params]) return '+'.join(q) class Authenticator(object): """Base authenticator class for authenticator implementations to subclass.""" def get_auth_header(self, host): raise NotImplementedError() @staticmethod def get(): """Returns: (Authenticator) The identified Authenticator to use. Probes the local system and its environment and identifies the Authenticator instance to use. """ # LUCI Context takes priority since it's normally present only on bots, # which then must use it. if LuciContextAuthenticator.is_luci(): return LuciContextAuthenticator() # TODO(crbug.com/1059384): Automatically detect when running on cloudtop, # and use CookiesAuthenticator instead. if GceAuthenticator.is_gce(): return GceAuthenticator() return CookiesAuthenticator() class CookiesAuthenticator(Authenticator): """Authenticator implementation that uses ".netrc" or ".gitcookies" for token. Expected case for developer workstations. """ _EMPTY = object() def __init__(self): # Credentials will be loaded lazily on first use. This ensures Authenticator # get() can always construct an authenticator, even if something is broken. # This allows 'creds-check' to proceed to actually checking creds later, # rigorously (instead of blowing up with a cryptic error if they are wrong). self._netrc = self._EMPTY self._gitcookies = self._EMPTY @property def netrc(self): if self._netrc is self._EMPTY: self._netrc = self._get_netrc() return self._netrc @property def gitcookies(self): if self._gitcookies is self._EMPTY: self._gitcookies = self._get_gitcookies() return self._gitcookies @classmethod def get_new_password_url(cls, host): assert not host.startswith('http') # Assume *.googlesource.com pattern. parts = host.split('.') if not parts[0].endswith('-review'): parts[0] += '-review' return 'https://%s/new-password' % ('.'.join(parts)) @classmethod def get_new_password_message(cls, host): if host is None: return ('Git host for Gerrit upload is unknown. Check your remote ' 'and the branch your branch is tracking. This tool assumes ' 'that you are using a git server at *.googlesource.com.') url = cls.get_new_password_url(host) return 'You can (re)generate your credentials by visiting %s' % url @classmethod def get_netrc_path(cls): path = '_netrc' if sys.platform.startswith('win') else '.netrc' return os.path.expanduser(os.path.join('~', path)) @classmethod def _get_netrc(cls): # Buffer the '.netrc' path. Use an empty file if it doesn't exist. path = cls.get_netrc_path() if not os.path.exists(path): return netrc.netrc(os.devnull) st = os.stat(path) if st.st_mode & (stat.S_IRWXG | stat.S_IRWXO): print( 'WARNING: netrc file %s cannot be used because its file ' 'permissions are insecure. netrc file permissions should be ' '600.' % path, file=sys.stderr) with open(path) as fd: content = fd.read() # Load the '.netrc' file. We strip comments from it because processing them # can trigger a bug in Windows. See crbug.com/664664. content = '\n'.join(l for l in content.splitlines() if l.strip() and not l.strip().startswith('#')) with tempdir() as tdir: netrc_path = os.path.join(tdir, 'netrc') with open(netrc_path, 'w') as fd: fd.write(content) os.chmod(netrc_path, (stat.S_IRUSR | stat.S_IWUSR)) return cls._get_netrc_from_path(netrc_path) @classmethod def _get_netrc_from_path(cls, path): try: return netrc.netrc(path) except IOError: print('WARNING: Could not read netrc file %s' % path, file=sys.stderr) return netrc.netrc(os.devnull) except netrc.NetrcParseError as e: print('ERROR: Cannot use netrc file %s due to a parsing error: %s' % (path, e), file=sys.stderr) return netrc.netrc(os.devnull) @classmethod def get_gitcookies_path(cls): if os.getenv('GIT_COOKIES_PATH'): return os.getenv('GIT_COOKIES_PATH') try: path = subprocess2.check_output( ['git', 'config', '--path', 'http.cookiefile']) return path.decode('utf-8', 'ignore').strip() except subprocess2.CalledProcessError: return os.path.expanduser(os.path.join('~', '.gitcookies')) @classmethod def _get_gitcookies(cls): gitcookies = {} path = cls.get_gitcookies_path() if not os.path.exists(path): return gitcookies try: f = gclient_utils.FileRead(path, 'rb').splitlines() except IOError: return gitcookies for line in f: try: fields = line.strip().split('\t') if line.strip().startswith('#') or len(fields) != 7: continue domain, xpath, key, value = fields[0], fields[2], fields[5], fields[6] if xpath == '/' and key == 'o': if value.startswith('git-'): login, secret_token = value.split('=', 1) gitcookies[domain] = (login, secret_token) else: gitcookies[domain] = ('', value) except (IndexError, ValueError, TypeError) as exc: LOGGER.warning(exc) return gitcookies def _get_auth_for_host(self, host): for domain, creds in self.gitcookies.items(): if cookielib.domain_match(host, domain): return (creds[0], None, creds[1]) return self.netrc.authenticators(host) def get_auth_header(self, host): a = self._get_auth_for_host(host) if a: if a[0]: secret = base64.b64encode(('%s:%s' % (a[0], a[2])).encode('utf-8')) return 'Basic %s' % secret.decode('utf-8') else: return 'Bearer %s' % a[2] return None def get_auth_email(self, host): """Best effort parsing of email to be used for auth for the given host.""" a = self._get_auth_for_host(host) if not a: return None login = a[0] # login typically looks like 'git-xxx.example.com' if not login.startswith('git-') or '.' not in login: return None username, domain = login[len('git-'):].split('.', 1) return '%s@%s' % (username, domain) # Backwards compatibility just in case somebody imports this outside of # depot_tools. NetrcAuthenticator = CookiesAuthenticator class GceAuthenticator(Authenticator): """Authenticator implementation that uses GCE metadata service for token. """ _INFO_URL = 'http://metadata.google.internal' _ACQUIRE_URL = ('%s/computeMetadata/v1/instance/' 'service-accounts/default/token' % _INFO_URL) _ACQUIRE_HEADERS = {"Metadata-Flavor": "Google"} _cache_is_gce = None _token_cache = None _token_expiration = None @classmethod def is_gce(cls): if os.getenv('SKIP_GCE_AUTH_FOR_GIT'): return False if cls._cache_is_gce is None: cls._cache_is_gce = cls._test_is_gce() return cls._cache_is_gce @classmethod def _test_is_gce(cls): # Based on https://cloud.google.com/compute/docs/metadata#runninggce resp, _ = cls._get(cls._INFO_URL) if resp is None: return False return resp.get('metadata-flavor') == 'Google' @staticmethod def _get(url, **kwargs): next_delay_sec = 1.0 for i in range(TRY_LIMIT): p = urllib.parse.urlparse(url) if p.scheme not in ('http', 'https'): raise RuntimeError( "Don't know how to work with protocol '%s'" % protocol) try: resp, contents = httplib2.Http().request(url, 'GET', **kwargs) except (socket.error, httplib2.HttpLib2Error) as e: LOGGER.debug('GET [%s] raised %s', url, e) return None, None LOGGER.debug('GET [%s] #%d/%d (%d)', url, i+1, TRY_LIMIT, resp.status) if resp.status < 500: return (resp, contents) # Retry server error status codes. LOGGER.warn('Encountered server error') if TRY_LIMIT - i > 1: LOGGER.info('Will retry in %d seconds (%d more times)...', next_delay_sec, TRY_LIMIT - i - 1) time_sleep(next_delay_sec) next_delay_sec *= random.uniform(MIN_BACKOFF, MAX_BACKOFF) return None, None @classmethod def _get_token_dict(cls): # If cached token is valid for at least 25 seconds, return it. if cls._token_cache and time_time() + 25 < cls._token_expiration: return cls._token_cache resp, contents = cls._get(cls._ACQUIRE_URL, headers=cls._ACQUIRE_HEADERS) if resp is None or resp.status != 200: return None cls._token_cache = json.loads(contents) cls._token_expiration = cls._token_cache['expires_in'] + time_time() return cls._token_cache def get_auth_header(self, _host): token_dict = self._get_token_dict() if not token_dict: return None return '%(token_type)s %(access_token)s' % token_dict class LuciContextAuthenticator(Authenticator): """Authenticator implementation that uses LUCI_CONTEXT ambient local auth. """ @staticmethod def is_luci(): return auth.has_luci_context_local_auth() def __init__(self): self._authenticator = auth.Authenticator( ' '.join([auth.OAUTH_SCOPE_EMAIL, auth.OAUTH_SCOPE_GERRIT])) def get_auth_header(self, _host): return 'Bearer %s' % self._authenticator.get_access_token().token def CreateHttpConn(host, path, reqtype='GET', headers=None, body=None): """Opens an HTTPS connection to a Gerrit service, and sends a request.""" headers = headers or {} bare_host = host.partition(':')[0] a = Authenticator.get() # TODO(crbug.com/1059384): Automatically detect when running on cloudtop. if isinstance(a, GceAuthenticator): print('If you\'re on a cloudtop instance, export ' 'SKIP_GCE_AUTH_FOR_GIT=1 in your env.') a = a.get_auth_header(bare_host) if a: headers.setdefault('Authorization', a) else: LOGGER.debug('No authorization found for %s.' % bare_host) url = path if not url.startswith('/'): url = '/' + url if 'Authorization' in headers and not url.startswith('/a/'): url = '/a%s' % url if body: body = json.dumps(body, sort_keys=True) headers.setdefault('Content-Type', 'application/json') if LOGGER.isEnabledFor(logging.DEBUG): LOGGER.debug('%s %s://%s%s' % (reqtype, GERRIT_PROTOCOL, host, url)) for key, val in headers.items(): if key == 'Authorization': val = 'HIDDEN' LOGGER.debug('%s: %s' % (key, val)) if body: LOGGER.debug(body) conn = httplib2.Http() # HACK: httplib2.Http has no such attribute; we store req_host here for later # use in ReadHttpResponse. conn.req_host = host conn.req_params = { 'uri': urllib.parse.urljoin('%s://%s' % (GERRIT_PROTOCOL, host), url), 'method': reqtype, 'headers': headers, 'body': body, } return conn def ReadHttpResponse(conn, accept_statuses=frozenset([200])): """Reads an HTTP response from a connection into a string buffer. Args: conn: An Http object created by CreateHttpConn above. accept_statuses: Treat any of these statuses as success. Default: [200] Common additions include 204, 400, and 404. Returns: A string buffer containing the connection's reply. """ sleep_time = SLEEP_TIME for idx in range(TRY_LIMIT): before_response = time.time() response, contents = conn.request(**conn.req_params) contents = contents.decode('utf-8', 'replace') response_time = time.time() - before_response metrics.collector.add_repeated( 'http_requests', metrics_utils.extract_http_metrics( conn.req_params['uri'], conn.req_params['method'], response.status, response_time)) # If response.status is an accepted status, # or response.status < 500 then the result is final; break retry loop. # If the response is 404/409 it might be because of replication lag, # so keep trying anyway. If it is 429, it is generally ok to retry after # a backoff. if (response.status in accept_statuses or response.status < 500 and response.status not in [404, 409, 429]): LOGGER.debug('got response %d for %s %s', response.status, conn.req_params['method'], conn.req_params['uri']) # If 404 was in accept_statuses, then it's expected that the file might # not exist, so don't return the gitiles error page because that's not # the "content" that was actually requested. if response.status == 404: contents = '' break # A status >=500 is assumed to be a possible transient error; retry. http_version = 'HTTP/%s' % ('1.1' if response.version == 11 else '1.0') LOGGER.warn('A transient error occurred while querying %s:\n' '%s %s %s\n' '%s %d %s\n' '%s', conn.req_host, conn.req_params['method'], conn.req_params['uri'], http_version, http_version, response.status, response.reason, contents) if idx < TRY_LIMIT - 1: LOGGER.info('Will retry in %d seconds (%d more times)...', sleep_time, TRY_LIMIT - idx - 1) time_sleep(sleep_time) sleep_time *= random.uniform(MIN_BACKOFF, MAX_BACKOFF) # end of retries loop if response.status in accept_statuses: return StringIO(contents) if response.status in (302, 401, 403): www_authenticate = response.get('www-authenticate') if not www_authenticate: print('Your Gerrit credentials might be misconfigured.') else: auth_match = re.search('realm="([^"]+)"', www_authenticate, re.I) host = auth_match.group(1) if auth_match else conn.req_host print('Authentication failed. Please make sure your .gitcookies ' 'file has credentials for %s.' % host) print('Try:\n git cl creds-check') reason = '%s: %s' % (response.reason, contents) raise GerritError(response.status, reason) def ReadHttpJsonResponse(conn, accept_statuses=frozenset([200])): """Parses an https response as json.""" fh = ReadHttpResponse(conn, accept_statuses) # The first line of the response should always be: )]}' s = fh.readline() if s and s.rstrip() != ")]}'": raise GerritError(200, 'Unexpected json output: %s' % s) s = fh.read() if not s: return None return json.loads(s) def QueryChanges(host, params, first_param=None, limit=None, o_params=None, start=None): """ Queries a gerrit-on-borg server for changes matching query terms. Args: params: A list of key:value pairs for search parameters, as documented here (e.g. ('is', 'owner') for a parameter 'is:owner'): https://gerrit-review.googlesource.com/Documentation/user-search.html#search-operators first_param: A change identifier limit: Maximum number of results to return. start: how many changes to skip (starting with the most recent) o_params: A list of additional output specifiers, as documented here: https://gerrit-review.googlesource.com/Documentation/rest-api-changes.html#list-changes Returns: A list of json-decoded query results. """ # Note that no attempt is made to escape special characters; YMMV. if not params and not first_param: raise RuntimeError('QueryChanges requires search parameters') path = 'changes/?q=%s' % _QueryString(params, first_param) if start: path = '%s&start=%s' % (path, start) if limit: path = '%s&n=%d' % (path, limit) if o_params: path = '%s&%s' % (path, '&'.join(['o=%s' % p for p in o_params])) return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GenerateAllChanges(host, params, first_param=None, limit=500, o_params=None, start=None): """Queries a gerrit-on-borg server for all the changes matching the query terms. WARNING: this is unreliable if a change matching the query is modified while this function is being called. A single query to gerrit-on-borg is limited on the number of results by the limit parameter on the request (see QueryChanges) and the server maximum limit. Args: params, first_param: Refer to QueryChanges(). limit: Maximum number of requested changes per query. o_params: Refer to QueryChanges(). start: Refer to QueryChanges(). Returns: A generator object to the list of returned changes. """ already_returned = set() def at_most_once(cls): for cl in cls: if cl['_number'] not in already_returned: already_returned.add(cl['_number']) yield cl start = start or 0 cur_start = start more_changes = True while more_changes: # This will fetch changes[start..start+limit] sorted by most recently # updated. Since the rank of any change in this list can be changed any time # (say user posting comment), subsequent calls may overalp like this: # > initial order ABCDEFGH # query[0..3] => ABC # > E gets updated. New order: EABCDFGH # query[3..6] => CDF # C is a dup # query[6..9] => GH # E is missed. page = QueryChanges(host, params, first_param, limit, o_params, cur_start) for cl in at_most_once(page): yield cl more_changes = [cl for cl in page if '_more_changes' in cl] if len(more_changes) > 1: raise GerritError( 200, 'Received %d changes with a _more_changes attribute set but should ' 'receive at most one.' % len(more_changes)) if more_changes: cur_start += len(page) # If we paged through, query again the first page which in most circumstances # will fetch all changes that were modified while this function was run. if start != cur_start: page = QueryChanges(host, params, first_param, limit, o_params, start) for cl in at_most_once(page): yield cl def MultiQueryChanges(host, params, change_list, limit=None, o_params=None, start=None): """Initiate a query composed of multiple sets of query parameters.""" if not change_list: raise RuntimeError( "MultiQueryChanges requires a list of change numbers/id's") q = ['q=%s' % '+OR+'.join([urllib.parse.quote(str(x)) for x in change_list])] if params: q.append(_QueryString(params)) if limit: q.append('n=%d' % limit) if start: q.append('S=%s' % start) if o_params: q.extend(['o=%s' % p for p in o_params]) path = 'changes/?%s' % '&'.join(q) try: result = ReadHttpJsonResponse(CreateHttpConn(host, path)) except GerritError as e: msg = '%s:\n%s' % (e.message, path) raise GerritError(e.http_status, msg) return result def GetGerritFetchUrl(host): """Given a Gerrit host name returns URL of a Gerrit instance to fetch from.""" return '%s://%s/' % (GERRIT_PROTOCOL, host) def GetCodeReviewTbrScore(host, project): """Given a Gerrit host name and project, return the Code-Review score for TBR. """ conn = CreateHttpConn( host, '/projects/%s' % urllib.parse.quote(project, '')) project = ReadHttpJsonResponse(conn) if ('labels' not in project or 'Code-Review' not in project['labels'] or 'values' not in project['labels']['Code-Review']): return 1 return max([int(x) for x in project['labels']['Code-Review']['values']]) def GetChangePageUrl(host, change_number): """Given a Gerrit host name and change number, returns change page URL.""" return '%s://%s/#/c/%d/' % (GERRIT_PROTOCOL, host, change_number) def GetChangeUrl(host, change): """Given a Gerrit host name and change ID, returns a URL for the change.""" return '%s://%s/a/changes/%s' % (GERRIT_PROTOCOL, host, change) def GetChange(host, change): """Queries a Gerrit server for information about a single change.""" path = 'changes/%s' % change return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetChangeDetail(host, change, o_params=None): """Queries a Gerrit server for extended information about a single change.""" path = 'changes/%s/detail' % change if o_params: path += '?%s' % '&'.join(['o=%s' % p for p in o_params]) return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetChangeCommit(host, change, revision='current'): """Query a Gerrit server for a revision associated with a change.""" path = 'changes/%s/revisions/%s/commit?links' % (change, revision) return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetChangeCurrentRevision(host, change): """Get information about the latest revision for a given change.""" return QueryChanges(host, [], change, o_params=('CURRENT_REVISION',)) def GetChangeRevisions(host, change): """Gets information about all revisions associated with a change.""" return QueryChanges(host, [], change, o_params=('ALL_REVISIONS',)) def GetChangeReview(host, change, revision=None): """Gets the current review information for a change.""" if not revision: jmsg = GetChangeRevisions(host, change) if not jmsg: return None elif len(jmsg) > 1: raise GerritError(200, 'Multiple changes found for ChangeId %s.' % change) revision = jmsg[0]['current_revision'] path = 'changes/%s/revisions/%s/review' return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetChangeComments(host, change): """Get the line- and file-level comments on a change.""" path = 'changes/%s/comments' % change return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetChangeRobotComments(host, change): """Gets the line- and file-level robot comments on a change.""" path = 'changes/%s/robotcomments' % change return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetRelatedChanges(host, change, revision='current'): """Gets the related changes for a given change and revision.""" path = 'changes/%s/revisions/%s/related' % (change, revision) return ReadHttpJsonResponse(CreateHttpConn(host, path)) def AbandonChange(host, change, msg=''): """Abandons a Gerrit change.""" path = 'changes/%s/abandon' % change body = {'message': msg} if msg else {} conn = CreateHttpConn(host, path, reqtype='POST', body=body) return ReadHttpJsonResponse(conn) def MoveChange(host, change, destination_branch): """Move a Gerrit change to different destination branch.""" path = 'changes/%s/move' % change body = {'destination_branch': destination_branch, 'keep_all_votes': True} conn = CreateHttpConn(host, path, reqtype='POST', body=body) return ReadHttpJsonResponse(conn) def RestoreChange(host, change, msg=''): """Restores a previously abandoned change.""" path = 'changes/%s/restore' % change body = {'message': msg} if msg else {} conn = CreateHttpConn(host, path, reqtype='POST', body=body) return ReadHttpJsonResponse(conn) def SubmitChange(host, change, wait_for_merge=True): """Submits a Gerrit change via Gerrit.""" path = 'changes/%s/submit' % change body = {'wait_for_merge': wait_for_merge} conn = CreateHttpConn(host, path, reqtype='POST', body=body) return ReadHttpJsonResponse(conn) def PublishChangeEdit(host, change, notify=True): """Publish a Gerrit change edit.""" path = 'changes/%s/edit:publish' % change body = {'notify': 'ALL' if notify else 'NONE'} conn = CreateHttpConn(host, path, reqtype='POST', body=body) return ReadHttpJsonResponse(conn, accept_statuses=(204, )) def ChangeEdit(host, change, path, data): """Puts content of a file into a change edit.""" path = 'changes/%s/edit/%s' % (change, urllib.parse.quote(path, '')) body = { 'binary_content': 'data:text/plain;base64,%s' % base64.b64encode(data.encode('utf-8')) } conn = CreateHttpConn(host, path, reqtype='PUT', body=body) return ReadHttpJsonResponse(conn, accept_statuses=(204, 409)) def HasPendingChangeEdit(host, change): conn = CreateHttpConn(host, 'changes/%s/edit' % change) try: ReadHttpResponse(conn) except GerritError as e: # 204 No Content means no pending change. if e.http_status == 204: return False raise return True def DeletePendingChangeEdit(host, change): conn = CreateHttpConn(host, 'changes/%s/edit' % change, reqtype='DELETE') # On success, Gerrit returns status 204; if the edit was already deleted it # returns 404. Anything else is an error. ReadHttpResponse(conn, accept_statuses=[204, 404]) def SetCommitMessage(host, change, description, notify='ALL'): """Updates a commit message.""" assert notify in ('ALL', 'NONE') path = 'changes/%s/message' % change body = {'message': description, 'notify': notify} conn = CreateHttpConn(host, path, reqtype='PUT', body=body) try: ReadHttpResponse(conn, accept_statuses=[200, 204]) except GerritError as e: raise GerritError( e.http_status, 'Received unexpected http status while editing message ' 'in change %s' % change) def IsCodeOwnersEnabledOnHost(host): """Check if the code-owners plugin is enabled for the host.""" path = 'config/server/capabilities' capabilities = ReadHttpJsonResponse(CreateHttpConn(host, path)) return 'code-owners-checkCodeOwner' in capabilities def IsCodeOwnersEnabledOnRepo(host, repo): """Check if the code-owners plugin is enabled for the repo.""" repo = PercentEncodeForGitRef(repo) path = '/projects/%s/code_owners.project_config' % repo config = ReadHttpJsonResponse(CreateHttpConn(host, path)) return not config['status'].get('disabled', False) def GetOwnersForFile(host, project, branch, path, limit=100, resolve_all_users=True, seed=None, o_params=('DETAILS',)): """Gets information about owners attached to a file.""" path = 'projects/%s/branches/%s/code_owners/%s' % ( urllib.parse.quote(project, ''), urllib.parse.quote(branch, ''), urllib.parse.quote(path, '')) q = ['resolve-all-users=%s' % json.dumps(resolve_all_users)] if seed: q.append('seed=%d' % seed) if limit: q.append('n=%d' % limit) if o_params: q.extend(['o=%s' % p for p in o_params]) if q: path = '%s?%s' % (path, '&'.join(q)) return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetReviewers(host, change): """Gets information about all reviewers attached to a change.""" path = 'changes/%s/reviewers' % change return ReadHttpJsonResponse(CreateHttpConn(host, path)) def GetReview(host, change, revision): """Gets review information about a specific revision of a change.""" path = 'changes/%s/revisions/%s/review' % (change, revision) return ReadHttpJsonResponse(CreateHttpConn(host, path)) def AddReviewers(host, change, reviewers=None, ccs=None, notify=True, accept_statuses=frozenset([200, 400, 422])): """Add reviewers to a change.""" if not reviewers and not ccs: return None if not change: return None reviewers = frozenset(reviewers or []) ccs = frozenset(ccs or []) path = 'changes/%s/revisions/current/review' % change body = { 'drafts': 'KEEP', 'reviewers': [], 'notify': 'ALL' if notify else 'NONE', } for r in sorted(reviewers | ccs): state = 'REVIEWER' if r in reviewers else 'CC' body['reviewers'].append({ 'reviewer': r, 'state': state, 'notify': 'NONE', # We handled `notify` argument above. }) conn = CreateHttpConn(host, path, reqtype='POST', body=body) # Gerrit will return 400 if one or more of the requested reviewers are # unprocessable. We read the response object to see which were rejected, # warn about them, and retry with the remainder. resp = ReadHttpJsonResponse(conn, accept_statuses=accept_statuses) errored = set() for result in resp.get('reviewers', {}).values(): r = result.get('input') state = 'REVIEWER' if r in reviewers else 'CC' if result.get('error'): errored.add(r) LOGGER.warn('Note: "%s" not added as a %s' % (r, state.lower())) if errored: # Try again, adding only those that didn't fail, and only accepting 200. AddReviewers(host, change, reviewers=(reviewers-errored), ccs=(ccs-errored), notify=notify, accept_statuses=[200]) def SetReview(host, change, msg=None, labels=None, notify=None, ready=None): """Sets labels and/or adds a message to a code review.""" if not msg and not labels: return path = 'changes/%s/revisions/current/review' % change body = {'drafts': 'KEEP'} if msg: body['message'] = msg if labels: body['labels'] = labels if notify is not None: body['notify'] = 'ALL' if notify else 'NONE' if ready: body['ready'] = True conn = CreateHttpConn(host, path, reqtype='POST', body=body) response = ReadHttpJsonResponse(conn) if labels: for key, val in labels.items(): if ('labels' not in response or key not in response['labels'] or int(response['labels'][key] != int(val))): raise GerritError(200, 'Unable to set "%s" label on change %s.' % ( key, change)) def ResetReviewLabels(host, change, label, value='0', message=None, notify=None): """Resets the value of a given label for all reviewers on a change.""" # This is tricky, because we want to work on the "current revision", but # there's always the risk that "current revision" will change in between # API calls. So, we check "current revision" at the beginning and end; if # it has changed, raise an exception. jmsg = GetChangeCurrentRevision(host, change) if not jmsg: raise GerritError( 200, 'Could not get review information for change "%s"' % change) value = str(value) revision = jmsg[0]['current_revision'] path = 'changes/%s/revisions/%s/review' % (change, revision) message = message or ( '%s label set to %s programmatically.' % (label, value)) jmsg = GetReview(host, change, revision) if not jmsg: raise GerritError(200, 'Could not get review information for revision %s ' 'of change %s' % (revision, change)) for review in jmsg.get('labels', {}).get(label, {}).get('all', []): if str(review.get('value', value)) != value: body = { 'drafts': 'KEEP', 'message': message, 'labels': {label: value}, 'on_behalf_of': review['_account_id'], } if notify: body['notify'] = notify conn = CreateHttpConn( host, path, reqtype='POST', body=body) response = ReadHttpJsonResponse(conn) if str(response['labels'][label]) != value: username = review.get('email', jmsg.get('name', '')) raise GerritError(200, 'Unable to set %s label for user "%s"' ' on change %s.' % (label, username, change)) jmsg = GetChangeCurrentRevision(host, change) if not jmsg: raise GerritError( 200, 'Could not get review information for change "%s"' % change) elif jmsg[0]['current_revision'] != revision: raise GerritError(200, 'While resetting labels on change "%s", ' 'a new patchset was uploaded.' % change) def CreateChange(host, project, branch='main', subject='', params=()): """ Creates a new change. Args: params: A list of additional ChangeInput specifiers, as documented here: (e.g. ('is_private', 'true') to mark the change private. https://gerrit-review.googlesource.com/Documentation/rest-api-changes.html#change-input Returns: ChangeInfo for the new change. """ path = 'changes/' body = {'project': project, 'branch': branch, 'subject': subject} body.update({k: v for k, v in params}) for key in 'project', 'branch', 'subject': if not body[key]: raise GerritError(200, '%s is required' % key.title()) conn = CreateHttpConn(host, path, reqtype='POST', body=body) return ReadHttpJsonResponse(conn, accept_statuses=[201]) def CreateGerritBranch(host, project, branch, commit): """Creates a new branch from given project and commit https://gerrit-review.googlesource.com/Documentation/rest-api-projects.html#create-branch Returns: A JSON object with 'ref' key. """ path = 'projects/%s/branches/%s' % (project, branch) body = {'revision': commit} conn = CreateHttpConn(host, path, reqtype='PUT', body=body) response = ReadHttpJsonResponse(conn, accept_statuses=[201]) if response: return response raise GerritError(200, 'Unable to create gerrit branch') def GetHead(host, project): """Retrieves current HEAD of Gerrit project https://gerrit-review.googlesource.com/Documentation/rest-api-projects.html#get-head Returns: A JSON object with 'ref' key. """ path = 'projects/%s/HEAD' % (project) conn = CreateHttpConn(host, path, reqtype='GET') response = ReadHttpJsonResponse(conn, accept_statuses=[200]) if response: return response raise GerritError(200, 'Unable to update gerrit HEAD') def UpdateHead(host, project, branch): """Updates Gerrit HEAD to point to branch https://gerrit-review.googlesource.com/Documentation/rest-api-projects.html#set-head Returns: A JSON object with 'ref' key. """ path = 'projects/%s/HEAD' % (project) body = {'ref': branch} conn = CreateHttpConn(host, path, reqtype='PUT', body=body) response = ReadHttpJsonResponse(conn, accept_statuses=[200]) if response: return response raise GerritError(200, 'Unable to update gerrit HEAD') def GetGerritBranch(host, project, branch): """Gets a branch from given project and commit. See: https://gerrit-review.googlesource.com/Documentation/rest-api-projects.html#get-branch Returns: A JSON object with 'revision' key. """ path = 'projects/%s/branches/%s' % (project, branch) conn = CreateHttpConn(host, path, reqtype='GET') response = ReadHttpJsonResponse(conn) if response: return response raise GerritError(200, 'Unable to get gerrit branch') def GetProjectHead(host, project): conn = CreateHttpConn(host, '/projects/%s/HEAD' % urllib.parse.quote(project, '')) return ReadHttpJsonResponse(conn, accept_statuses=[200]) def GetAccountDetails(host, account_id='self'): """Returns details of the account. If account_id is not given, uses magic value 'self' which corresponds to whichever account user is authenticating as. Documentation: https://gerrit-review.googlesource.com/Documentation/rest-api-accounts.html#get-account Returns None if account is not found (i.e., Gerrit returned 404). """ conn = CreateHttpConn(host, '/accounts/%s' % account_id) return ReadHttpJsonResponse(conn, accept_statuses=[200, 404]) def ValidAccounts(host, accounts, max_threads=10): """Returns a mapping from valid account to its details. Invalid accounts, either not existing or without unique match, are not present as returned dictionary keys. """ assert not isinstance(accounts, str), type(accounts) accounts = list(set(accounts)) if not accounts: return {} def get_one(account): try: return account, GetAccountDetails(host, account) except GerritError: return None, None valid = {} with contextlib.closing(ThreadPool(min(max_threads, len(accounts)))) as pool: for account, details in pool.map(get_one, accounts): if account and details: valid[account] = details return valid def PercentEncodeForGitRef(original): """Applies percent-encoding for strings sent to Gerrit via git ref metadata. The encoding used is based on but stricter than URL encoding (Section 2.1 of RFC 3986). The only non-escaped characters are alphanumerics, and 'SPACE' (U+0020) can be represented as 'LOW LINE' (U+005F) or 'PLUS SIGN' (U+002B). For more information, see the Gerrit docs here: https://gerrit-review.googlesource.com/Documentation/user-upload.html#message """ safe = 'abcdefghijklmnopqrstuvwxyzABCDEFGHIJKLMNOPQRSTUVWXYZ0123456789 ' encoded = ''.join(c if c in safe else '%%%02X' % ord(c) for c in original) # Spaces are not allowed in git refs; gerrit will interpret either '_' or # '+' (or '%20') as space. Use '_' since that has been supported the longest. return encoded.replace(' ', '_') @contextlib.contextmanager def tempdir(): tdir = None try: tdir = tempfile.mkdtemp(suffix='gerrit_util') yield tdir finally: if tdir: gclient_utils.rmtree(tdir) def ChangeIdentifier(project, change_number): """Returns change identifier "project~number" suitable for |change| arg of this module API. Such format is allows for more efficient Gerrit routing of HTTP requests, comparing to specifying just change_number. """ assert int(change_number) return '%s~%s' % (urllib.parse.quote(project, ''), change_number)
34.398941
95
0.6774
eba81b3a12e21a89de476c8698f7c1102bda51c2
1,132
py
Python
parlai/tasks/simplequestions/build.py
markr-fu-berlin/ParlAI
23f014c38ee502091fdd8623f5c8a6f2c3216e92
[ "BSD-3-Clause" ]
2
2020-03-22T10:18:09.000Z
2020-05-06T21:48:47.000Z
parlai/tasks/simplequestions/build.py
urvishdesai/dialogue-encoding-tasks-parlai
29743cc7b47c413c2181f68c0b7ef40a6f06a40f
[ "BSD-3-Clause" ]
1
2018-09-27T17:11:24.000Z
2018-09-27T17:11:24.000Z
parlai/tasks/simplequestions/build.py
urvishdesai/dialogue-encoding-tasks-parlai
29743cc7b47c413c2181f68c0b7ef40a6f06a40f
[ "BSD-3-Clause" ]
null
null
null
#!/usr/bin/env python3 # Copyright (c) 2017-present, Facebook, Inc. # All rights reserved. # This source code is licensed under the BSD-style license found in the # LICENSE file in the root directory of this source tree. An additional grant # of patent rights can be found in the PATENTS file in the same directory. # Download and build the data if it does not exist. import parlai.core.build_data as build_data import os def build(opt): dpath = os.path.join(opt['datapath'], 'SimpleQuestions') version = None if not build_data.built(dpath, version_string=version): print('[building data: ' + dpath + ']') if build_data.built(dpath): # An older version exists, so remove these outdated files. build_data.remove_dir(dpath) build_data.make_dir(dpath) # Download the data. fname = 'simplequestions.tar.gz' url = 'http://parl.ai/downloads/simplequestions/' + fname build_data.download(url, dpath, fname) build_data.untar(dpath, fname) # Mark the data as built. build_data.mark_done(dpath, version_string=version)
34.30303
77
0.684629
697d0ae3cfe46625297239f888be7150d69d4ce3
49,298
py
Python
plugins/auto_filter.py
Judson-web/DonLee-Robot-V2
61012df1ad3e8afb628b8764f3e07abb20661852
[ "MIT" ]
null
null
null
plugins/auto_filter.py
Judson-web/DonLee-Robot-V2
61012df1ad3e8afb628b8764f3e07abb20661852
[ "MIT" ]
null
null
null
plugins/auto_filter.py
Judson-web/DonLee-Robot-V2
61012df1ad3e8afb628b8764f3e07abb20661852
[ "MIT" ]
null
null
null
import re, time, asyncio from pyrogram import Client, filters from pyrogram.errors import FloodWait, UserNotParticipant from pyrogram.types import InlineKeyboardButton, InlineKeyboardMarkup, CallbackQuery, ReplyKeyboardMarkup from donlee_robot.donlee_robot import DonLee_Robot from donlee_robot.logger import VERIFY from config import start_uptime from plugins.running import FIND, INVITE_LINK, ACTIVE_CHATS, recacher, gen_invite_links from database import Database, donlee_imdb, remove_emoji db = Database() @DonLee_Robot.on_callback_query(filters.regex(r"navigate\((.+)\)"), group=2) async def cb_navg(bot, update: CallbackQuery): """ A Callback Funtion For The Next Button Appearing In Results """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id index_val, btn, query = re.findall(r"navigate\((.+)\)", query_data)[0].split("|", 2) try: ruser_id = update.message.reply_to_message.from_user.id except Exception as e: print(e) ruser_id = None admin_list = VERIFY.get(str(chat_id)) if admin_list == None: # Make Admin's ID List admin_list = [] async for x in bot.iter_chat_members(chat_id=chat_id, filter="administrators"): admin_id = x.user.id admin_list.append(admin_id) admin_list.append(None) # Just For Anonymous Admin.... VERIFY[str(chat_id)] = admin_list if not ((user_id == ruser_id) or (user_id in admin_list)): # Checks if user is same as requested user or is admin await update.answer("Ask for your own movie 🤗",show_alert=True) return if btn == "next": index_val = int(index_val) + 1 elif btn == "back": index_val = int(index_val) - 1 achats = ACTIVE_CHATS[str(chat_id)] configs = await db.find_chat(chat_id) pm_file_chat = configs["configs"]["pm_fchat"] show_invite = configs["configs"]["show_invite_link"] show_invite = (False if pm_file_chat == True else show_invite) results = FIND.get(query).get("results") leng = FIND.get(query).get("total_len") max_pages = FIND.get(query).get("max_pages") try: temp_results = results[index_val].copy() except IndexError: return # Quick Fix🏃🏃 except Exception as e: print(e) return if ((index_val + 1 )== max_pages) or ((index_val + 1) == len(results)): # Max Pages temp_results.append([ InlineKeyboardButton("⏪ Back", callback_data=f"navigate({index_val}|back|{query})"), InlineKeyboardButton(f"{index_val + 1}/{len(results) if len(results) < max_pages else max_pages}", callback_data="ignore") ]) elif int(index_val) == 0: pass else: temp_results.append([ InlineKeyboardButton("⏪ Back", callback_data=f"navigate({index_val}|back|{query})"), InlineKeyboardButton(f"{index_val + 1}/{len(results) if len(results) < max_pages else max_pages}", callback_data="ignore"), InlineKeyboardButton("Next ⏩", callback_data=f"navigate({index_val}|next|{query})") ]) if show_invite and int(index_val) !=0 : ibuttons = [] achatId = [] await gen_invite_links(configs, chat_id, bot, update) for x in achats["chats"] if isinstance(achats, dict) else achats: achatId.append(int(x["chat_id"])) if isinstance(x, dict) else achatId.append(x) for y in INVITE_LINK.get(str(chat_id)): chat_id = int(y["chat_id"]) if chat_id not in achatId: continue chat_name = y["chat_name"] invite_link = y["invite_link"] if ((len(ibuttons)%2) == 0): ibuttons.append( [ InlineKeyboardButton ( f"⚜ {chat_name} ⚜", url=invite_link ) ] ) else: ibuttons[-1].append( InlineKeyboardButton ( f"⚜ {chat_name} ⚜", url=invite_link ) ) for x in ibuttons: temp_results.insert(0, x) ibuttons = None achatId = None reply_markup = InlineKeyboardMarkup(temp_results) text=f""" ↪️ Requested: {query} 🗃️ Total Files : {leng} 📑 Total Page : 1/{index_val + 1}/{len(results) if len(results) < max_pages else max_pages} 👤 Requested By : {update.from_user.mention}""" try: imdb = await donlee_imdb(query) await update.message.edit_caption( caption=f""" 🎞️ Title: <a href={imdb['url']}>{imdb.get('title')} 🎭 Genres: {imdb.get('genres')} 📆 Year: <a href={imdb['url']}/releaseinfo>{imdb.get('year')}</a> 🌟 Rating: <a href={imdb['url']}/ratings>{imdb.get('rating')}</a> / 10 🗃️ Total Files : {leng} 🖋 StoryLine: <code>{imdb.get('plot')} </code>""", reply_markup=reply_markup, parse_mode="html" ) except Exception as e: print(e) try: await update.message.edit( text, reply_markup=reply_markup, parse_mode="html" ) except FloodWait as f: # Flood Wait Caused By Spamming Next/Back Buttons await asyncio.sleep(f.x) try: imdb = await donlee_imdb(query) await update.message.edit_caption( caption=f""" 🎞️ Title: <a href={imdb['url']}>{imdb.get('title')} 🎭 Genres: {imdb.get('genres')} 📆 Year: <a href={imdb['url']}/releaseinfo>{imdb.get('year')}</a> 🌟 Rating: <a href={imdb['url']}/ratings>{imdb.get('rating')}</a> / 10 🗃️ Total Files : {leng} 🖋 StoryLine: <code>{imdb.get('plot')} </code>""", reply_markup=reply_markup, parse_mode="html" ) except Exception : await update.message.edit( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"settings"), group=2) async def cb_settings(bot, update: CallbackQuery): global VERIFY chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): # Check If User Is Admin return bot_status = await bot.get_me() bot_fname= bot_status.first_name text =f"<b><u>{bot_fname}'s</u></b> Settings Pannel.....\n" text+=f"\nYou Can Use This Menu To Change Connectivity And Know Status Of Your Every Connected Channel, Change Filter Types, Configure Filter Results And To Know Status Of Your Group..." buttons = [[ InlineKeyboardButton("📣 Channels 📣", callback_data=f"channel_list({chat_id})") ],[ InlineKeyboardButton("📖 Filter Types 📖", callback_data=f"types({chat_id})") ],[ InlineKeyboardButton("🛠 Configure 🛠", callback_data=f"config({chat_id})") ],[ InlineKeyboardButton("👩‍👦‍👦 Group Status", callback_data=f"status({chat_id})"), InlineKeyboardButton("🤖 Bot Status", callback_data=f"about({chat_id})") ],[ InlineKeyboardButton("🔐 Close 🔐", callback_data="close") ]] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text(text, reply_markup=reply_markup, parse_mode="html") @DonLee_Robot.on_callback_query(filters.regex(r"warn\((.+)\)"), group=2) async def cb_warn(bot, update: CallbackQuery): global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) chat_name = chat_name.encode('ascii', 'ignore').decode('ascii')[:35] user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return channel_id, channel_name, action = re.findall(r"warn\((.+)\)", query_data)[0].split("|", 2) if action == "connect": text=f"<i>Are You Sure You Want To Enable Connection With</i> <code>{channel_name}</code><i>..???</i>\n" text+=f"\n<i>This Will Show File Links From</i> <code>{channel_name}</code> <i>While Showing Results</i>..." elif action == "disconnect": text=f"Are You Sure You Want To Disable <code>{channel_name}</code> Connection With The Group???....</i>\n" text+=f"\nThe DB Files Will Still Be There And You Can Connect Back To This Channel Anytime From Settings Menu Without Adding Files To DB Again...</i>\n" text+=f"\nThis Disabling Just Hide Results From The Filter Results..." elif action == "c_delete": text=f"Are You Sure You Want To Disconnect< <code>{channel_name}</code> From This Group??\n" text+=f"\n<b>This Will Delete Channel And All Its Files From DB Too....!!</b>\n" text+=f"\nYou Need To Add Channel Again If You Need To Shows It Result..." elif action=="f_delete": text=f"Are You Sure That You Want To Clear All Filter From This Chat <code>{channel_name}</code>???</i>\n" text+=f"\nThis Will Erase All Files From DB.." buttons = [[ InlineKeyboardButton("✅️Yes", callback_data=f"{action}({channel_id}|{channel_name})"), InlineKeyboardButton("No❎️", callback_data="close") ]] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text(text, reply_markup=reply_markup, parse_mode="html") @DonLee_Robot.on_callback_query(filters.regex(r"channel_list\((.+)\)"), group=2) async def cb_channel_list(bot, update: CallbackQuery): global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) chat_name = chat_name.encode('ascii', 'ignore').decode('ascii')[:35] user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return chat_id = re.findall(r"channel_list\((.+)\)", query_data)[0] text = "Semms Like You Dont Have Any Channel Connected...\n\nConnect To Any Chat To Continue With This Settings..." db_list = await db.find_chat(int(chat_id)) channel_id_list = [] channel_name_list = [] if db_list: for x in db_list["chat_ids"]: channel_id = x["chat_id"] channel_name = x["chat_name"] try: if (channel_id == None or channel_name == None): continue except: break channel_name = remove_emoji(channel_name).encode('ascii', 'ignore').decode('ascii')[:35] channel_id_list.append(channel_id) channel_name_list.append(channel_name) buttons = [] buttons.append([ InlineKeyboardButton("🔙 Back", callback_data="settings"), InlineKeyboardButton("Close 🔐", callback_data="close") ] ) if channel_name_list: text=f"List Of Connected Channels With <code>{chat_name}</code> With There Settings..\n" for x in range(1, (len(channel_name_list)+1)): text+=f"\n<code>{x}. {channel_name_list[x-1]}</code>\n" text += "\nChoose Appropriate Buttons To Navigate Through Respective Channels" btn_key = [ "1", "2", "3", "4", "5", "6", "7", "8", "9", "10", "11", "12", "13", "14", "15", "16", "17", "18", "19", "20" # Just In Case 😂🤣 ] for i in range(1, (len(channel_name_list) + 1)): # Append The Index Number of Channel In Just A Single Line if i == 1: buttons.insert(0, [ InlineKeyboardButton ( btn_key[i-1], callback_data=f"info({channel_id_list[i-1]}|{channel_name_list[i-1]})" ) ] ) else: buttons[0].append( InlineKeyboardButton ( btn_key[i-1], callback_data=f"info({channel_id_list[i-1]}|{channel_name_list[i-1]})" ) ) reply_markup=InlineKeyboardMarkup(buttons) await update.message.edit_text( text = text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"info\((.+)\)"), group=2) async def cb_info(bot, update: CallbackQuery): """ A Callback Funtion For Displaying Details Of The Connected Chat And Provide Ability To Connect / Disconnect / Delete / Delete Filters of That Specific Chat """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return channel_id, channel_name = re.findall(r"info\((.+)\)", query_data)[0].split("|", 1) f_count = await db.cf_count(chat_id, int(channel_id)) active_chats = await db.find_active(chat_id) if active_chats: # Checks for active chats connected to a chat dicts = active_chats["chats"] db_cids = [ int(x["chat_id"]) for x in dicts ] if int(channel_id) in db_cids: active_chats = True status = "Connected" else: active_chats = False status = "Disconnected" else: active_chats = False status = "Disconnected" text=f"<i>Info About <b>{channel_name}</b></i>\n" text+=f"\n<i>Channel Name:</i> <code>{channel_name}</code>\n" text+=f"\n<i>Channel ID:</i> <code>{channel_id}</code>\n" text+=f"\n<i>Channel Files:</i> <code>{f_count}</code>\n" text+=f"\n<i>Current Status:</i> <code>{status}</code>\n" if active_chats: buttons = [ [ InlineKeyboardButton ( "🚨 Disconnect 🚨", callback_data=f"warn({channel_id}|{channel_name}|disconnect)" ), InlineKeyboardButton ( "Delete ❌", callback_data=f"warn({channel_id}|{channel_name}|c_delete)" ) ] ] else: buttons = [ [ InlineKeyboardButton ( "💠 Connect 💠", callback_data=f"warn({channel_id}|{channel_name}|connect)" ), InlineKeyboardButton ( "Delete ❌", callback_data=f"warn({channel_id}|{channel_name}|c_delete)" ) ] ] buttons.append( [ InlineKeyboardButton ( "Delete Filters ⚠", callback_data=f"warn({channel_id}|{channel_name}|f_delete)" ) ] ) buttons.append( [ InlineKeyboardButton ( "🔙 Back", callback_data=f"channel_list({chat_id})" ) ] ) reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"^connect\((.+)\)"), group=2) async def cb_connect(bot, update: CallbackQuery): """ A Callback Funtion Helping The user To Make A Chat Active Chat Which Will Make The Bot To Fetch Results From This Channel Too """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return channel_id, channel_name = re.findall(r"connect\((.+)\)", query_data)[0].split("|", 1) channel_id = int(channel_id) f_count = await db.cf_count(chat_id, channel_id) add_active = await db.update_active(chat_id, channel_id, channel_name) if not add_active: await update.answer(f"{channel_name} Is Aldready in Active Connection", show_alert=True) return text= f"😘Sucessfully Connected To <code>{channel_name}</code>\n" text+=f"\n🤠Info About <b>{channel_name}</b>\n" text+=f"\n📢Channel Name: <code>{channel_name}</code>\n" text+=f"\n🆔Channel ID: <code>{channel_id}</code>\n" text+=f"\n🗃️Channel Files: <code>{f_count}</code>\n" text+=f"\n🥰Current Status: <code>Connected</code>\n" buttons = [ [ InlineKeyboardButton ( "🚨 Disconnect 🚨", callback_data=f"warn({channel_id}|{channel_name}|disconnect)" ), InlineKeyboardButton ( "Delete ❌", callback_data=f"warn({channel_id}|{channel_name}|c_delete)" ) ] ] buttons.append( [ InlineKeyboardButton ( "⚠ Delete Filters ⚠", callback_data=f"warn({channel_id}|{channel_name}|f_delete)" ) ] ) buttons.append( [ InlineKeyboardButton ( "🔙 Back", callback_data=f"channel_list({chat_id})" ) ] ) await recacher(chat_id, False, True, bot, update) reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"disconnect\((.+)\)"), group=2) async def cb_disconnect(bot, update: CallbackQuery): """ A Callback Funtion Helping The user To Make A Chat inactive Chat Which Will Make The Bot To Avoid Fetching Results From This Channel """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return channel_id, channel_name = re.findall(r"connect\((.+)\)", query_data)[0].split("|", 1) f_count = await db.cf_count(chat_id, int(channel_id)) remove_active = await db.del_active(chat_id, int(channel_id)) if not remove_active: await update.answer("Couldnt Full Fill YOur Request...\n Report This @CrazyBotszGrp Along With Bot's Log", show_alert=True) return text= f"😑Sucessfully Disconnected From <code>{channel_name}</code>\n" text+=f"\n😮‍💨Info About <b>{channel_name}</b>\n" text+=f"\n😶‍🌫️Channel Name: <code>{channel_name}</code>\n" text+=f"\n🆔Channel ID: <code>{channel_id}</code>\n" text+=f"\n🗂️Channel Files: <code>{f_count}</code>\n" text+=f"\n🤨Current Status: <code>Disconnected</code>\n" buttons = [ [ InlineKeyboardButton ( "💠 Connect 💠", callback_data=f"warn({channel_id}|{channel_name}|connect)" ), InlineKeyboardButton ( "Delete ❌", callback_data=f"warn({channel_id}|{channel_name}|c_delete)" ) ] ] buttons.append( [ InlineKeyboardButton ( "Delete Filters ⚠", callback_data=f"warn({channel_id}|{channel_name}|f_delete)" ) ] ) buttons.append( [ InlineKeyboardButton ( "🔙 Back", callback_data=f"channel_list({chat_id})" ) ] ) reply_markup = InlineKeyboardMarkup(buttons) await recacher(chat_id, False, True, bot, update) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"c_delete\((.+)\)"), group=2) async def cb_channel_delete(bot, update: CallbackQuery): """ A Callback Funtion For Delete A Channel Connection From A Group Chat History Along With All Its Filter Files """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return channel_id, channel_name = re.findall(r"c_delete\((.+)\)", query_data)[0].split("|", 1) channel_id = int(channel_id) c_delete = await db.del_chat(chat_id, channel_id) a_delete = await db.del_active(chat_id, channel_id) # pylint: disable=unused-variable f_delete = await db.del_filters(chat_id, channel_id) if (c_delete and f_delete ): text=f"<code>{channel_name} [ {channel_id} ]</code> Has Been Sucessfully Deleted And All Its Files Were Cleared From DB...." else: text=f"<i>Couldn't Delete Channel And All Its Files From DB Sucessfully....</i>\n<i>Please Try Again After Sometimes...Also Make Sure To Check The Logs..!!</i>" await update.answer(text=text, show_alert=True) buttons = [ [ InlineKeyboardButton ( "🔙 Back", callback_data=f"channel_list({chat_id})" ), InlineKeyboardButton ( "Close 🔐", callback_data="close" ) ] ] await recacher(chat_id, True, True, bot, update) reply_markup=InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"f_delete\((.+)\)"), group=2) async def cb_filters_delete(bot, update: CallbackQuery): """ A Callback Funtion For Delete A Specific Channel's Filters Connected To A Group """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return channel_id, channel_name = re.findall(r"f_delete\((.+)\)", query_data)[0].split("|", 1) f_delete = await db.del_filters(chat_id, int(channel_id)) if not f_delete: text="<b><i>Oops..!!</i></b>\n\nEncountered Some Error While Deleteing Filters....\nPlease Check The Logs...." await update.answer(text=text, show_alert=True) return text =f"All Filters Of <code>{channel_id}[{channel_name}]</code> Has Been Deleted Sucessfully From My DB.." buttons=[ [ InlineKeyboardButton ( "Back", callback_data="settings" ), InlineKeyboardButton ( "Close", callback_data="close" ) ] ] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"types\((.+)\)"), group=2) async def cb_types(bot, update: CallbackQuery): """ A Callback Funtion For Changing The Result Types To Be Shown In While Sending Results """ global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return chat_id = re.findall(r"types\((.+)\)", query_data)[0] _types = await db.find_chat(int(chat_id)) text=f"<i>Filter Types Enabled/Disbled In <code>{chat_name}</code></i>\n" _types = _types["types"] vid = _types["video"] doc = _types["document"] aud = _types["audio"] buttons = [] if vid: text+="\n<i><b>Video Index:</b> Enabled</i>\n" v_e = "✅" vcb_data = f"toggle({chat_id}|video|False)" else: text+="\n<i><b>Video Index:</b> Disabled</i>\n" v_e="❎" vcb_data = f"toggle({chat_id}|video|True)" if doc: text+="\n<i><b>Document Index:</b> Enabled</i>\n" d_e = "✅" dcb_data = f"toggle({chat_id}|document|False)" else: text+="\n<i><b>Document Index:</b> Disabled</i>\n" d_e="❎" dcb_data = f"toggle({chat_id}|document|True)" if aud: text+="\n<i><b>Audio Index:</b> Enabled</i>\n" a_e = "✅" acb_data = f"toggle({chat_id}|audio|False)" else: text+="\n<i><b>Audio Index:</b> Disabled</i>\n" a_e="❎" acb_data = f"toggle({chat_id}|audio|True)" text+="\n<i>Below Buttons Will Toggle Respective Media Types As Enabled Or Disabled....\n</i>" text+="<i>This Will Take Into Action As Soon As You Change Them....</i>" buttons.append([InlineKeyboardButton(f"{v_e} Video Index {v_e}", callback_data=vcb_data)]) buttons.append([InlineKeyboardButton(f"{a_e} Audio Index {a_e}", callback_data=acb_data)]) buttons.append([InlineKeyboardButton(f"{d_e} Document Index {d_e}", callback_data=dcb_data)]) buttons.append( [ InlineKeyboardButton ( "🔙 Back", callback_data=f"settings" ) ] ) reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"toggle\((.+)\)"), group=2) async def cb_toggle(bot, update: CallbackQuery): """ A Callback Funtion Support handler For types() """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return chat_id, types, val = re.findall(r"toggle\((.+)\)", query_data)[0].split("|", 2) _types = await db.find_chat(int(chat_id)) _types = _types["types"] vid = _types["video"] doc = _types["document"] aud = _types["audio"] if types == "video": vid = True if val=="True" else False elif types == "audio": aud = True if val=="True" else False elif types == "document": doc = True if val=="True" else False settings = { "video": vid, "audio": aud, "document": doc } process = await db.update_settings(chat_id, settings) if process: await update.answer(text="Filter Types Updated Sucessfully", show_alert=True) else: text="Something Wrong Please Check Bot Log For More Information...." await update.answer(text, show_alert=True) return _types = await db.find_chat(int(chat_id)) text =f"<i>Filter Types Enabled In <code>{update.message.chat.title}</code></i>\n" _types = _types["types"] vid = _types["video"] doc = _types["document"] aud = _types["audio"] buttons = [] if vid: text+="\n<i><b>Video Index:</b> Enabled</i>\n" v_e = "✅" vcb_data = f"toggle({chat_id}|video|False)" else: text+="\n<i><b>Video Index:</b> Disabled</i>\n" v_e="❎" vcb_data = f"toggle({chat_id}|video|True)" if doc: text+="\n<i><b>Document Index:</b> Enabled</i>\n" d_e = "✅" dcb_data = f"toggle({chat_id}|document|False)" else: text+="\n<i><b>Document Index:</b> Disabled</i>\n" d_e="❎" dcb_data = f"toggle({chat_id}|document|True)" if aud: text+="\n<i><b>Audio Index:</b> Enabled</i>\n" a_e = "✅" acb_data = f"toggle({chat_id}|audio|False)" else: text+="\n<i><b>Audio Index:</b> Disabled</i>\n" a_e="❎" acb_data = f"toggle({chat_id}|audio|True)" text+="\nBelow Buttons Will Toggle Respective Media Types As Enabled Or Disabled....\n" text+="This Will Take Into Action As Soon As You Change Them...." buttons.append([InlineKeyboardButton(f"{v_e} Video Index {v_e}", callback_data=vcb_data)]) buttons.append([InlineKeyboardButton(f"{a_e} Audio Index {a_e}", callback_data=acb_data)]) buttons.append([InlineKeyboardButton(f"{d_e} Document Index {d_e}", callback_data=dcb_data)]) buttons.append( [ InlineKeyboardButton ( "🔙 Back", callback_data=f"settings" ) ] ) reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"config\((.+)\)"), group=2) async def cb_config(bot, update: CallbackQuery): """ A Callback Funtion For Chaning The Number Of Total Pages / Total Results / Results Per pages / Enable or Diable Invite Link / Enable or Disable PM File Chat """ global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return chat_id = re.findall(r"config\((.+)\)", query_data)[0] settings = await db.find_chat(int(chat_id)) mp_count = settings["configs"]["max_pages"] mf_count = settings["configs"]["max_results"] mr_count = settings["configs"]["max_per_page"] show_invite = settings["configs"]["show_invite_link"] pm_file_chat = settings["configs"].get("pm_fchat", False) accuracy_point = settings["configs"].get("accuracy", 0.80) text=f"<b>Configure Your <u><code>{chat_name}</code></u> Group's Filter Settings...</b>\n" text+=f"\n{chat_name} Current Settings:\n" text+=f"\n • Max Filter: <code>{mf_count}</code>\n" text+=f"\n • Max Pages: <code>{mp_count}</code>\n" text+=f"\n • Max Filter Per Page: <code>{mr_count}</code>\n" text+=f"\n • Accuracy Percentage: <code>{accuracy_point}</code>\n" text+=f"\n • Show Invitation Link: <code>{show_invite}</code>\n" text+=f"\n • Provide File In Bot PM: <code>{pm_file_chat}</code>\n" text+="\nAdjust Above Value Using Buttons Below... " buttons = [[ InlineKeyboardButton("📑Filter Per Page", callback_data=f"mr_count({mr_count}|{chat_id})"), InlineKeyboardButton("📖Max Pages", callback_data=f"mp_count({mp_count}|{chat_id})") ]] buttons.append([ InlineKeyboardButton("✌️Total Filter Count✌️", callback_data=f"mf_count({mf_count}|{chat_id})") ] ) buttons.append([ InlineKeyboardButton("⤵️Accuracy⤵️", callback_data=f"accuracy({accuracy_point}|{chat_id})") ] ) buttons.append([ InlineKeyboardButton("🧐Show Invite Links", callback_data=f"show_invites({show_invite}|{chat_id})"), InlineKeyboardButton("🤖Bot File Chat", callback_data=f"inPM({pm_file_chat}|{chat_id})") ] ) buttons.append([ InlineKeyboardButton("🔙 Back", callback_data=f"settings") ] ) reply_markup=InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"mr_count\((.+)\)"), group=2) async def cb_max_buttons(bot, update: CallbackQuery): """ A Callback Funtion For Changing The Count Of Result To Be Shown Per Page """ global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return count, chat_id = re.findall(r"mr_count\((.+)\)", query_data)[0].split("|", 1) text = f"<i>Choose Your Desired 'Max Filter Count Per Page' For Every Filter Results Shown In</i> <code>{chat_name}</code>" buttons = [ [ InlineKeyboardButton ( "📝 Filters 📝", callback_data="hi" ) ], [ InlineKeyboardButton ( "5", callback_data=f"set(per_page|5|{chat_id}|{count})" ), InlineKeyboardButton ( "8", callback_data=f"set(per_page|8|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "16", callback_data=f"set(per_page|16|{chat_id}|{count})" ), InlineKeyboardButton ( "20", callback_data=f"set(per_page|20|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "25", callback_data=f"set(per_page|25|{chat_id}|{count})" ), InlineKeyboardButton ( "30", callback_data=f"set(per_page|30|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "🔙 Back", callback_data=f"config({chat_id})" ) ] ] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"mp_count\((.+)\)"), group=2) async def cb_max_page(bot, update: CallbackQuery): """ A Callback Funtion For Changing The Count Of Maximum Result Pages To Be Shown """ global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return count, chat_id = re.findall(r"mp_count\((.+)\)", query_data)[0].split("|", 1) text = f"<i>Choose Your Desired 'Max Filter Page Count' For Every Filter Results Shown In</i> <code>{chat_name}</code>" buttons = [ [ InlineKeyboardButton ( "📰 Pages 📰", callback_data="hi" ) ], [ InlineKeyboardButton ( "2", callback_data=f"set(pages|2|{chat_id}|{count})" ), InlineKeyboardButton ( "4", callback_data=f"set(pages|4|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "6", callback_data=f"set(pages|6|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "8", callback_data=f"set(pages|8|{chat_id}|{count})" ), InlineKeyboardButton ( "10", callback_data=f"set(pages|10|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "🔙 Back", callback_data=f"config({chat_id})" ) ] ] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"mf_count\((.+)\)"), group=2) async def cb_max_results(bot, update: CallbackQuery): """ A Callback Funtion For Changing The Count Of Maximum Files TO Be Fetched From Database """ global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return count, chat_id = re.findall(r"mf_count\((.+)\)", query_data)[0].split("|", 1) text = f"<i>Choose Your Desired 'Max Filter' To Be Fetched From DB For Every Filter Results Shown In</i> <code>{chat_name}</code>" buttons = [ [ InlineKeyboardButton ( "😵‍💫Results😵‍💫", callback_data="hi" ) ], [ InlineKeyboardButton ( "50", callback_data=f"set(results|50|{chat_id}|{count})" ), InlineKeyboardButton ( "100", callback_data=f"set(results|100|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "150", callback_data=f"set(results|150|{chat_id}|{count})" ), InlineKeyboardButton ( "200", callback_data=f"set(results|200|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "250", callback_data=f"set(results|250|{chat_id}|{count})" ), InlineKeyboardButton ( "300", callback_data=f"set(results|300|{chat_id}|{count})" ) ], [ InlineKeyboardButton ( "🔙 Back", callback_data=f"config({chat_id})" ), InlineKeyboardButton ( "Close 🔐", callback_data="close" ) ] ] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"show_invites\((.+)\)"), group=2) async def cb_show_invites(bot, update: CallbackQuery): """ A Callback Funtion For Enabling Or Diabling Invite Link Buttons """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return value, chat_id = re.findall(r"show_invites\((.+)\)", query_data)[0].split("|", 1) value = True if value=="True" else False if value: buttons= [ [ InlineKeyboardButton ( "Disable ❌", callback_data=f"set(showInv|False|{chat_id}|{value})" ) ], [ InlineKeyboardButton ( "Back 🔙", callback_data=f"config({chat_id})" ) ] ] else: buttons =[ [ InlineKeyboardButton ( "Enable ✔", callback_data=f"set(showInv|True|{chat_id}|{value})" ) ], [ InlineKeyboardButton ( "Back 🔙", callback_data=f"config({chat_id})" ) ] ] text=f"<i>This Config Will Help You To Show Invitation Link Of All Active Chats Along With The Filter Results For The Users To Join.....</i>" reply_markup=InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"inPM\((.+)\)"), group=2) async def cb_pm_file(bot, update: CallbackQuery): """ A Callback Funtion For Enabling Or Diabling File Transfer Through Bot PM """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return value, chat_id = re.findall(r"inPM\((.+)\)", query_data)[0].split("|", 1) value = True if value=="True" else False if value: buttons= [ [ InlineKeyboardButton ( "Disable ❎", callback_data=f"set(inPM|False|{chat_id}|{value})" ) ], [ InlineKeyboardButton ( "Back 🔙", callback_data=f"config({chat_id})" ) ] ] else: buttons =[ [ InlineKeyboardButton ( "Enable ✔", callback_data=f"set(inPM|True|{chat_id}|{value})" ) ], [ InlineKeyboardButton ( "Back 🔙", callback_data=f"config({chat_id})" ) ] ] text=f"<i>This Config Will Help You To Enable/Disable File Transfer Through Bot PM Without Redirecting Them To Channel....</i>" reply_markup=InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"accuracy\((.+)\)"), group=2) async def cb_accuracy(bot, update: CallbackQuery): """ A Callaback Funtion to control the accuracy of matching results that the bot should return for a query.... """ global VERIFY chat_id = update.message.chat.id chat_name = update.message.chat.title user_id = update.from_user.id query_data = update.data if user_id not in VERIFY.get(str(chat_id)): return val, chat_id = re.findall(r"accuracy\((.+)\)", query_data)[0].split("|", 1) text = f"<i>Choose Your Desired 'Accuracy Perceentage' For Every Filter Results Shown In</i> <code>{chat_name}</code>\n\n" text+= f"<i>NB: Higher The Value Better Matching Results Will Be Provided... And If Value Is Lower It Will Show More Results \ Which Is Fimilary To Query Search (Wont Be Accurate)....</i>" buttons = [ [ InlineKeyboardButton ( "100 %", callback_data=f"set(accuracy|1.00|{chat_id}|{val})" ), InlineKeyboardButton ( "80 %", callback_data=f"set(accuracy|0.80|{chat_id}|{val})" ) ], [ InlineKeyboardButton ( "65 %", callback_data=f"set(accuracy|0.65|{chat_id}|{val})" ), InlineKeyboardButton ( "60 %", callback_data=f"set(accuracy|0.60|{chat_id}|{val})" ) ], [ InlineKeyboardButton ( "55 %", callback_data=f"set(accuracy|0.55|{chat_id}|{val})" ), InlineKeyboardButton ( "50 %", callback_data=f"set(accuracy|0.50|{chat_id}|{val})" ) ], [ InlineKeyboardButton ( "🔙 Back", callback_data=f"config({chat_id})" ), InlineKeyboardButton ( "Close 🔐", callback_data="close" ) ] ] reply_markup = InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"set\((.+)\)"), group=2) async def cb_set(bot, update: CallbackQuery): """ A Callback Funtion Support For config() """ global VERIFY query_data = update.data chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return action, val, chat_id, curr_val = re.findall(r"set\((.+)\)", query_data)[0].split("|", 3) try: val, chat_id, curr_val = float(val), int(chat_id), float(curr_val) except: chat_id = int(chat_id) if val == curr_val: await update.answer("New Value Cannot Be Old Value...Please Choose Different Value...!!!", show_alert=True) return prev = await db.find_chat(chat_id) accuracy = float(prev["configs"].get("accuracy", 0.80)) max_pages = int(prev["configs"].get("max_pages")) max_results = int(prev["configs"].get("max_results")) max_per_page = int(prev["configs"].get("max_per_page")) pm_file_chat = True if prev["configs"].get("pm_fchat") == (True or "True") else False show_invite_link = True if prev["configs"].get("show_invite_link") == (True or "True") else False if action == "accuracy": # Scophisticated way 😂🤣 accuracy = val elif action == "pages": max_pages = int(val) elif action == "results": max_results = int(val) elif action == "per_page": max_per_page = int(val) elif action =="showInv": show_invite_link = True if val=="True" else False elif action == "inPM": pm_file_chat = True if val=="True" else False new = dict( accuracy=accuracy, max_pages=max_pages, max_results=max_results, max_per_page=max_per_page, pm_fchat=pm_file_chat, show_invite_link=show_invite_link ) append_db = await db.update_configs(chat_id, new) if not append_db: text="Something Wrong Please Check Bot Log For More Information...." await update.answer(text=text, show_alert=True) return text=f"Your Request Was Updated Sucessfully....\nNow All Upcoming Results Will Show According To This Settings..." buttons = [ [ InlineKeyboardButton ( "Back 🔙", callback_data=f"config({chat_id})" ), InlineKeyboardButton ( "Close 🔐", callback_data="close" ) ] ] reply_markup=InlineKeyboardMarkup(buttons) await update.message.edit_text( text, reply_markup=reply_markup, parse_mode="html" ) @DonLee_Robot.on_callback_query(filters.regex(r"status\((.+)\)"), group=2) async def cb_status(bot, update: CallbackQuery): global VERIFY query_data = update.data chat_id = update.message.chat.id chat_name = remove_emoji(update.message.chat.title) user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return chat_id = re.findall(r"status\((.+)\)", query_data)[0] total_filters, total_chats, total_achats = await db.status(chat_id) text = f"<b><u>🤓Status Of {chat_name}</u></b>\n" text += f"\n🔗Total Connected Chats: <code>{total_chats}</code>\n" text += f"\n🙂Total Active Chats: <code>{total_achats}</code>\n" text += f"\n📄Total Filters: <code>{total_filters}</code>" buttons = [ [ InlineKeyboardButton ( "🔙 Back", callback_data="settings" ), InlineKeyboardButton ( "Close 🔐", callback_data="close" ) ] ] await update.message.edit_text(text, reply_markup=InlineKeyboardMarkup(buttons), parse_mode="html") @DonLee_Robot.on_callback_query(filters.regex(r"about\((.+)\)"), group=2) async def cb_about(bot, update: CallbackQuery): """ A Callback Funtion For Showing About Section In Bot Setting Menu """ global VERIFY chat_id = update.message.chat.id user_id = update.from_user.id if user_id not in VERIFY.get(str(chat_id)): return text=f"<b><u>🤖Bot's Status</u></b>\n" text+=f"\n🕐Bot's Uptime: <code>{time_formatter(time.time() - start_uptime)}</code>\n" text+=f"\nBot Funtion: <b><>Auto Filter & Manual Filters</b>" buttons = [[ InlineKeyboardButton("🔙 Back", callback_data="settings"), InlineKeyboardButton("Close 🔐", callback_data="close") ]] await update.message.edit_text(text, reply_markup=InlineKeyboardMarkup(buttons), parse_mode="html") def time_formatter(seconds: float) -> str: """ humanize time """ minutes, seconds = divmod(int(seconds),60) hours, minutes = divmod(minutes, 60) days, hours = divmod(hours, 24) tmp = ((str(days) + "d, ") if days else "") + \ ((str(hours) + "h, ") if hours else "") + \ ((str(minutes) + "m, ") if minutes else "") + \ ((str(seconds) + "s") if seconds else "") return tmp
31.723295
190
0.551118
b14a66a0813f85451b5967f285e2dd72661a0c91
101
py
Python
documentaries/apps.py
MrCrawdaddy/humans
785f7355d7d3a1de9d76d4715933b18fe12dc2c2
[ "MIT" ]
null
null
null
documentaries/apps.py
MrCrawdaddy/humans
785f7355d7d3a1de9d76d4715933b18fe12dc2c2
[ "MIT" ]
null
null
null
documentaries/apps.py
MrCrawdaddy/humans
785f7355d7d3a1de9d76d4715933b18fe12dc2c2
[ "MIT" ]
null
null
null
from django.apps import AppConfig class DocumentariesConfig(AppConfig): name = 'documentaries'
16.833333
37
0.782178
9a143847f7c93c58af9cb2785bac106c058aaff4
9,522
py
Python
swagger_client/models/get_universe_graphics_graphic_id_ok.py
rseichter/bootini-star
a80258f01a05e4df38748b8cb47dfadabd42c20d
[ "MIT" ]
null
null
null
swagger_client/models/get_universe_graphics_graphic_id_ok.py
rseichter/bootini-star
a80258f01a05e4df38748b8cb47dfadabd42c20d
[ "MIT" ]
null
null
null
swagger_client/models/get_universe_graphics_graphic_id_ok.py
rseichter/bootini-star
a80258f01a05e4df38748b8cb47dfadabd42c20d
[ "MIT" ]
null
null
null
# coding: utf-8 """ EVE Swagger Interface An OpenAPI for EVE Online # noqa: E501 OpenAPI spec version: 0.8.0 Generated by: https://github.com/swagger-api/swagger-codegen.git """ import pprint import re # noqa: F401 import six class GetUniverseGraphicsGraphicIdOk(object): """NOTE: This class is auto generated by the swagger code generator program. Do not edit the class manually. """ """ Attributes: swagger_types (dict): The key is attribute name and the value is attribute type. attribute_map (dict): The key is attribute name and the value is json key in definition. """ swagger_types = { 'graphic_id': 'int', 'graphic_file': 'str', 'sof_race_name': 'str', 'sof_fation_name': 'str', 'sof_dna': 'str', 'sof_hull_name': 'str', 'collision_file': 'str', 'icon_folder': 'str' } attribute_map = { 'graphic_id': 'graphic_id', 'graphic_file': 'graphic_file', 'sof_race_name': 'sof_race_name', 'sof_fation_name': 'sof_fation_name', 'sof_dna': 'sof_dna', 'sof_hull_name': 'sof_hull_name', 'collision_file': 'collision_file', 'icon_folder': 'icon_folder' } def __init__(self, graphic_id=None, graphic_file=None, sof_race_name=None, sof_fation_name=None, sof_dna=None, sof_hull_name=None, collision_file=None, icon_folder=None): # noqa: E501 """GetUniverseGraphicsGraphicIdOk - a model defined in Swagger""" # noqa: E501 self._graphic_id = None self._graphic_file = None self._sof_race_name = None self._sof_fation_name = None self._sof_dna = None self._sof_hull_name = None self._collision_file = None self._icon_folder = None self.discriminator = None self.graphic_id = graphic_id if graphic_file is not None: self.graphic_file = graphic_file if sof_race_name is not None: self.sof_race_name = sof_race_name if sof_fation_name is not None: self.sof_fation_name = sof_fation_name if sof_dna is not None: self.sof_dna = sof_dna if sof_hull_name is not None: self.sof_hull_name = sof_hull_name if collision_file is not None: self.collision_file = collision_file if icon_folder is not None: self.icon_folder = icon_folder @property def graphic_id(self): """Gets the graphic_id of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 graphic_id integer # noqa: E501 :return: The graphic_id of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: int """ return self._graphic_id @graphic_id.setter def graphic_id(self, graphic_id): """Sets the graphic_id of this GetUniverseGraphicsGraphicIdOk. graphic_id integer # noqa: E501 :param graphic_id: The graphic_id of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: int """ if graphic_id is None: raise ValueError("Invalid value for `graphic_id`, must not be `None`") # noqa: E501 self._graphic_id = graphic_id @property def graphic_file(self): """Gets the graphic_file of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 graphic_file string # noqa: E501 :return: The graphic_file of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._graphic_file @graphic_file.setter def graphic_file(self, graphic_file): """Sets the graphic_file of this GetUniverseGraphicsGraphicIdOk. graphic_file string # noqa: E501 :param graphic_file: The graphic_file of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._graphic_file = graphic_file @property def sof_race_name(self): """Gets the sof_race_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 sof_race_name string # noqa: E501 :return: The sof_race_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._sof_race_name @sof_race_name.setter def sof_race_name(self, sof_race_name): """Sets the sof_race_name of this GetUniverseGraphicsGraphicIdOk. sof_race_name string # noqa: E501 :param sof_race_name: The sof_race_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._sof_race_name = sof_race_name @property def sof_fation_name(self): """Gets the sof_fation_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 sof_fation_name string # noqa: E501 :return: The sof_fation_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._sof_fation_name @sof_fation_name.setter def sof_fation_name(self, sof_fation_name): """Sets the sof_fation_name of this GetUniverseGraphicsGraphicIdOk. sof_fation_name string # noqa: E501 :param sof_fation_name: The sof_fation_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._sof_fation_name = sof_fation_name @property def sof_dna(self): """Gets the sof_dna of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 sof_dna string # noqa: E501 :return: The sof_dna of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._sof_dna @sof_dna.setter def sof_dna(self, sof_dna): """Sets the sof_dna of this GetUniverseGraphicsGraphicIdOk. sof_dna string # noqa: E501 :param sof_dna: The sof_dna of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._sof_dna = sof_dna @property def sof_hull_name(self): """Gets the sof_hull_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 sof_hull_name string # noqa: E501 :return: The sof_hull_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._sof_hull_name @sof_hull_name.setter def sof_hull_name(self, sof_hull_name): """Sets the sof_hull_name of this GetUniverseGraphicsGraphicIdOk. sof_hull_name string # noqa: E501 :param sof_hull_name: The sof_hull_name of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._sof_hull_name = sof_hull_name @property def collision_file(self): """Gets the collision_file of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 collision_file string # noqa: E501 :return: The collision_file of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._collision_file @collision_file.setter def collision_file(self, collision_file): """Sets the collision_file of this GetUniverseGraphicsGraphicIdOk. collision_file string # noqa: E501 :param collision_file: The collision_file of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._collision_file = collision_file @property def icon_folder(self): """Gets the icon_folder of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 icon_folder string # noqa: E501 :return: The icon_folder of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :rtype: str """ return self._icon_folder @icon_folder.setter def icon_folder(self, icon_folder): """Sets the icon_folder of this GetUniverseGraphicsGraphicIdOk. icon_folder string # noqa: E501 :param icon_folder: The icon_folder of this GetUniverseGraphicsGraphicIdOk. # noqa: E501 :type: str """ self._icon_folder = icon_folder def to_dict(self): """Returns the model properties as a dict""" result = {} for attr, _ in six.iteritems(self.swagger_types): value = getattr(self, attr) if isinstance(value, list): result[attr] = list(map( lambda x: x.to_dict() if hasattr(x, "to_dict") else x, value )) elif hasattr(value, "to_dict"): result[attr] = value.to_dict() elif isinstance(value, dict): result[attr] = dict(map( lambda item: (item[0], item[1].to_dict()) if hasattr(item[1], "to_dict") else item, value.items() )) else: result[attr] = value return result def to_str(self): """Returns the string representation of the model""" return pprint.pformat(self.to_dict()) def __repr__(self): """For `print` and `pprint`""" return self.to_str() def __eq__(self, other): """Returns true if both objects are equal""" if not isinstance(other, GetUniverseGraphicsGraphicIdOk): return False return self.__dict__ == other.__dict__ def __ne__(self, other): """Returns true if both objects are not equal""" return not self == other
30.519231
188
0.627074
43562d4c4d2458a6847e6a886bba06edf9235aeb
2,605
py
Python
dateparser/data/date_translation_data/gv.py
Rodp63/dateparser
938a9573234679b603210bd47cc93eb258b1f1df
[ "BSD-3-Clause" ]
null
null
null
dateparser/data/date_translation_data/gv.py
Rodp63/dateparser
938a9573234679b603210bd47cc93eb258b1f1df
[ "BSD-3-Clause" ]
null
null
null
dateparser/data/date_translation_data/gv.py
Rodp63/dateparser
938a9573234679b603210bd47cc93eb258b1f1df
[ "BSD-3-Clause" ]
null
null
null
info = { "name": "gv", "date_order": "YMD", "january": [ "j-guer", "jerrey-geuree" ], "february": [ "t-arree", "toshiaght-arree" ], "march": [ "mayrnt" ], "april": [ "averil", "avrril" ], "may": [ "boaldyn" ], "june": [ "m-souree", "mean-souree" ], "july": [ "j-souree", "jerrey-souree" ], "august": [ "luanistyn" ], "september": [ "m-fouyir", "mean-fouyir" ], "october": [ "j-fouyir", "jerrey-fouyir" ], "november": [ "m-houney", "mee houney" ], "december": [ "m-nollick", "mee ny nollick" ], "monday": [ "jel", "jelhein" ], "tuesday": [ "jem", "jemayrt" ], "wednesday": [ "jerc", "jercean" ], "thursday": [ "jerd", "jerdein" ], "friday": [ "jeh", "jeheiney" ], "saturday": [ "jes", "jesarn" ], "sunday": [ "jed", "jedoonee" ], "am": [ "am" ], "pm": [ "pm" ], "year": [ "year" ], "month": [ "month" ], "week": [ "week" ], "day": [ "day" ], "hour": [ "hour" ], "minute": [ "minute" ], "second": [ "second" ], "relative-type": { "0 day ago": [ "today" ], "0 hour ago": [ "this hour" ], "0 minute ago": [ "this minute" ], "0 month ago": [ "this month" ], "0 second ago": [ "now" ], "0 week ago": [ "this week" ], "0 year ago": [ "this year" ], "1 day ago": [ "yesterday" ], "1 month ago": [ "last month" ], "1 week ago": [ "last week" ], "1 year ago": [ "last year" ], "in 1 day": [ "tomorrow" ], "in 1 month": [ "next month" ], "in 1 week": [ "next week" ], "in 1 year": [ "next year" ] }, "locale_specific": {}, "skip": [ " ", ".", ",", ";", "-", "/", "'", "|", "@", "[", "]", "," ] }
15.598802
26
0.284069
3bfd8d3384295366a344a7508f18603c7f25039c
1,653
py
Python
scout/build/acmg.py
gmc-norr/scout
ea8eaaa079c63e4033af6216ec08da4a314f9b5c
[ "BSD-3-Clause" ]
111
2015-01-15T11:53:20.000Z
2022-03-26T19:55:24.000Z
scout/build/acmg.py
gmc-norr/scout
ea8eaaa079c63e4033af6216ec08da4a314f9b5c
[ "BSD-3-Clause" ]
2,995
2015-01-15T16:14:20.000Z
2022-03-31T13:36:32.000Z
scout/build/acmg.py
gmc-norr/scout
ea8eaaa079c63e4033af6216ec08da4a314f9b5c
[ "BSD-3-Clause" ]
55
2015-05-31T19:09:49.000Z
2021-11-01T10:50:31.000Z
import logging import datetime LOG = logging.getLogger(__name__) def build_evaluation( variant_specific, variant_id, user_id, user_name, institute_id, case_id, classification, criteria, ): """Build a evaluation object ready to be inserted to database Args: variant_specific(str): md5 string for the specific variant variant_id(str): md5 string for the common variant user_id(str) user_name(str) institute_id(str) case_id(str) classification(str): The ACMG classification criteria(list(dict)): A list of dictionaries with ACMG criterias Returns: evaluation_obj(dict): Correctly formatted evaluation object """ LOG.info("Creating classification: %s for variant %s", classification, variant_id) criteria = criteria or [] evaluation_obj = dict( variant_specific=variant_specific, variant_id=variant_id, institute_id=institute_id, case_id=case_id, classification=classification, user_id=user_id, user_name=user_name, created_at=datetime.datetime.now(), ) criteria_objs = [] for info in criteria: criteria_obj = {} # This allways has to exist # We might want to check if the term is valid here... criteria_obj["term"] = info["term"] if "comment" in info: criteria_obj["comment"] = info["comment"] if "links" in info: criteria_obj["links"] = info["links"] criteria_objs.append(criteria_obj) evaluation_obj["criteria"] = criteria_objs return evaluation_obj
27.55
86
0.647308
ff62fb29d02fe35af1cdc7309a1899775c1ece89
2,461
py
Python
huaweicloud-sdk-meeting/huaweicloudsdkmeeting/v1/model/batch_update_user_status_response.py
huaweicloud/huaweicloud-sdk-python-v3
7a6270390fcbf192b3882bf763e7016e6026ef78
[ "Apache-2.0" ]
64
2020-06-12T07:05:07.000Z
2022-03-30T03:32:50.000Z
huaweicloud-sdk-meeting/huaweicloudsdkmeeting/v1/model/batch_update_user_status_response.py
huaweicloud/huaweicloud-sdk-python-v3
7a6270390fcbf192b3882bf763e7016e6026ef78
[ "Apache-2.0" ]
11
2020-07-06T07:56:54.000Z
2022-01-11T11:14:40.000Z
huaweicloud-sdk-meeting/huaweicloudsdkmeeting/v1/model/batch_update_user_status_response.py
huaweicloud/huaweicloud-sdk-python-v3
7a6270390fcbf192b3882bf763e7016e6026ef78
[ "Apache-2.0" ]
24
2020-06-08T11:42:13.000Z
2022-03-04T06:44:08.000Z
# coding: utf-8 import re import six from huaweicloudsdkcore.sdk_response import SdkResponse from huaweicloudsdkcore.utils.http_utils import sanitize_for_serialization class BatchUpdateUserStatusResponse(SdkResponse): """ Attributes: openapi_types (dict): The key is attribute name and the value is attribute type. attribute_map (dict): The key is attribute name and the value is json key in definition. """ sensitive_list = [] openapi_types = { } attribute_map = { } def __init__(self): """BatchUpdateUserStatusResponse - a model defined in huaweicloud sdk""" super(BatchUpdateUserStatusResponse, self).__init__() self.discriminator = None def to_dict(self): """Returns the model properties as a dict""" result = {} for attr, _ in six.iteritems(self.openapi_types): value = getattr(self, attr) if isinstance(value, list): result[attr] = list(map( lambda x: x.to_dict() if hasattr(x, "to_dict") else x, value )) elif hasattr(value, "to_dict"): result[attr] = value.to_dict() elif isinstance(value, dict): result[attr] = dict(map( lambda item: (item[0], item[1].to_dict()) if hasattr(item[1], "to_dict") else item, value.items() )) else: if attr in self.sensitive_list: result[attr] = "****" else: result[attr] = value return result def to_str(self): """Returns the string representation of the model""" import simplejson as json if six.PY2: import sys reload(sys) sys.setdefaultencoding("utf-8") return json.dumps(sanitize_for_serialization(self), ensure_ascii=False) def __repr__(self): """For `print`""" return self.to_str() def __eq__(self, other): """Returns true if both objects are equal""" if not isinstance(other, BatchUpdateUserStatusResponse): return False return self.__dict__ == other.__dict__ def __ne__(self, other): """Returns true if both objects are not equal""" return not self == other
28.616279
80
0.555872
1c9c8769637075428dfcc0c9f40ea0d70224c9db
303
py
Python
data/multilingual/Latn.MXV/Mono_16/pdf_to_json_test_Latn.MXV_Mono_16.py
antoinecarme/pdf_to_json_tests
d57a024fde862e698d916a1178f285883d7a3b2f
[ "BSD-3-Clause" ]
1
2021-09-19T19:47:35.000Z
2021-09-19T19:47:35.000Z
data/multilingual/Latn.MXV/Mono_16/pdf_to_json_test_Latn.MXV_Mono_16.py
antoinecarme/pdf_to_json_tests
d57a024fde862e698d916a1178f285883d7a3b2f
[ "BSD-3-Clause" ]
null
null
null
data/multilingual/Latn.MXV/Mono_16/pdf_to_json_test_Latn.MXV_Mono_16.py
antoinecarme/pdf_to_json_tests
d57a024fde862e698d916a1178f285883d7a3b2f
[ "BSD-3-Clause" ]
null
null
null
import pdf_to_json as p2j import json url = "file:data/multilingual/Latn.MXV/Mono_16/udhr_Latn.MXV_Mono_16.pdf" lConverter = p2j.pdf_to_json.pdf_to_json_converter() lConverter.mImageHashOnly = True lDict = lConverter.convert(url) print(json.dumps(lDict, indent=4, ensure_ascii=False, sort_keys=True))
30.3
73
0.811881
b48eeb6fdad5ae824bd567569488142ee22de1e6
689
py
Python
tbx/services/migrations/0016_auto_20190207_1630.py
arush15june/wagtail-torchbox
c4d06e096c72bd8007975dc016133024f9d27fab
[ "MIT" ]
null
null
null
tbx/services/migrations/0016_auto_20190207_1630.py
arush15june/wagtail-torchbox
c4d06e096c72bd8007975dc016133024f9d27fab
[ "MIT" ]
null
null
null
tbx/services/migrations/0016_auto_20190207_1630.py
arush15june/wagtail-torchbox
c4d06e096c72bd8007975dc016133024f9d27fab
[ "MIT" ]
null
null
null
# Generated by Django 2.1.5 on 2019-02-07 16:30 from django.db import migrations, models import django.db.models.deletion class Migration(migrations.Migration): dependencies = [ ('services', '0015_auto_20190207_1625'), ] operations = [ migrations.AlterField( model_name='servicepageprocess', name='link_label', field=models.TextField(blank=True, null=True), ), migrations.AlterField( model_name='servicepageprocess', name='link_page', field=models.ForeignKey(blank=True, null=True, on_delete=django.db.models.deletion.CASCADE, to='wagtailcore.Page'), ), ]
27.56
127
0.63135
005298b5e77f2bcbae010a94156aefb1f659c551
2,895
py
Python
candlestick.py
zyairelai/bybit-longterm
3041d122007da8001e2d7b8a1e96796166f207d1
[ "Apache-2.0" ]
11
2021-06-12T08:54:06.000Z
2022-03-15T11:55:08.000Z
candlestick.py
zyairelai/bybit-longterm
3041d122007da8001e2d7b8a1e96796166f207d1
[ "Apache-2.0" ]
null
null
null
candlestick.py
zyairelai/bybit-longterm
3041d122007da8001e2d7b8a1e96796166f207d1
[ "Apache-2.0" ]
8
2021-09-12T20:57:10.000Z
2022-02-28T22:30:51.000Z
import ccxt import pandas query = 40 ccxt_client = ccxt.binance() tohlcv_colume = ['timestamp', 'open', 'high', 'low', 'close', 'volume'] def get_klines(pair, interval): return pandas.DataFrame(ccxt_client.fetch_ohlcv(pair, interval, limit=query), columns=tohlcv_colume) def candlestick(klines): # Create a new DataFrame called candlestick_df candlestick_df = klines # Temporary previous column candlestick_df["high_s1"] = klines['high'].shift(1) candlestick_df["high_s2"] = klines['high'].shift(2) candlestick_df["low_s1"] = klines['low'].shift(1) candlestick_df["low_s2"] = klines['low'].shift(2) # Compute candlestick details candlestick_df["color"] = candlestick_df.apply(candle_color, axis=1) candlestick_df["upper"] = candlestick_df.apply(upper_wick, axis=1) candlestick_df["lower"] = candlestick_df.apply(lower_wick, axis=1) candlestick_df["body"] = abs(candlestick_df['open'] - candlestick_df['close']) candlestick_df["strong"] = candlestick_df.apply(strong_candle, axis=1) candlestick_df["volumeAvg"] = sum(klines["volume"]) / query / 3 clean = candlestick_df[["timestamp", "open", "high", "low", "close", "volume", "volumeAvg", "color", "strong"]].copy() return clean # ========================================================================================================================================================================== # PANDAS CONDITIONS # ========================================================================================================================================================================== def candle_color(candle): if candle['close'] > candle['open']: return "GREEN" elif candle['close'] < candle['open']: return "RED" else: return "INDECISIVE" def upper_wick(candle): if candle['color'] == "GREEN": return candle['high'] - candle['close'] elif candle['color'] == "RED": return candle['high'] - candle['open'] else: return (candle['high'] - candle['open'] + candle['high'] - candle['close']) / 2 def lower_wick(candle): if candle['color'] == "GREEN": return candle['open'] - candle['low'] elif candle['color'] == "RED": return candle['close'] - candle['low'] else: return (candle['open'] - candle['low'] + candle['close'] - candle['low']) / 2 def strong_candle(candle): if candle["color"] == "GREEN": return True if candle['close'] > candle['high_s1'] and candle['close'] > candle['high_s2'] else False elif candle["color"] == "RED": return True if candle['close'] < candle['low_s1'] and candle['close'] < candle['low_s2'] else False else: return False def test_module(): klines = get_klines("BTCUSDT", "1h") processed_candle = candlestick(klines) print("\ncandlestick.candlestick(klines)") print(processed_candle) # test_module()
46.693548
172
0.578584
db3b1648b571c7d54a5f952ff92bba47874b6fbb
625
py
Python
abcddb2vcard.py
relikd/abcddb2vcard
59f862d0e7688dd76b49e6e2ca6c84d6b0b12010
[ "MIT" ]
1
2021-11-07T21:27:59.000Z
2021-11-07T21:27:59.000Z
abcddb2vcard.py
relikd/abcddb2vcard
59f862d0e7688dd76b49e6e2ca6c84d6b0b12010
[ "MIT" ]
null
null
null
abcddb2vcard.py
relikd/abcddb2vcard
59f862d0e7688dd76b49e6e2ca6c84d6b0b12010
[ "MIT" ]
null
null
null
#!/usr/bin/env python3 import sys from ABCDDB import ABCDDB from pathlib import Path if len(sys.argv) != 2: print(' Usage:', Path(__file__).name, 'outfile.vcf') exit(0) outfile = Path(sys.argv[1]) if not outfile.parent.exists(): print('Output directory does not exist.', file=sys.stderr) exit(1) contacts = ABCDDB.load(Path.home().joinpath( 'Library/Application Support/AddressBook/AddressBook-v22.abcddb')) # contacts = [list(contacts)[-1]] # test on last imported contact with open(outfile, 'w') as f: for rec in contacts: f.write(rec.makeVCard()) print(len(contacts), 'contacts.')
28.409091
70
0.6848
e44af6421e8e85b9c93d62addd63d9f0f46b9375
686
py
Python
13/first.py
cam-coding/AdventOfCode2020
47eb52242edb674365a7a53c4c2f0239e4166159
[ "MIT" ]
1
2020-12-02T03:35:30.000Z
2020-12-02T03:35:30.000Z
13/first.py
cam-coding/AdventOfCode2020
47eb52242edb674365a7a53c4c2f0239e4166159
[ "MIT" ]
null
null
null
13/first.py
cam-coding/AdventOfCode2020
47eb52242edb674365a7a53c4c2f0239e4166159
[ "MIT" ]
null
null
null
from collections import deque import math def get_lines(): with open("input.txt") as f: return [line.strip() for line in f.readlines() if line.strip()] LINES = get_lines() Leaving = int(LINES[0]) WIDTH = len(LINES[0]) Height = len(LINES) def logic(): times = [] things = LINES[1].split(",") for item in things: if item != 'x': times.append(int(item)) difs = {} for item in times: val = Leaving//item if item * val == Leaving: return (item * 0) else: difs[item] = ((val+1) * item) - Leaving lowest = min(difs, key=difs.get) return (lowest * difs[lowest]) print(logic())
22.129032
71
0.555394
69153a321c9d7e3d2582a93c646058276a9f8051
18,620
py
Python
saleor/core/utils/random_data.py
tanjibpa/alrawaa
c28fbe7becd43b9de1575346fe8c29cee5f36de1
[ "BSD-3-Clause" ]
null
null
null
saleor/core/utils/random_data.py
tanjibpa/alrawaa
c28fbe7becd43b9de1575346fe8c29cee5f36de1
[ "BSD-3-Clause" ]
1
2022-02-10T08:53:52.000Z
2022-02-10T08:53:52.000Z
saleor/core/utils/random_data.py
BiaoLiu/saleor
d3de4d8ee69208d73539194b71449498f8e5e81f
[ "BSD-3-Clause" ]
1
2020-09-29T14:21:31.000Z
2020-09-29T14:21:31.000Z
import itertools import os import random import unicodedata from collections import defaultdict from django.conf import settings from django.contrib.auth.models import Group, Permission from django.core.files import File from django.template.defaultfilters import slugify from faker import Factory from faker.providers import BaseProvider from payments import PaymentStatus from prices import Price from ...discount.models import Sale, Voucher from ...order import GroupStatus from ...order.models import DeliveryGroup, Order, OrderLine, Payment from ...product.models import ( AttributeChoiceValue, Category, Product, ProductAttribute, ProductClass, ProductImage, ProductVariant, Stock, StockLocation) from ...shipping.models import ANY_COUNTRY, ShippingMethod from ...userprofile.models import Address, User from ...userprofile.utils import store_user_address fake = Factory.create() STOCK_LOCATION = 'default' DEFAULT_CATEGORY = 'Default' DELIVERY_REGIONS = [ANY_COUNTRY, 'US', 'PL', 'DE', 'GB'] DEFAULT_SCHEMA = { 'T-Shirt': { 'category': 'Apparel', 'product_attributes': { 'Color': ['Blue', 'White'], 'Collar': ['Round', 'V-Neck', 'Polo'], 'Brand': ['Saleor'] }, 'variant_attributes': { 'Size': ['XS', 'S', 'M', 'L', 'XL', 'XXL'] }, 'images_dir': 't-shirts/', 'is_shipping_required': True }, 'Mugs': { 'category': 'Accessories', 'product_attributes': { 'Brand': ['Saleor'] }, 'variant_attributes': {}, 'images_dir': 'mugs/', 'is_shipping_required': True }, 'Coffee': { 'category': 'Groceries', 'product_attributes': { 'Coffee Genre': ['Arabica', 'Robusta'], 'Brand': ['Saleor'] }, 'variant_attributes': { 'Box Size': ['100g', '250g', '500g', '1kg'] }, 'different_variant_prices': True, 'images_dir': 'coffee/', 'is_shipping_required': True }, 'Candy': { 'category': 'Groceries', 'product_attributes': { 'Flavor': ['Sour', 'Sweet'], 'Brand': ['Saleor'] }, 'variant_attributes': { 'Candy Box Size': ['100g', '250g', '500g'] }, 'images_dir': 'candy/', 'different_variant_prices': True, 'is_shipping_required': True }, 'E-books': { 'category': 'Books', 'product_attributes': { 'Author': ['John Doe', 'Milionare Pirate'], 'Publisher': ['Mirumee Press', 'Saleor Publishing'], 'Language': ['English', 'Pirate'] }, 'variant_attributes': {}, 'images_dir': 'books/', 'is_shipping_required': False }, 'Books': { 'category': 'Books', 'product_attributes': { 'Author': ['John Doe', 'Milionare Pirate'], 'Publisher': ['Mirumee Press', 'Saleor Publishing'], 'Language': ['English', 'Pirate'] }, 'variant_attributes': { 'Cover': ['Soft', 'Hard'] }, 'images_dir': 'books/', 'different_variant_prices': True, 'is_shipping_required': True } } def create_attributes_and_values(attribute_data): attributes = [] for attribute_name, attribute_values in attribute_data.items(): attribute = create_attribute( slug=slugify(attribute_name), name=attribute_name) for value in attribute_values: create_attribute_value(attribute, name=value) attributes.append(attribute) return attributes def create_product_class_with_attributes(name, schema): product_attributes_schema = schema.get('product_attributes', {}) variant_attributes_schema = schema.get('variant_attributes', {}) is_shipping_required = schema.get('is_shipping_required', True) product_class = get_or_create_product_class( name=name, is_shipping_required=is_shipping_required) product_attributes = create_attributes_and_values( product_attributes_schema) variant_attributes = create_attributes_and_values( variant_attributes_schema) product_class.product_attributes.add(*product_attributes) product_class.variant_attributes.add(*variant_attributes) return product_class def create_product_classes_by_schema(root_schema): results = [] for product_class_name, schema in root_schema.items(): product_class = create_product_class_with_attributes( product_class_name, schema) results.append((product_class, schema)) return results def set_product_attributes(product, product_class): attr_dict = {} for product_attribute in product_class.product_attributes.all(): value = random.choice(product_attribute.values.all()) attr_dict[str(product_attribute.pk)] = str(value.pk) product.attributes = attr_dict product.save(update_fields=['attributes']) def set_variant_attributes(variant, product_class): attr_dict = {} existing_variants = variant.product.variants.values_list('attributes', flat=True) existing_variant_attributes = defaultdict(list) for variant_attrs in existing_variants: for attr_id, value_id in variant_attrs.items(): existing_variant_attributes[attr_id].append(value_id) for product_attribute in product_class.variant_attributes.all(): available_values = product_attribute.values.exclude( pk__in=[int(pk) for pk in existing_variant_attributes[str(product_attribute.pk)]]) if not available_values: return value = random.choice(available_values) attr_dict[str(product_attribute.pk)] = str(value.pk) variant.attributes = attr_dict variant.save(update_fields=['attributes']) def get_variant_combinations(product): # Returns all possible variant combinations # For example: product class has two variant attributes: Size, Color # Size has available values: [S, M], Color has values [Red, Green] # All combinations will be generated (S, Red), (S, Green), (M, Red), # (M, Green) # Output is list of dicts, where key is product attribute id and value is # attribute value id. Casted to string. variant_attr_map = {attr: attr.values.all() for attr in product.product_class.variant_attributes.all()} all_combinations = itertools.product(*variant_attr_map.values()) return [ {str(attr_value.attribute.pk): str(attr_value.pk) for attr_value in combination} for combination in all_combinations] def get_price_override(schema, combinations_num, current_price): prices = [] if schema.get('different_variant_prices'): prices = sorted( [current_price + fake.price() for _ in range(combinations_num)], reverse=True) return prices def create_products_by_class(product_class, schema, placeholder_dir, how_many=10, create_images=True, stdout=None): category_name = schema.get('category') or DEFAULT_CATEGORY category = get_or_create_category(category_name) for dummy in range(how_many): product = create_product(product_class=product_class) set_product_attributes(product, product_class) product.categories.add(category) if create_images: class_placeholders = os.path.join( placeholder_dir, schema['images_dir']) create_product_images( product, random.randrange(1, 5), class_placeholders) variant_combinations = get_variant_combinations(product) prices = get_price_override( schema, len(variant_combinations), product.price) variants_with_prices = itertools.zip_longest( variant_combinations, prices) for i, variant_price in enumerate(variants_with_prices, start=1337): attr_combination, price = variant_price sku = '%s-%s' % (product.pk, i) create_variant( product, attributes=attr_combination, sku=sku, price_override=price) if not variant_combinations: # Create min one variant for products without variant level attrs sku = '%s-%s' % (product.pk, fake.random_int(1000, 100000)) create_variant(product, sku=sku) if stdout is not None: stdout.write('Product: %s (%s), %s variant(s)' % ( product, product_class.name, len(variant_combinations) or 1)) def create_products_by_schema(placeholder_dir, how_many, create_images, stdout=None, schema=DEFAULT_SCHEMA): for product_class, class_schema in create_product_classes_by_schema(schema): create_products_by_class( product_class, class_schema, placeholder_dir, how_many=how_many, create_images=create_images, stdout=stdout) class SaleorProvider(BaseProvider): def price(self): return Price(fake.pydecimal(2, 2, positive=True), currency=settings.DEFAULT_CURRENCY) def delivery_region(self): return random.choice(DELIVERY_REGIONS) def shipping_method(self): return random.choice(ShippingMethod.objects.all()) fake.add_provider(SaleorProvider) def get_email(first_name, last_name): _first = unicodedata.normalize('NFD', first_name).encode('ascii', 'ignore') _last = unicodedata.normalize('NFD', last_name).encode('ascii', 'ignore') return '%s.%s@example.com' % ( _first.lower().decode('utf-8'), _last.lower().decode('utf-8')) def get_or_create_category(name, **kwargs): defaults = { 'description': fake.text()} defaults.update(kwargs) defaults['slug'] = fake.slug(name) return Category.objects.get_or_create(name=name, defaults=defaults)[0] def get_or_create_product_class(name, **kwargs): return ProductClass.objects.get_or_create(name=name, defaults=kwargs)[0] def create_product(**kwargs): defaults = { 'name': fake.company(), 'price': fake.price(), 'description': '\n\n'.join(fake.paragraphs(5))} defaults.update(kwargs) return Product.objects.create(**defaults) def create_stock(variant, **kwargs): default_location = StockLocation.objects.get_or_create( name=STOCK_LOCATION)[0] defaults = { 'variant': variant, 'location': default_location, 'quantity': fake.random_int(1, 50)} defaults.update(kwargs) return Stock.objects.create(**defaults) def create_variant(product, **kwargs): defaults = { 'product': product} defaults.update(kwargs) variant = ProductVariant.objects.create(**defaults) create_stock(variant) return variant def create_product_image(product, placeholder_dir): placeholder_root = os.path.join(settings.PROJECT_ROOT, placeholder_dir) img_path = '%s/%s' % (placeholder_dir, random.choice(os.listdir(placeholder_root))) image = ProductImage( product=product, image=File(open(img_path, 'rb'))).save() return image def create_attribute(**kwargs): slug = fake.word() defaults = { 'slug': slug, 'name': slug.title()} defaults.update(kwargs) attribute = ProductAttribute.objects.get_or_create(**defaults)[0] return attribute def create_attribute_value(attribute, **kwargs): name = fake.word() defaults = { 'attribute': attribute, 'name': name} defaults.update(kwargs) defaults['slug'] = slugify(defaults['name']) attribute_value = AttributeChoiceValue.objects.get_or_create(**defaults)[0] return attribute_value def create_product_images(product, how_many, placeholder_dir): for dummy in range(how_many): create_product_image(product, placeholder_dir) def create_address(): address = Address.objects.create( first_name=fake.first_name(), last_name=fake.last_name(), street_address_1=fake.street_address(), city=fake.city(), postal_code=fake.postcode(), country=fake.country_code()) return address def create_fake_user(): address = create_address() email = get_email(address.first_name, address.last_name) user = User.objects.create_user(email=email, password='password') user.addresses.add(address) user.default_billing_address = address user.default_shipping_address = address user.is_active = True user.save() return user def create_payment(delivery_group): order = delivery_group.order status = random.choice( [PaymentStatus.WAITING, PaymentStatus.PREAUTH, PaymentStatus.CONFIRMED]) payment = Payment.objects.create( order=order, status=status, variant='default', transaction_id=str(fake.random_int(1, 100000)), currency=settings.DEFAULT_CURRENCY, total=order.get_total().gross, delivery=order.shipping_price.gross, customer_ip_address=fake.ipv4(), billing_first_name=order.billing_address.first_name, billing_last_name=order.billing_address.last_name, billing_address_1=order.billing_address.street_address_1, billing_city=order.billing_address.city, billing_postcode=order.billing_address.postal_code, billing_country_code=order.billing_address.country) if status == PaymentStatus.CONFIRMED: payment.captured_amount = payment.total payment.save() return payment def create_delivery_group(order): region = order.shipping_address.country if region not in DELIVERY_REGIONS: region = ANY_COUNTRY shipping_method = fake.shipping_method() shipping_country = shipping_method.price_per_country.get_or_create( country_code=region, defaults={'price': fake.price()})[0] delivery_group = DeliveryGroup.objects.create( status=random.choice([GroupStatus.NEW, GroupStatus.SHIPPED]), order=order, shipping_method_name=str(shipping_country)) return delivery_group def create_order_line(delivery_group): product = Product.objects.all().order_by('?')[0] variant = product.variants.all()[0] quantity = random.randrange(1, 5) stock = variant.stock.first() stock.quantity += quantity stock.quantity_allocated += quantity stock.save() return OrderLine.objects.create( delivery_group=delivery_group, product=product, product_name=product.name, product_sku=variant.sku, quantity=quantity, stock=stock, stock_location=stock.location.name, unit_price_net=product.price.net, unit_price_gross=product.price.gross) def create_order_lines(delivery_group, how_many=10): for dummy in range(how_many): yield create_order_line(delivery_group) def create_fake_order(): user = random.choice([None, User.objects.filter( is_superuser=False).order_by('?').first()]) if user: user_data = { 'user': user, 'billing_address': user.default_billing_address, 'shipping_address': user.default_shipping_address} else: address = create_address() user_data = { 'billing_address': address, 'shipping_address': address, 'user_email': get_email( address.first_name, address.last_name)} order = Order.objects.create(**user_data) delivery_group = create_delivery_group(order) lines = create_order_lines(delivery_group, random.randrange(1, 5)) order.total = sum( [line.get_total() for line in lines], order.shipping_price) order.save() create_payment(delivery_group) return order def create_fake_sale(): sale = Sale.objects.create( name='Happy %s day!' % fake.word(), type=Sale.PERCENTAGE, value=random.choice([10, 20, 30, 40, 50])) for product in Product.objects.all().order_by('?')[:4]: sale.products.add(product) return sale def create_users(how_many=10): for dummy in range(how_many): user = create_fake_user() yield 'User: %s' % (user.email,) def create_orders(how_many=10): for dummy in range(how_many): order = create_fake_order() yield 'Order: %s' % (order,) def create_product_sales(how_many=5): for dummy in range(how_many): sale = create_fake_sale() yield 'Sale: %s' % (sale,) def create_shipping_methods(): shipping_method = ShippingMethod.objects.create(name='UPC') shipping_method.price_per_country.create(price=fake.price()) yield 'Shipping method #%d' % shipping_method.id shipping_method = ShippingMethod.objects.create(name='DHL') shipping_method.price_per_country.create(price=fake.price()) yield 'Shipping method #%d' % shipping_method.id def create_vouchers(): voucher, created = Voucher.objects.get_or_create( code='FREESHIPPING', defaults={ 'type': Voucher.SHIPPING_TYPE, 'name': 'Free shipping', 'discount_value_type': Voucher.DISCOUNT_VALUE_PERCENTAGE, 'discount_value': 100}) if created: yield 'Voucher #%d' % voucher.id else: yield 'Shipping voucher already exists' voucher, created = Voucher.objects.get_or_create( code='DISCOUNT', defaults={ 'type': Voucher.VALUE_TYPE, 'name': 'Big order discount', 'discount_value_type': Voucher.DISCOUNT_VALUE_FIXED, 'discount_value': 25, 'limit': 200}) if created: yield 'Voucher #%d' % voucher.id else: yield 'Value voucher already exists' def create_fake_group(): group, _ = Group.objects.get_or_create(name='Products Manager') group.permissions.add(Permission.objects.get(codename='edit_product')) group.permissions.add(Permission.objects.get(codename='view_product')) group.save() return group def create_groups(): group = create_fake_group() return 'Group: %s' % (group.name) def set_featured_products(how_many=8): pks = Product.objects.order_by('?')[:how_many].values_list('pk', flat=True) Product.objects.filter(pk__in=pks).update(is_featured=True) yield 'Featured products created' def add_address_to_admin(email): address = create_address() user = User.objects.get(email=email) store_user_address(user, address, True, True)
33.978102
80
0.660311
3a70b0961b8fcb93182b45bf13393029ce026920
11,532
py
Python
geodesic.py
stannielson/c3m_3d
a146f0c9f43d1f23653631e319d144d807a3380f
[ "MIT" ]
null
null
null
geodesic.py
stannielson/c3m_3d
a146f0c9f43d1f23653631e319d144d807a3380f
[ "MIT" ]
null
null
null
geodesic.py
stannielson/c3m_3d
a146f0c9f43d1f23653631e319d144d807a3380f
[ "MIT" ]
null
null
null
""" Cadastral Measurement Management and Maintenance in Three Dimensions ------------------------------------------------------------------------------- Title: geodesic Author: Stanton K. Nielson, GIS Specialist BLM Wyoming High Desert District/Elmhurst College Date: April 21, 2020 Version: 1.0 Description: Performs Vincenty direct and inverse transformation of origin and destination points based on geodesic and geodetic measurements. ------------------------------------------------------------------------------- """ import math from c3m_3d.validate import missing class geodesic(object): def __init__(self, **kwargs): """ Parameters ----------------------------------------------------------------------- phi_0 Latitude of the origin point (in radians) phi Latitude of the destination point (in radians) lambda__0 Longitude of the origin point (in radians) lambda_ Longitude of the origin point (in radians) s Geodesic on the ellipsoid from origin to destination points alpha_0 Geodetic forward azimuth from the origin point alpha Geodetic back azimuth to the origin point alpha_g Geodetic mean azimuth a Semi-major axis of the ellipsoid b Semi-minor axis of the ellipsoid f Flattening of the ellipsoid ----------------------------------------------------------------------- Calculated Values ----------------------------------------------------------------------- phi_0 Latitude of the origin point (in radians; if not in parameters) phi Latitude of the destination point (in radians; if not in parameters) lambda__0 Longitude of the origin point (in radians; if not in parameters) lambda_ Longitude of the origin point (in radians; if not in parameters) s Geodesic on the ellipsoid from origin to destination points (if not in parameters) alpha_0 Geodetic forward azimuth from the origin point (in radians; if not in parameters) alpha Geodetic back azimuth to the origin point (in radians; if not in parameters) alpha_g Geodetic mean azimuth (in radians; if not in parameters) ----------------------------------------------------------------------- Usage ----------------------------------------------------------------------- Instantiation of a geodesic object will perform calculations based on provided parameters. Use of the geodesic.data() method provides parameters and calculated values. Manual calculation is also available through object attribute assignment and use of the geodesic.build() method. ----------------------------------------------------------------------- """ self.params = kwargs self.__build() def __build(self): self.params.update(self.__direct(**self.params)) self.params.update(self.__inverse(**self.params)) self.params.update(self.__geodetic_azimuth(**self.params)) return def __direct(self, phi_0=None, lambda__0=None, alpha_0=None, s=None, a=None, b=None, f=None, phi=None, lambda_=None, alpha=None, **kwargs): # Performs direct Vincenty transformation based on provided origin # point, geodetic forward azimuth, geodesic, and ellipsoid parameters if (not missing.any(phi_0, lambda__0, alpha_0, s, a, b, f) and missing.any(phi, lambda_, alpha)): beta_0 = math.atan(math.tan(phi_0) * (1 - f)) sin_beta_0, cos_beta_0 = math.sin(beta_0), math.cos(beta_0) tan_beta_0 = math.tan(beta_0) cos_alpha_0 = math.cos(alpha_0) tan_sigma_0 = tan_beta_0 / cos_alpha_0 sin_alpha_0, cos_alpha_0 = math.sin(alpha_0), math.cos(alpha_0) sigma_0 = math.atan2(math.tan(beta_0), math.cos(alpha_0)) sin_alpha_e = cos_beta_0 * sin_alpha_0 u2 = (1 - sin_alpha_e**2) * ((a**2 - b**2) / b**2) k_0 = (math.sqrt(1 + u2) - 1) / (math.sqrt(1 + u2) + 1) A, B = (1 + 0.25 * k_0**2) / (1 - k_0), k_0 * (1 - 0.375 * k_0**2) counter = 0 sigma = s / (b * A) while True: _2sigma_m = 2 * sigma_0 + sigma cos_2sigma_m = math.cos(_2sigma_m) sin_sigma = math.sin(sigma) sin2_sigma = sin_sigma**2 cos_sigma = math.cos(sigma) delta_sigma = B * sin_sigma * ( cos_2sigma_m + B / 4 * ( cos_sigma * (-1 + 2 * cos_2sigma_m**2)) - B / 6 * cos_2sigma_m * (-3 + 4 * sin2_sigma) * (-3 + 4 * cos_2sigma_m**2)) sigma_iter = delta_sigma + s / (b * A) if sigma == sigma_iter or counter == 1000: sigma = sigma_iter break sigma = sigma_iter counter += 1 if not phi: phi = math.atan2( (sin_beta_0 * cos_sigma + cos_beta_0 * sin_sigma * cos_alpha_0), (1 - f) * math.sqrt( sin_alpha_e**2 + (sin_beta_0 * sin_sigma - cos_beta_0 * cos_sigma * cos_alpha_0)**2)) lambda__diff_s = math.atan2( sin_sigma * sin_alpha_0, (cos_beta_0 * cos_sigma - sin_beta_0 * sin_sigma * cos_alpha_0)) C = ((f / 16) * cos_alpha_0**2 * (4 + f * (4 - 3 * (1 - sin_alpha_e**2)))) lambda__diff = (lambda__diff_s - (1 - C) * f * sin_alpha_e * (sigma + C * sin_sigma * (cos_2sigma_m + C * cos_sigma * (-1 + 2 * cos_2sigma_m**2)))) if not lambda_: lambda_ = lambda__diff + lambda__0 if not alpha: alpha = math.atan2(sin_alpha_e, (-sin_beta_0 * sin_sigma + cos_beta_0 * cos_sigma * cos_alpha_0)) + math.pi kwargs['phi'], kwargs['lambda_'], kwargs['alpha'] = phi, lambda_, alpha return kwargs def __inverse(self, phi=None, lambda_=None, phi_0=None, lambda__0=None, a=None, b=None, f=None, alpha_0=None, alpha=None, s=None, **kwargs): # Performs inverse Vincenty transformation based on provided origin and # destination points, along with ellipsoid parameters if (not missing.any(phi, lambda_, phi_0, lambda__0, a, b, f) and missing.any(alpha_0, alpha, s)): beta_0 = math.atan(math.tan(phi_0) * (1 - f)) beta = math.atan(math.tan(phi) * (1 - f)) lambda__diff = lambda_ - lambda__0 counter = 0 lambda__diff_s = lambda__diff while True: sin_beta_0, cos_beta_0 = math.sin(beta_0), math.cos(beta_0) tan_beta_0 = math.tan(beta_0) sin_beta, cos_beta = math.sin(beta), math.cos(beta) tan_beta = math.tan(beta) sin2_sigma = ((cos_beta * lambda__diff_s)**2 + (cos_beta_0 * sin_beta - sin_beta_0 * cos_beta * math.cos(lambda__diff_s))**2) sin_sigma = math.sqrt(sin2_sigma) cos_sigma = (math.sin(beta_0) * math.sin(beta) + math.cos(beta_0) * math.cos(beta) * math.cos(lambda__diff_s)) sigma = math.atan2(sin_sigma, cos_sigma) sin_alpha_e = ((cos_beta_0 * cos_beta * math.sin(lambda__diff_s)) / sin_sigma) cos2_alpha_e = 1 - sin_alpha_e**2 cos_2sigma_m = (cos_sigma - 2 * math.sin(beta_0) * math.sin(beta) / (1 - sin_alpha_e**2)) C = ((f / 16) * cos2_alpha_e * (4 + f * (4 - 3 * cos2_alpha_e))) lambda__diff_s_iter = ( lambda__diff + (1 - C) * f * sin_alpha_e * (sigma + C * sin_sigma * (cos_2sigma_m + C * math.cos(sigma) * (-1 + 2 * cos_2sigma_m**2)))) if lambda__diff_s == lambda__diff_s_iter or counter == 1000: lambda__diff_s = lambda__diff_s_iter break lambda__diff_s = lambda__diff_s_iter counter += 1 u2 = (1 - sin_alpha_e**2) * ((a**2 - b**2) / b**2) k_0 = (math.sqrt(1 + u2) - 1) / (math.sqrt(1 + u2) + 1) A = (1 + 0.25 * k_0**2) / (1 - k_0) B = k_0 * (1 - 0.375 * k_0**2) delta_sigma = B * sin_sigma * ( cos_2sigma_m + B / 4 * ( cos_sigma * (-1 + 2 * cos_2sigma_m**2)) - B / 6 * cos_2sigma_m * (-3 + 4 * sin2_sigma) * (-3 + 4 * cos_2sigma_m**2)) if not s: s = b * A * (sigma - delta_sigma) tan_alpha_0 = (cos_beta * math.sin(lambda__diff_s) / (cos_beta_0 * sin_beta - sin_beta_0 * cos_beta * math.cos(lambda__diff_s))) tan_alpha = (cos_beta_0 * math.sin(lambda__diff_s) / (-sin_beta_0 * cos_beta + cos_beta_0 * sin_beta * math.cos(lambda__diff_s))) delta_phi_f, delta_lambda__f = phi - phi_0, lambda_ - lambda__0 delta_phi_r, delta_lambda__r = phi_0 - phi, lambda__0 - lambda_ if not alpha_0: alpha_0 = math.atan(tan_alpha_0) if delta_lambda__f < 0: alpha_0 += 2 * math.pi else: alpha_0 += math.pi if not alpha: alpha = math.atan(tan_alpha) if delta_lambda__r > 0: alpha += math.pi if alpha < 0: alpha += 2 * math.pi kwargs['s'], kwargs['alpha_0'], kwargs['alpha'] = s, alpha_0, alpha return kwargs def __geodetic_azimuth(self, alpha_0=None, alpha=None, alpha_g=None, **kwargs): # Produces geodetic mean azimuth based on forward and back geodetic # azimuths if not missing.any(alpha_0, alpha) and not alpha_g: alpha_g = (alpha_0 + alpha - math.pi) / 2 kwargs['alpha_g'] = alpha_g return kwargs def data(self): return self.params def build(self): self.__build() return
44.697674
80
0.467135
f708bf57521f7d9481aa81d8b11d1bb1fd26633a
2,945
py
Python
form_designer/views.py
LUKKIEN/django-form-designer
009e0870cae19e8570b9a480b6b64aee1dd38dfe
[ "BSD-3-Clause" ]
1
2015-03-03T20:37:07.000Z
2015-03-03T20:37:07.000Z
form_designer/views.py
piquadrat/django-form-designer
5ae7c3b00e538ada23d830d15424b557cac73017
[ "BSD-3-Clause" ]
null
null
null
form_designer/views.py
piquadrat/django-form-designer
5ae7c3b00e538ada23d830d15424b557cac73017
[ "BSD-3-Clause" ]
null
null
null
from django.shortcuts import get_object_or_404, render_to_response from django.template import RequestContext from django.utils.translation import ugettext as _ from django.http import HttpResponseRedirect from django.conf import settings from django.contrib import messages from django.core.context_processors import csrf from form_designer.forms import DesignedForm from form_designer.models import FormDefinition def process_form(request, form_definition, context={}, is_cms_plugin=False): success_message = form_definition.success_message or _('Thank you, the data was submitted successfully.') error_message = form_definition.error_message or _('The data could not be submitted, please try again.') message = None form_error = False form_success = False is_submit = False # If the form has been submitted... if request.method == 'POST' and request.POST.get(form_definition.submit_flag_name): form = DesignedForm(form_definition, None, request.POST) is_submit = True if request.method == 'GET' and request.GET.get(form_definition.submit_flag_name): form = DesignedForm(form_definition, None, request.GET) is_submit = True if is_submit: if form.is_valid(): # Successful submission messages.success(request, success_message) message = success_message form_success = True if form_definition.log_data: form_definition.log(form) if form_definition.mail_to: form_definition.send_mail(form) if form_definition.success_redirect and not is_cms_plugin: # TODO Redirection does not work for cms plugin return HttpResponseRedirect(form_definition.action or '?') if form_definition.success_clear: form = DesignedForm(form_definition) # clear form else: form_error = True messages.error(request, error_message) message = error_message else: if form_definition.allow_get_initial: form = DesignedForm(form_definition, initial_data=request.GET) else: form = DesignedForm(form_definition) context.update({ 'message': message, 'form_error': form_error, 'form_success': form_success, 'form': form, 'form_definition': form_definition }) context.update(csrf(request)) return context def detail(request, object_name): form_definition = get_object_or_404(FormDefinition, name=object_name) result = process_form(request, form_definition) if isinstance(result, HttpResponseRedirect): return result result.update({ 'form_template': form_definition.form_template_name or settings.DEFAULT_FORM_TEMPLATE }) return render_to_response('html/formdefinition/detail.html', result, context_instance=RequestContext(request))
40.902778
109
0.70017
0799e3256784ea29dada581700e35cd483a047d2
80
py
Python
vmaig_blog/uwsgi-2.0.14/plugins/logzmq/uwsgiplugin.py
StanYaha/Blog
3cb38918e14ebe6ce2e2952ef272de116849910d
[ "BSD-3-Clause" ]
1
2018-11-24T16:10:49.000Z
2018-11-24T16:10:49.000Z
vmaig_blog/uwsgi-2.0.14/plugins/logzmq/uwsgiplugin.py
StanYaha/Blog
3cb38918e14ebe6ce2e2952ef272de116849910d
[ "BSD-3-Clause" ]
null
null
null
vmaig_blog/uwsgi-2.0.14/plugins/logzmq/uwsgiplugin.py
StanYaha/Blog
3cb38918e14ebe6ce2e2952ef272de116849910d
[ "BSD-3-Clause" ]
null
null
null
NAME='logzmq' CFLAGS = [] LDFLAGS = [] LIBS = ['-lzmq'] GCC_LIST = ['plugin']
10
21
0.5625
c9e03bfda4d1154d9634c9c81d89259ffeebcdfa
1,178
py
Python
ROAR/agent_module/forward_only_agent.py
RyanC1681/RCAI1122
c9683110b58c255a7a78d880ff73df7ff2329405
[ "Apache-2.0" ]
1
2021-08-03T02:06:51.000Z
2021-08-03T02:06:51.000Z
ROAR/agent_module/forward_only_agent.py
RyanC1681/RCAI1122
c9683110b58c255a7a78d880ff73df7ff2329405
[ "Apache-2.0" ]
1
2021-08-29T20:32:09.000Z
2021-08-29T20:32:09.000Z
ROAR/agent_module/forward_only_agent.py
RyanC1681/RCAI1122
c9683110b58c255a7a78d880ff73df7ff2329405
[ "Apache-2.0" ]
null
null
null
from ROAR.agent_module.agent import Agent from ROAR.utilities_module.data_structures_models import SensorsData from ROAR.utilities_module.vehicle_models import Vehicle, VehicleControl from ROAR.configurations.configuration import Configuration as AgentConfig import cv2 from collections import deque class ForwardOnlyAgent(Agent): def __init__(self, vehicle: Vehicle, agent_settings: AgentConfig, **kwargs): super().__init__(vehicle, agent_settings, **kwargs) self.log = deque(maxlen=100) self.should_brake = False def run_step(self, sensors_data: SensorsData, vehicle: Vehicle) -> VehicleControl: super().run_step(sensors_data=sensors_data, vehicle=vehicle) if self.front_depth_camera.data is not None: cv2.imshow("depth", self.front_depth_camera.data) cv2.waitKey(1) if self.should_brake: return VehicleControl(throttle=-0.1, steering=0) else: if abs(self.vehicle.get_speed(self.vehicle)) > 8: self.should_brake = True return VehicleControl(throttle=-0.1, steering=0) return VehicleControl(throttle=0.4, steering=0)
42.071429
86
0.708829
d4767cb4b55c5b5ec9ab9af9a8893371e88e64f3
2,110
py
Python
supports/pyload/src/pyload/plugins/downloaders/BasketbuildCom.py
LuckyNicky/pycrawler
4b3fe2f6e8e51f236d95a64a89a44199e4e97743
[ "Apache-2.0" ]
1
2020-04-02T17:03:39.000Z
2020-04-02T17:03:39.000Z
supports/pyload/src/pyload/plugins/downloaders/BasketbuildCom.py
LuckyNicky/pycrawler
4b3fe2f6e8e51f236d95a64a89a44199e4e97743
[ "Apache-2.0" ]
null
null
null
supports/pyload/src/pyload/plugins/downloaders/BasketbuildCom.py
LuckyNicky/pycrawler
4b3fe2f6e8e51f236d95a64a89a44199e4e97743
[ "Apache-2.0" ]
null
null
null
# -*- coding: utf-8 -* # # Test links: # https://s.basketbuild.com/filedl/devs?dev=pacman&dl=pacman/falcon/RC-3/pac_falcon-RC-3-20141103.zip # https://s.basketbuild.com/filedl/gapps?dl=gapps-gb-20110828-signed.zip import re from ..base.simple_downloader import SimpleDownloader class BasketbuildCom(SimpleDownloader): __name__ = "BasketbuildCom" __type__ = "downloader" __version__ = "0.08" __status__ = "testing" __pyload_version__ = "0.5" __pattern__ = r"https?://(?:www\.)?(?:\w\.)?basketbuild\.com/filedl/.+" __config__ = [ ("enabled", "bool", "Activated", True), ("use_premium", "bool", "Use premium account if available", True), ("fallback", "bool", "Fallback to free download if premium fails", True), ("chk_filesize", "bool", "Check file size", True), ("max_wait", "int", "Reconnect if waiting time is greater than minutes", 10), ] __description__ = """Basketbuild.com downloader plugin""" __license__ = "GPLv3" __authors__ = [("zapp-brannigan", "fuerst.reinje@web.de")] NAME_PATTERN = r"File Name:</strong> (?P<N>.+?)<br/>" SIZE_PATTERN = r"File Size:</strong> (?P<S>[\d.,]+) (?P<U>[\w^_]+)" OFFLINE_PATTERN = r"404 - Page Not Found" def setup(self): self.multi_dl = True self.resume_download = True self.chunk_limit = 1 def handle_free(self, pyfile): try: link1 = re.search(r'href="(.+dlgate/.+)"', self.data).group(1) self.data = self.load(link1) except AttributeError: self.error(self._("Hop #1 not found")) else: self.log_debug(f"Next hop: {link1}") try: wait = re.search(r"var sec = (\d+)", self.data).group(1) self.log_debug(f"Wait {wait} seconds") self.wait(wait) except AttributeError: self.log_debug("No wait time found") try: self.link = re.search(r'id="dlLink">\s*<a href="(.+?)"', self.data).group(1) except AttributeError: self.error(self._("DL-Link not found"))
31.492537
103
0.591469
bd6fcebeff7379de140730466e503886f646b226
392
py
Python
impacta/wsgi.py
SpaceTheArcher/TecWeb_Azure
e40990f3d64b6918147957000fa458c94c32bfd7
[ "Apache-2.0" ]
null
null
null
impacta/wsgi.py
SpaceTheArcher/TecWeb_Azure
e40990f3d64b6918147957000fa458c94c32bfd7
[ "Apache-2.0" ]
null
null
null
impacta/wsgi.py
SpaceTheArcher/TecWeb_Azure
e40990f3d64b6918147957000fa458c94c32bfd7
[ "Apache-2.0" ]
null
null
null
""" WSGI config for impacta project. It exposes the WSGI callable as a module-level variable named ``application``. For more information on this file, see https://docs.djangoproject.com/en/1.11/howto/deployment/wsgi/ """ import os from django.core.wsgi import get_wsgi_application os.environ.setdefault("DJANGO_SETTINGS_MODULE", "impacta.settings") application = get_wsgi_application()
23.058824
78
0.785714
c7a7c16eee125c8be7b9091e6ed1e831164a383b
10,615
py
Python
xos/synchronizer/pull_steps/pull_olts.py
iecedge/olt-service
0aac847ca228f2c20a2b57c783a414f185a0116c
[ "Apache-2.0" ]
null
null
null
xos/synchronizer/pull_steps/pull_olts.py
iecedge/olt-service
0aac847ca228f2c20a2b57c783a414f185a0116c
[ "Apache-2.0" ]
null
null
null
xos/synchronizer/pull_steps/pull_olts.py
iecedge/olt-service
0aac847ca228f2c20a2b57c783a414f185a0116c
[ "Apache-2.0" ]
null
null
null
# Copyright 2017-present Open Networking Foundation # # 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. from xossynchronizer.pull_steps.pullstep import PullStep from xossynchronizer.modelaccessor import model_accessor, OLTDevice, VOLTService, PONPort, NNIPort from xosconfig import Config from multistructlog import create_logger import requests from requests import ConnectionError from requests.models import InvalidURL import os, sys sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) from helpers import Helpers log = create_logger(Config().get('logging')) class OLTDevicePullStep(PullStep): def __init__(self, model_accessor): super(OLTDevicePullStep, self).__init__(model_accessor=model_accessor, observed_model=OLTDevice) @staticmethod def get_ids_from_logical_device(o): voltha_url = Helpers.get_voltha_info(o.volt_service)['url'] voltha_port = Helpers.get_voltha_info(o.volt_service)['port'] r = requests.get("%s:%s/api/v1/logical_devices" % (voltha_url, voltha_port), timeout=1) if r.status_code != 200: raise Exception("Failed to retrieve logical devices from VOLTHA: %s" % r.text) res = r.json() for ld in res["items"]: if ld["root_device_id"] == o.device_id: o.of_id = ld["id"] o.dp_id = "of:" + Helpers.datapath_id_to_hex(ld["datapath_id"]) # convert to hex # Note: If the device is administratively disabled, then it's likely we won't find a logical device for # it. Only throw the exception for OLTs that are enabled. if not o.of_id and not o.dp_id and o.admin_state == "ENABLED": raise Exception("Can't find a logical device for device id: %s" % o.device_id) def pull_records(self): log.debug("[OLT pull step] pulling OLT devices from VOLTHA") try: self.volt_service = VOLTService.objects.all()[0] except IndexError: log.warn('VOLTService not found') return voltha_url = Helpers.get_voltha_info(self.volt_service)['url'] voltha_port = Helpers.get_voltha_info(self.volt_service)['port'] try: r = requests.get("%s:%s/api/v1/devices" % (voltha_url, voltha_port), timeout=1) if r.status_code != 200: log.debug("[OLT pull step] It was not possible to fetch devices from VOLTHA") # keeping only OLTs devices = [d for d in r.json()["items"] if "olt" in d["type"]] log.trace("[OLT pull step] received devices", olts=devices) olts_in_voltha = self.create_or_update_olts(devices) self.delete_olts(olts_in_voltha) except ConnectionError, e: log.warn("[OLT pull step] It was not possible to connect to VOLTHA", reason=e) return except InvalidURL, e: log.warn("[OLT pull step] VOLTHA url is invalid, is it configured in the VOLTService?", reason=e) return def create_or_update_olts(self, olts): updated_olts = [] for olt in olts: if olt["type"] == "simulated_olt": [host, port] = ["172.17.0.1", "50060"] else: [host, port] = olt["host_and_port"].split(":") olt_ports = self.fetch_olt_ports(olt["id"]) try: model = OLTDevice.objects.filter(device_type=olt["type"], host=host, port=port)[0] log.trace("[OLT pull step] OLTDevice already exists, updating it", device_type=olt["type"], host=host, port=port) if model.enacted < model.updated: log.debug("[OLT pull step] Skipping pull on OLTDevice %s as enacted < updated" % model.name, name=model.name, id=model.id, enacted=model.enacted, updated=model.updated) # if we are not updating the device we still need to pull ports if olt_ports: self.create_or_update_ports(olt_ports, model) updated_olts.append(model) continue except IndexError: model = OLTDevice() model.device_type = olt["type"] if olt["type"] == "simulated_olt": model.host = "172.17.0.1" model.port = 50060 else: [host, port] = olt["host_and_port"].split(":") model.host = host model.port = int(port) # there's no name in voltha, so make one up based on the id model.name = "OLT-%s" % olt["id"] nni_ports = [p for p in olt_ports if "ETHERNET_NNI" in p["type"]] if not nni_ports: log.warning("[OLT pull step] No NNI ports, so no way to determine uplink. Skipping.", device_type=olt["type"], host=host, port=port) continue # Exctract uplink from the first NNI port. This decision is arbitrary, we will worry about multiple # NNI ports when that situation arises. model.uplink = str(nni_ports[0]["port_no"]) # Initial admin_state model.admin_state = olt["admin_state"] log.debug("[OLT pull step] OLTDevice is new, creating it", device_type=olt["type"], host=host, port=port) # Adding feedback state to the device model.device_id = olt["id"] model.oper_status = olt["oper_status"] model.serial_number = olt['serial_number'] model.volt_service = self.volt_service model.volt_service_id = self.volt_service.id # get logical device OLTDevicePullStep.get_ids_from_logical_device(model) model.save() if olt_ports: self.create_or_update_ports(olt_ports, model) updated_olts.append(model) return updated_olts def fetch_olt_ports(self, olt_device_id): """ Given an olt device_id, query voltha for the set of ports associated with that OLT. Returns a list of port dictionaries, or None in case of error. """ voltha_url = Helpers.get_voltha_info(self.volt_service)['url'] voltha_port = Helpers.get_voltha_info(self.volt_service)['port'] try: r = requests.get("%s:%s/api/v1/devices/%s/ports" % (voltha_url, voltha_port, olt_device_id), timeout=1) if r.status_code != 200: log.warn("[OLT pull step] It was not possible to fetch ports from VOLTHA for device %s" % olt_device_id, status_code=r.status_code) return None ports = r.json()['items'] log.trace("[OLT pull step] received ports", ports=ports, olt=olt_device_id) return ports except ConnectionError, e: log.warn("[OLT pull step] It was not possible to connect to VOLTHA", reason=e) return None except InvalidURL, e: log.warn("[OLT pull step] VOLTHA url is invalid, is it configured in the VOLTService?", reason=e) return None return None def create_or_update_ports(self, ports, olt): nni_ports = [p for p in ports if "ETHERNET_NNI" in p["type"]] pon_ports = [p for p in ports if "PON_OLT" in p["type"]] self.create_or_update_nni_port(nni_ports, olt) self.create_or_update_pon_port(pon_ports, olt) def create_or_update_pon_port(self, pon_ports, olt): update_ports = [] for port in pon_ports: try: model = PONPort.objects.filter(port_no=port["port_no"], olt_device_id=olt.id)[0] log.trace("[OLT pull step] PONPort already exists, updating it", port_no=port["port_no"], olt_device_id=olt.id) except IndexError: model = PONPort() model.port_no = port["port_no"] model.olt_device_id = olt.id model.name = port["label"] log.debug("[OLT pull step] PONPort is new, creating it", port_no=port["port_no"], olt_device_id=olt.id) model.admin_state = port["admin_state"] model.oper_status = port["oper_status"] model.save() update_ports.append(model) return update_ports def create_or_update_nni_port(self, nni_ports, olt): update_ports = [] for port in nni_ports: try: model = NNIPort.objects.filter(port_no=port["port_no"], olt_device_id=olt.id)[0] model.xos_managed = False log.trace("[OLT pull step] NNIPort already exists, updating it", port_no=port["port_no"], olt_device_id=olt.id) except IndexError: model = NNIPort() model.port_no = port["port_no"] model.olt_device_id = olt.id model.name = port["label"] model.xos_managed = False log.debug("[OLT pull step] NNIPort is new, creating it", port_no=port["port_no"], olt_device_id=olt.id) model.admin_state = port["admin_state"] model.oper_status = port["oper_status"] model.save() update_ports.append(model) return update_ports def delete_olts(self, olts_in_voltha): olts_id_in_voltha = [m.device_id for m in olts_in_voltha] xos_olts = OLTDevice.objects.all() deleted_in_voltha = [o for o in xos_olts if o.device_id not in olts_id_in_voltha] for model in deleted_in_voltha: if model.enacted < model.updated: # DO NOT delete a model that is being processed log.debug("[OLT pull step] device is not present in VOLTHA, skipping deletion as sync is in progress", device_id=o.device_id, name=o.name) continue log.debug("[OLT pull step] deleting device as it's not present in VOLTHA", device_id=o.device_id, name=o.name) model.delete()
39.460967
188
0.608573
4ce9ebcc2d3ca0f25744d8eb4d87e190bf471c07
11,183
py
Python
scirpy/_tools/_clonotype_imbalance.py
zktuong/scirpy
f0599abecc93c7db9ae1b0db268018d534ffe6da
[ "BSD-3-Clause" ]
null
null
null
scirpy/_tools/_clonotype_imbalance.py
zktuong/scirpy
f0599abecc93c7db9ae1b0db268018d534ffe6da
[ "BSD-3-Clause" ]
1
2022-01-29T03:41:32.000Z
2022-01-29T03:41:32.000Z
scirpy/_tools/_clonotype_imbalance.py
zktuong/scirpy
f0599abecc93c7db9ae1b0db268018d534ffe6da
[ "BSD-3-Clause" ]
null
null
null
from anndata import AnnData from typing import Union, Tuple, List, Sequence from scipy.stats import fisher_exact import numpy as np import pandas as pd import scanpy as sc from ._repertoire_overlap import repertoire_overlap from ..io._util import _check_upgrade_schema @_check_upgrade_schema() def clonotype_imbalance( adata: AnnData, replicate_col: str, groupby: str, case_label: str, *, control_label: Union[None, str] = None, target_col: str = "clone_id", additional_hue: Union[None, str, bool] = None, fraction: Union[None, str, bool] = None, inplace: bool = True, overlap_key: Union[None, str] = None, key_added: str = "clonotype_imbalance", ) -> Union[None, Tuple[pd.DataFrame, pd.DataFrame]]: """Aims to find clonotypes that are the most enriched or depleted in a category. Uses Fischer's exact test to rank clonotypes. Depends on execution of :func:`scirpy.tl.repertoire_overlap`. Adds two dataframes (abundance of clonotypes per sample; pval and logFC for clonotypes) to `uns` .. warning:: This is an experimental function and will likely change in the future. Parameters ---------- adata AnnData object to work on. replicate_col Column with batch or sample labels. groupby The column containing categories that we want to compare and find imbalance between case_label The label in `groupby` column that we want to compare. control_label The label in `groupby` column that we use as a baseline for comparison. If not set (None by default), all labels that are not equal to `case_label` make up the baseline. target_col The clusters (clonotypes by default) that are imbalanced. additional_hue An additional grouping factor. If the `case_label` was tumor for example, this could help make a distinction between imbalance in lung and colorectal tumors. fraction If `True`, compute fractions of abundances relative to the `groupby` column rather than reporting abosolute numbers. Alternatively, a column name can be provided according to that the values will be normalized or an iterable providing cell weights directly. Setting it to `False` or `None` assigns equal weight to all cells. inplace Whether results should be added to `uns` or returned directly. overlap_key Under what key should the repertoire overlap results be looked up in `uns`. By default it is None to ensure that the overlap tool is executed with the right parameters. key_added Results will be added to `uns` under this key. Returns ------- Two dataframes: abundance of clonotypes per sample; pval and logFC for clonotypes. """ # Retrieve clonotype presence matrix if overlap_key is None: sc.logging.warning( "Clonotype imbalance calculation depends on repertoire overlap. We could not detect any" " previous runs of repertoire_overlap, so the tool is running now..." ) clonotype_presence, dM, lM = repertoire_overlap( adata, groupby=replicate_col, target_col=target_col, fraction=fraction, inplace=False, ) else: try: clonotype_presence = adata.uns[overlap_key]["weighted"] except KeyError: raise KeyError( "Clonotype imbalance calculation depends on repertoire overlap, but the key" " you specified does not belong to a previous run of that tool." ) global_minimum = clonotype_presence.min().min() / clonotype_presence.shape[0] global_minimum = global_minimum * 0.01 # Create a series of case-control groups for comparison case_control_groups = _create_case_control_groups( adata.obs, replicate_col, groupby, additional_hue, case_label, control_label ) # Compare groups with Fischer's test clt_freq, clt_stats = [], [] if control_label is None: control_label = "Background" for hue, cases, controls, ncase, ncontrol in case_control_groups: if hue is None: hue = "All" tdf1 = clonotype_presence.loc[ cases, ] tdf2 = clonotype_presence.loc[ controls, ] suspects = set( tdf1.loc[:, tdf1.sum() > 0].columns.values.tolist() + tdf2.loc[:, tdf2.sum() > 0].columns.values.tolist() ) for suspect in suspects: p, logfoldchange, rel_case_sizes, rel_control_sizes = _calculate_imbalance( tdf1[suspect], tdf2[suspect], ncase, ncontrol, global_minimum ) clt_stats.append([suspect, p, -np.log10(p), logfoldchange]) clt_freq = _extend_clt_freq( clt_freq, suspect, hue, case_label, control_label, rel_case_sizes, rel_control_sizes, ) # Convert records to data frames clt_freq = pd.DataFrame.from_records( clt_freq, columns=[ target_col, additional_hue, groupby, replicate_col, "Normalized abundance", ], ) clt_stats = pd.DataFrame.from_records( clt_stats, columns=[target_col, "pValue", "logpValue", "logFC"] ) clt_stats = clt_stats.sort_values(by="pValue") if inplace: # Store calculated data adata.uns[key_added] = {"abundance": clt_freq, "pvalues": clt_stats} return else: return clt_freq, clt_stats def _create_case_control_groups( df: pd.DataFrame, replicate_col: str, groupby: str, additional_hue: Union[None, str, bool], case_label: str, control_label: Union[None, str], ) -> List: """Creates groups for comparison. Parameters ---------- df A pandas dataframe with all the columns we will use for grouping. replicate_col Column with batch or sample labels. groupby The column containing categories that we want to compare and find imbalance between additional_hue An additional grouping factor. If the `case_label` was tumor for example, this could help make a distinction between imbalance in lung and colorectal tumors. case_label The label in `groupby` column that we want to compare. control_label The label in `groupby` column that we use as a baseline for comparison. If not set (None by default), all labels that are not equal to `case_label` make up the baseline. target_col The clusters (clonotypes by default) that are imbalanced. Returns ------- A list, where each item consist of a hue, list of cases, list of controls, number of cases, number of controls. """ case_control_groups = [] group_cols = [groupby, replicate_col] if additional_hue is None: hues = [None] else: group_cols.append(additional_hue) hues = df[additional_hue].unique() df = df.groupby(group_cols, observed=True).agg("size").reset_index() for hue in hues: if hue is None: tdf = df else: tdf = df.loc[df[additional_hue] == hue, :] cases = tdf.loc[df[groupby] == case_label, :] ncase = cases[0] cases = cases[replicate_col] if control_label is None: controls = tdf.loc[df[groupby] != case_label, :] else: controls = tdf.loc[df[groupby] == control_label, :] ncontrol = controls[0] controls = controls[replicate_col] case_control_groups.append([hue, cases, controls, ncase, ncontrol]) return case_control_groups def _calculate_imbalance( case_sizes: Union[np.ndarray, pd.Series], control_sizes: Union[np.ndarray, pd.Series], ncase: Sequence, ncontrol: Sequence, global_minimum: float, ) -> Tuple[float, float, np.ndarray, np.ndarray]: """Calculate statistics for the probability of an imbalance in the contingency table among two groups. Parameters ---------- case_sizes An iterable of sizes (conts or normalized counts) in a given group for each replicates. control_sizes An iterable of sizes (conts or normalized counts) in the control group for each replicates. ncase Total size (all counts or sum of normalized counts) of a given group for each replicates. ncontrol Total size (all counts or sum of normalized counts) of the control group for each replicates. global_minimum Virtual residual value to avoid zero divisions. Typically, it is 1% of the minimum of the whole clonotype abundance table without zero values. Returns ------- The p-value of a Fischers exact test and a logFoldChange of the case frequency compared to the control frequency and the relative sizes for case and control groups. """ rel_case_sizes = case_sizes / np.array(ncase) rel_control_sizes = control_sizes / np.array(ncontrol) case_mean_freq = np.mean((case_sizes) / np.array(ncase)) case_presence = case_sizes.sum() case_absence = ncase.sum() - case_presence if case_absence < 0: case_absence = 0 control_mean_freq = np.mean((control_sizes) / np.array(ncontrol)) control_presence = control_sizes.sum() control_absence = ncontrol.sum() - control_presence if control_absence < 0: control_absence = 0 oddsratio, p = fisher_exact( [[case_presence, control_presence], [case_absence, control_absence]] ) logfoldchange = np.log2( (case_mean_freq + global_minimum) / (control_mean_freq + global_minimum) ) return p, logfoldchange, rel_case_sizes, rel_control_sizes def _extend_clt_freq( clt_freq: List, suspect: str, hue: str, case_label: str, control_label: str, rel_case_sizes: pd.Series, rel_control_sizes: pd.Series, ) -> List: """Adds case and control frequencies to a summary list resembling the long data format. Parameters ---------- clt_freq A list of records to be extended. suspect Label for the clonotype tested. hue label for hue (subgrouping factor). case_label Label for cases. control_label Label for controls. rel_cases_sizes Pandas series of case frequencies that should be added to thelist one-by-one. rel_control_sizes Pandas series of control frequencies that should be added to thelist one-by-one. Returns ------- The extended list, where each item is a tuple of the tested clonotype, hue label, group label, replicate name, group size (frequency). """ for e in rel_case_sizes.index.values: clt_freq.append((suspect, hue, case_label, e, rel_case_sizes.loc[e].mean())) for e in rel_control_sizes.index.values: clt_freq.append( (suspect, hue, control_label, e, rel_control_sizes.loc[e].mean()) ) return clt_freq
34.838006
100
0.652687
e6a27f502aa22bc6fae3952e87db626abc9d9474
7,691
py
Python
fffw/encoding/inputs.py
tumb1er/fffw
6e0e51c22aecfdb12044ef51521857a790c1fc16
[ "MIT" ]
4
2020-10-30T03:16:57.000Z
2021-09-13T12:55:27.000Z
fffw/encoding/inputs.py
tumb1er/fffw
6e0e51c22aecfdb12044ef51521857a790c1fc16
[ "MIT" ]
108
2020-02-09T07:55:09.000Z
2022-03-28T00:54:19.000Z
fffw/encoding/inputs.py
tumb1er/fffw
6e0e51c22aecfdb12044ef51521857a790c1fc16
[ "MIT" ]
3
2020-02-09T07:51:28.000Z
2021-02-17T16:29:19.000Z
from dataclasses import dataclass from typing import Optional, List, Tuple, cast, Iterable, Union, Any from fffw.encoding import filters, outputs from fffw.graph import base from fffw.graph.meta import * from fffw.wrapper import BaseWrapper, param __all__ = [ 'Input', 'InputList', 'Stream', 'input_file', ] class Stream(base.Source): """ Video or audio stream in input file.""" source = cast("Input", base.Once('source')) """ Source file that contains current stream.""" index = cast(int, base.Once('index')) """ Index of current stream in source file.""" def __init__(self, kind: StreamType, meta: Optional[Meta] = None): """ :param kind: stream kind, video or audio :param meta: stream metadata """ super().__init__(kind=kind, meta=meta) @property def name(self) -> str: if self.index == 0: return f'{self.source.index}:{self._kind.value}' return f'{self.source.index}:{self._kind.value}:{self.index}' def split(self, count: int = 1) -> List[filters.Filter]: """ Splits input stream to reuse it as input node for multiple output nodes. >>> from fffw.graph import meta >>> stream = Stream(meta.VIDEO) >>> s1, s2 = stream.split(2) >>> s1 | filters.Scale(1280, 720) >>> s2 | filters.Scale(640, 360) """ split = filters.Split(self.kind, output_count=count) self.connect_dest(split) return [split] * count def connect_input(self, source: str) -> None: """ Marks current stream metadata that it belongs to some input file. :param source: source filename """ if self.meta is None: return if self.meta.streams: return self.meta.streams = [source] for scene in self.meta.scenes: scene.stream = source def default_streams() -> Tuple[Stream, ...]: """ Generates default streams definition for input file :returns: a tuple with one video and one audio stream. """ return Stream(VIDEO), Stream(AUDIO) class FFMPEGIndexDescriptor(base.Once): """ Input index descriptor. When an input is added to a FFMPEG instance, it receives an index. This index is used to identify streams in filter graph and in metadata. """ def __set__(self, instance: base.Obj, value: Any) -> None: super().__set__(instance, value) if not isinstance(instance, Input): # pragma: no cover # We can't seal instance type, but restrict using descriptor only # with Input subclasses. raise TypeError(instance) instance.connect_streams() @dataclass class Input(BaseWrapper): # noinspection PyUnresolvedReferences """ Input command line params generator for FFMPEG. :arg fast_seek: seek input file over key frames :arg input_file: input file name :arg slow_seek: perform whole file decoding and output frames only from offset to end of file. :arg duration: stop decoding frames after an interval """ index = FFMPEGIndexDescriptor("index") """ Internal ffmpeg source file index.""" streams: Tuple[Stream, ...] = param(default=default_streams, skip=True) """ List of audio and video streams for input file.""" hardware: str = param(name='hwaccel') device: str = param(name='hwaccel_device') output_format: str = param(name='hwaccel_output_format') fast_seek: Union[TS, float, int] = param(name='ss') duration: Union[TS, float, int] = param(name='t') input_file: str = param(name='i') slow_seek: Union[TS, float, int] = param(name='ss') def __post_init__(self) -> None: """ Enumerate streams in input file and freeze instance. """ self.__link_streams_to_input() super().__post_init__() def __or__(self, other: filters.Filter) -> filters.Filter: """ Connect first available stream to a filter. """ if not isinstance(other, filters.Filter): return NotImplemented return self.get_stream(other.kind) | other def __gt__(self, other: outputs.Codec) -> outputs.Codec: """ Connect first available stream to a codec. """ if not isinstance(other, outputs.Codec): return NotImplemented return self.get_stream(other.kind) > other def __link_streams_to_input(self) -> None: """ Add a link to self to input streams and enumerate streams to get proper stream index for input. """ video_streams = 0 audio_streams = 0 if self.streams is None: raise RuntimeError("Streams not initialized") for stream in self.streams: if stream.kind == VIDEO: meta: Optional[VideoMeta] = getattr(stream, 'meta', None) if self.hardware and self.device and meta: meta.device = Device(hardware=self.hardware, name=self.device) stream.index = video_streams video_streams += 1 elif stream.kind == AUDIO: stream.index = audio_streams audio_streams += 1 else: raise ValueError(stream.kind) stream.source = self @property def audio(self) -> Stream: return self.get_stream(AUDIO) @property def video(self) -> Stream: return self.get_stream(VIDEO) def get_stream(self, kind: StreamType) -> Stream: """ :param kind: desired stream kind :return: first available stream of desired kind :raises KeyError: if no streams of this kind found. """ for stream in self.streams: if stream.kind == kind: return stream raise KeyError(kind) def connect_streams(self) -> None: """ Sets a unique source identifier for each stream metadata in input. """ identity = f'{self.input_file}#{self.index}' for stream in self.streams: stream.connect_input(identity) def input_file(filename: str, *streams: Stream, **kwargs: Any) -> Input: kwargs['input_file'] = filename if streams: # skip empty streams list to force Input.streams default_factory kwargs['streams'] = streams return Input(**kwargs) class InputList(list): """ List of inputs in FFMPEG.""" def __init__(self, sources: Iterable[Input] = ()) -> None: """ :param sources: list of input files """ super().__init__() self.extend(sources) @property def streams(self) -> List[Stream]: result: List[Stream] = [] for source in self: if source.streams is None: raise RuntimeError("Source streams not initialized") result.extend(source.streams) return result def append(self, source: Input) -> None: """ Adds new source file to input list. :param source: input file """ source.index = len(self) super().append(source) def extend(self, sources: Iterable[Input]) -> None: """ Adds multiple source files to input list. :param sources: list of input files """ for i, source in enumerate(sources, start=len(self)): source.index = i super().extend(sources) def get_args(self) -> List[bytes]: result: List[bytes] = [] for source in self: result.extend(source.get_args()) return result
31.520492
80
0.600442
8425ce18f3f59128fcf9a72d2a6589fa85719702
4,841
py
Python
databricks/koalas/missing/frame.py
AishwaryaKalloli/koalas
8d35a74508c1319996c8c27e2a5e24af52b9ee31
[ "Apache-2.0" ]
null
null
null
databricks/koalas/missing/frame.py
AishwaryaKalloli/koalas
8d35a74508c1319996c8c27e2a5e24af52b9ee31
[ "Apache-2.0" ]
null
null
null
databricks/koalas/missing/frame.py
AishwaryaKalloli/koalas
8d35a74508c1319996c8c27e2a5e24af52b9ee31
[ "Apache-2.0" ]
null
null
null
# # Copyright (C) 2019 Databricks, Inc. # # 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. # from distutils.version import LooseVersion import pandas as pd from databricks.koalas.missing import unsupported_function, unsupported_property, common def _unsupported_function(method_name, deprecated=False, reason=""): return unsupported_function( class_name="pd.DataFrame", method_name=method_name, deprecated=deprecated, reason=reason ) def _unsupported_property(property_name, deprecated=False, reason=""): return unsupported_property( class_name="pd.DataFrame", property_name=property_name, deprecated=deprecated, reason=reason ) class _MissingPandasLikeDataFrame(object): # Functions align = _unsupported_function("align") asfreq = _unsupported_function("asfreq") asof = _unsupported_function("asof") at_time = _unsupported_function("at_time") between_time = _unsupported_function("between_time") boxplot = _unsupported_function("boxplot") combine = _unsupported_function("combine") combine_first = _unsupported_function("combine_first") compare = _unsupported_function("compare") convert_dtypes = _unsupported_function("convert_dtypes") corrwith = _unsupported_function("corrwith") cov = _unsupported_function("cov") dot = _unsupported_function("dot") ewm = _unsupported_function("ewm") first = _unsupported_function("first") infer_objects = _unsupported_function("infer_objects") insert = _unsupported_function("insert") interpolate = _unsupported_function("interpolate") itertuples = _unsupported_function("itertuples") last = _unsupported_function("last") lookup = _unsupported_function("lookup") mode = _unsupported_function("mode") reorder_levels = _unsupported_function("reorder_levels") resample = _unsupported_function("resample") sem = _unsupported_function("sem") set_axis = _unsupported_function("set_axis") slice_shift = _unsupported_function("slice_shift") swapaxes = _unsupported_function("swapaxes") to_feather = _unsupported_function("to_feather") to_gbq = _unsupported_function("to_gbq") to_hdf = _unsupported_function("to_hdf") to_period = _unsupported_function("to_period") to_sql = _unsupported_function("to_sql") to_stata = _unsupported_function("to_stata") to_timestamp = _unsupported_function("to_timestamp") tshift = _unsupported_function("tshift") tz_convert = _unsupported_function("tz_convert") tz_localize = _unsupported_function("tz_localize") # Deprecated functions convert_objects = _unsupported_function("convert_objects", deprecated=True) select = _unsupported_function("select", deprecated=True) to_panel = _unsupported_function("to_panel", deprecated=True) get_values = _unsupported_function("get_values", deprecated=True) compound = _unsupported_function("compound", deprecated=True) reindex_axis = _unsupported_function("reindex_axis", deprecated=True) # Functions we won't support. to_pickle = common.to_pickle(_unsupported_function) memory_usage = common.memory_usage(_unsupported_function) to_xarray = common.to_xarray(_unsupported_function) if LooseVersion(pd.__version__) < LooseVersion("1.0"): # Deprecated properties blocks = _unsupported_property("blocks", deprecated=True) ftypes = _unsupported_property("ftypes", deprecated=True) is_copy = _unsupported_property("is_copy", deprecated=True) ix = _unsupported_property("ix", deprecated=True) # Deprecated functions as_blocks = _unsupported_function("as_blocks", deprecated=True) as_matrix = _unsupported_function("as_matrix", deprecated=True) clip_lower = _unsupported_function("clip_lower", deprecated=True) clip_upper = _unsupported_function("clip_upper", deprecated=True) get_ftype_counts = _unsupported_function("get_ftype_counts", deprecated=True) get_value = _unsupported_function("get_value", deprecated=True) set_value = _unsupported_function("set_value", deprecated=True) to_dense = _unsupported_function("to_dense", deprecated=True) to_sparse = _unsupported_function("to_sparse", deprecated=True) to_msgpack = _unsupported_function("to_msgpack", deprecated=True)
44.824074
100
0.75377
f4b6c02dcfbc548455114275361d86af69bfc3c2
8,207
py
Python
dynamixel_controllers/dynamixel_controllers/joint_torque_controller.py
hirokiyokoyama/dynamixel_motor
00e523faf4d15542e3efb6828b588298c478930a
[ "BSD-3-Clause" ]
null
null
null
dynamixel_controllers/dynamixel_controllers/joint_torque_controller.py
hirokiyokoyama/dynamixel_motor
00e523faf4d15542e3efb6828b588298c478930a
[ "BSD-3-Clause" ]
null
null
null
dynamixel_controllers/dynamixel_controllers/joint_torque_controller.py
hirokiyokoyama/dynamixel_motor
00e523faf4d15542e3efb6828b588298c478930a
[ "BSD-3-Clause" ]
null
null
null
# -*- coding: utf-8 -*- # # Software License Agreement (BSD License) # # Copyright (c) 2010-2011, Antons Rebguns. # All rights reserved. # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions # are met: # # * Redistributions of source code must retain the above copyright # notice, this list of conditions and the following disclaimer. # * Redistributions in binary form must reproduce the above # copyright notice, this list of conditions and the following # disclaimer in the documentation and/or other materials provided # with the distribution. # * Neither the name of University of Arizona nor the names of its # contributors may be used to endorse or promote products derived # from this software without specific prior written permission. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS # "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT # LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS # FOR A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE # COPYRIGHT OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, # INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, # BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; # LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER # CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT # LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN # ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE # POSSIBILITY OF SUCH DAMAGE. from __future__ import division __author__ = 'Antons Rebguns' __copyright__ = 'Copyright (c) 2010-2011 Antons Rebguns' __credits__ = 'Cody Jorgensen' __license__ = 'BSD' __maintainer__ = 'Antons Rebguns' __email__ = 'anton@email.arizona.edu' import rclpy import rclpy.time from dynamixel_driver.dynamixel_const import * from dynamixel_controllers.joint_controller import JointController from dynamixel_msgs.msg import JointState from std_msgs.msg import Float64 class JointTorqueController(JointController): def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) self.motor_id = self.declare_parameter('motor.id').value self.initial_position_raw = self.declare_parameter('motor.init').value self.min_angle_raw = self.declare_parameter('motor.min').value self.max_angle_raw = self.declare_parameter('motor.max').value self.flipped = self.min_angle_raw > self.max_angle_raw self.last_commanded_torque = 0.0 self.joint_state = JointState(name=self.joint_name, motor_ids=[self.motor_id]) def initialize(self): # verify that the expected motor is connected and responding available_ids = self.get_dynamixel_parameter('connected_ids', []) if not self.motor_id in available_ids: self.get_logger().warning('The specified motor id is not connected and responding.') self.get_logger_warning('Available ids: %s' % str(available_ids)) self.get_logger.warning('Specified id: %d' % self.motor_id) return False self.RADIANS_PER_ENCODER_TICK = self.get_dynamixel_parameter('%d.radians_per_encoder_tick' % self.motor_id) self.ENCODER_TICKS_PER_RADIAN = self.get_dynamixel_parameter('%d.encoder_ticks_per_radian' % self.motor_id) if self.flipped: self.min_angle = (self.initial_position_raw - self.min_angle_raw) * self.RADIANS_PER_ENCODER_TICK self.max_angle = (self.initial_position_raw - self.max_angle_raw) * self.RADIANS_PER_ENCODER_TICK else: self.min_angle = (self.min_angle_raw - self.initial_position_raw) * self.RADIANS_PER_ENCODER_TICK self.max_angle = (self.max_angle_raw - self.initial_position_raw) * self.RADIANS_PER_ENCODER_TICK self.ENCODER_RESOLUTION = self.get_dynamixel_parameter('%d.encoder_resolution' % self.motor_id) self.MAX_POSITION = self.ENCODER_RESOLUTION - 1 self.VELOCITY_PER_TICK = self.get_dynamixel_parameter('%d.radians_second_per_encoder_tick' % self.motor_id) self.MAX_VELOCITY = self.get_dynamixel_parameter('%d.max_velocity' % self.motor_id) self.MIN_VELOCITY = self.VELOCITY_PER_TICK if self.compliance_slope is not None: self.set_compliance_slope(self.compliance_slope) if self.compliance_margin is not None: self.set_compliance_margin(self.compliance_margin) if self.compliance_punch is not None: self.set_compliance_punch(self.compliance_punch) if self.torque_limit is not None: self.set_torque_limit(self.torque_limit) self.joint_max_speed = self.declare_parameter('joint_max_speed', self.MAX_VELOCITY).value if self.joint_max_speed < self.MIN_VELOCITY: self.joint_max_speed = self.MIN_VELOCITY elif self.joint_max_speed > self.MAX_VELOCITY: self.joint_max_speed = self.MAX_VELOCITY if self.joint_speed < self.MIN_VELOCITY: self.joint_speed = self.MIN_VELOCITY elif self.joint_speed > self.joint_max_speed: self.joint_speed = self.joint_max_speed self.set_speed(0.0) return True def spd_rad_to_raw(self, spd_rad): if spd_rad < -self.joint_max_speed: spd_rad = -self.joint_max_speed elif spd_rad > self.joint_max_speed: spd_rad = self.joint_max_speed self.last_commanded_torque = spd_rad return int(round(spd_rad / self.VELOCITY_PER_TICK)) def set_torque_enable(self, torque_enable): mcv = (self.motor_id, torque_enable) self.dxl_io.set_multi_torque_enabled([mcv]) def set_speed(self, speed): mcv = (self.motor_id, self.spd_rad_to_raw(speed)) self.dxl_io.set_multi_speed([mcv]) def set_compliance_slope(self, slope): if slope < DXL_MIN_COMPLIANCE_SLOPE: slope = DXL_MIN_COMPLIANCE_SLOPE elif slope > DXL_MAX_COMPLIANCE_SLOPE: slope = DXL_MAX_COMPLIANCE_SLOPE mcv = (self.motor_id, slope, slope) self.dxl_io.set_multi_compliance_slopes([mcv]) def set_compliance_margin(self, margin): if margin < DXL_MIN_COMPLIANCE_MARGIN: margin = DXL_MIN_COMPLIANCE_MARGIN elif margin > DXL_MAX_COMPLIANCE_MARGIN: margin = DXL_MAX_COMPLIANCE_MARGIN else: margin = int(margin) mcv = (self.motor_id, margin, margin) self.dxl_io.set_multi_compliance_margins([mcv]) def set_compliance_punch(self, punch): if punch < DXL_MIN_PUNCH: punch = DXL_MIN_PUNCH elif punch > DXL_MAX_PUNCH: punch = DXL_MAX_PUNCH else: punch = int(punch) mcv = (self.motor_id, punch) self.dxl_io.set_multi_punch([mcv]) def set_torque_limit(self, max_torque): if max_torque > 1: max_torque = 1.0 # use all torque motor can provide elif max_torque < 0: max_torque = 0.0 # turn off motor torque raw_torque_val = int(DXL_MAX_TORQUE_TICK * max_torque) mcv = (self.motor_id, raw_torque_val) self.dxl_io.set_multi_torque_limit([mcv]) def process_motor_states(self, state_list): if self.running: state = list(filter(lambda state: state.id == self.motor_id, state_list.motor_states)) if state: state = state[0] self.joint_state.motor_temps = [state.temperature] self.joint_state.goal_pos = self.last_commanded_torque self.joint_state.current_pos = self.raw_to_rad(state.position, self.initial_position_raw, self.flipped, self.RADIANS_PER_ENCODER_TICK) self.joint_state.error = 0.0 self.joint_state.velocity = state.speed * self.VELOCITY_PER_TICK self.joint_state.load = state.load self.joint_state.is_moving = state.moving self.joint_state.header.stamp = rclpy.time.Time(seconds=state.timestamp).to_msg() self.joint_state_pub.publish(self.joint_state) def process_command(self, msg): self.set_speed(msg.data)
47.439306
150
0.7111
2d2f5624cc71de8d3a4cd5845f1377bb50484b37
6,235
py
Python
azure-mgmt-network/azure/mgmt/network/v2018_12_01/models/subnet.py
JonathanGailliez/azure-sdk-for-python
f0f051bfd27f8ea512aea6fc0c3212ee9ee0029b
[ "MIT" ]
1
2021-09-07T18:36:04.000Z
2021-09-07T18:36:04.000Z
azure-mgmt-network/azure/mgmt/network/v2018_12_01/models/subnet.py
JonathanGailliez/azure-sdk-for-python
f0f051bfd27f8ea512aea6fc0c3212ee9ee0029b
[ "MIT" ]
2
2019-10-02T23:37:38.000Z
2020-10-02T01:17:31.000Z
azure-mgmt-network/azure/mgmt/network/v2018_12_01/models/subnet.py
JonathanGailliez/azure-sdk-for-python
f0f051bfd27f8ea512aea6fc0c3212ee9ee0029b
[ "MIT" ]
null
null
null
# coding=utf-8 # -------------------------------------------------------------------------- # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. See License.txt in the project root for # license information. # # Code generated by Microsoft (R) AutoRest Code Generator. # Changes may cause incorrect behavior and will be lost if the code is # regenerated. # -------------------------------------------------------------------------- from .sub_resource import SubResource class Subnet(SubResource): """Subnet in a virtual network resource. Variables are only populated by the server, and will be ignored when sending a request. :param id: Resource ID. :type id: str :param address_prefix: The address prefix for the subnet. :type address_prefix: str :param address_prefixes: List of address prefixes for the subnet. :type address_prefixes: list[str] :param network_security_group: The reference of the NetworkSecurityGroup resource. :type network_security_group: ~azure.mgmt.network.v2018_12_01.models.NetworkSecurityGroup :param route_table: The reference of the RouteTable resource. :type route_table: ~azure.mgmt.network.v2018_12_01.models.RouteTable :param service_endpoints: An array of service endpoints. :type service_endpoints: list[~azure.mgmt.network.v2018_12_01.models.ServiceEndpointPropertiesFormat] :param service_endpoint_policies: An array of service endpoint policies. :type service_endpoint_policies: list[~azure.mgmt.network.v2018_12_01.models.ServiceEndpointPolicy] :ivar interface_endpoints: An array of references to interface endpoints :vartype interface_endpoints: list[~azure.mgmt.network.v2018_12_01.models.InterfaceEndpoint] :ivar ip_configurations: Gets an array of references to the network interface IP configurations using subnet. :vartype ip_configurations: list[~azure.mgmt.network.v2018_12_01.models.IPConfiguration] :ivar ip_configuration_profiles: Array of IP configuration profiles which reference this subnet. :vartype ip_configuration_profiles: list[~azure.mgmt.network.v2018_12_01.models.IPConfigurationProfile] :param resource_navigation_links: Gets an array of references to the external resources using subnet. :type resource_navigation_links: list[~azure.mgmt.network.v2018_12_01.models.ResourceNavigationLink] :param service_association_links: Gets an array of references to services injecting into this subnet. :type service_association_links: list[~azure.mgmt.network.v2018_12_01.models.ServiceAssociationLink] :param delegations: Gets an array of references to the delegations on the subnet. :type delegations: list[~azure.mgmt.network.v2018_12_01.models.Delegation] :ivar purpose: A read-only string identifying the intention of use for this subnet based on delegations and other user-defined properties. :vartype purpose: str :param provisioning_state: The provisioning state of the resource. :type provisioning_state: str :param name: The name of the resource that is unique within a resource group. This name can be used to access the resource. :type name: str :param etag: A unique read-only string that changes whenever the resource is updated. :type etag: str """ _validation = { 'interface_endpoints': {'readonly': True}, 'ip_configurations': {'readonly': True}, 'ip_configuration_profiles': {'readonly': True}, 'purpose': {'readonly': True}, } _attribute_map = { 'id': {'key': 'id', 'type': 'str'}, 'address_prefix': {'key': 'properties.addressPrefix', 'type': 'str'}, 'address_prefixes': {'key': 'properties.addressPrefixes', 'type': '[str]'}, 'network_security_group': {'key': 'properties.networkSecurityGroup', 'type': 'NetworkSecurityGroup'}, 'route_table': {'key': 'properties.routeTable', 'type': 'RouteTable'}, 'service_endpoints': {'key': 'properties.serviceEndpoints', 'type': '[ServiceEndpointPropertiesFormat]'}, 'service_endpoint_policies': {'key': 'properties.serviceEndpointPolicies', 'type': '[ServiceEndpointPolicy]'}, 'interface_endpoints': {'key': 'properties.interfaceEndpoints', 'type': '[InterfaceEndpoint]'}, 'ip_configurations': {'key': 'properties.ipConfigurations', 'type': '[IPConfiguration]'}, 'ip_configuration_profiles': {'key': 'properties.ipConfigurationProfiles', 'type': '[IPConfigurationProfile]'}, 'resource_navigation_links': {'key': 'properties.resourceNavigationLinks', 'type': '[ResourceNavigationLink]'}, 'service_association_links': {'key': 'properties.serviceAssociationLinks', 'type': '[ServiceAssociationLink]'}, 'delegations': {'key': 'properties.delegations', 'type': '[Delegation]'}, 'purpose': {'key': 'properties.purpose', 'type': 'str'}, 'provisioning_state': {'key': 'properties.provisioningState', 'type': 'str'}, 'name': {'key': 'name', 'type': 'str'}, 'etag': {'key': 'etag', 'type': 'str'}, } def __init__(self, **kwargs): super(Subnet, self).__init__(**kwargs) self.address_prefix = kwargs.get('address_prefix', None) self.address_prefixes = kwargs.get('address_prefixes', None) self.network_security_group = kwargs.get('network_security_group', None) self.route_table = kwargs.get('route_table', None) self.service_endpoints = kwargs.get('service_endpoints', None) self.service_endpoint_policies = kwargs.get('service_endpoint_policies', None) self.interface_endpoints = None self.ip_configurations = None self.ip_configuration_profiles = None self.resource_navigation_links = kwargs.get('resource_navigation_links', None) self.service_association_links = kwargs.get('service_association_links', None) self.delegations = kwargs.get('delegations', None) self.purpose = None self.provisioning_state = kwargs.get('provisioning_state', None) self.name = kwargs.get('name', None) self.etag = kwargs.get('etag', None)
52.394958
119
0.69591
61ff06832fadd2165ec1b48ffb49267d894453c6
5,997
py
Python
TSP/tsp_tests_v2.py
machine-reasoning-ufrgs/graph-nn
7489b7b3d6a4750245e3f506982d98b56a74b6bb
[ "MIT" ]
1
2019-11-04T15:56:00.000Z
2019-11-04T15:56:00.000Z
TSP/tsp_tests_v2.py
machine-reasoning-ufrgs/graph-nn
7489b7b3d6a4750245e3f506982d98b56a74b6bb
[ "MIT" ]
null
null
null
TSP/tsp_tests_v2.py
machine-reasoning-ufrgs/graph-nn
7489b7b3d6a4750245e3f506982d98b56a74b6bb
[ "MIT" ]
2
2019-09-21T12:10:56.000Z
2021-04-17T13:55:32.000Z
import sys, os # Add the parent folder path to the sys.path list for importing sys.path.insert(1, os.path.join(sys.path[0], '..')) import tensorflow as tf import numpy as np from numpy import linalg as LA from matplotlib import pyplot as plt from graphnn_refactored import GraphNN from tsp import build_network_v2, ensure_datasets, run_batch_v2, summarize_epoch from tsp_utils import InstanceLoader, create_graph_metric from util import load_weights from sklearn.cluster import KMeans from matplotlib import colors as mcolors from matplotlib import cm from itertools import islice def extract_solution(sess, model, instance, time_steps=50): # Extract list of edges from instance Ma,Mw,route,nodes = instance edges = list(zip(np.nonzero(Ma)[0],np.nonzero(Ma)[1])) # Create batch of size 1 route_cost = sum([ Mw[min(i,j),max(i,j)] for (i,j) in zip(route,route[1:]+route[:1]) ]) / len(nodes) target_cost = 2*route_cost batch = InstanceLoader.create_batch([(Ma,Mw,route)], target_cost=target_cost) M, W, CV, CE, edges_mask, route_exists, n_vertices, n_edges = batch # Define feed dict feed_dict = { model['gnn'].matrix_placeholders['M']: M, model['gnn'].matrix_placeholders['W']: W, model['gnn'].matrix_placeholders['CV']: CV, model['gnn'].matrix_placeholders['CE']: CE, model['gnn'].time_steps: time_steps, model['route_exists']: route_exists, model['n_vertices']: n_vertices, model['n_edges']: n_edges } # Run model to extract edge embeddings edge_embeddings, predictions = sess.run([model['gnn'].last_states['E'].h, model['predictions']], feed_dict = feed_dict) # Perform 2-clustering two_clustering = KMeans(n_clusters=2).fit(edge_embeddings) if sum(two_clustering.labels_) < len(edges)//2: pos_indices = [ i for i,x in enumerate(two_clustering.labels_) if x==1 ] pos_center = two_clustering.cluster_centers_[0] else: pos_indices = [ i for i,x in enumerate(two_clustering.labels_) if x==0 ] pos_center = two_clustering.cluster_centers_[1] #end # Get the indices n positive embeddings closest to their center top_n = sorted(pos_indices, key=lambda i: LA.norm(edge_embeddings[i,:]-pos_center) )#[:n] print('') print('Is there a route with cost < {target_cost:.3f}? R: {R}'.format(target_cost=target_cost, R='Yes' if route_exists[0]==1 else 'No')) print('Prediction: {}'.format('Yes' if predictions[0] >= 0.5 else 'No')) # Get list of predicted edges predicted_edges = [ (i,j) for e,(i,j) in enumerate(edges) if e in top_n ] return predicted_edges #end def draw_routes(): d = 128 n = 20 bins = 10**6 connectivity = 1 # Build model print('Building model ...') model = build_network_v2(d) # Disallow GPU use config = tf.ConfigProto( device_count = {'GPU':0}) with tf.Session(config=config) as sess: # Initialize global variables print('Initializing global variables ...') sess.run( tf.global_variables_initializer() ) # Restore saved weights load_weights(sess,'./TSP-checkpoints-decision') k = 3 # Normalize item number values to colormap norm = mcolors.Normalize(vmin=0, vmax=k**2) for inst in range(k**2): instance = create_graph_metric(n,bins,connectivity) Ma,_,_,nodes = instance edges = list(zip(np.nonzero(Ma)[0],np.nonzero(Ma)[1])) predicted_edges = extract_solution(sess,model,instance) nodes_ = nodes + np.array([inst//k,inst%k]) for (i,j) in edges: x0,y0 = nodes_[i] x1,y1 = nodes_[j] if (i,j) in predicted_edges: plt.plot([x0,x1],[y0,y1], color = cm.jet(norm(inst)), linewidth=1, zorder=2) else: dummy = 0 #plt.plot([x0,x1],[y0,y1], 'r--', linewidth=0.5, zorder=1) #end #end plt.scatter(x=nodes_[:,0], y=nodes_[:,1], edgecolors='black', c='w', zorder=3) #end plt.show() #end #end def test(time_steps=25): d = 128 epochs_n = 100 batch_size = 1 test_batches_per_epoch = 16*32 # Create train and test loaders train_loader = InstanceLoader("train", target_cost_dev=0.25*0.04) test_loader = InstanceLoader("test", target_cost_dev=0.25*0.04) # Build model print("Building model ...", flush=True) GNN = build_network_v2(d) # Disallow GPU use config = tf.ConfigProto( device_count = {"GPU":0}) with tf.Session(config=config) as sess: # Initialize global variables print("Initializing global variables ... ", flush=True) sess.run( tf.global_variables_initializer() ) # Restore saved weights load_weights(sess,'./TSP-checkpoints-decision') with open('TSP-log.dat','w') as logfile: # Run for a number of epochs for epoch_i in range(1): test_loader.reset() test_loss = np.zeros(test_batches_per_epoch) test_acc = np.zeros(test_batches_per_epoch) test_sat = np.zeros(test_batches_per_epoch) test_pred = np.zeros(test_batches_per_epoch) print("Testing model...", flush=True) for (batch_i, batch) in islice(enumerate(test_loader.get_batches(batch_size)), test_batches_per_epoch): test_loss[batch_i], test_acc[batch_i], test_sat[batch_i], test_pred[batch_i] = run_batch_v2(sess, GNN, batch, batch_i, epoch_i, time_steps, train=False, verbose=True) #end summarize_epoch(epoch_i,test_loss,test_acc,test_sat,test_pred,train=False) #end #end #end #end if __name__ == '__main__': test(time_steps=sys.argv[1]) #end
34.66474
186
0.623812
43c8452cefd9f6c421c933e79a18ed81683740a7
41
py
Python
external/models/TransH_USE_h2/__init__.py
swapUniba/Elliot_refactor-tesi-Ventrella
3ddffc041696c90a6f6d3e8906c212fc4f55f842
[ "Apache-2.0" ]
null
null
null
external/models/TransH_USE_h2/__init__.py
swapUniba/Elliot_refactor-tesi-Ventrella
3ddffc041696c90a6f6d3e8906c212fc4f55f842
[ "Apache-2.0" ]
null
null
null
external/models/TransH_USE_h2/__init__.py
swapUniba/Elliot_refactor-tesi-Ventrella
3ddffc041696c90a6f6d3e8906c212fc4f55f842
[ "Apache-2.0" ]
null
null
null
from .TransH_USE_h2 import TransH_USE_h2
20.5
40
0.878049
a9ef322ea9f9c8fdede18dd4986be0cdf3fdf0c7
2,886
py
Python
generate.py
ivoryRabbit/mvae-pytorch
d19848c44997d650b6f44ad6c4822bfe1213a579
[ "MIT" ]
null
null
null
generate.py
ivoryRabbit/mvae-pytorch
d19848c44997d650b6f44ad6c4822bfe1213a579
[ "MIT" ]
null
null
null
generate.py
ivoryRabbit/mvae-pytorch
d19848c44997d650b6f44ad6c4822bfe1213a579
[ "MIT" ]
null
null
null
import json import logging import os import torch import pandas as pd import numpy as np from typing import Dict, Any from src.model import MVAE from src.dataset import OneHotEncoding, Dataset JSON_CONTENT_TYPE = "application/json" logger = logging.getLogger(__name__) def model_fn(model_dir): device = torch.device("cuda" if torch.cuda.is_available() else "cpu") logger.info("Current device: {}".format(device)) logger.info("Loading the model.") with open(os.path.join(model_dir, "MVAE.pt"), "rb") as f: model_state = torch.load(f) model = MVAE( input_size=model_state["args"]["input_size"], hidden_dim=model_state["args"]["hidden_dim"] ) model.load_state_dict(model_state["weights"]) model.to(device).eval() data_dir = os.environ["SM_CHANNEL_DATA_DIR"] item_map_df = pd.read_csv(os.path.join(data_dir, "item_map.csv")) idx2item_map = {idx: item for item, idx in item_map_df[["item_id", "item_idx"]].values} target_user_hist_df = pd.read_csv(os.path.join(data_dir, "target_user_hist.csv")) return dict( model=model, idx2item_map=idx2item_map, target_user_hist_df=target_user_hist_df, ) def input_fn(serialized_input_data, content_type=JSON_CONTENT_TYPE): logger.info("Deserializing the input data.") if content_type == JSON_CONTENT_TYPE: return json.loads(serialized_input_data) raise Exception(f"Requested unsupported ContentType in content_type: {content_type}") def output_fn(prediction_output, accept=JSON_CONTENT_TYPE): logger.info("Serializing the generated output.") if accept == JSON_CONTENT_TYPE: return json.dumps(prediction_output), accept raise Exception(f"Requested unsupported ContentType in Accept: {accept}") def predict_fn(inputs: Dict[str, Any], model: Dict[str, Any]): idx2item_map = model["idx2item_map"] target_user_hist_df = model["target_user_hist_df"] model = model["model"] user_id = inputs["user_id"] rec_k = inputs["rec_k"] device = torch.device("cuda" if torch.cuda.is_available() else "cpu") logger.info("Current device: {}".format(device)) target_user_hist = target_user_hist_df.query(f"user_id=={user_id}") dataset = Dataset(target_user_hist, transforms=[OneHotEncoding(model.input_size)]) with torch.no_grad(): batch = dataset[0] inputs = torch.from_numpy(batch["inputs"]) inputs = torch.unsqueeze(inputs, 0) targets = batch["targets"] score = model(inputs).detach().cpu().numpy().flatten() score = score * (1.0 - targets) indices = np.argpartition(score, -rec_k, axis=-1)[-rec_k:] score = np.take_along_axis(score, indices, axis=-1) indices = indices[np.argsort(-score, axis=-1)] item_ids = np.vectorize(idx2item_map.get)(indices) return ",".join(item_ids)
31.369565
91
0.69404
d544c9c2e096dfba7548cc023aab1d656e12dbc6
3,638
py
Python
Assignment/Assignment2/word2vec_최혜빈/sgd.py
Tobigs-team/Text-Seminar
5db6e28e3345f276973113608fd0532480123fc7
[ "MIT" ]
7
2021-01-07T16:28:39.000Z
2022-03-06T00:34:48.000Z
Assignment/Assignment2/word2vec_최혜빈/sgd.py
jinseock95/Text-Seminar
5db6e28e3345f276973113608fd0532480123fc7
[ "MIT" ]
2
2020-11-05T07:19:25.000Z
2020-12-30T03:09:44.000Z
Assignment/Assignment2/word2vec_최혜빈/sgd.py
Tobigs-team/Text-Seminar
5db6e28e3345f276973113608fd0532480123fc7
[ "MIT" ]
18
2020-10-07T12:10:45.000Z
2020-12-30T10:55:25.000Z
#!/usr/bin/env python # Save parameters every a few SGD iterations as fail-safe SAVE_PARAMS_EVERY = 5000 import pickle import glob import random import numpy as np import os.path as op def load_saved_params(): """ A helper function that loads previously saved parameters and resets iteration start. """ st = 0 for f in glob.glob("saved_params_*.npy"): iter = int(op.splitext(op.basename(f))[0].split("_")[2]) if (iter > st): st = iter if st > 0: params_file = "saved_params_%d.npy" % st state_file = "saved_state_%d.pickle" % st params = np.load(params_file) with open(state_file, "rb") as f: state = pickle.load(f) return st, params, state else: return st, None, None def save_params(iter, params): params_file = "saved_params_%d.npy" % iter np.save(params_file, params) with open("saved_state_%d.pickle" % iter, "wb") as f: pickle.dump(random.getstate(), f) def sgd(f, x0, step, iterations, postprocessing=None, useSaved=False, PRINT_EVERY=10): """ Stochastic Gradient Descent Implement the stochastic gradient descent method in this function. Arguments: f -- the function to optimize, it should take a single argument and yield two outputs, a loss and the gradient with respect to the arguments x0 -- the initial point to start SGD from step -- the step size for SGD iterations -- total iterations to run SGD for postprocessing -- postprocessing function for the parameters if necessary. In the case of word2vec we will need to normalize the word vectors to have unit length. PRINT_EVERY -- specifies how many iterations to output loss Return: x -- the parameter value after SGD finishes """ # Anneal learning rate every several iterations ANNEAL_EVERY = 20000 if useSaved: start_iter, oldx, state = load_saved_params() if start_iter > 0: x0 = oldx step *= 0.5 ** (start_iter / ANNEAL_EVERY) if state: random.setstate(state) else: start_iter = 0 x = x0 if not postprocessing: postprocessing = lambda x: x exploss = None for iter in range(start_iter + 1, iterations + 1): # You might want to print the progress every few iterations. loss = None ### YOUR CODE HERE loss, grad = f(x) x -= step * grad if iter % PRINT_EVERY == 0 : print('iteration %d: %f' % (loss, iter)) ### END YOUR CODE x = postprocessing(x) if iter % PRINT_EVERY == 0: if not exploss: exploss = loss else: exploss = .95 * exploss + .05 * loss print("iter %d: %f" % (iter, exploss)) if iter % SAVE_PARAMS_EVERY == 0 and useSaved: save_params(iter, x) if iter % ANNEAL_EVERY == 0: step *= 0.5 return x def sanity_check(): quad = lambda x: (np.sum(x ** 2), x * 2) print("Running sanity checks...") t1 = sgd(quad, 0.5, 0.01, 1000, PRINT_EVERY=100) print("test 1 result:", t1) assert abs(t1) <= 1e-6 t2 = sgd(quad, 0.0, 0.01, 1000, PRINT_EVERY=100) print("test 2 result:", t2) assert abs(t2) <= 1e-6 t3 = sgd(quad, -1.5, 0.01, 1000, PRINT_EVERY=100) print("test 3 result:", t3) assert abs(t3) <= 1e-6 print("-" * 40) print("ALL TESTS PASSED") print("-" * 40) if __name__ == "__main__": sanity_check()
26.362319
75
0.586036
854d6400e9a86195d0e7a9e5e23f3f3a4be22805
12,928
py
Python
tests/applications/auth_tests.py
varajala/flask-blog
534ec49abee86b49c2c08d12ca3e473550f02e77
[ "BSD-3-Clause" ]
null
null
null
tests/applications/auth_tests.py
varajala/flask-blog
534ec49abee86b49c2c08d12ca3e473550f02e77
[ "BSD-3-Clause" ]
null
null
null
tests/applications/auth_tests.py
varajala/flask-blog
534ec49abee86b49c2c08d12ca3e473550f02e77
[ "BSD-3-Clause" ]
null
null
null
import microtest import flask import tempfile from threading import Lock import flask_blog.security.sessions as sessions import flask_blog.notifications as notifications import flask_blog.security.auth as auth from flask_blog.security import generate_password_hash from flask_blog.common import Timestamp mutex = Lock() default_email_host = None @microtest.setup def setup(app): global default_email_host file = tempfile.TemporaryFile(mode='w+') default_email_host = app.config['EMAIL_HOST'] app.config['EMAIL_HOST'] = (None, file) notifications.mutex = mutex @microtest.reset def reset(db): db.reset() @microtest.cleanup def cleanup(app): _, file = app.config['EMAIL_HOST'] file.close() app.config['EMAIL_HOST'] = default_email_host notifications.mutex = None @microtest.group('slow') @microtest.test def test_registering(app, db): client = TestClient(app) password = 'strongpassword' username = 'register_test' email = 'test@mail.com' users_table = db.get_table('users') users_table.insert( username=username, email=email, password=generate_password_hash(password) ) response = client.register_as('some_user', 'some@mail.com', password) assert '/auth/login' in response.headers['Location'] row = users_table.get(username='some_user') assert row is not None assert not bool(row.is_verified) user_email = row.email assert db.get_table('sessions').get(user_id = row.id) is None otp = db.get_table('otps').get(user_id = row.id) assert otp is not None token = otp.value.hex() _, file = app.config['EMAIL_HOST'] file.seek(0) email = file.read() assert token in email assert f'To: {user_email}' in email @microtest.group('slow') @microtest.test def test_authentication(app, db): client = TestClient(app) password = 'strongpassword' username = 'login_test' email = 'test@mail.com' users_table = db.get_table('users') users_table.insert( id = 1, username=username, email=email, password=generate_password_hash(password), is_verified = 1 ) response = client.login_as(username, password) assert 'http://localhost/' == response.headers['Location'] assert db.get_table('sessions').get(user_id = 1) is not None with client: response = client.get('/') assert response.status_code == 200 response = client.get('/auth/login') assert response.status_code == 302 assert 'http://localhost/' == response.headers['Location'] response = client.get('/auth/register') assert response.status_code == 302 assert 'logout' in response.headers['Location'] with users_table.update(username = username) as user: user.is_verified = 0 response = client.get('/auth/login') assert response.status_code == 302 assert 'verify' in response.headers['Location'] @microtest.group('slow') @microtest.test def test_logout(app, db): client = TestClient(app) password = 'strongpassword' username = 'logout_test' email = 'test@mail.com' sessions_table = db.get_table('sessions') db.get_table('users').insert( id = 1, username=username, email=email, password=generate_password_hash(password) ) client.login_as(username, password) assert sessions_table.get(user_id = 1) is not None client.logout(find_csrf_token=False) assert sessions_table.get(user_id = 1) is not None client.logout() assert sessions_table.get(user_id = 1) is None @microtest.group('slow') @microtest.test def test_user_verification(app, db): client = TestClient(app) users_table = db.get_table('users') users_table.insert( username='user', email='test@mail.com', password=generate_password_hash('123') ) user = users_table.get(username = 'user') client.login_as('user', '123') with app.app_context(): token, expires = auth.generate_otp(user.id, auth.OTP.EMAIL, 1) form_data = {'verification_token':token} response = client.post('/auth/verify', data=form_data) assert b'Verification failed' in response.data page = client.get('/auth/verify').data csrf_token = client.find_csrf_token(page) form_data = {'csrf_token':csrf_token, 'verification_token':token.hex()} response = client.post('/auth/verify', data=form_data) assert 'http://localhost/' == response.headers['Location'] assert users_table.get(id = user.id).is_verified @microtest.group('slow') @microtest.test def test_login_attempt_recording(app, db): client = TestClient(app) users_table = db.get_table('users') users_table.insert( id = 1, username='user', email='test@mail.com', password=generate_password_hash('123') ) _, file = app.config['EMAIL_HOST'] msg_start = file.tell() with microtest.patch(auth, MAX_LOGIN_ATTEMPTS = 1): client.login_as('user', '') user = users_table.get(id = 1) assert not user.is_locked assert user.login_attempts == 1 client.login_as('user', '') user = users_table.get(id = 1) assert user.is_locked assert user.login_attempts == 2 with mutex: file.seek(msg_start) email = file.read() assert f'To: {user.email}' in email otp = db.get_table('otps').get(user_id = user.id, type = auth.OTP.ACCOUNT_LOCK) assert otp.value.hex() in email client.login_as('user', '123') assert db.get_table('sessions').get(user_id = 1) is None @microtest.group('slow') @microtest.test def test_account_unlocking(app, db): db.get_table('users').insert( id = 1, username='user', email='test@mail.com', password=generate_password_hash('123'), is_locked = 1, ) db.get_table('otps').insert( user_id = 1, value = b'\x00\x01', type = auth.OTP.ACCOUNT_LOCK, expires = str(Timestamp(1)) ) client = TestClient(app) with client: response = client.get('/auth/unlock') csrf_token = client.find_csrf_token(response.data) data = { 'csrf_token': csrf_token, 'unlock_token': '0001', 'username': 'user' } response = client.post('/auth/unlock', data=data) user = db.get_table('users').get(id = 1) assert not user.is_locked try: redirect_location = response.headers['Location'] except: raise AssertionError('Account unlocking failed. No redirection.') assert '/auth/login' in redirect_location @microtest.group('slow') @microtest.test def test_requesting_password_reset(app, db): db.get_table('users').insert( id = 1, username='user', email='test@mail.com', password=generate_password_hash('123'), is_verified = 1, ) client = TestClient(app) _, file = app.config['EMAIL_HOST'] msg_start = file.tell() with client: response = client.get('/auth/reset-password/request') csrf_token = client.find_csrf_token(response.data) data = { 'username': 'user', 'email': 'test@mail.com', 'csrf_token': csrf_token, } client.post('/auth/reset-password/request', data=data) otp = db.get_table('otps').get(user_id = 1) assert otp is not None with mutex: file.seek(msg_start) email = file.read() assert 'To: test@mail.com' in email assert otp.value.hex() in email @microtest.group('slow') @microtest.test def test_anonymous_password_reset(app, db): password = '123' new_password = '12345678' db.get_table('users').insert( id = 1, username='user', email='test@mail.com', password=generate_password_hash(password), is_verified = 1, ) db.get_table('otps').insert( value = b'\x00\x01', expires=str(Timestamp(1)), user_id = 1, type = auth.OTP.PASSWORD_RESET ) client = TestClient(app) with client: response = client.get('/auth/reset-password') csrf_token = client.find_csrf_token(response.data) data = { 'username': 'user', 'email': 'test@mail.com', 'otp': b'\x00\x01'.hex(), 'csrf_token': csrf_token, 'new-password1': new_password, 'new-password2': new_password, } response = client.post('/auth/reset-password', data=data) assert str(response.status_code).startswith('3') assert '/auth/login' in response.headers['Location'] client.login_as('user', new_password) response = client.get('/') assert response.status_code == 200 @microtest.group('slow') @microtest.test def test_authenticated_password_reset(app, db): password = '123' new_password = '12345678' db.get_table('users').insert( id = 1, username='user', email='test@mail.com', password=generate_password_hash(password), is_verified = 1, ) client = TestClient(app) with client: client.login_as('user', password) response = client.get('/auth/reset-password') csrf_token = client.find_csrf_token(response.data) data = { 'csrf_token': csrf_token, 'password': password, 'new-password1': new_password, 'new-password2': new_password, } response = client.post('/auth/reset-password', data=data) assert str(response.status_code).startswith('3') assert 'http://localhost/' == response.headers['Location'] client.logout() client.login_as('user', new_password) response = client.get('/') assert response.status_code == 200 @microtest.group('slow') @microtest.test def test_login_requirement(app, db): client = TestClient(app) SESSIONID = auth.SESSIONID with client: response = client.get('/') session_id = flask.session[SESSIONID] try: redirect_location = response.headers['Location'] except: raise AssertionError('Login requirement failed. No redirection.') assert '/auth/login' in redirect_location users_table = db.get_table('users') users_table.insert( username='user1', email='test1@mail.com', password=generate_password_hash('123') ) client.login_as('user1', '123') with client: response = client.get('/') assert flask.session[SESSIONID] != session_id try: redirect_location = response.headers['Location'] except: raise AssertionError('Verification requirement failed. No redirection.') assert '/auth/verify' in redirect_location client.logout() users_table.insert( username='user2', email='test2@mail.com', password=generate_password_hash('123'), is_verified=1, ) client.login_as('user2', '123') with client: response = client.get('/') assert response.status_code == 200 @microtest.group('slow') @microtest.test def test_admin_requirement(app, db): client = TestClient(app) users_table = db.get_table('users') users_table.insert( username='user', email='test@mail.com', password=generate_password_hash('123'), is_verified=1 ) users_table.insert( username='admin', email='admin@mail.com', password=generate_password_hash('123'), is_verified=1, is_admin=1 ) with client: response = client.get('/admin/') try: redirect_location = response.headers['Location'] except: raise AssertionError('Verification requirement failed. No redirection.') assert '/auth/login' in redirect_location client.login_as('user', '123') with client: response = client.get('/admin/') try: redirect_location = response.headers['Location'] except: raise AssertionError('Verification requirement failed. No redirection.') assert redirect_location == 'http://localhost/' client.logout() client.login_as('admin', '123') with client: response = client.get('/admin/') assert response.status_code == 200 with users_table.update(username = 'admin') as user: user.is_verified = 0 with client: response = client.get('/admin/') try: redirect_location = response.headers['Location'] except: raise AssertionError('Verification requirement failed. No redirection.') assert 'verify' in redirect_location
27.447983
87
0.625619
85ab4ef227d21832f03135489dc9026bac3d437a
498
py
Python
core/__init__.py
ivansu995/virtual-speech-assistant-app
cf2fadd38064bdd5b44568417ccf82470eb986fb
[ "MIT" ]
null
null
null
core/__init__.py
ivansu995/virtual-speech-assistant-app
cf2fadd38064bdd5b44568417ccf82470eb986fb
[ "MIT" ]
null
null
null
core/__init__.py
ivansu995/virtual-speech-assistant-app
cf2fadd38064bdd5b44568417ccf82470eb986fb
[ "MIT" ]
null
null
null
import datetime import arrow class SystemInfo: def __init__(self): pass @staticmethod def get_time(): speak = 'The time is {}'.format(datetime.datetime.now().strftime("%H %M")) return speak @staticmethod def get_date(): utc = arrow.utcnow() local = utc.to('Europe/Belgrade') speak = 'Today is {} {} {} '.format(local.format('Do'), datetime.datetime.now().strftime('%B'), datetime.datetime.now().year) return speak
27.666667
135
0.594378
537b98af14b66de2edaba84dce5ece41995cc546
674
py
Python
poseidon/core/version_types.py
peterkang2001/Poseidon
cfafc01a1f69210dbfd95a0c62e06269eb599034
[ "Apache-2.0" ]
2
2019-12-27T09:14:38.000Z
2019-12-27T09:16:29.000Z
poseidon/core/version_types.py
CodeMonkey4Fun/Poseidon
cfafc01a1f69210dbfd95a0c62e06269eb599034
[ "Apache-2.0" ]
2
2021-03-31T20:06:21.000Z
2021-12-13T20:48:16.000Z
poseidon/core/version_types.py
peterkang2001/Poseidon
cfafc01a1f69210dbfd95a0c62e06269eb599034
[ "Apache-2.0" ]
1
2020-11-13T07:37:01.000Z
2020-11-13T07:37:01.000Z
#!/usr/bin/env python # -*- coding: utf-8 -*- """ Author: kangliang date: 2019-12-25 """ from enum import Enum class Types(Enum): # 采取 GNU 风格版本号 Major = "Major", # 主版本号 Minor = "Minor", # 次版本号 Revision = "Revision", # 修订版本号 Build = "Build", # 内部版本号 Alpha = "Alpha", # 是内部测试版,一般不向外部发布,会有很多Bug.一般只有测试人员使用 Beta = "Beta", # 给用户测试的版本,这个阶段的版本会一直加入新的功能,修改用户反馈的bug RC = "Release Candidate", # 用在软件上就是候选版本。系统平台上就是发行候选版本。RC版不会再加入新的功能了,主要着重于除错。 GA = "GA", # 正式发布的版本 M1 = "Milestone 1", # 里程碑版本,其中X是一个递增数字 M2 = "Milestone 2", M3 = "Milestone 3", SNAPSHOT = "SNAPSHOT", # 快照版本 PRE = "预览版", # 预览版
24.962963
81
0.58457
38a382d399ce3f63f7dcd00181e33c6f0fea7a66
936
py
Python
tests/mowgli_etl_test/pipeline/rpi_combined/rpi_combined_pipeline_test.py
tetherless-world/mowgli
28c19eba41e03e053ae4addff56a313d926e18d7
[ "MIT" ]
4
2021-01-15T15:36:23.000Z
2021-09-01T06:52:05.000Z
tests/mowgli_etl_test/pipeline/rpi_combined/rpi_combined_pipeline_test.py
tetherless-world/mowgli
28c19eba41e03e053ae4addff56a313d926e18d7
[ "MIT" ]
63
2020-05-04T13:48:04.000Z
2020-06-06T02:32:58.000Z
tests/mowgli_etl_test/pipeline/rpi_combined/rpi_combined_pipeline_test.py
tetherless-world/mowgli-etl
28c19eba41e03e053ae4addff56a313d926e18d7
[ "MIT" ]
null
null
null
from itertools import islice from mowgli_etl.pipeline.rpi_combined.rpi_combined_pipeline import RpiCombinedPipeline from mowgli_etl.pipeline_wrapper import PipelineWrapper from tests.mowgli_etl_test.etl_mocks import MockTransformer, MockPipeline def test_rpi_combined_pipeline(pipeline_storage, graph_generator): rows_per_pipeline = 6 pipelines = tuple( MockPipeline(id=f'pipe_{pipe_num}', single_source=False, transformer=MockTransformer(tuple(islice(graph_generator, rows_per_pipeline)))) for pipe_num in range(1, 4) ) combined_pipeline = RpiCombinedPipeline(pipelines=pipelines, parallel=False) wrapper = PipelineWrapper(combined_pipeline, pipeline_storage) extract_kwds = wrapper.extract() transform_result = wrapper.transform(**extract_kwds) graph = tuple(transform_result) assert len(graph) == len(pipelines) * rows_per_pipeline
36
100
0.758547
a95b8a5ccd861c85ae54529a9ba12e9dbc8af247
466
py
Python
ex7.py
Tobijoe/LPTHW
12f3e412c339f51828c909a94fd55ef6e7eb8b5b
[ "MIT" ]
null
null
null
ex7.py
Tobijoe/LPTHW
12f3e412c339f51828c909a94fd55ef6e7eb8b5b
[ "MIT" ]
null
null
null
ex7.py
Tobijoe/LPTHW
12f3e412c339f51828c909a94fd55ef6e7eb8b5b
[ "MIT" ]
null
null
null
print("Mary had a little lamb,") print("Its fleece was white as{}.".format('snow')) print("And everywhere that Mary went,") print("." * 10) # what'd that do? end1 = 'C' end2 = "h" end3 = "e" end4 = "e" end5 = "s" end6 = "e" end7 = "B" end8 = "u" end9 = "r" end10 = "g" end11 = "e" end12 = "r" #watch that comma at the end. try removing it and see what happens print(end1 + end2 + end3 + end4 + end5 + end6 end='') print(end7 + end8 + end9 + end10 + end11 + end12)
21.181818
66
0.609442
d94de3a903cb2decd005a76775245dd4d8f2f77c
1,171
py
Python
Latest/venv/Lib/site-packages/envisage/tests/plugins/orange/orange_plugin.py
adamcvj/SatelliteTracker
49a8f26804422fdad6f330a5548e9f283d84a55d
[ "Apache-2.0" ]
1
2022-01-09T20:04:31.000Z
2022-01-09T20:04:31.000Z
Latest/venv/Lib/site-packages/envisage/tests/plugins/orange/orange_plugin.py
adamcvj/SatelliteTracker
49a8f26804422fdad6f330a5548e9f283d84a55d
[ "Apache-2.0" ]
1
2022-02-15T12:01:57.000Z
2022-03-24T19:48:47.000Z
Latest/venv/Lib/site-packages/envisage/tests/plugins/orange/orange_plugin.py
adamcvj/SatelliteTracker
49a8f26804422fdad6f330a5548e9f283d84a55d
[ "Apache-2.0" ]
null
null
null
# (C) Copyright 2007-2019 Enthought, Inc., Austin, TX # All rights reserved. # # This software is provided without warranty under the terms of the BSD # license included in LICENSE.txt and may be redistributed only # under the conditions described in the aforementioned license. The license # is also available online at http://www.enthought.com/licenses/BSD.txt # Thanks for using Enthought open source! """ The 'Orange' plugin """ from envisage.api import Plugin from traits.api import Bool class OrangePlugin(Plugin): """ The 'Orange' plugin """ #### 'IPlugin' protocol #################################################### # The plugin's unique identifier. id = 'orange' def start(self): """ Start the plugin. """ self.started = True self.stopped = False return def stop(self): """ Stop the plugin. """ self.started = False self.stopped = True return #### 'BananaPlugin' protocol ############################################### started = Bool(False) stopped = Bool(False) #### EOF ######################################################################
25.456522
80
0.553373
c1254a53c8252d0dce3496e4ef94cc8469661efe
431
py
Python
SimpleArraySum/solution.py
randiapr/hackerrank-solver
c1def481f97bd020572023f538d3bb279ec3b644
[ "MIT" ]
null
null
null
SimpleArraySum/solution.py
randiapr/hackerrank-solver
c1def481f97bd020572023f538d3bb279ec3b644
[ "MIT" ]
null
null
null
SimpleArraySum/solution.py
randiapr/hackerrank-solver
c1def481f97bd020572023f538d3bb279ec3b644
[ "MIT" ]
null
null
null
#!/bin/python3 import os import sys # # Complete the simpleArraySum function below. # def simpleArraySum(ar): result = 0 for item in ar: result += item return result if __name__ == '__main__': fptr = open(os.environ['OUTPUT_PATH'], 'w') ar_count = int(input()) ar = list(map(int, input().rstrip().split())) result = simpleArraySum(ar) fptr.write(str(result) + '\n') fptr.close()
15.962963
49
0.614849
33ec3ae2411bfece570a83a4cad94cabce8eab4a
179
py
Python
u3dunpack/export/KtxConverter.py
smalls0098/u3d-studio
b5fb9875afdebaf457ee75c3ab42e4e828a88680
[ "MIT" ]
1
2020-07-27T03:43:47.000Z
2020-07-27T03:43:47.000Z
u3dunpack/export/KtxConverter.py
smalls0098/u3d-assets-tools
b5fb9875afdebaf457ee75c3ab42e4e828a88680
[ "MIT" ]
null
null
null
u3dunpack/export/KtxConverter.py
smalls0098/u3d-assets-tools
b5fb9875afdebaf457ee75c3ab42e4e828a88680
[ "MIT" ]
1
2021-10-03T11:23:14.000Z
2021-10-03T11:23:14.000Z
from ..utils import KtxUtils def makeKtx(texture2d): return KtxUtils.header(texture2d.m_Width, texture2d.m_Height, texture2d.m_CompleteImageSize) + texture2d.imageData
29.833333
119
0.787709
3bae42d85c20c90b7c38072ddefdffe9a54bd115
5,788
py
Python
trunk/VyPy/parallel/MultiTask.py
aerialhedgehog/VyPy
3a7644717c03c6b7a71f7b67f93a03b30b5450b1
[ "BSD-3-Clause" ]
3
2015-01-22T02:03:14.000Z
2022-03-15T21:50:50.000Z
trunk/VyPy/parallel/MultiTask.py
aerialhedgehog/VyPy
3a7644717c03c6b7a71f7b67f93a03b30b5450b1
[ "BSD-3-Clause" ]
3
2015-02-06T19:12:04.000Z
2015-05-01T10:04:12.000Z
trunk/VyPy/parallel/MultiTask.py
aerialhedgehog/VyPy
3a7644717c03c6b7a71f7b67f93a03b30b5450b1
[ "BSD-3-Clause" ]
1
2020-09-25T13:26:54.000Z
2020-09-25T13:26:54.000Z
# ---------------------------------------------------------------------- # Imports # ---------------------------------------------------------------------- import os, sys, shutil import multiprocessing as mp from Service import Service from Remember import Remember from Object import Object from WrittenCache import WrittenCache from Operation import Operation from Task import Task from KillTask import KillTask from ShareableQueue import ShareableQueue from VyPy.exceptions import FailedTask from VyPy.data import HashedDict from VyPy.tools import redirect from VyPy.tools.arrays import numpy_isloaded, array_type, matrix_type ## TODO # add base folder # ---------------------------------------------------------------------- # MultiTask # ---------------------------------------------------------------------- class MultiTask(object): def __init__( self, function=None, copies=0, inbox=None, outbox=None, name='MultiTask', verbose=False ): # todo: priority, save cache, setup # initialize function carrier if function: if isinstance(function,Remember): if not isinstance(function.__cache__, (Object,WrittenCache)): function.__cache__ = Object(function.__cache__) elif isinstance(function,Service): raise Exception, 'cannot create MultiTask() with a Service()' elif not isinstance(function,Operation): function = Operation(function) # initialize queues inbox = inbox or ShareableQueue() outbox = outbox or ShareableQueue() # check numer of copies if copies < 0: copies = max(mp.cpu_count()+(copies+1),0) # store self.function = function self.name = name self.inbox = inbox self.outbox = outbox self.copies = copies self.verbose = verbose # auto start if function: self.start() def start(self): if isinstance(self.verbose,str): with redirect.output(self.verbose,self.verbose): self.__start__() else: self.__start__() def __start__(self): function = self.function name = self.name inbox = self.inbox outbox = self.outbox copies = self.copies verbose = self.verbose # report if verbose: print '%s: Starting %i Copies' % (name,copies); sys.stdout.flush() # initialize services nodes = [] for i in range(copies): this_name = '%s - Node %i'%(name,i) service = Service( function, inbox, outbox, this_name, verbose ) service.start() nodes.append(service) #: for each node # store self.nodes = nodes def __func__(self,inputs): outputs = self.function(inputs) return outputs def __call__(self,x): # check for multiple inputs if isinstance(x,(list,tuple)): xx = x # multiple inputs ff = [None] * len(xx) f = [None] elif numpy_isloaded and isinstance(x,(array_type,matrix_type)): xx = x # multiple inputs ff = np.zeros_like(x) f = np.array([None]) else: xx = [x] # single input ff = [None] f = None ## check for multiple functions #if isinstance(func,(list,tuple)): #assert len(func) == len(xx) #else: #func = [func] * len(xx) # submit input for i,x in enumerate(xx): this_task = Task( inputs = x ) self.put(this_task) # wait for output, if there's an outbox if self.outbox is None: return to = self.get() # sort output for i,x in enumerate(xx): ff[i] = to[x].outputs # format for output if f is None: f = ff[0] # single input else: f = ff # multiple input # done return f def run_tasks(self,task_list): # submit input for task in task_list: self.put(task) # wait for output, if there's an outbox if self.outbox is None: return results = self.get() # sort output for i,task in enumerate(task_list): task_list[i] = results[task.inputs] # done return task_list def put(self,task): self.inbox.put( task ) return def get(self): if self.outbox is None: raise AttributeError, 'no outbox to query' # for sorting results results = HashedDict() # wait for all jobs to process self.inbox.join() # pull results while not self.outbox.empty(): task = self.outbox.get() results[task.inputs] = task return results def remote(self): return Remote(self.inbox,self.outbox) def __del__(self): try: for p in self.nodes: self.inbox.put(KillTask) self.inbox.join() except: pass
29.085427
87
0.474084
d6275c6e9b810372282d97fbac65533ff8712c63
1,035
py
Python
service/util/selenium_service.py
haruspring-jokt/tenkibot
7de0846d267cb813adadb003294f5275f3cfe81a
[ "MIT" ]
null
null
null
service/util/selenium_service.py
haruspring-jokt/tenkibot
7de0846d267cb813adadb003294f5275f3cfe81a
[ "MIT" ]
4
2018-08-27T04:49:01.000Z
2018-11-28T15:54:13.000Z
service/util/selenium_service.py
haruspring-jokt/tenkibot
7de0846d267cb813adadb003294f5275f3cfe81a
[ "MIT" ]
null
null
null
# coding: utf-8 from selenium import webdriver from selenium.webdriver.chrome.options import Options import slackbot_settings as settings def setup_webdriver(is_headless=True, is_mobile=False): options = Options() options.binary_location = settings.CHROME_BINARY_LOCATION # headlessにする場合は以下の2行についてコメントアウトを外します if is_headless: options.add_argument('--headless') options.add_argument('--start-maximized') if is_mobile: mobile_emulation = {"deviceName": "Pixel 2"} options.add_experimental_option('mobileEmulation', mobile_emulation) options.add_argument('disable-infobars') options.add_argument('--disable-extensions') options.add_argument('--no-sandbox') options.add_argument('--disable-dev-shm-usage') options.add_argument('--disable-gpu') driver = webdriver.Chrome( options=options, executable_path=settings.CHROME_DRIVER_PATH) # ドライバが設定されるまでの待ち時間を設定 driver.implicitly_wait(10) driver.set_page_load_timeout(60) return driver
29.571429
76
0.740097
3ef7cead162d8606b06591a499c1d00e7670adc6
13,646
py
Python
Lib/site-packages/stripe/test/test_http_client.py
JulioCantu/IndiStore
723c4ced800d43ffbfd34dc0ff7649b628008416
[ "bzip2-1.0.6" ]
null
null
null
Lib/site-packages/stripe/test/test_http_client.py
JulioCantu/IndiStore
723c4ced800d43ffbfd34dc0ff7649b628008416
[ "bzip2-1.0.6" ]
4
2020-06-06T00:04:23.000Z
2021-09-08T01:26:23.000Z
Lib/site-packages/stripe/test/test_http_client.py
JulioCantu/IndiStore
723c4ced800d43ffbfd34dc0ff7649b628008416
[ "bzip2-1.0.6" ]
null
null
null
import sys import unittest2 from mock import MagicMock, Mock, patch import stripe from stripe.test.helper import StripeUnitTestCase VALID_API_METHODS = ('get', 'post', 'delete') class HttpClientTests(StripeUnitTestCase): def setUp(self): super(HttpClientTests, self).setUp() self.original_filters = stripe.http_client.warnings.filters[:] stripe.http_client.warnings.simplefilter('ignore') def tearDown(self): stripe.http_client.warnings.filters = self.original_filters super(HttpClientTests, self).tearDown() def check_default(self, none_libs, expected): for lib in none_libs: setattr(stripe.http_client, lib, None) inst = stripe.http_client.new_default_http_client() self.assertTrue(isinstance(inst, expected)) def test_new_default_http_client_urlfetch(self): self.check_default((), stripe.http_client.UrlFetchClient) def test_new_default_http_client_requests(self): self.check_default(('urlfetch',), stripe.http_client.RequestsClient) def test_new_default_http_client_pycurl(self): self.check_default(('urlfetch', 'requests',), stripe.http_client.PycurlClient) def test_new_default_http_client_urllib2(self): self.check_default(('urlfetch', 'requests', 'pycurl'), stripe.http_client.Urllib2Client) class ClientTestBase(): @property def request_mock(self): return self.request_mocks[self.request_client.name] @property def valid_url(self, path='/foo'): return 'https://api.stripe.com%s' % (path,) def make_request(self, method, url, headers, post_data): client = self.request_client(verify_ssl_certs=True) return client.request(method, url, headers, post_data) def mock_response(self, body, code): raise NotImplementedError( 'You must implement this in your test subclass') def mock_error(self, error): raise NotImplementedError( 'You must implement this in your test subclass') def check_call(self, meth, abs_url, headers, params): raise NotImplementedError( 'You must implement this in your test subclass') def test_request(self): self.mock_response(self.request_mock, '{"foo": "baz"}', 200) for meth in VALID_API_METHODS: abs_url = self.valid_url data = '' if meth != 'post': abs_url = '%s?%s' % (abs_url, data) data = None headers = {'my-header': 'header val'} body, code, _ = self.make_request( meth, abs_url, headers, data) self.assertEqual(200, code) self.assertEqual('{"foo": "baz"}', body) self.check_call(self.request_mock, meth, abs_url, data, headers) def test_exception(self): self.mock_error(self.request_mock) self.assertRaises(stripe.error.APIConnectionError, self.make_request, 'get', self.valid_url, {}, None) class RequestsVerify(object): def __eq__(self, other): return other and other.endswith('stripe/data/ca-certificates.crt') class RequestsClientTests(StripeUnitTestCase, ClientTestBase): request_client = stripe.http_client.RequestsClient def setUp(self): super(RequestsClientTests, self).setUp() self.session = MagicMock() def test_timeout(self): headers = {'my-header': 'header val'} data = '' self.mock_response(self.request_mock, '{"foo": "baz"}', 200) self.make_request('POST', self.valid_url, headers, data, timeout=5) self.check_call(None, 'POST', self.valid_url, data, headers, timeout=5) def make_request(self, method, url, headers, post_data, timeout=80): client = self.request_client(verify_ssl_certs=True, timeout=timeout, proxy='http://slap/') return client.request(method, url, headers, post_data) def mock_response(self, mock, body, code): result = Mock() result.content = body result.status_code = code self.session.request = MagicMock(return_value=result) mock.Session = MagicMock(return_value=self.session) def mock_error(self, mock): mock.exceptions.RequestException = Exception self.session.request.side_effect = mock.exceptions.RequestException() mock.Session = MagicMock(return_value=self.session) # Note that unlike other modules, we don't use the "mock" argument here # because we need to run the request call against the internal mock # session. def check_call(self, mock, meth, url, post_data, headers, timeout=80): self.session.request. \ assert_called_with(meth, url, headers=headers, data=post_data, verify=RequestsVerify(), proxies={"http": "http://slap/", "https": "http://slap/"}, timeout=timeout) class UrlFetchClientTests(StripeUnitTestCase, ClientTestBase): request_client = stripe.http_client.UrlFetchClient def mock_response(self, mock, body, code): result = Mock() result.content = body result.status_code = code mock.fetch = Mock(return_value=result) def mock_error(self, mock): mock.Error = mock.InvalidURLError = Exception mock.fetch.side_effect = mock.InvalidURLError() def check_call(self, mock, meth, url, post_data, headers): mock.fetch.assert_called_with( url=url, method=meth, headers=headers, validate_certificate=True, deadline=55, payload=post_data ) class Urllib2ClientTests(StripeUnitTestCase, ClientTestBase): request_client = stripe.http_client.Urllib2Client def make_request(self, method, url, headers, post_data, proxy=None): self.client = self.request_client(verify_ssl_certs=True, proxy=proxy) self.proxy = proxy return self.client.request(method, url, headers, post_data) def mock_response(self, mock, body, code): response = Mock response.read = Mock(return_value=body) response.code = code response.info = Mock(return_value={}) self.request_object = Mock() mock.Request = Mock(return_value=self.request_object) mock.urlopen = Mock(return_value=response) opener = Mock opener.open = Mock(return_value=response) mock.build_opener = Mock(return_value=opener) mock.build_opener.open = opener.open mock.ProxyHandler = Mock(return_value=opener) mock.urlopen = Mock(return_value=response) def mock_error(self, mock): mock.urlopen.side_effect = ValueError mock.build_opener().open.side_effect = ValueError mock.build_opener.reset_mock() def check_call(self, mock, meth, url, post_data, headers): if sys.version_info >= (3, 0) and isinstance(post_data, str): post_data = post_data.encode('utf-8') mock.Request.assert_called_with(url, post_data, headers) if (self.client._proxy): self.assertTrue(type(self.client._proxy) is dict) mock.ProxyHandler.assert_called_with(self.client._proxy) mock.build_opener.open.assert_called_with(self.request_object) self.assertTrue(not mock.urlopen.called) if (not self.client._proxy): mock.urlopen.assert_called_with(self.request_object) self.assertTrue(not mock.build_opener.called) self.assertTrue(not mock.build_opener.open.called) class Urllib2ClientHttpsProxyTests(Urllib2ClientTests): def make_request(self, method, url, headers, post_data, proxy=None): return super(Urllib2ClientHttpsProxyTests, self).make_request( method, url, headers, post_data, {"http": "http://slap/", "https": "http://slap/"}) class Urllib2ClientHttpProxyTests(Urllib2ClientTests): def make_request(self, method, url, headers, post_data, proxy=None): return super(Urllib2ClientHttpProxyTests, self).make_request( method, url, headers, post_data, "http://slap/") class PycurlClientTests(StripeUnitTestCase, ClientTestBase): request_client = stripe.http_client.PycurlClient def make_request(self, method, url, headers, post_data, proxy=None): self.client = self.request_client(verify_ssl_certs=True, proxy=proxy) self.proxy = proxy return self.client.request(method, url, headers, post_data) @property def request_mock(self): if not hasattr(self, 'curl_mock'): lib_mock = self.request_mocks[self.request_client.name] self.curl_mock = Mock() lib_mock.Curl = Mock(return_value=self.curl_mock) return self.curl_mock def setUp(self): super(PycurlClientTests, self).setUp() self.bio_patcher = patch('stripe.util.io.BytesIO') bio_mock = Mock() self.bio_patcher.start().return_value = bio_mock self.bio_getvalue = bio_mock.getvalue def tearDown(self): super(PycurlClientTests, self).tearDown() self.bio_patcher.stop() def mock_response(self, mock, body, code): self.bio_getvalue.return_value = body.encode('utf-8') mock.getinfo.return_value = code def mock_error(self, mock): class FakeException(BaseException): @property def args(self): return ('foo', 'bar') stripe.http_client.pycurl.error = FakeException mock.perform.side_effect = stripe.http_client.pycurl.error def check_call(self, mock, meth, url, post_data, headers): lib_mock = self.request_mocks[self.request_client.name] # A note on methodology here: we don't necessarily need to verify # _every_ call to setopt, but check a few of them to make sure the # right thing is happening. Keep an eye specifically on conditional # statements where things are more likely to go wrong. self.curl_mock.setopt.assert_any_call(lib_mock.NOSIGNAL, 1) self.curl_mock.setopt.assert_any_call(lib_mock.URL, stripe.util.utf8(url)) if meth == 'get': self.curl_mock.setopt.assert_any_call(lib_mock.HTTPGET, 1) elif meth == 'post': self.curl_mock.setopt.assert_any_call(lib_mock.POST, 1) else: self.curl_mock.setopt.assert_any_call(lib_mock.CUSTOMREQUEST, meth.upper()) self.curl_mock.perform.assert_any_call() class PycurlClientHttpProxyTests(PycurlClientTests): def make_request(self, method, url, headers, post_data, proxy=None): return super(PycurlClientHttpProxyTests, self).make_request( method, url, headers, post_data, "http://user:withPwd@slap:8888/") def check_call(self, mock, meth, url, post_data, headers): lib_mock = self.request_mocks[self.request_client.name] self.curl_mock.setopt.assert_any_call(lib_mock.PROXY, "slap") self.curl_mock.setopt.assert_any_call(lib_mock.PROXYPORT, 8888) self.curl_mock.setopt.assert_any_call(lib_mock.PROXYUSERPWD, "user:withPwd") super(PycurlClientHttpProxyTests, self).check_call( mock, meth, url, post_data, headers) class PycurlClientHttpsProxyTests(PycurlClientTests): def make_request(self, method, url, headers, post_data, proxy=None): return super(PycurlClientHttpsProxyTests, self).make_request( method, url, headers, post_data, {"http": "http://slap:8888/", "https": "http://slap2:444/"}) def check_call(self, mock, meth, url, post_data, headers): lib_mock = self.request_mocks[self.request_client.name] self.curl_mock.setopt.assert_any_call(lib_mock.PROXY, "slap2") self.curl_mock.setopt.assert_any_call(lib_mock.PROXYPORT, 444) super(PycurlClientHttpsProxyTests, self).check_call( mock, meth, url, post_data, headers) class APIEncodeTest(StripeUnitTestCase): def test_encode_dict(self): body = { 'foo': { 'dob': { 'month': 1, }, 'name': 'bat' }, } values = [t for t in stripe.api_requestor._api_encode(body)] self.assertTrue(('foo[dob][month]', 1) in values) self.assertTrue(('foo[name]', 'bat') in values) def test_encode_array(self): body = { 'foo': [{ 'dob': { 'month': 1, }, 'name': 'bat' }], } values = [t for t in stripe.api_requestor._api_encode(body)] self.assertTrue(('foo[][dob][month]', 1) in values) self.assertTrue(('foo[][name]', 'bat') in values) if __name__ == '__main__': unittest2.main()
34.546835
77
0.616518
4e56f6d024b99004b1f8d8f367660d01b3a4e67e
4,377
py
Python
hello/asyncio.py
Supremeyh/python
062374bc7dc4bbb3f9b331d8c2ea0fb2d16d6d4c
[ "MIT" ]
null
null
null
hello/asyncio.py
Supremeyh/python
062374bc7dc4bbb3f9b331d8c2ea0fb2d16d6d4c
[ "MIT" ]
null
null
null
hello/asyncio.py
Supremeyh/python
062374bc7dc4bbb3f9b331d8c2ea0fb2d16d6d4c
[ "MIT" ]
null
null
null
#!/usr/bin/env python3 # -*- coding: utf-8 -*- # 异步IO # 当代码需要执行一个耗时的IO操作时,它只发出IO指令,并不等待IO结果,然后就去执行其他代码了。一段时间后,当IO返回结果时,再通知CPU进行处理。 # 异步IO模型需要一个消息循环,在消息循环中,主线程不断地重复“读取消息-处理消息”这一过程 # 当遇到IO操作时,代码只负责发出IO请求,不等待IO结果,然后直接结束本轮消息处理,进入下一轮消息处理过程。当IO操作完成后,将收到一条“IO完成”的消息, # 处理该消息时就可以直接获取IO操作结果。在“发出IO请求”到收到“IO完成”的这段时间里,同步IO模型下,主线程只能挂起,但异步IO模型下,主线程并没有休息, # 而是在消息循环中继续处理其他消息。这样,在异步IO模型下,一个线程就可以同时处理多个IO请求,并且没有切换线程的操作。 # 对于大多数IO密集型的应用程序,使用异步IO将大大提升系统的多任务处理能力。 # 老张爱喝茶,煮开水。 # 出场人物:老张,水壶两把(普通水壶,简称水壶;会响的水壶,简称响水壶)。 # 1 老张把水壶放到火上,立等水开。(同步阻塞) # 老张觉得自己有点傻 # 2 老张把水壶放到火上,去客厅看电视,时不时去厨房看看水开没有。(同步非阻塞) # 老张还是觉得自己有点傻,于是变高端了,买了把会响笛的那种水壶。水开之后,能大声发出嘀~~~~的噪音。 # 3 老张把响水壶放到火上,立等水开。(异步阻塞) # 老张觉得这样傻等意义不大 # 4 老张把响水壶放到火上,去客厅看电视,水壶响之前不再去看它了,响了再去拿壶。(异步非阻塞) # 老张觉得自己聪明了。 # 所谓同步异步,只是对于水壶而言。 # 普通水壶,同步;响水壶,异步。 # 虽然都能干活,但响水壶可以在自己完工之后,提示老张水开了。这是普通水壶所不能及的。 # 同步只能让调用者去轮询自己(情况2中),造成老张效率的低下。 # 所谓阻塞非阻塞,仅仅对于老张而言。 # 立等的老张,阻塞;看电视的老张,非阻塞。 # 情况1和情况3中老张就是阻塞的,媳妇喊他都不知道。虽然3中响水壶是异步的,可对于立等的老张没有太大的意义。所以一般异步是配合非阻塞使用的,这样才能发挥异步的效用。 # 协程,又称微线程,纤程。英文名 coroutine # 所以子程序调用是通过栈实现的,一个线程就是执行一个子程序。子程序切换不是线程切换,而是由程序自身控制,因此,没有线程切换的开销,和多线程比,线程数量越多,协程的性能优势就越明显。 # 第二大优势就是不需要多线程的锁机制,因为只有一个线程,也不存在同时写变量冲突,在协程中控制共享资源不加锁,只需要判断状态就好了,所以执行效率比多线程高很多。 # Python对协程的支持是通过generator实现的。在generator中,我们不但可以通过for循环来迭代,还可以不断调用next()函数获取由yield语句返回的下一个值。 # 但是Python的yield不但可以返回一个值,它还可以接收调用者发出的参数。 # 传统的生产者-消费者模型是一个线程写消息,一个线程取消息,通过锁机制控制队列和等待,但一不小心就可能死锁。 # 如果改用协程,生产者生产消息后,直接通过yield跳转到消费者开始执行,待消费者执行完毕后,切换回生产者继续生产,效率极高: def consumer(): r = '' while True: n = yield r # 返回r, 等待下一次Send, n = Send传递的参数 if not n: return print('[consumer] consuming %s... ' %n) r = '200 OK' def produce(c): c.send(None) n = 0 while n < 5: n = n + 1 print('[produce] producing %s...' %n) r = c.send(n) print('[consumer] consuming %s... ' %r) c.close() c = consumer() produce(c) # 注意到consumer函数是一个generator,把一个consumer传入produce后: # 首先调用c.send(None)启动生成器; # 然后,一旦生产了东西,通过c.send(n)切换到consumer执行; # consumer通过yield拿到消息,处理,又通过yield把结果传回; # produce拿到consumer处理的结果,继续生产下一条消息; # produce决定不生产了,通过c.close()关闭consumer,整个过程结束。 # 整个流程无锁,由一个线程执行,produce和consumer协作完成任务,所以称为“协程”,而非线程的抢占式多任务。 # 最后套用Donald Knuth的一句话总结协程的特点:“子程序就是协程的一种特例。” # 结果: # [produce] producing 1... # [consumer] consuming 1... # [consumer] consuming 200 OK... # [produce] producing 2... # [consumer] consuming 2... # [consumer] consuming 200 OK... # [produce] producing 3... # [consumer] consuming 3... # [consumer] consuming 200 OK... # [produce] producing 4... # [consumer] consuming 4... # [consumer] consuming 200 OK... # [produce] producing 5... # [consumer] consuming 5... # [consumer] consuming 200 OK... # next() 和 send(None) 相似: send(msg)可以传递yield的值, next()只能传递None。 # 深入理解 Python yield: https://blog.csdn.net/lftaoyuan/article/details/78915518 # asyncio是Python 3.4版本引入的标准库,直接内置了对异步IO的支持。 # asyncio的编程模型就是一个消息循环。我们从asyncio模块中直接获取一个EventLoop的引用,然后把需要执行的协程扔到EventLoop中执行,就实现了异步IO。 # 用asyncio提供的@asyncio.coroutine可以把一个generator标记为coroutine类型,然后在coroutine内部用yield from调用另一个coroutine实现异步操作。 # async/await # 为了简化并更好地标识异步IO,从Python 3.5开始引入了新的语法async和await,可以让coroutine的代码更简洁易读。 # async和await是针对coroutine的新语法,要使用新的语法,只需要做两步简单的替换: 把@asyncio.coroutine替换为async;把yield from替换为await,其余的代码保持不变。 import asyncio @asyncio.coroutine def hello(): print('hello python!') r = yield from asyncio.sleep(1) # 异步调用asyncio.sleep(1): print('see u again') # 获取EventLoop: loop = asyncio.get_event_loop() # 执行coroutine loop.run_until_complete(hello()) loop.close( ) # 重新编写 async def hello(): print('hello python!') r = await asyncio.sleep(1) print('see u again') # aiohttp # asyncio实现了TCP、UDP、SSL等协议,aiohttp则是基于asyncio实现的HTTP框架。 # pip install aiohttp # 安装aiohttp import asyncio from aiohttp import web async def index(request): await asyncio.sleep(0.5) return web.Response(body=b'<h1>Index</h1>') async def hello(request): await asyncio.sleep(0.5) text = b'<h1>hello, %s!</h1>' % request.match_info['name'] return web.Response(body=text.encode('utf-8')) async def init(loop): app = web.Application(loop=loop) app.router.add_route('GET', '/', index) app.router.add_route('GET', '/hello/{name}', hello) srv = await loop.create_server(app.make_handler(), '127.0.0.1', 8000) print('Server started at http://127.0.0.1:8000...') return srv loop = asyncio.get_event_loop() loop.run_until_complete(init(loop)) loop.run_forever()
26.36747
109
0.744574
e146f5f62650f7fbce091e482c53f6e1e3a88f28
61,150
py
Python
mesonbuild/compilers/mixins/clike.py
kvark/meson
dff40ca259c396568eeb4d05c534781ca148f8e7
[ "Apache-2.0" ]
null
null
null
mesonbuild/compilers/mixins/clike.py
kvark/meson
dff40ca259c396568eeb4d05c534781ca148f8e7
[ "Apache-2.0" ]
null
null
null
mesonbuild/compilers/mixins/clike.py
kvark/meson
dff40ca259c396568eeb4d05c534781ca148f8e7
[ "Apache-2.0" ]
null
null
null
# Copyright 2012-2017 The Meson development team # 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. """Mixin classes to be shared between C and C++ compilers. Without this we'll end up with awful diamond inherintance problems. The goal of this is to have mixin's, which are classes that are designed *not* to be standalone, they only work through inheritance. """ import contextlib import collections import functools import glob import itertools import os import re import subprocess import typing as T from pathlib import Path from ... import arglist from ... import mesonlib from ... import mlog from ...linkers import GnuLikeDynamicLinkerMixin, SolarisDynamicLinker, CompCertDynamicLinker from ...mesonlib import LibType from .. import compilers from .visualstudio import VisualStudioLikeCompiler if T.TYPE_CHECKING: from ...dependencies import Dependency, ExternalProgram from ...environment import Environment from ...compilers.compilers import Compiler else: # This is a bit clever, for mypy we pretend that these mixins descend from # Compiler, so we get all of the methods and attributes defined for us, but # for runtime we make them descend from object (which all classes normally # do). This gives up DRYer type checking, with no runtime impact Compiler = object GROUP_FLAGS = re.compile(r'''\.so (?:\.[0-9]+)? (?:\.[0-9]+)? (?:\.[0-9]+)?$ | ^(?:-Wl,)?-l | \.a$''', re.X) class CLikeCompilerArgs(arglist.CompilerArgs): prepend_prefixes = ('-I', '-L') dedup2_prefixes = ('-I', '-isystem', '-L', '-D', '-U') # NOTE: not thorough. A list of potential corner cases can be found in # https://github.com/mesonbuild/meson/pull/4593#pullrequestreview-182016038 dedup1_prefixes = ('-l', '-Wl,-l', '-Wl,--export-dynamic') dedup1_suffixes = ('.lib', '.dll', '.so', '.dylib', '.a') dedup1_args = ('-c', '-S', '-E', '-pipe', '-pthread') def to_native(self, copy: bool = False) -> T.List[str]: # This seems to be allowed, but could never work? assert isinstance(self.compiler, compilers.Compiler), 'How did you get here' # Check if we need to add --start/end-group for circular dependencies # between static libraries, and for recursively searching for symbols # needed by static libraries that are provided by object files or # shared libraries. self.flush_pre_post() if copy: new = self.copy() else: new = self # This covers all ld.bfd, ld.gold, ld.gold, and xild on Linux, which # all act like (or are) gnu ld # TODO: this could probably be added to the DynamicLinker instead if isinstance(self.compiler.linker, (GnuLikeDynamicLinkerMixin, SolarisDynamicLinker, CompCertDynamicLinker)): group_start = -1 group_end = -1 for i, each in enumerate(new): if not GROUP_FLAGS.search(each): continue group_end = i if group_start < 0: # First occurrence of a library group_start = i if group_start >= 0: # Last occurrence of a library new.insert(group_end + 1, '-Wl,--end-group') new.insert(group_start, '-Wl,--start-group') # Remove system/default include paths added with -isystem default_dirs = self.compiler.get_default_include_dirs() if default_dirs: bad_idx_list = [] # type: T.List[int] for i, each in enumerate(new): if not each.startswith('-isystem'): continue # Remove the -isystem and the path if the path is a default path if (each == '-isystem' and i < (len(new) - 1) and new[i + 1] in default_dirs): bad_idx_list += [i, i + 1] elif each.startswith('-isystem=') and each[9:] in default_dirs: bad_idx_list += [i] elif each[8:] in default_dirs: bad_idx_list += [i] for i in reversed(bad_idx_list): new.pop(i) return self.compiler.unix_args_to_native(new._container) def __repr__(self) -> str: self.flush_pre_post() return 'CLikeCompilerArgs({!r}, {!r})'.format(self.compiler, self._container) class CLikeCompiler(Compiler): """Shared bits for the C and CPP Compilers.""" if T.TYPE_CHECKING: warn_args = {} # type: T.Dict[str, T.List[str]] # TODO: Replace this manual cache with functools.lru_cache find_library_cache = {} # type: T.Dict[T.Tuple[T.Tuple[str, ...], str, T.Tuple[str, ...], str, LibType], T.Optional[T.List[str]]] find_framework_cache = {} # type: T.Dict[T.Tuple[T.Tuple[str, ...], str, T.Tuple[str, ...], bool], T.Optional[T.List[str]]] internal_libs = arglist.UNIXY_COMPILER_INTERNAL_LIBS def __init__(self, exe_wrapper: T.Optional['ExternalProgram'] = None): # If a child ObjC or CPP class has already set it, don't set it ourselves self.can_compile_suffixes.add('h') # If the exe wrapper was not found, pretend it wasn't set so that the # sanity check is skipped and compiler checks use fallbacks. if not exe_wrapper or not exe_wrapper.found() or not exe_wrapper.get_command(): self.exe_wrapper = None else: self.exe_wrapper = exe_wrapper.get_command() def compiler_args(self, args: T.Optional[T.Iterable[str]] = None) -> CLikeCompilerArgs: # This is correct, mypy just doesn't understand co-operative inheritance return CLikeCompilerArgs(self, args) def needs_static_linker(self) -> bool: return True # When compiling static libraries, so yes. def get_always_args(self) -> T.List[str]: ''' Args that are always-on for all C compilers other than MSVC ''' return ['-pipe'] + self.get_largefile_args() def get_no_stdinc_args(self) -> T.List[str]: return ['-nostdinc'] def get_no_stdlib_link_args(self) -> T.List[str]: return ['-nostdlib'] def get_warn_args(self, level: str) -> T.List[str]: # TODO: this should be an enum return self.warn_args[level] def get_no_warn_args(self) -> T.List[str]: # Almost every compiler uses this for disabling warnings return ['-w'] def split_shlib_to_parts(self, fname: str) -> T.Tuple[T.Optional[str], str]: return None, fname def depfile_for_object(self, objfile: str) -> str: return objfile + '.' + self.get_depfile_suffix() def get_depfile_suffix(self) -> str: return 'd' def get_exelist(self) -> T.List[str]: return self.exelist.copy() def get_preprocess_only_args(self) -> T.List[str]: return ['-E', '-P'] def get_compile_only_args(self) -> T.List[str]: return ['-c'] def get_no_optimization_args(self) -> T.List[str]: return ['-O0'] def get_compiler_check_args(self) -> T.List[str]: ''' Get arguments useful for compiler checks such as being permissive in the code quality and not doing any optimization. ''' return self.get_no_optimization_args() def get_output_args(self, target: str) -> T.List[str]: return ['-o', target] def get_werror_args(self) -> T.List[str]: return ['-Werror'] def get_std_exe_link_args(self) -> T.List[str]: # TODO: is this a linker property? return [] def get_include_args(self, path: str, is_system: bool) -> T.List[str]: if path == '': path = '.' if is_system: return ['-isystem', path] return ['-I' + path] def get_compiler_dirs(self, env: 'Environment', name: str) -> T.List[str]: ''' Get dirs from the compiler, either `libraries:` or `programs:` ''' return [] @functools.lru_cache() def _get_library_dirs(self, env: 'Environment', elf_class: T.Optional[int] = None) -> T.List[str]: # TODO: replace elf_class with enum dirs = self.get_compiler_dirs(env, 'libraries') if elf_class is None or elf_class == 0: return dirs # if we do have an elf class for 32-bit or 64-bit, we want to check that # the directory in question contains libraries of the appropriate class. Since # system directories aren't mixed, we only need to check one file for each # directory and go by that. If we can't check the file for some reason, assume # the compiler knows what it's doing, and accept the directory anyway. retval = [] for d in dirs: files = [f for f in os.listdir(d) if f.endswith('.so') and os.path.isfile(os.path.join(d, f))] # if no files, accept directory and move on if not files: retval.append(d) continue for f in files: file_to_check = os.path.join(d, f) try: with open(file_to_check, 'rb') as fd: header = fd.read(5) # if file is not an ELF file, it's weird, but accept dir # if it is elf, and the class matches, accept dir if header[1:4] != b'ELF' or int(header[4]) == elf_class: retval.append(d) # at this point, it's an ELF file which doesn't match the # appropriate elf_class, so skip this one # stop scanning after the first sucessful read break except OSError: # Skip the file if we can't read it pass return retval def get_library_dirs(self, env: 'Environment', elf_class: T.Optional[int] = None) -> T.List[str]: """Wrap the lru_cache so that we return a new copy and don't allow mutation of the cached value. """ return self._get_library_dirs(env, elf_class).copy() @functools.lru_cache() def _get_program_dirs(self, env: 'Environment') -> T.List[str]: ''' Programs used by the compiler. Also where toolchain DLLs such as libstdc++-6.dll are found with MinGW. ''' return self.get_compiler_dirs(env, 'programs') def get_program_dirs(self, env: 'Environment') -> T.List[str]: return self._get_program_dirs(env).copy() def get_pic_args(self) -> T.List[str]: return ['-fPIC'] def get_pch_use_args(self, pch_dir: str, header: str) -> T.List[str]: return ['-include', os.path.basename(header)] def get_pch_name(self, header_name: str) -> str: return os.path.basename(header_name) + '.' + self.get_pch_suffix() def get_linker_search_args(self, dirname: str) -> T.List[str]: return self.linker.get_search_args(dirname) def get_default_include_dirs(self) -> T.List[str]: return [] def gen_export_dynamic_link_args(self, env: 'Environment') -> T.List[str]: return self.linker.export_dynamic_args(env) def gen_import_library_args(self, implibname: str) -> T.List[str]: return self.linker.import_library_args(implibname) def _sanity_check_impl(self, work_dir: str, environment: 'Environment', sname: str, code: str) -> None: mlog.debug('Sanity testing ' + self.get_display_language() + ' compiler:', ' '.join(self.exelist)) mlog.debug('Is cross compiler: %s.' % str(self.is_cross)) source_name = os.path.join(work_dir, sname) binname = sname.rsplit('.', 1)[0] mode = 'link' if self.is_cross: binname += '_cross' if self.exe_wrapper is None: # Linking cross built apps is painful. You can't really # tell if you should use -nostdlib or not and for example # on OSX the compiler binary is the same but you need # a ton of compiler flags to differentiate between # arm and x86_64. So just compile. mode = 'compile' cargs, largs = self._get_basic_compiler_args(environment, mode) extra_flags = cargs + self.linker_to_compiler_args(largs) # Is a valid executable output for all toolchains and platforms binname += '.exe' # Write binary check source binary_name = os.path.join(work_dir, binname) with open(source_name, 'w') as ofile: ofile.write(code) # Compile sanity check # NOTE: extra_flags must be added at the end. On MSVC, it might contain a '/link' argument # after which all further arguments will be passed directly to the linker cmdlist = self.exelist + [source_name] + self.get_output_args(binary_name) + extra_flags pc, stdo, stde = mesonlib.Popen_safe(cmdlist, cwd=work_dir) mlog.debug('Sanity check compiler command line:', ' '.join(cmdlist)) mlog.debug('Sanity check compile stdout:') mlog.debug(stdo) mlog.debug('-----\nSanity check compile stderr:') mlog.debug(stde) mlog.debug('-----') if pc.returncode != 0: raise mesonlib.EnvironmentException('Compiler {0} can not compile programs.'.format(self.name_string())) # Run sanity check if self.is_cross: if self.exe_wrapper is None: # Can't check if the binaries run so we have to assume they do return cmdlist = self.exe_wrapper + [binary_name] else: cmdlist = [binary_name] mlog.debug('Running test binary command: ' + ' '.join(cmdlist)) try: pe = subprocess.Popen(cmdlist) except Exception as e: raise mesonlib.EnvironmentException('Could not invoke sanity test executable: %s.' % str(e)) pe.wait() if pe.returncode != 0: raise mesonlib.EnvironmentException('Executables created by {0} compiler {1} are not runnable.'.format(self.language, self.name_string())) def sanity_check(self, work_dir: str, environment: 'Environment') -> None: code = 'int main(void) { int class=0; return class; }\n' return self._sanity_check_impl(work_dir, environment, 'sanitycheckc.c', code) def check_header(self, hname: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> T.Tuple[bool, bool]: fargs = {'prefix': prefix, 'header': hname} code = '''{prefix} #include <{header}>''' return self.compiles(code.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) def has_header(self, hname: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None, disable_cache: bool = False) -> T.Tuple[bool, bool]: fargs = {'prefix': prefix, 'header': hname} code = '''{prefix} #ifdef __has_include #if !__has_include("{header}") #error "Header '{header}' could not be found" #endif #else #include <{header}> #endif''' return self.compiles(code.format(**fargs), env, extra_args=extra_args, dependencies=dependencies, mode='preprocess', disable_cache=disable_cache) def has_header_symbol(self, hname: str, symbol: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> T.Tuple[bool, bool]: fargs = {'prefix': prefix, 'header': hname, 'symbol': symbol} t = '''{prefix} #include <{header}> int main(void) {{ /* If it's not defined as a macro, try to use as a symbol */ #ifndef {symbol} {symbol}; #endif return 0; }}''' return self.compiles(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) def _get_basic_compiler_args(self, env: 'Environment', mode: str) -> T.Tuple[T.List[str], T.List[str]]: cargs = [] # type: T.List[str] largs = [] # type: T.List[str] if mode == 'link': # Sometimes we need to manually select the CRT to use with MSVC. # One example is when trying to do a compiler check that involves # linking with static libraries since MSVC won't select a CRT for # us in that case and will error out asking us to pick one. try: crt_val = env.coredata.base_options['b_vscrt'].value buildtype = env.coredata.builtins['buildtype'].value cargs += self.get_crt_compile_args(crt_val, buildtype) except (KeyError, AttributeError): pass # Add CFLAGS/CXXFLAGS/OBJCFLAGS/OBJCXXFLAGS and CPPFLAGS from the env sys_args = env.coredata.get_external_args(self.for_machine, self.language) # Apparently it is a thing to inject linker flags both # via CFLAGS _and_ LDFLAGS, even though the former are # also used during linking. These flags can break # argument checks. Thanks, Autotools. cleaned_sys_args = self.remove_linkerlike_args(sys_args) cargs += cleaned_sys_args if mode == 'link': ld_value = env.lookup_binary_entry(self.for_machine, self.language + '_ld') if ld_value is not None: largs += self.use_linker_args(ld_value[0]) # Add LDFLAGS from the env sys_ld_args = env.coredata.get_external_link_args(self.for_machine, self.language) # CFLAGS and CXXFLAGS go to both linking and compiling, but we want them # to only appear on the command line once. Remove dupes. largs += [x for x in sys_ld_args if x not in sys_args] cargs += self.get_compiler_args_for_mode(mode) return cargs, largs def _get_compiler_check_args(self, env: 'Environment', extra_args: T.Union[None, arglist.CompilerArgs, T.List[str]], dependencies: T.Optional[T.List['Dependency']], mode: str = 'compile') -> arglist.CompilerArgs: # TODO: the caller should handle the listfing of these arguments if extra_args is None: extra_args = [] else: # TODO: we want to do this in the caller extra_args = mesonlib.listify(extra_args) extra_args = mesonlib.listify([e(mode) if callable(e) else e for e in extra_args]) if dependencies is None: dependencies = [] elif not isinstance(dependencies, collections.abc.Iterable): # TODO: we want to ensure the front end does the listifing here dependencies = [dependencies] # type: ignore # Collect compiler arguments cargs = self.compiler_args() # type: arglist.CompilerArgs largs = [] # type: T.List[str] for d in dependencies: # Add compile flags needed by dependencies cargs += d.get_compile_args() if mode == 'link': # Add link flags needed to find dependencies largs += d.get_link_args() ca, la = self._get_basic_compiler_args(env, mode) cargs += ca largs += la cargs += self.get_compiler_check_args() # on MSVC compiler and linker flags must be separated by the "/link" argument # at this point, the '/link' argument may already be part of extra_args, otherwise, it is added here if self.linker_to_compiler_args([]) == ['/link'] and largs != [] and not ('/link' in extra_args): extra_args += ['/link'] args = cargs + extra_args + largs return args def compiles(self, code: str, env: 'Environment', *, extra_args: T.Union[None, T.List[str], arglist.CompilerArgs] = None, dependencies: T.Optional[T.List['Dependency']] = None, mode: str = 'compile', disable_cache: bool = False) -> T.Tuple[bool, bool]: with self._build_wrapper(code, env, extra_args, dependencies, mode, disable_cache=disable_cache) as p: return p.returncode == 0, p.cached @contextlib.contextmanager def _build_wrapper(self, code: str, env: 'Environment', extra_args: T.Union[None, arglist.CompilerArgs, T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None, mode: str = 'compile', want_output: bool = False, disable_cache: bool = False, temp_dir: str = None) -> T.Iterator[T.Optional[compilers.CompileResult]]: args = self._get_compiler_check_args(env, extra_args, dependencies, mode) if disable_cache or want_output: with self.compile(code, extra_args=args, mode=mode, want_output=want_output, temp_dir=env.scratch_dir) as r: yield r else: with self.cached_compile(code, env.coredata, extra_args=args, mode=mode, temp_dir=env.scratch_dir) as r: yield r def links(self, code: str, env: 'Environment', *, extra_args: T.Union[None, T.List[str], arglist.CompilerArgs] = None, dependencies: T.Optional[T.List['Dependency']] = None, mode: str = 'compile', disable_cache: bool = False) -> T.Tuple[bool, bool]: return self.compiles(code, env, extra_args=extra_args, dependencies=dependencies, mode='link', disable_cache=disable_cache) def run(self, code: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> compilers.RunResult: need_exe_wrapper = env.need_exe_wrapper(self.for_machine) if need_exe_wrapper and self.exe_wrapper is None: raise compilers.CrossNoRunException('Can not run test applications in this cross environment.') with self._build_wrapper(code, env, extra_args, dependencies, mode='link', want_output=True) as p: if p.returncode != 0: mlog.debug('Could not compile test file %s: %d\n' % ( p.input_name, p.returncode)) return compilers.RunResult(False) if need_exe_wrapper: cmdlist = self.exe_wrapper + [p.output_name] else: cmdlist = [p.output_name] try: pe, so, se = mesonlib.Popen_safe(cmdlist) except Exception as e: mlog.debug('Could not run: %s (error: %s)\n' % (cmdlist, e)) return compilers.RunResult(False) mlog.debug('Program stdout:\n') mlog.debug(so) mlog.debug('Program stderr:\n') mlog.debug(se) return compilers.RunResult(True, pe.returncode, so, se) def _compile_int(self, expression: str, prefix: str, env: 'Environment', extra_args: T.Optional[T.List[str]], dependencies: T.Optional[T.List['Dependency']]) -> bool: fargs = {'prefix': prefix, 'expression': expression} t = '''#include <stdio.h> {prefix} int main(void) {{ static int a[1-2*!({expression})]; a[0]=0; return 0; }}''' return self.compiles(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies)[0] def cross_compute_int(self, expression: str, low: T.Optional[int], high: T.Optional[int], guess: T.Optional[int], prefix: str, env: 'Environment', extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> int: # Try user's guess first if isinstance(guess, int): if self._compile_int('%s == %d' % (expression, guess), prefix, env, extra_args, dependencies): return guess # If no bounds are given, compute them in the limit of int32 maxint = 0x7fffffff minint = -0x80000000 if not isinstance(low, int) or not isinstance(high, int): if self._compile_int('%s >= 0' % (expression), prefix, env, extra_args, dependencies): low = cur = 0 while self._compile_int('%s > %d' % (expression, cur), prefix, env, extra_args, dependencies): low = cur + 1 if low > maxint: raise mesonlib.EnvironmentException('Cross-compile check overflowed') cur = cur * 2 + 1 if cur > maxint: cur = maxint high = cur else: high = cur = -1 while self._compile_int('%s < %d' % (expression, cur), prefix, env, extra_args, dependencies): high = cur - 1 if high < minint: raise mesonlib.EnvironmentException('Cross-compile check overflowed') cur = cur * 2 if cur < minint: cur = minint low = cur else: # Sanity check limits given by user if high < low: raise mesonlib.EnvironmentException('high limit smaller than low limit') condition = '%s <= %d && %s >= %d' % (expression, high, expression, low) if not self._compile_int(condition, prefix, env, extra_args, dependencies): raise mesonlib.EnvironmentException('Value out of given range') # Binary search while low != high: cur = low + int((high - low) / 2) if self._compile_int('%s <= %d' % (expression, cur), prefix, env, extra_args, dependencies): high = cur else: low = cur + 1 return low def compute_int(self, expression: str, low: T.Optional[int], high: T.Optional[int], guess: T.Optional[int], prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> int: if extra_args is None: extra_args = [] if self.is_cross: return self.cross_compute_int(expression, low, high, guess, prefix, env, extra_args, dependencies) fargs = {'prefix': prefix, 'expression': expression} t = '''#include<stdio.h> {prefix} int main(void) {{ printf("%ld\\n", (long)({expression})); return 0; }};''' res = self.run(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) if not res.compiled: return -1 if res.returncode != 0: raise mesonlib.EnvironmentException('Could not run compute_int test binary.') return int(res.stdout) def cross_sizeof(self, typename: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> int: if extra_args is None: extra_args = [] fargs = {'prefix': prefix, 'type': typename} t = '''#include <stdio.h> {prefix} int main(void) {{ {type} something; return 0; }}''' if not self.compiles(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies)[0]: return -1 return self.cross_compute_int('sizeof(%s)' % typename, None, None, None, prefix, env, extra_args, dependencies) def sizeof(self, typename: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> int: if extra_args is None: extra_args = [] fargs = {'prefix': prefix, 'type': typename} if self.is_cross: return self.cross_sizeof(typename, prefix, env, extra_args=extra_args, dependencies=dependencies) t = '''#include<stdio.h> {prefix} int main(void) {{ printf("%ld\\n", (long)(sizeof({type}))); return 0; }};''' res = self.run(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) if not res.compiled: return -1 if res.returncode != 0: raise mesonlib.EnvironmentException('Could not run sizeof test binary.') return int(res.stdout) def cross_alignment(self, typename: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> int: if extra_args is None: extra_args = [] fargs = {'prefix': prefix, 'type': typename} t = '''#include <stdio.h> {prefix} int main(void) {{ {type} something; return 0; }}''' if not self.compiles(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies)[0]: return -1 t = '''#include <stddef.h> {prefix} struct tmp {{ char c; {type} target; }};''' return self.cross_compute_int('offsetof(struct tmp, target)', None, None, None, t.format(**fargs), env, extra_args, dependencies) def alignment(self, typename: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> int: if extra_args is None: extra_args = [] if self.is_cross: return self.cross_alignment(typename, prefix, env, extra_args=extra_args, dependencies=dependencies) fargs = {'prefix': prefix, 'type': typename} t = '''#include <stdio.h> #include <stddef.h> {prefix} struct tmp {{ char c; {type} target; }}; int main(void) {{ printf("%d", (int)offsetof(struct tmp, target)); return 0; }}''' res = self.run(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) if not res.compiled: raise mesonlib.EnvironmentException('Could not compile alignment test.') if res.returncode != 0: raise mesonlib.EnvironmentException('Could not run alignment test binary.') align = int(res.stdout) if align == 0: raise mesonlib.EnvironmentException('Could not determine alignment of %s. Sorry. You might want to file a bug.' % typename) return align def get_define(self, dname: str, prefix: str, env: 'Environment', extra_args: T.Optional[T.List[str]], dependencies: T.Optional[T.List['Dependency']], disable_cache: bool = False) -> T.Tuple[str, bool]: delim = '"MESON_GET_DEFINE_DELIMITER"' fargs = {'prefix': prefix, 'define': dname, 'delim': delim} code = ''' {prefix} #ifndef {define} # define {define} #endif {delim}\n{define}''' args = self._get_compiler_check_args(env, extra_args, dependencies, mode='preprocess').to_native() func = functools.partial(self.cached_compile, code.format(**fargs), env.coredata, extra_args=args, mode='preprocess') if disable_cache: func = functools.partial(self.compile, code.format(**fargs), extra_args=args, mode='preprocess', temp_dir=env.scratch_dir) with func() as p: cached = p.cached if p.returncode != 0: raise mesonlib.EnvironmentException('Could not get define {!r}'.format(dname)) # Get the preprocessed value after the delimiter, # minus the extra newline at the end and # merge string literals. return self._concatenate_string_literals(p.stdout.split(delim + '\n')[-1][:-1]), cached def get_return_value(self, fname: str, rtype: str, prefix: str, env: 'Environment', extra_args: T.Optional[T.List[str]], dependencies: T.Optional[T.List['Dependency']]) -> T.Union[str, int]: # TODO: rtype should be an enum. # TODO: maybe we can use overload to tell mypy when this will return int vs str? if rtype == 'string': fmt = '%s' cast = '(char*)' elif rtype == 'int': fmt = '%lli' cast = '(long long int)' else: raise AssertionError('BUG: Unknown return type {!r}'.format(rtype)) fargs = {'prefix': prefix, 'f': fname, 'cast': cast, 'fmt': fmt} code = '''{prefix} #include <stdio.h> int main(void) {{ printf ("{fmt}", {cast} {f}()); return 0; }}'''.format(**fargs) res = self.run(code, env, extra_args=extra_args, dependencies=dependencies) if not res.compiled: m = 'Could not get return value of {}()' raise mesonlib.EnvironmentException(m.format(fname)) if rtype == 'string': return res.stdout elif rtype == 'int': try: return int(res.stdout.strip()) except ValueError: m = 'Return value of {}() is not an int' raise mesonlib.EnvironmentException(m.format(fname)) assert False, 'Unreachable' @staticmethod def _no_prototype_templ() -> T.Tuple[str, str]: """ Try to find the function without a prototype from a header by defining our own dummy prototype and trying to link with the C library (and whatever else the compiler links in by default). This is very similar to the check performed by Autoconf for AC_CHECK_FUNCS. """ # Define the symbol to something else since it is defined by the # includes or defines listed by the user or by the compiler. This may # include, for instance _GNU_SOURCE which must be defined before # limits.h, which includes features.h # Then, undef the symbol to get rid of it completely. head = ''' #define {func} meson_disable_define_of_{func} {prefix} #include <limits.h> #undef {func} ''' # Override any GCC internal prototype and declare our own definition for # the symbol. Use char because that's unlikely to be an actual return # value for a function which ensures that we override the definition. head += ''' #ifdef __cplusplus extern "C" #endif char {func} (void); ''' # The actual function call main = ''' int main(void) {{ return {func} (); }}''' return head, main @staticmethod def _have_prototype_templ() -> T.Tuple[str, str]: """ Returns a head-er and main() call that uses the headers listed by the user for the function prototype while checking if a function exists. """ # Add the 'prefix', aka defines, includes, etc that the user provides # This may include, for instance _GNU_SOURCE which must be defined # before limits.h, which includes features.h head = '{prefix}\n#include <limits.h>\n' # We don't know what the function takes or returns, so return it as an int. # Just taking the address or comparing it to void is not enough because # compilers are smart enough to optimize it away. The resulting binary # is not run so we don't care what the return value is. main = '''\nint main(void) {{ void *a = (void*) &{func}; long long b = (long long) a; return (int) b; }}''' return head, main def has_function(self, funcname: str, prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> T.Tuple[bool, bool]: """Determine if a function exists. First, this function looks for the symbol in the default libraries provided by the compiler (stdlib + a few others usually). If that fails, it checks if any of the headers specified in the prefix provide an implementation of the function, and if that fails, it checks if it's implemented as a compiler-builtin. """ if extra_args is None: extra_args = [] # Short-circuit if the check is already provided by the cross-info file varname = 'has function ' + funcname varname = varname.replace(' ', '_') if self.is_cross: val = env.properties.host.get(varname, None) if val is not None: if isinstance(val, bool): return val, False raise mesonlib.EnvironmentException('Cross variable {0} is not a boolean.'.format(varname)) # TODO: we really need a protocol for this, # # class StrProto(typing.Protocol): # def __str__(self) -> str: ... fargs = {'prefix': prefix, 'func': funcname} # type: T.Dict[str, T.Union[str, bool, int]] # glibc defines functions that are not available on Linux as stubs that # fail with ENOSYS (such as e.g. lchmod). In this case we want to fail # instead of detecting the stub as a valid symbol. # We already included limits.h earlier to ensure that these are defined # for stub functions. stubs_fail = ''' #if defined __stub_{func} || defined __stub___{func} fail fail fail this function is not going to work #endif ''' # If we have any includes in the prefix supplied by the user, assume # that the user wants us to use the symbol prototype defined in those # includes. If not, then try to do the Autoconf-style check with # a dummy prototype definition of our own. # This is needed when the linker determines symbol availability from an # SDK based on the prototype in the header provided by the SDK. # Ignoring this prototype would result in the symbol always being # marked as available. if '#include' in prefix: head, main = self._have_prototype_templ() else: head, main = self._no_prototype_templ() templ = head + stubs_fail + main res, cached = self.links(templ.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) if res: return True, cached # MSVC does not have compiler __builtin_-s. if self.get_id() in {'msvc', 'intel-cl'}: return False, False # Detect function as a built-in # # Some functions like alloca() are defined as compiler built-ins which # are inlined by the compiler and you can't take their address, so we # need to look for them differently. On nice compilers like clang, we # can just directly use the __has_builtin() macro. fargs['no_includes'] = '#include' not in prefix is_builtin = funcname.startswith('__builtin_') fargs['is_builtin'] = is_builtin fargs['__builtin_'] = '' if is_builtin else '__builtin_' t = '''{prefix} int main(void) {{ /* With some toolchains (MSYS2/mingw for example) the compiler * provides various builtins which are not really implemented and * fall back to the stdlib where they aren't provided and fail at * build/link time. In case the user provides a header, including * the header didn't lead to the function being defined, and the * function we are checking isn't a builtin itself we assume the * builtin is not functional and we just error out. */ #if !{no_includes:d} && !defined({func}) && !{is_builtin:d} #error "No definition for {__builtin_}{func} found in the prefix" #endif #ifdef __has_builtin #if !__has_builtin({__builtin_}{func}) #error "{__builtin_}{func} not found" #endif #elif ! defined({func}) {__builtin_}{func}; #endif return 0; }}''' return self.links(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) def has_members(self, typename: str, membernames: T.List[str], prefix: str, env: 'Environment', *, extra_args: T.Optional[T.List[str]] = None, dependencies: T.Optional[T.List['Dependency']] = None) -> T.Tuple[bool, bool]: if extra_args is None: extra_args = [] fargs = {'prefix': prefix, 'type': typename, 'name': 'foo'} # Create code that accesses all members members = '' for member in membernames: members += '{}.{};\n'.format(fargs['name'], member) fargs['members'] = members t = '''{prefix} void bar(void) {{ {type} {name}; {members} }};''' return self.compiles(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) def has_type(self, typename: str, prefix: str, env: 'Environment', extra_args: T.List[str], dependencies: T.Optional[T.List['Dependency']] = None) -> T.Tuple[bool, bool]: fargs = {'prefix': prefix, 'type': typename} t = '''{prefix} void bar(void) {{ sizeof({type}); }};''' return self.compiles(t.format(**fargs), env, extra_args=extra_args, dependencies=dependencies) def symbols_have_underscore_prefix(self, env: 'Environment') -> bool: ''' Check if the compiler prefixes an underscore to global C symbols ''' symbol_name = b'meson_uscore_prefix' code = '''#ifdef __cplusplus extern "C" { #endif void ''' + symbol_name.decode() + ''' (void) {} #ifdef __cplusplus } #endif ''' args = self.get_compiler_check_args() n = 'symbols_have_underscore_prefix' with self._build_wrapper(code, env, extra_args=args, mode='compile', want_output=True, temp_dir=env.scratch_dir) as p: if p.returncode != 0: m = 'BUG: Unable to compile {!r} check: {}' raise RuntimeError(m.format(n, p.stdout)) if not os.path.isfile(p.output_name): m = 'BUG: Can\'t find compiled test code for {!r} check' raise RuntimeError(m.format(n)) with open(p.output_name, 'rb') as o: for line in o: # Check if the underscore form of the symbol is somewhere # in the output file. if b'_' + symbol_name in line: mlog.debug("Symbols have underscore prefix: YES") return True # Else, check if the non-underscored form is present elif symbol_name in line: mlog.debug("Symbols have underscore prefix: NO") return False raise RuntimeError('BUG: {!r} check failed unexpectedly'.format(n)) def _get_patterns(self, env: 'Environment', prefixes: T.List[str], suffixes: T.List[str], shared: bool = False) -> T.List[str]: patterns = [] # type: T.List[str] for p in prefixes: for s in suffixes: patterns.append(p + '{}.' + s) if shared and env.machines[self.for_machine].is_openbsd(): # Shared libraries on OpenBSD can be named libfoo.so.X.Y: # https://www.openbsd.org/faq/ports/specialtopics.html#SharedLibs # # This globbing is probably the best matching we can do since regex # is expensive. It's wrong in many edge cases, but it will match # correctly-named libraries and hopefully no one on OpenBSD names # their files libfoo.so.9a.7b.1.0 for p in prefixes: patterns.append(p + '{}.so.[0-9]*.[0-9]*') return patterns def get_library_naming(self, env: 'Environment', libtype: LibType, strict: bool = False) -> T.Tuple[str, ...]: ''' Get library prefixes and suffixes for the target platform ordered by priority ''' stlibext = ['a'] # We've always allowed libname to be both `foo` and `libfoo`, and now # people depend on it. Also, some people use prebuilt `foo.so` instead # of `libfoo.so` for unknown reasons, and may also want to create # `foo.so` by setting name_prefix to '' if strict and not isinstance(self, VisualStudioLikeCompiler): # lib prefix is not usually used with msvc prefixes = ['lib'] else: prefixes = ['lib', ''] # Library suffixes and prefixes if env.machines[self.for_machine].is_darwin(): shlibext = ['dylib', 'so'] elif env.machines[self.for_machine].is_windows(): # FIXME: .lib files can be import or static so we should read the # file, figure out which one it is, and reject the wrong kind. if isinstance(self, VisualStudioLikeCompiler): shlibext = ['lib'] else: shlibext = ['dll.a', 'lib', 'dll'] # Yep, static libraries can also be foo.lib stlibext += ['lib'] elif env.machines[self.for_machine].is_cygwin(): shlibext = ['dll', 'dll.a'] prefixes = ['cyg'] + prefixes else: # Linux/BSDs shlibext = ['so'] # Search priority if libtype is LibType.PREFER_SHARED: patterns = self._get_patterns(env, prefixes, shlibext, True) patterns.extend([x for x in self._get_patterns(env, prefixes, stlibext, False) if x not in patterns]) elif libtype is LibType.PREFER_STATIC: patterns = self._get_patterns(env, prefixes, stlibext, False) patterns.extend([x for x in self._get_patterns(env, prefixes, shlibext, True) if x not in patterns]) elif libtype is LibType.SHARED: patterns = self._get_patterns(env, prefixes, shlibext, True) else: assert libtype is LibType.STATIC patterns = self._get_patterns(env, prefixes, stlibext, False) return tuple(patterns) @staticmethod def _sort_shlibs_openbsd(libs: T.List[str]) -> T.List[str]: filtered = [] # type: T.List[str] for lib in libs: # Validate file as a shared library of type libfoo.so.X.Y ret = lib.rsplit('.so.', maxsplit=1) if len(ret) != 2: continue try: float(ret[1]) except ValueError: continue filtered.append(lib) float_cmp = lambda x: float(x.rsplit('.so.', maxsplit=1)[1]) return sorted(filtered, key=float_cmp, reverse=True) @classmethod def _get_trials_from_pattern(cls, pattern: str, directory: str, libname: str) -> T.List[Path]: f = Path(directory) / pattern.format(libname) # Globbing for OpenBSD if '*' in pattern: # NOTE: globbing matches directories and broken symlinks # so we have to do an isfile test on it later return [Path(x) for x in cls._sort_shlibs_openbsd(glob.glob(str(f)))] return [f] @staticmethod def _get_file_from_list(env: 'Environment', paths: T.List[Path]) -> Path: ''' We just check whether the library exists. We can't do a link check because the library might have unresolved symbols that require other libraries. On macOS we check if the library matches our target architecture. ''' # If not building on macOS for Darwin, do a simple file check if not env.machines.host.is_darwin() or not env.machines.build.is_darwin(): for p in paths: if p.is_file(): return p # Run `lipo` and check if the library supports the arch we want for p in paths: if not p.is_file(): continue archs = mesonlib.darwin_get_object_archs(str(p)) if archs and env.machines.host.cpu_family in archs: return p else: mlog.debug('Rejected {}, supports {} but need {}' .format(p, archs, env.machines.host.cpu_family)) return None @functools.lru_cache() def output_is_64bit(self, env: 'Environment') -> bool: ''' returns true if the output produced is 64-bit, false if 32-bit ''' return self.sizeof('void *', '', env) == 8 def _find_library_real(self, libname: str, env: 'Environment', extra_dirs: T.List[str], code: str, libtype: LibType) -> T.Optional[T.List[str]]: # First try if we can just add the library as -l. # Gcc + co seem to prefer builtin lib dirs to -L dirs. # Only try to find std libs if no extra dirs specified. # The built-in search procedure will always favour .so and then always # search for .a. This is only allowed if libtype is LibType.PREFER_SHARED if ((not extra_dirs and libtype is LibType.PREFER_SHARED) or libname in self.internal_libs): cargs = ['-l' + libname] largs = self.get_linker_always_args() + self.get_allow_undefined_link_args() extra_args = cargs + self.linker_to_compiler_args(largs) if self.links(code, env, extra_args=extra_args, disable_cache=True)[0]: return cargs # Don't do a manual search for internal libs if libname in self.internal_libs: return None # Not found or we want to use a specific libtype? Try to find the # library file itself. patterns = self.get_library_naming(env, libtype) # try to detect if we are 64-bit or 32-bit. If we can't # detect, we will just skip path validity checks done in # get_library_dirs() call try: if self.output_is_64bit(env): elf_class = 2 else: elf_class = 1 except (mesonlib.MesonException, KeyError): # TODO evaluate if catching KeyError is wanted here elf_class = 0 # Search in the specified dirs, and then in the system libraries for d in itertools.chain(extra_dirs, self.get_library_dirs(env, elf_class)): for p in patterns: trials = self._get_trials_from_pattern(p, d, libname) if not trials: continue trial = self._get_file_from_list(env, trials) if not trial: continue return [trial.as_posix()] return None def _find_library_impl(self, libname: str, env: 'Environment', extra_dirs: T.List[str], code: str, libtype: LibType) -> T.Optional[T.List[str]]: # These libraries are either built-in or invalid if libname in self.ignore_libs: return [] if isinstance(extra_dirs, str): extra_dirs = [extra_dirs] key = (tuple(self.exelist), libname, tuple(extra_dirs), code, libtype) if key not in self.find_library_cache: value = self._find_library_real(libname, env, extra_dirs, code, libtype) self.find_library_cache[key] = value else: value = self.find_library_cache[key] if value is None: return None return value.copy() def find_library(self, libname: str, env: 'Environment', extra_dirs: T.List[str], libtype: LibType = LibType.PREFER_SHARED) -> T.Optional[T.List[str]]: code = 'int main(void) { return 0; }\n' return self._find_library_impl(libname, env, extra_dirs, code, libtype) def find_framework_paths(self, env: 'Environment') -> T.List[str]: ''' These are usually /Library/Frameworks and /System/Library/Frameworks, unless you select a particular macOS SDK with the -isysroot flag. You can also add to this by setting -F in CFLAGS. ''' # TODO: this really needs to be *AppleClang*, not just any clang. if self.id != 'clang': raise mesonlib.MesonException('Cannot find framework path with non-clang compiler') # Construct the compiler command-line commands = self.get_exelist() + ['-v', '-E', '-'] commands += self.get_always_args() # Add CFLAGS/CXXFLAGS/OBJCFLAGS/OBJCXXFLAGS from the env commands += env.coredata.get_external_args(self.for_machine, self.language) mlog.debug('Finding framework path by running: ', ' '.join(commands), '\n') os_env = os.environ.copy() os_env['LC_ALL'] = 'C' _, _, stde = mesonlib.Popen_safe(commands, env=os_env, stdin=subprocess.PIPE) paths = [] # T.List[str] for line in stde.split('\n'): if '(framework directory)' not in line: continue # line is of the form: # ` /path/to/framework (framework directory)` paths.append(line[:-21].strip()) return paths def _find_framework_real(self, name: str, env: 'Environment', extra_dirs: T.List[str], allow_system: bool) -> T.Optional[T.List[str]]: code = 'int main(void) { return 0; }' link_args = [] for d in extra_dirs: link_args += ['-F' + d] # We can pass -Z to disable searching in the system frameworks, but # then we must also pass -L/usr/lib to pick up libSystem.dylib extra_args = [] if allow_system else ['-Z', '-L/usr/lib'] link_args += ['-framework', name] if self.links(code, env, extra_args=(extra_args + link_args), disable_cache=True)[0]: return link_args return None def _find_framework_impl(self, name: str, env: 'Environment', extra_dirs: T.List[str], allow_system: bool) -> T.Optional[T.List[str]]: if isinstance(extra_dirs, str): extra_dirs = [extra_dirs] key = (tuple(self.exelist), name, tuple(extra_dirs), allow_system) if key in self.find_framework_cache: value = self.find_framework_cache[key] else: value = self._find_framework_real(name, env, extra_dirs, allow_system) self.find_framework_cache[key] = value if value is None: return None return value.copy() def find_framework(self, name: str, env: 'Environment', extra_dirs: T.List[str], allow_system: bool = True) -> T.Optional[T.List[str]]: ''' Finds the framework with the specified name, and returns link args for the same or returns None when the framework is not found. ''' # TODO: maybe this belongs in clang? also, should probably check for macOS? if self.id != 'clang': raise mesonlib.MesonException('Cannot find frameworks with non-clang compiler') return self._find_framework_impl(name, env, extra_dirs, allow_system) def get_crt_compile_args(self, crt_val: str, buildtype: str) -> T.List[str]: # TODO: does this belong here or in GnuLike or maybe PosixLike? return [] def get_crt_link_args(self, crt_val: str, buildtype: str) -> T.List[str]: # TODO: does this belong here or in GnuLike or maybe PosixLike? return [] def thread_flags(self, env: 'Environment') -> T.List[str]: # TODO: does this belong here or in GnuLike or maybe PosixLike? host_m = env.machines[self.for_machine] if host_m.is_haiku() or host_m.is_darwin(): return [] return ['-pthread'] def thread_link_flags(self, env: 'Environment') -> T.List[str]: return self.linker.thread_flags(env) def linker_to_compiler_args(self, args: T.List[str]) -> T.List[str]: return args.copy() def has_arguments(self, args: T.List[str], env: 'Environment', code: str, mode: str) -> T.Tuple[bool, bool]: return self.compiles(code, env, extra_args=args, mode=mode) def has_multi_arguments(self, args: T.List[str], env: 'Environment') -> T.Tuple[bool, bool]: new_args = [] # type: T.List[str] for arg in args: # some compilers, e.g. GCC, don't warn for unsupported warning-disable # flags, so when we are testing a flag like "-Wno-forgotten-towel", also # check the equivalent enable flag too "-Wforgotten-towel" if arg.startswith('-Wno-'): new_args.append('-W' + arg[5:]) if arg.startswith('-Wl,'): mlog.warning('{} looks like a linker argument, ' 'but has_argument and other similar methods only ' 'support checking compiler arguments. Using them ' 'to check linker arguments are never supported, ' 'and results are likely to be wrong regardless of ' 'the compiler you are using. has_link_argument or ' 'other similar method can be used instead.' .format(arg)) new_args.append(arg) code = 'extern int i;\nint i;\n' return self.has_arguments(new_args, env, code, mode='compile') def has_multi_link_arguments(self, args: T.List[str], env: 'Environment') -> T.Tuple[bool, bool]: # First time we check for link flags we need to first check if we have # --fatal-warnings, otherwise some linker checks could give some # false positive. args = self.linker.fatal_warnings() + args args = self.linker_to_compiler_args(args) code = 'int main(void) { return 0; }\n' return self.has_arguments(args, env, code, mode='link') @staticmethod def _concatenate_string_literals(s: str) -> str: pattern = re.compile(r'(?P<pre>.*([^\\]")|^")(?P<str1>([^\\"]|\\.)*)"\s+"(?P<str2>([^\\"]|\\.)*)(?P<post>".*)') ret = s m = pattern.match(ret) while m: ret = ''.join(m.group('pre', 'str1', 'str2', 'post')) m = pattern.match(ret) return ret def get_has_func_attribute_extra_args(self, name: str) -> T.List[str]: # Most compilers (such as GCC and Clang) only warn about unknown or # ignored attributes, so force an error. Overriden in GCC and Clang # mixins. return ['-Werror'] def has_func_attribute(self, name: str, env: 'Environment') -> T.Tuple[bool, bool]: # Just assume that if we're not on windows that dllimport and dllexport # don't work m = env.machines[self.for_machine] if not (m.is_windows() or m.is_cygwin()): if name in ['dllimport', 'dllexport']: return False, False return self.compiles(self.attribute_check_func(name), env, extra_args=self.get_has_func_attribute_extra_args(name)) def get_disable_assert_args(self) -> T.List[str]: return ['-DNDEBUG']
45.805243
150
0.583238
856ea1bfab21f737ae00b60a1d448c0eee011914
214
py
Python
moyu_engine/config/global_config.py
MoYuStudio/MoYuEngine
7d9ab5c9cb268de0071e798a3288f0bbb651795e
[ "Apache-2.0" ]
2
2022-03-22T02:32:34.000Z
2022-03-22T02:32:43.000Z
moyu_engine/config/global_config.py
MoYuStudio/MoYuEngine
7d9ab5c9cb268de0071e798a3288f0bbb651795e
[ "Apache-2.0" ]
null
null
null
moyu_engine/config/global_config.py
MoYuStudio/MoYuEngine
7d9ab5c9cb268de0071e798a3288f0bbb651795e
[ "Apache-2.0" ]
null
null
null
window_size = [320,180] movement = [0,0] mouse_motion_pos = [0,0] mouse_click_pos = [0,0] item_name_timer = 0 item_collision = { 'item':[], 'player':[], }
16.461538
32
0.476636
df996c3deb5a1482f7515a60554bf73cd471fa42
399,791
py
Python
ExtraModules/phonenumbers/geodata/data3.py
chirantana-trust/web-chirantana
18e2fb105fc5a9f55586c55096780c062ad9f2bc
[ "Unlicense" ]
null
null
null
ExtraModules/phonenumbers/geodata/data3.py
chirantana-trust/web-chirantana
18e2fb105fc5a9f55586c55096780c062ad9f2bc
[ "Unlicense" ]
null
null
null
ExtraModules/phonenumbers/geodata/data3.py
chirantana-trust/web-chirantana
18e2fb105fc5a9f55586c55096780c062ad9f2bc
[ "Unlicense" ]
null
null
null
"""Per-prefix data, mapping each prefix to a dict of locale:name. Auto-generated file, do not edit by hand. """ from ..util import u # Copyright (C) 2011-2016 The Libphonenumber Authors # # 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. data = { '1916325':{'en': 'Sacramento, CA'}, '1850458':{'en': 'Pensacola, FL'}, '264652329':{'en': 'Ongwediva'}, '264652328':{'en': 'Ongwediva'}, '1865769':{'en': 'Knoxville, TN'}, '1865766':{'en': 'Knoxville, TN'}, '264652324':{'en': 'Ongwediva'}, '1850452':{'en': 'Pensacola, FL'}, '1850453':{'en': 'Pensacola, FL'}, '264652321':{'en': 'Ongwediva'}, '1850455':{'en': 'Pensacola, FL'}, '1850456':{'en': 'Pensacola, FL'}, '1850457':{'en': 'Pensacola, FL'}, '1902758':{'en': 'Shubenacadie, NS'}, '1973889':{'en': 'Morristown, NJ'}, '1902755':{'en': 'New Glasgow, NS'}, '1902752':{'en': 'New Glasgow, NS'}, '1920446':{'en': 'Fremont, WI'}, '1920448':{'en': 'Green Bay, WI'}, '264652888':{'en': 'Epembe'}, '251113390':{'en': 'Teji, Addis Ababa'}, '1912437':{'en': 'Darien, GA'}, '1912927':{'en': 'Savannah, GA'}, '1928443':{'en': 'Prescott, AZ'}, '1928442':{'en': 'Prescott, AZ'}, '1928445':{'en': 'Prescott, AZ'}, '264652325':{'en': 'Ongwediva'}, '1920846':{'en': 'Oconto Falls, WI'}, '1979209':{'en': 'Bryan, TX'}, '264652588':{'en': 'Onesi'}, '1870584':{'en': 'De Queen, AR'}, '237233336':{'en': u('Limb\u00e9')}, '1954396':{'en': 'Fort Lauderdale, FL'}, '1920842':{'en': 'Suring, WI'}, '1972259':{'en': 'Irving, TX'}, '1972258':{'en': 'Irving, TX'}, '1972529':{'en': 'McKinney, TX'}, '1972255':{'en': 'Irving, TX'}, '1972254':{'en': 'Irving, TX'}, '1972257':{'en': 'Irving, TX'}, '1972256':{'en': 'Irving, TX'}, '1972522':{'en': 'Grand Prairie, TX'}, '1972253':{'en': 'Irving, TX'}, '1972252':{'en': 'Irving, TX'}, '1904564':{'en': 'Jacksonville, FL'}, '1904565':{'en': 'Jacksonville, FL'}, '1978649':{'en': 'Tyngsborough, MA'}, '1908232':{'en': 'Westfield, NJ'}, '1908233':{'en': 'Westfield, NJ'}, '1973694':{'en': 'Wayne, NJ'}, '1908236':{'en': 'Lebanon, NJ'}, '1908237':{'en': 'Flemington, NJ'}, '264652580':{'en': 'Tsandi'}, '1860844':{'en': 'Granby, CT'}, '1860848':{'en': 'Montville, CT'}, '1870633':{'en': 'Forrest City, AR'}, '1870630':{'en': 'Forrest City, AR'}, '1904692':{'en': 'Hastings, FL'}, '1904693':{'en': 'Jacksonville, FL'}, '1904695':{'en': 'Jacksonville, FL'}, '1904696':{'en': 'Jacksonville, FL'}, '1904697':{'en': 'Jacksonville, FL'}, '1973340':{'en': 'Clifton, NJ'}, '1973341':{'en': 'Paterson, NJ'}, '1973344':{'en': 'Newark, NJ'}, '1973345':{'en': 'Paterson, NJ'}, '264672440':{'en': 'Tsumkwe'}, '264672441':{'en': 'Tsumkwe'}, '3313453':{'en': 'Gonesse', 'fr': 'Gonesse'}, '1954933':{'en': 'Pompano Beach, FL'}, '1954938':{'en': 'Fort Lauderdale, FL'}, '264631762':{'en': 'Oamseb'}, '264631763':{'en': 'Oranjemund'}, '264631760':{'en': 'Noordoewer'}, '264631766':{'en': 'Oranjemund'}, '264631767':{'en': 'Oranjemund'}, '264631764':{'en': 'Oranjemund'}, '264631765':{'en': 'Oranjemund'}, '264631769':{'en': 'Rosh Pinah'}, '237222478':{'en': 'Sangmelima'}, '25111213':{'en': 'Addis Ketema I, Addis Ababa'}, '25133114':{'en': 'Akesta, North-East Region'}, '25133116':{'en': 'Wore-Ilu, North-East Region'}, '25133117':{'en': 'Tenta, North-East Region'}, '25133110':{'en': 'Kabe, North-East Region'}, '25133111':{'en': 'Dessie I, North-East Region'}, '25133112':{'en': 'Dessie II, North-East Region'}, '25133113':{'en': 'Kobo Robit, North-East Region'}, '1956631':{'en': 'McAllen, TX'}, '1956630':{'en': 'McAllen, TX'}, '25133118':{'en': 'Senbete, North-East Region'}, '1859624':{'en': 'Richmond, KY'}, '1859625':{'en': 'Richmond, KY'}, '1859626':{'en': 'Richmond, KY'}, '1859623':{'en': 'Richmond, KY'}, '1905615':{'en': 'Mississauga, ON'}, '1905614':{'en': 'Mississauga, ON'}, '1905612':{'en': 'Mississauga, ON'}, '1909941':{'en': 'Rancho Cucamonga, CA'}, '1909947':{'en': 'Ontario, CA'}, '1909946':{'en': 'Upland, CA'}, '1905619':{'en': 'Ajax, ON'}, '1909944':{'en': 'Rancho Cucamonga, CA'}, '1901726':{'en': 'Memphis, TN'}, '1901725':{'en': 'Memphis, TN'}, '1918779':{'en': 'Tulsa, OK'}, '1901722':{'en': 'Memphis, TN'}, '1905688':{'en': 'St. Catharines, ON'}, '1918770':{'en': 'Tulsa, OK'}, '1941412':{'en': 'Venice, FL'}, '1901729':{'en': 'Memphis, TN'}, '1918775':{'en': 'Sallisaw, OK'}, '1970641':{'en': 'Gunnison, CO'}, '1905420':{'en': 'Pickering, ON'}, '1919424':{'en': 'Raleigh, NC'}, '1859448':{'en': 'Alexandria, KY'}, '1863699':{'en': 'Lake Placid, FL'}, '3314515':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314512':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '3314513':{'en': 'Bonneuil-sur-Marne', 'fr': 'Bonneuil-sur-Marne'}, '3314510':{'en': u('Boissy-Saint-L\u00e9ger'), 'fr': u('Boissy-Saint-L\u00e9ger')}, '1941379':{'en': 'Sarasota, FL'}, '3314518':{'en': 'Maisons-Alfort', 'fr': 'Maisons-Alfort'}, '1867536':{'en': 'Watson Lake Hospital'}, '1905778':{'en': 'Bradford, ON'}, '1905774':{'en': 'Dunnville, ON'}, '1905775':{'en': 'Bradford, ON'}, '1905777':{'en': 'Hamilton, ON'}, '1905770':{'en': 'Richmond Hill, ON'}, '1925355':{'en': 'San Ramon, CA'}, '1905772':{'en': 'Cayuga, ON'}, '1918295':{'en': 'Tulsa, OK'}, '1989873':{'en': 'Prescott, MI'}, '1989872':{'en': 'Cass City, MI'}, '1989871':{'en': 'Millington, MI'}, '1989876':{'en': 'Au Gres, MI'}, '1989875':{'en': 'Ithaca, MI'}, '1920322':{'en': 'Fond du Lac, WI'}, '1920320':{'en': 'Manitowoc, WI'}, '3313968':{'en': 'Houilles', 'fr': 'Houilles'}, '1920326':{'en': 'Randolph, WI'}, '1920324':{'en': 'Waupun, WI'}, '237222185':{'en': 'Bafia'}, '2125397':{'en': u('T\u00e9touan'), 'fr': u('T\u00e9touan')}, '2125396':{'en': 'Fnideq/Martil/Mdiq', 'fr': 'Fnideq/Martil/Mdiq'}, '2125395':{'en': 'Larache', 'fr': 'Larache'}, '2125394':{'en': 'Asilah', 'fr': 'Asilah'}, '2125393':{'en': 'Tangier', 'fr': 'Tanger'}, '237233355':{'en': 'Kumba'}, '3314863':{'en': 'Villepinte', 'fr': 'Villepinte'}, '1972851':{'en': 'Dallas, TX'}, '2125398':{'en': 'Al Hoceima/Chefchaouen', 'fr': 'Al Hoceima/Chefchaouen'}, '1989891':{'en': 'Bay City, MI'}, '3313969':{'en': 'La Celle Saint Cloud', 'fr': 'La Celle Saint Cloud'}, '3314249':{'en': 'Paris', 'fr': 'Paris'}, '1858715':{'en': 'San Diego, CA'}, '1985867':{'en': 'Covington, LA'}, '1989894':{'en': 'Bay City, MI'}, '1919420':{'en': 'Raleigh, NC'}, '1916514':{'en': 'Sacramento, CA'}, '1916515':{'en': 'Sacramento, CA'}, '26622':{'en': 'Maseru'}, '1925946':{'en': 'Walnut Creek, CA'}, '1906875':{'en': 'Crystal Falls, MI'}, '1910772':{'en': 'Wilmington, NC'}, '1850863':{'en': 'Fort Walton Bch, FL'}, '1850862':{'en': 'Fort Walton Bch, FL'}, '1850689':{'en': 'Crestview, FL'}, '1850864':{'en': 'Fort Walton Bch, FL'}, '25111440':{'en': 'Nifas Silk III, Addis Ababa'}, '1865974':{'en': 'Knoxville, TN'}, '1850681':{'en': 'Tallahassee, FL'}, '1850683':{'en': 'Crestview, FL'}, '1850682':{'en': 'Crestview, FL'}, '1910822':{'en': 'Fayetteville, NC'}, '1910826':{'en': 'Fayetteville, NC'}, '1870358':{'en': 'Marked Tree, AR'}, '1864370':{'en': 'Greenville, SC'}, '3314866':{'en': 'Aulnay-sous-Bois', 'fr': 'Aulnay-sous-Bois'}, '1920854':{'en': 'Sister Bay, WI'}, '1912685':{'en': 'Metter, GA'}, '1870353':{'en': 'Gurdon, AR'}, '1870352':{'en': 'Fordyce, AR'}, '1920582':{'en': 'Winneconne, WI'}, '1912681':{'en': 'Statesboro, GA'}, '1870356':{'en': 'Glenwood, AR'}, '1903342':{'en': 'Winnsboro, TX'}, '1985732':{'en': 'Bogalusa, LA'}, '1985735':{'en': 'Bogalusa, LA'}, '1951845':{'en': 'Beaumont, CA'}, '1951849':{'en': 'Banning, CA'}, '1860618':{'en': 'Torrington, CT'}, '1860613':{'en': 'Cromwell, CT'}, '2125237':{'en': 'Settat', 'fr': 'Settat'}, '1865397':{'en': 'Dandridge, TN'}, '2442777':{'en': 'Dama Universal', 'pt': 'Dama Universal'}, '264677151':{'en': 'Grootfontein'}, '264677150':{'en': 'Grootfontein'}, '1928329':{'en': 'Yuma, AZ'}, '2304':{'en': 'Central Region', 'es': u('Regi\u00f3n Central'), 'fr': u('R\u00e9gion Centrale')}, '2306':{'en': 'South Region', 'es': u('Regi\u00f3n Sur'), 'fr': u('R\u00e9gion Sud')}, '3314988':{'en': 'Montreuil', 'fr': 'Montreuil'}, '1954728':{'en': 'Fort Lauderdale, FL'}, '1954721':{'en': 'Tamarac, FL'}, '1954720':{'en': 'Tamarac, FL'}, '1954722':{'en': 'Tamarac, FL'}, '1954725':{'en': 'Deerfield Beach, FL'}, '1954724':{'en': 'Tamarac, FL'}, '1954726':{'en': 'Tamarac, FL'}, '1903965':{'en': 'Bells, TX'}, '1903963':{'en': 'Van, TX'}, '1903962':{'en': 'Grand Saline, TX'}, '3313434':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '2224534':{'en': u('S\u00e9libaby'), 'fr': u('S\u00e9libaby')}, '2224537':{'en': 'Aleg', 'fr': 'Aleg'}, '3313437':{'en': 'Ermont', 'fr': 'Ermont'}, '1937898':{'en': 'Vandalia, OH'}, '3313431':{'en': 'Fosses', 'fr': 'Fosses'}, '2224533':{'en': u('Ka\u00e9di'), 'fr': u('Ka\u00e9di')}, '1903968':{'en': 'Ore City, TX'}, '1902564':{'en': 'Sydney, NS'}, '1902566':{'en': 'Charlottetown, PE'}, '1902567':{'en': 'Sydney, NS'}, '1902562':{'en': 'Sydney, NS'}, '3313961':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '24544335':{'en': 'Farim'}, '24544334':{'en': 'Mansaba'}, '1902569':{'en': 'Charlottetown, PE'}, '24544331':{'en': u('Mans\u00f4a')}, '1906643':{'en': 'St. Ignace, MI'}, '1906647':{'en': 'Pickford, MI'}, '1925634':{'en': 'Brentwood, CA'}, '1909558':{'en': 'Loma Linda, CA'}, '1925988':{'en': 'Walnut Creek, CA'}, '264657145':{'en': 'Oshakati'}, '264657142':{'en': 'Oshakati'}, '1973594':{'en': 'Clifton, NJ'}, '1901260':{'en': 'Memphis, TN'}, '1973596':{'en': 'Newark, NJ'}, '1901266':{'en': 'Memphis, TN'}, '1973593':{'en': 'Madison, NJ'}, '31161':{'en': 'Rijen', 'nl': 'Rijen'}, '31166':{'en': 'Tholen', 'nl': 'Tholen'}, '31167':{'nl': 'Steenbergen'}, '21252990':{'en': 'Agadir area', 'fr': 'Agadir et alentours'}, '31164':{'en': 'Bergen op Zoom', 'nl': 'Bergen op Zoom'}, '3314804':{'en': 'Paris', 'fr': 'Paris'}, '1954712':{'en': 'Fort Lauderdale, FL'}, '1914682':{'en': 'White Plains, NY'}, '1914683':{'en': 'White Plains, NY'}, '1914681':{'en': 'White Plains, NY'}, '1914686':{'en': 'White Plains, NY'}, '1914684':{'en': 'White Plains, NY'}, '1856427':{'en': 'Cherry Hill, NJ'}, '1856424':{'en': 'Cherry Hill, NJ'}, '1856428':{'en': 'Cherry Hill, NJ'}, '1978453':{'en': 'Lowell, MA'}, '1978452':{'en': 'Lowell, MA'}, '1978454':{'en': 'Lowell, MA'}, '1978456':{'en': 'Harvard, MA'}, '1978459':{'en': 'Lowell, MA'}, '1978458':{'en': 'Lowell, MA'}, '302746':{'el': u('\u039d\u03b5\u03bc\u03ad\u03b1'), 'en': 'Nemea'}, '302747':{'el': u('\u039a\u03b1\u03bb\u03b9\u03b1\u03bd\u03bf\u03af'), 'en': 'Stymfalia'}, '1904739':{'en': 'Jacksonville, FL'}, '1904738':{'en': 'Jacksonville, FL'}, '1910219':{'en': 'Jacksonville, NC'}, '302743':{'el': u('\u039e\u03c5\u03bb\u03cc\u03ba\u03b1\u03c3\u03c4\u03c1\u03bf'), 'en': 'Xylokastro'}, '302741':{'el': u('\u039a\u03cc\u03c1\u03b9\u03bd\u03b8\u03bf\u03c2'), 'en': 'Corinth'}, '1904733':{'en': 'Jacksonville, FL'}, '1904732':{'en': 'Jacksonville, FL'}, '1904731':{'en': 'Jacksonville, FL'}, '1904730':{'en': 'Jacksonville, FL'}, '1904737':{'en': 'Jacksonville, FL'}, '1859299':{'en': 'Lexington, KY'}, '1859294':{'en': 'Lexington, KY'}, '1859296':{'en': 'Lexington, KY'}, '1859293':{'en': 'Lexington, KY'}, '1918431':{'en': 'Tahlequah, OK'}, '1918434':{'en': 'Salina, OK'}, '1918437':{'en': 'Tulsa, OK'}, '1918436':{'en': 'Pocola, OK'}, '1864967':{'en': 'Simpsonville, SC'}, '1918438':{'en': 'Tulsa, OK'}, '1864964':{'en': 'Anderson, SC'}, '1864963':{'en': 'Simpsonville, SC'}, '1864962':{'en': 'Simpsonville, SC'}, '264662593':{'en': 'Bagani'}, '1928927':{'en': 'Quartzsite, AZ'}, '264662592':{'en': 'Bagani'}, '264641703':{'en': 'Henties Bay'}, '1858560':{'en': 'San Diego, CA'}, '264641701':{'en': 'Arandis'}, '264641700':{'en': 'Arandis'}, '264641707':{'en': 'Karibib'}, '264641706':{'en': 'Henties Bay'}, '264641705':{'en': 'Henties Bay'}, '264641704':{'en': 'Henties Bay'}, '1989465':{'en': 'Coleman, MI'}, '1989466':{'en': 'Alma, MI'}, '264641708':{'en': 'Karibib'}, '1989463':{'en': 'Alma, MI'}, '264662599':{'en': 'Muhembo'}, '1904348':{'en': 'Jacksonville, FL'}, '1970984':{'en': 'New Castle, CO'}, '302333':{'el': u('\u0391\u03bb\u03b5\u03be\u03ac\u03bd\u03b4\u03c1\u03b5\u03b9\u03b1'), 'en': 'Alexandria'}, '302332':{'el': u('\u039d\u03ac\u03bf\u03c5\u03c3\u03b1'), 'en': 'Naousa, Imathia'}, '302331':{'el': u('\u0392\u03ad\u03c1\u03bf\u03b9\u03b1'), 'en': 'Veria'}, '1850622':{'en': 'Santa Rosa Beach, FL'}, '1904342':{'en': 'St. Augustine, FL'}, '1952985':{'en': 'Lakeville, MN'}, '1904346':{'en': 'Jacksonville, FL'}, '1903427':{'en': 'Clarksville, TX'}, '1858565':{'en': 'San Diego, CA'}, '3314803':{'en': 'Paris', 'fr': 'Paris'}, '1859873':{'en': 'Versailles, KY'}, '1858566':{'en': 'San Diego, CA'}, '1859879':{'en': 'Versailles, KY'}, '26754':{'en': 'Barolong/Ngwaketse'}, '1910383':{'en': 'Leland, NC'}, '1864582':{'en': 'Spartanburg, SC'}, '3314161':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '3314160':{'en': 'Drancy', 'fr': 'Drancy'}, '31575':{'en': 'Zutphen', 'nl': 'Zutphen'}, '31577':{'en': 'Elspeet', 'nl': 'Elspeet'}, '31571':{'en': 'Twello', 'nl': 'Twello'}, '31570':{'en': 'Deventer', 'nl': 'Deventer'}, '31573':{'en': 'Lochem', 'nl': 'Lochem'}, '31572':{'en': 'Raalte', 'nl': 'Raalte'}, '264652714':{'en': 'Ruacana'}, '1985385':{'en': 'Morgan City, LA'}, '1985384':{'en': 'Morgan City, LA'}, '1985386':{'en': 'Ponchatoula, LA'}, '1972527':{'en': 'Plano, TX'}, '264652716':{'en': 'Ruacana'}, '264652717':{'en': 'Ruacana'}, '1865560':{'en': 'Knoxville, TN'}, '1940825':{'en': 'Nocona, TX'}, '31114':{'en': 'Hulst', 'nl': 'Hulst'}, '1972524':{'en': 'Terrell, TX'}, '22044195':{'en': 'Berending'}, '245331':{'pt': u('Mans\u00f4a')}, '2392222':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '245332':{'pt': u('Bigene/Bissor\u00e3')}, '245335':{'pt': 'Farim'}, '245334':{'pt': 'Mansaba'}, '3314703':{'en': 'Paris', 'fr': 'Paris'}, '3314702':{'en': 'Sceaux', 'fr': 'Sceaux'}, '3314701':{'en': 'Garches', 'fr': 'Garches'}, '3314700':{'en': 'Paris', 'fr': 'Paris'}, '3314707':{'en': 'Paris', 'fr': 'Paris'}, '3314706':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '3314705':{'en': 'Paris', 'fr': 'Paris'}, '3314704':{'en': 'Paris', 'fr': 'Paris'}, '1850473':{'en': 'Pensacola, FL'}, '1850470':{'en': 'Pensacola, FL'}, '1850471':{'en': 'Pensacola, FL'}, '1850476':{'en': 'Pensacola, FL'}, '1850477':{'en': 'Pensacola, FL'}, '1850474':{'en': 'Pensacola, FL'}, '1850475':{'en': 'Pensacola, FL'}, '1850478':{'en': 'Pensacola, FL'}, '1850479':{'en': 'Pensacola, FL'}, '1978318':{'en': 'Concord, MA'}, '25147113':{'en': 'Serbo, South-West Region'}, '1973696':{'en': 'Wayne, NJ'}, '25147111':{'en': 'Jimma I, South-West Region'}, '302385':{'el': u('\u03a6\u03bb\u03ce\u03c1\u03b9\u03bd\u03b1'), 'en': 'Florina'}, '1920469':{'en': 'Green Bay, WI'}, '1920468':{'en': 'Green Bay, WI'}, '25147115':{'en': 'Omonada, South-West Region'}, '25147114':{'en': 'Assendabo, South-West Region'}, '1920465':{'en': 'Green Bay, WI'}, '1870836':{'en': 'Camden, AR'}, '1870837':{'en': 'Camden, AR'}, '1978646':{'en': 'Danvers, MA'}, '1978640':{'en': 'Tewksbury, MA'}, '2205545':{'en': 'Pakaliba'}, '1902482':{'en': 'Halifax, NS'}, '1902481':{'en': 'Dartmouth, NS'}, '2205546':{'en': 'Kudang'}, '2205541':{'en': 'Kwenella'}, '2205540':{'en': 'Kaiaf'}, '1902485':{'en': 'Pictou, NS'}, '2205542':{'en': 'Nyorojattaba'}, '1902488':{'en': 'Halifax, NS'}, '1951674':{'en': 'Lake Elsinore, CA'}, '1951676':{'en': 'Temecula, CA'}, '1951677':{'en': 'Murrieta, CA'}, '264661705':{'en': 'Hakasembe'}, '264661704':{'en': 'Bunia'}, '264661707':{'en': 'Kahenge'}, '264661706':{'en': 'K. Murangi'}, '264661701':{'en': 'Bagani'}, '264661703':{'en': 'Bukalo'}, '264661702':{'en': 'Bagani'}, '1860282':{'en': 'East Hartford, CT'}, '1860283':{'en': 'Thomaston, CT'}, '1860286':{'en': 'Bloomfield, CT'}, '264661708':{'en': 'Katima-Mulilo'}, '1860284':{'en': 'Farmington, CT'}, '1860285':{'en': 'Windsor, CT'}, '1916652':{'en': 'Loomis, CA'}, '25122220':{'en': 'Wonji, South-East Region'}, '25122221':{'en': 'Shoa, South-East Region'}, '25122223':{'en': 'Arerti, South-East Region'}, '25122224':{'en': 'Awash, South-East Region'}, '25122225':{'en': 'Melkasa, South-East Region'}, '25122226':{'en': 'Metehara, South-East Region'}, '25122227':{'en': 'Agarfa, South-East Region'}, '1949940':{'en': 'San Clemente, CA'}, '1937438':{'en': 'Dayton, OH'}, '1937439':{'en': 'Dayton, OH'}, '3313472':{'en': 'Fosses', 'fr': 'Fosses'}, '1936269':{'en': 'Joaquin, TX'}, '1936264':{'en': 'Conroe, TX'}, '1972509':{'en': 'Plano, TX'}, '1978939':{'en': 'Templeton, MA'}, '1972501':{'en': 'Irving, TX'}, '1978937':{'en': 'Lowell, MA'}, '1972503':{'en': 'Dallas, TX'}, '3313473':{'en': 'Parmain', 'fr': 'Parmain'}, '1904501':{'en': 'St. Augustine, FL'}, '1904503':{'en': 'Jacksonville, FL'}, '264652870':{'en': 'Oniingo'}, '1937436':{'en': 'Dayton, OH'}, '1912537':{'en': 'Vidalia, GA'}, '1912530':{'en': 'Jesup, GA'}, '302535':{'el': u('\u039d\u03ad\u03b1 \u039a\u03b1\u03bb\u03bb\u03af\u03c3\u03c4\u03b7'), 'en': 'Nea Kallisti'}, '302534':{'el': u('\u038a\u03b1\u03c3\u03bc\u03bf\u03c2'), 'en': 'Iasmos'}, '302531':{'el': u('\u039a\u03bf\u03bc\u03bf\u03c4\u03b7\u03bd\u03ae'), 'en': 'Komotini'}, '1912538':{'en': 'Vidalia, GA'}, '302532':{'el': u('\u03a3\u03ac\u03c0\u03b5\u03c2'), 'en': 'Sapes'}, '1906253':{'en': 'Sault Ste. Marie, MI'}, '1989366':{'en': 'Houghton Lake, MI'}, '1870653':{'en': 'Fouke, AR'}, '1979542':{'en': 'Giddings, TX'}, '1928468':{'en': 'Payson, AZ'}, '251112850':{'en': 'Wolenkomi, Addis Ababa'}, '264631748':{'en': 'Luderitz'}, '264631749':{'en': 'Maltahohe'}, '2682416':{'en': 'Lobamba, Hhohho district'}, '264631740':{'en': 'Klein Karas'}, '264631743':{'en': 'Lorelei'}, '264631744':{'en': 'Luderitz'}, '264631745':{'en': 'Luderitz'}, '264631746':{'en': 'Luderitz'}, '264631747':{'en': 'Luderitz'}, '22522':{'en': 'Cocody', 'fr': 'Cocody'}, '1978667':{'en': 'Billerica, MA'}, '1978664':{'en': 'North Reading, MA'}, '1978663':{'en': 'Billerica, MA'}, '1970482':{'en': 'Fort Collins, CO'}, '1970483':{'en': 'Wiggins, CO'}, '1970484':{'en': 'Fort Collins, CO'}, '1907852':{'en': 'Barrow, AK'}, '1914273':{'en': 'Armonk, NY'}, '3314783':{'en': 'Paris', 'fr': 'Paris'}, '1914271':{'en': 'Croton-on-Hudson, NY'}, '1905632':{'en': 'Burlington, ON'}, '1914277':{'en': 'Somers, NY'}, '1905634':{'en': 'Burlington, ON'}, '1941475':{'en': 'Englewood, FL'}, '1941474':{'en': 'Englewood, FL'}, '1905639':{'en': 'Burlington, ON'}, '3314780':{'en': 'Colombes', 'fr': 'Colombes'}, '1978594':{'en': 'Salem, MA'}, '1973365':{'en': 'Passaic, NJ'}, '3314786':{'en': 'Colombes', 'fr': 'Colombes'}, '264652493':{'en': 'Onathinge'}, '264652492':{'en': 'Onathinge'}, '264652491':{'en': 'Onathinge'}, '264652490':{'en': 'Onathinge'}, '1970668':{'en': 'Frisco, CO'}, '1970669':{'en': 'Loveland, CO'}, '1970667':{'en': 'Loveland, CO'}, '3314784':{'en': 'Colombes', 'fr': 'Colombes'}, '1970663':{'en': 'Loveland, CO'}, '1925372':{'en': 'Martinez, CA'}, '1925373':{'en': 'Livermore, CA'}, '1925370':{'en': 'Martinez, CA'}, '1925371':{'en': 'Livermore, CA'}, '1905752':{'en': 'Markham, ON'}, '1925377':{'en': 'Moraga, CA'}, '3314576':{'en': u('Chennevi\u00e8res-sur-Marne'), 'fr': u('Chennevi\u00e8res-sur-Marne')}, '1905751':{'en': 'Aurora, ON'}, '3314578':{'en': 'Paris', 'fr': 'Paris'}, '3314579':{'en': 'Paris', 'fr': 'Paris'}, '29991':{'en': 'Qasigannguit'}, '29997':{'en': 'Qaanaaq'}, '1920830':{'en': 'Appleton, WI'}, '3314844':{'en': 'Pantin', 'fr': 'Pantin'}, '1863413':{'en': 'Lakeland, FL'}, '3314845':{'en': 'Pantin', 'fr': 'Pantin'}, '1973817':{'en': 'Newark, NJ'}, '1989856':{'en': 'Caseville, MI'}, '264651748':{'en': 'Ondobe'}, '264651749':{'en': 'Onuno'}, '233377':{'en': 'Northern Region'}, '264651742':{'en': 'Onathinge'}, '264651743':{'en': 'Ondangwa'}, '264651740':{'en': 'Omutsewonime'}, '264651741':{'en': 'Onandjokwe'}, '264651746':{'en': 'Ondangwa'}, '264651747':{'en': 'Ondangwa'}, '264651744':{'en': 'Ondangwa'}, '264651745':{'en': 'Ondangwa'}, '3314394':{'en': 'Fontenay-sous-Bois', 'fr': 'Fontenay-sous-Bois'}, '3314396':{'en': 'Maisons-Alfort', 'fr': 'Maisons-Alfort'}, '3314397':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314390':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314391':{'en': 'Vitry-sur-Seine', 'fr': 'Vitry-sur-Seine'}, '3314398':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3314399':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '1912335':{'en': 'Savannah, GA'}, '1912330':{'en': 'Pooler, GA'}, '237222256':{'en': u('Beelel/Mb\u00e9')}, '2262449':{'en': 'Falagountou/Dori'}, '237222252':{'en': u('N\'Gaound\u00e9r\u00e9')}, '237222253':{'en': u('N\'Gaound\u00e9r\u00e9')}, '237222250':{'en': u('N\'Gaound\u00e9r\u00e9')}, '237222251':{'en': u('N\'Gaound\u00e9r\u00e9')}, '1916537':{'en': 'Carmichael, CA'}, '2262445':{'en': 'Kaya'}, '302291':{'el': u('\u039b\u03b1\u03b3\u03bf\u03bd\u03ae\u03c3\u03b9'), 'en': 'Lagonisi'}, '302292':{'el': u('\u039b\u03b1\u03cd\u03c1\u03b9\u03bf'), 'en': 'Lavrio'}, '302293':{'el': u('\u0386\u03b3\u03b9\u03bf\u03c2 \u03a3\u03c9\u03c4\u03ae\u03c1\u03b1\u03c2'), 'en': 'Agia Sotira'}, '1910798':{'en': 'Wilmington, NC'}, '1910799':{'en': 'Wilmington, NC'}, '302296':{'el': u('\u039c\u03ad\u03b3\u03b1\u03c1\u03b1/\u039d\u03ad\u03b1 \u03a0\u03ad\u03c1\u03b1\u03bc\u03bf\u03c2'), 'en': 'Megara'}, '1860232':{'en': 'West Hartford, CT'}, '1910794':{'en': 'Wilmington, NC'}, '302299':{'el': u('\u039c\u03b1\u03c1\u03ba\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf'), 'en': 'Markopoulo Mesogaias'}, '1910796':{'en': 'Wilmington, NC'}, '1865951':{'en': 'Knoxville, TN'}, '1910791':{'en': 'Wilmington, NC'}, '1910792':{'en': 'Wilmington, NC'}, '1910793':{'en': 'Wilmington, NC'}, '1920876':{'en': 'Elkhart Lake, WI'}, '1860230':{'en': 'Plainfield, CT'}, '1870336':{'en': 'Jonesboro, AR'}, '1870338':{'en': 'Helena, AR'}, '1860236':{'en': 'West Hartford, CT'}, '1985246':{'en': 'Covington, LA'}, '1985249':{'en': 'Covington, LA'}, '1903364':{'en': 'Whitewright, TX'}, '1904886':{'en': 'Jacksonville, FL'}, '1904880':{'en': 'Jacksonville, FL'}, '3314522':{'en': 'Paris', 'fr': 'Paris'}, '1931484':{'en': 'Crossville, TN'}, '1931486':{'en': 'Spring Hill, TN'}, '1870483':{'en': 'Trumann, AR'}, '1928699':{'en': 'Flagstaff, AZ'}, '1928692':{'en': 'Kingman, AZ'}, '1928697':{'en': 'Kayenta, AZ'}, '1907283':{'en': 'Kenai, AK'}, '31412':{'en': 'Oss', 'nl': 'Oss'}, '1909392':{'en': 'La Verne, CA'}, '1909393':{'en': 'Chino Hills, CA'}, '1909390':{'en': 'Ontario, CA'}, '1909391':{'en': 'Ontario, CA'}, '1909396':{'en': 'Diamond Bar, CA'}, '1909397':{'en': 'Pomona, CA'}, '1909394':{'en': 'San Dimas, CA'}, '1909395':{'en': 'Ontario, CA'}, '3314379':{'en': 'Paris', 'fr': 'Paris'}, '3313418':{'en': 'Taverny', 'fr': 'Taverny'}, '3313419':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '1903947':{'en': 'Tatum, TX'}, '3313947':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '1914591':{'en': 'Irvington, NY'}, '1951243':{'en': 'Moreno Valley, CA'}, '1951242':{'en': 'Moreno Valley, CA'}, '1951245':{'en': 'Lake Elsinore, CA'}, '1951244':{'en': 'Canyon Lake, CA'}, '1951247':{'en': 'Moreno Valley, CA'}, '1951248':{'en': 'Riverside, CA'}, '1914654':{'en': 'New Rochelle, NY'}, '31346':{'en': 'Maarssen', 'nl': 'Maarssen'}, '1860677':{'en': 'Farmington, CT'}, '1860676':{'en': 'Farmington, CT'}, '1860674':{'en': 'Farmington, CT'}, '1860679':{'en': 'Farmington, CT'}, '1860678':{'en': 'Farmington, CT'}, '1902542':{'en': 'Wolfville, NS'}, '1902543':{'en': 'Bridgewater, NS'}, '3314239':{'en': 'Paris', 'fr': 'Paris'}, '1925969':{'en': 'Concord, CA'}, '1909579':{'en': 'Upland, CA'}, '1909574':{'en': 'Fontana, CA'}, '1972775':{'en': 'Midlothian, TX'}, '1972772':{'en': 'Rockwall, TX'}, '1925962':{'en': 'Lafayette, CA'}, '1972770':{'en': 'Dallas, TX'}, '1925960':{'en': 'Livermore, CA'}, '1901937':{'en': 'Memphis, TN'}, '264667153':{'en': 'Rundu'}, '1954742':{'en': 'Sunrise, FL'}, '1954217':{'en': 'Weston, FL'}, '1954747':{'en': 'Sunrise, FL'}, '1954746':{'en': 'Sunrise, FL'}, '1860496':{'en': 'Torrington, CT'}, '1954749':{'en': 'Sunrise, FL'}, '1954748':{'en': 'Sunrise, FL'}, '1860491':{'en': 'Goshen, CT'}, '264632810':{'en': u('K\u00f6es')}, '2634':{'en': 'Harare'}, '2723':{'en': 'Worcester/Robertson'}, '2722':{'en': 'Malmesbury/Vredenburg'}, '2721':{'en': 'Cape Town'}, '2720':{'en': 'Fraserberg/Leeugamka/Merweville'}, '2728':{'en': 'Hermanus/Swellendam'}, '2410147':{'en': 'Libreville'}, '264647130':{'en': 'Walvis Bay'}, '1949559':{'en': 'Irvine, CA'}, '1989686':{'en': 'Bay City, MI'}, '1949551':{'en': 'Irvine, CA'}, '1949552':{'en': 'Irvine, CA'}, '1949553':{'en': 'Irvine, CA'}, '26318':{'en': 'Dete'}, '2410146':{'en': 'Libreville'}, '1912496':{'en': 'Folkston, GA'}, '1903675':{'en': 'Athens, TX'}, '1941861':{'en': 'Sarasota, FL'}, '1904714':{'en': 'Jacksonville, FL'}, '3313933':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '1978433':{'en': 'Pepperell, MA'}, '1970872':{'en': 'Hotchkiss, CO'}, '1970871':{'en': 'Steamboat Spgs, CO'}, '1970870':{'en': 'Steamboat Spgs, CO'}, '1970876':{'en': 'Silt, CO'}, '1970874':{'en': 'Delta, CO'}, '1970879':{'en': 'Steamboat Spgs, CO'}, '1970878':{'en': 'Meeker, CO'}, '2410140':{'en': 'Kango'}, '3314879':{'en': 'Aulnay-sous-Bois', 'fr': 'Aulnay-sous-Bois'}, '3314878':{'en': 'Paris', 'fr': 'Paris'}, '1918459':{'en': 'Tulsa, OK'}, '1918458':{'en': 'Tahlequah, OK'}, '331458':{'en': 'Paris', 'fr': 'Paris'}, '3314657':{'en': 'Montrouge', 'fr': 'Montrouge'}, '1918453':{'en': 'Tahlequah, OK'}, '331455':{'en': 'Paris', 'fr': 'Paris'}, '1864943':{'en': 'Greenwood, SC'}, '1864942':{'en': 'Greenwood, SC'}, '1864944':{'en': 'Salem, SC'}, '1918455':{'en': 'Broken Arrow, OK'}, '3314659':{'en': 'Paris', 'fr': 'Paris'}, '1909948':{'en': 'Rancho Cucamonga, CA'}, '3314658':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314877':{'en': 'Fontenay-sous-Bois', 'fr': 'Fontenay-sous-Bois'}, '3314876':{'en': 'Fontenay-sous-Bois', 'fr': 'Fontenay-sous-Bois'}, '26314':{'en': 'Rutenga'}, '2097':{'en': 'Aswan'}, '3314870':{'en': 'Montreuil', 'fr': 'Montreuil'}, '3314873':{'en': 'Nogent-sur-Marne', 'fr': 'Nogent-sur-Marne'}, '3314872':{'en': 'Le Perreux sur Marne', 'fr': 'Le Perreux sur Marne'}, '1919319':{'en': 'Cary, NC'}, '2092':{'en': 'Wadi El-Gedid'}, '302351':{'el': u('\u039a\u03b1\u03c4\u03b5\u03c1\u03af\u03bd\u03b7'), 'en': 'Korinos'}, '302353':{'el': u('\u0391\u03b9\u03b3\u03af\u03bd\u03b9\u03bf'), 'en': 'Aiginio'}, '302352':{'el': u('\u039b\u03b9\u03c4\u03cc\u03c7\u03c9\u03c1\u03bf'), 'en': 'Litochoro'}, '1909945':{'en': 'Rancho Cucamonga, CA'}, '1919855':{'en': 'Raleigh, NC'}, '1919856':{'en': 'Raleigh, NC'}, '1919585':{'en': 'Clayton, NC'}, '1919850':{'en': 'Raleigh, NC'}, '1956465':{'en': 'Brownsville, TX'}, '1919580':{'en': 'Goldsboro, NC'}, '1970298':{'en': 'Grand Junction, CO'}, '3021':{'el': u('\u0391\u03b8\u03ae\u03bd\u03b1/\u03a0\u03b5\u03b9\u03c1\u03b1\u03b9\u03ac\u03c2/\u03a3\u03b1\u03bb\u03b1\u03bc\u03af\u03bd\u03b1'), 'en': 'Athens/Piraeus/Salamina'}, '2205723':{'en': 'Njabakunda'}, '3314141':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '3314140':{'en': 'Clichy', 'fr': 'Clichy'}, '3314143':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314142':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314144':{'en': 'Suresnes', 'fr': 'Suresnes'}, '237233313':{'en': 'Yabassi'}, '1856985':{'en': 'Marlton, NJ'}, '1865546':{'en': 'Knoxville, TN'}, '1865544':{'en': 'Knoxville, TN'}, '1865545':{'en': 'Knoxville, TN'}, '1865540':{'en': 'Knoxville, TN'}, '1865541':{'en': 'Knoxville, TN'}, '1865549':{'en': 'Knoxville, TN'}, '1970824':{'en': 'Craig, CO'}, '1918773':{'en': 'Vian, OK'}, '1912819':{'en': 'Savannah, GA'}, '2243024':{'en': 'Fria'}, '1864527':{'en': 'Greenville, SC'}, '3314727':{'en': 'Paris', 'fr': 'Paris'}, '3314726':{'en': 'Villejuif', 'fr': 'Villejuif'}, '3314721':{'en': 'Nanterre', 'fr': 'Nanterre'}, '3314720':{'en': 'Paris', 'fr': 'Paris'}, '264621762':{'en': 'Rehoboth'}, '3314722':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314729':{'en': 'Nanterre', 'fr': 'Nanterre'}, '3314728':{'en': 'Suresnes', 'fr': 'Suresnes'}, '1867766':{'en': 'Yellowknife, NT'}, '1913788':{'en': 'Kansas City, KS'}, '1931542':{'en': 'Clarksville, TN'}, '1951471':{'en': 'Lake Elsinore, CA'}, '1850494':{'en': 'Pensacola, FL'}, '1913780':{'en': 'Olathe, KS'}, '1850497':{'en': 'Pensacola, FL'}, '331405':{'en': 'Paris', 'fr': 'Paris'}, '1850492':{'en': 'Pensacola, FL'}, '237233341':{'en': u('Manf\u00e9')}, '3314245':{'en': 'Paris', 'fr': 'Paris'}, '1915842':{'en': 'El Paso, TX'}, '264632754':{'en': 'Bralano'}, '331400':{'en': 'Paris', 'fr': 'Paris'}, '264632750':{'en': 'Kalahariplaas'}, '1989624':{'en': 'Birch Run, MI'}, '1916492':{'en': 'Sacramento, CA'}, '1902450':{'en': 'Halifax, NS'}, '1916498':{'en': 'Sacramento, CA'}, '1951652':{'en': 'Hemet, CA'}, '1951653':{'en': 'Moreno Valley, CA'}, '302423':{'el': u('\u039a\u03b1\u03bb\u03ac \u039d\u03b5\u03c1\u03ac'), 'en': 'Kala Nera'}, '1902452':{'en': 'Halifax, NS'}, '1951654':{'en': 'San Jacinto, CA'}, '1951658':{'en': 'Hemet, CA'}, '1951659':{'en': 'Idyllwild-Pine Cove, CA'}, '264661728':{'en': 'Nyangana'}, '264661723':{'en': 'Rundu'}, '264661722':{'en': 'Rundu'}, '264661721':{'en': 'Rundu'}, '264661720':{'en': 'Omega'}, '264661727':{'en': 'Sikono'}, '264661726':{'en': 'Ruuga'}, '264661725':{'en': 'Rupara'}, '264661724':{'en': 'Rundu'}, '1864236':{'en': 'Greenville, SC'}, '1864235':{'en': 'Greenville, SC'}, '1864234':{'en': 'Greenville, SC'}, '1864233':{'en': 'Greenville, SC'}, '1864232':{'en': 'Greenville, SC'}, '1864231':{'en': 'Anderson, SC'}, '3314517':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '1864239':{'en': 'Greenville, SC'}, '302421':{'el': u('\u0392\u03cc\u03bb\u03bf\u03c2'), 'en': 'Volos'}, '1907495':{'en': 'Willow, AK'}, '1949788':{'en': 'Irvine, CA'}, '1907490':{'en': 'North Pole, AK'}, '1949786':{'en': 'Irvine, CA'}, '1973539':{'en': 'Morristown, NJ'}, '1973538':{'en': 'Morristown, NJ'}, '1904928':{'en': 'Jacksonville, FL'}, '1936539':{'en': 'Conroe, TX'}, '1972563':{'en': 'Terrell, TX'}, '1972562':{'en': 'McKinney, TX'}, '1972566':{'en': 'Dallas, TX'}, '1972564':{'en': 'Forney, TX'}, '1972569':{'en': 'McKinney, TX'}, '25146558':{'en': 'Enseno, South Region'}, '25146559':{'en': 'Boditi, South Region'}, '25146554':{'en': 'Durame, South Region'}, '25146555':{'en': 'Hossena, South Region'}, '1978952':{'en': 'Littleton, MA'}, '25146551':{'en': 'Wollayta, South Region'}, '1978957':{'en': 'Dracut, MA'}, '1904529':{'en': 'Green Cove Spgs, FL'}, '1907729':{'en': 'Anchorage, AK'}, '25111320':{'en': 'Old Airport I, Addis Ababa'}, '1904527':{'en': 'Jacksonville, FL'}, '1870672':{'en': 'Stuttgart, AR'}, '1870673':{'en': 'Stuttgart, AR'}, '1912554':{'en': 'Brunswick, GA'}, '1912557':{'en': 'Reidsville, GA'}, '1902859':{'en': 'O\'Leary, PE'}, '264621761':{'en': 'Rehoboth'}, '264621760':{'en': 'Plessisplaas'}, '1989317':{'en': 'Mount Pleasant, MI'}, '1905803':{'en': 'Mississauga, ON'}, '264621767':{'en': 'Seeis'}, '264621766':{'en': 'Sandveld'}, '1972387':{'en': 'Dallas, TX'}, '1972386':{'en': 'Dallas, TX'}, '1972385':{'en': 'Dallas, TX'}, '302424':{'el': u('\u03a3\u03ba\u03cc\u03c0\u03b5\u03bb\u03bf\u03c2'), 'en': 'Skopelos'}, '1925356':{'en': 'Concord, CA'}, '264631728':{'en': 'Kalkrand'}, '264631729':{'en': 'Kalkrand'}, '264631727':{'en': 'Kalahariplaas'}, '264631724':{'en': 'Helmeringhausen'}, '264631725':{'en': 'Hoachanas'}, '264631722':{'en': 'Guibis'}, '264631723':{'en': 'Hamab'}, '264631720':{'en': 'Grenslyn'}, '1905383':{'en': 'Hamilton, ON'}, '1905382':{'en': 'Stevensville, ON'}, '1905385':{'en': 'Hamilton, ON'}, '1905387':{'en': 'Hamilton, ON'}, '1905389':{'en': 'Hamilton, ON'}, '1905388':{'en': 'Hamilton, ON'}, '264652853':{'en': 'Okashana'}, '1901546':{'en': 'Memphis, TN'}, '1901545':{'en': 'Memphis, TN'}, '1901544':{'en': 'Memphis, TN'}, '1901543':{'en': 'Memphis, TN'}, '1901542':{'en': 'Memphis, TN'}, '1856365':{'en': 'Camden, NJ'}, '1970464':{'en': 'Palisade, CO'}, '1970461':{'en': 'Loveland, CO'}, '1909989':{'en': 'Rancho Cucamonga, CA'}, '1909988':{'en': 'Ontario, CA'}, '1909987':{'en': 'Rancho Cucamonga, CA'}, '1909986':{'en': 'Ontario, CA'}, '1909985':{'en': 'Upland, CA'}, '1909984':{'en': 'Ontario, CA'}, '1909983':{'en': 'Ontario, CA'}, '1907874':{'en': 'Wrangell, AK'}, '1909981':{'en': 'Upland, CA'}, '1909980':{'en': 'Rancho Cucamonga, CA'}, '1905659':{'en': 'Freelton, ON'}, '1914528':{'en': 'Mohegan Lake, NY'}, '1914524':{'en': 'Tarrytown, NY'}, '1941322':{'en': 'Myakka City, FL'}, '1941321':{'en': 'Sarasota, FL'}, '1941320':{'en': 'Sarasota, FL'}, '25133338':{'en': 'Bure, North-East Region'}, '25133339':{'en': 'Manda, North-East Region'}, '1901763':{'en': 'Memphis, TN'}, '1901761':{'en': 'Memphis, TN'}, '1901767':{'en': 'Memphis, TN'}, '1901766':{'en': 'Memphis, TN'}, '1901765':{'en': 'Memphis, TN'}, '1973383':{'en': 'Newton, NJ'}, '1859485':{'en': 'Walton, KY'}, '1905731':{'en': 'Thornhill, ON'}, '1905732':{'en': 'Welland, ON'}, '1905734':{'en': 'Welland, ON'}, '1905735':{'en': 'Welland, ON'}, '1905737':{'en': 'Richmond Hill, ON'}, '1905738':{'en': 'Concord, ON'}, '1908587':{'en': 'Linden, NJ'}, '1979480':{'en': 'Lake Jackson, TX'}, '26467230':{'en': 'Oshivello'}, '26463262':{'en': 'Grunau'}, '26463260':{'en': 'Stampriet'}, '26467234':{'en': 'Otavi'}, '26463264':{'en': 'Kalkrand'}, '1863471':{'en': 'Sebring, FL'}, '263948':{'en': 'Nkulumane'}, '1858538':{'en': 'San Diego, CA'}, '1858537':{'en': 'San Diego, CA'}, '1858536':{'en': 'San Diego, CA'}, '1858535':{'en': 'San Diego, CA'}, '1858534':{'en': 'La Jolla, CA'}, '1858530':{'en': 'San Diego, CA'}, '1985882':{'en': 'Lacombe, LA'}, '1908637':{'en': 'Great Meadows, NJ'}, '3314699':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '2717':{'en': 'Ermelo/Secunda'}, '264651760':{'en': 'Opuwo'}, '264651761':{'en': 'Opuwo'}, '264651762':{'en': 'Orumana'}, '264651763':{'en': 'Oshakati'}, '1940328':{'en': 'Mineral Wells, TX'}, '1919468':{'en': 'Cary, NC'}, '264651766':{'en': 'Oshakati'}, '264651767':{'en': 'Oshakati'}, '1919465':{'en': 'Cary, NC'}, '1940325':{'en': 'Mineral Wells, TX'}, '1919467':{'en': 'Cary, NC'}, '1919466':{'en': 'Cary, NC'}, '1940320':{'en': 'Denton, TX'}, '1919460':{'en': 'Cary, NC'}, '1940322':{'en': 'Wichita Falls, TX'}, '1919462':{'en': 'Cary, NC'}, '26330':{'en': 'Luveve'}, '3314808':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3314809':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314698':{'en': 'Puteaux', 'fr': 'Puteaux'}, '3314805':{'en': 'Paris', 'fr': 'Paris'}, '3314806':{'en': 'Paris', 'fr': 'Paris'}, '3314807':{'en': 'Paris', 'fr': 'Paris'}, '3314800':{'en': 'Paris', 'fr': 'Paris'}, '3314801':{'en': 'Paris', 'fr': 'Paris'}, '3314802':{'en': 'Bondy', 'fr': 'Bondy'}, '263947':{'en': 'Bellevue'}, '1858759':{'en': 'Rancho Santa Fe, CA'}, '1858756':{'en': 'Rancho Santa Fe, CA'}, '1916808':{'en': 'Sacramento, CA'}, '31492':{'en': 'Helmond', 'nl': 'Helmond'}, '31493':{'en': 'Deurne', 'nl': 'Deurne'}, '1850391':{'en': 'Tallahassee, FL'}, '221338':{'en': 'Dakar'}, '25111155':{'en': 'Arada III, Addis Ababa'}, '25111156':{'en': 'Arada IV, Addis Ababa'}, '25111157':{'en': 'Arada V, Addis Ababa'}, '25111158':{'en': 'Arada VI, Addis Ababa'}, '1850398':{'en': 'Crestview, FL'}, '1952829':{'en': 'Eden Prairie, MN'}, '1863386':{'en': 'Sebring, FL'}, '1863385':{'en': 'Sebring, FL'}, '1863382':{'en': 'Sebring, FL'}, '1985262':{'en': 'Houma, LA'}, '237222182':{'en': u('Monat\u00e9l\u00e9')}, '302321':{'el': u('\u03a3\u03ad\u03c1\u03c1\u03b5\u03c2'), 'en': 'Serres'}, '1989879':{'en': 'Pinconning, MI'}, '1920729':{'en': 'Neenah, WI'}, '1920727':{'en': 'Neenah, WI'}, '1920725':{'en': 'Neenah, WI'}, '1920722':{'en': 'Neenah, WI'}, '1920720':{'en': 'Neenah, WI'}, '1850537':{'en': 'Baker, FL'}, '1850535':{'en': 'Vernon, FL'}, '302327':{'el': u('\u03a1\u03bf\u03b4\u03cc\u03c0\u03bf\u03bb\u03b7, \u03a3\u03b5\u03c1\u03c1\u03ce\u03bd'), 'en': 'Rodopoli'}, '1850539':{'en': 'Havana, FL'}, '264672982':{'en': 'Tsumeb'}, '233357':{'en': 'Brong-Ahafo Region'}, '258272':{'en': 'Pemba', 'pt': 'Pemba'}, '258271':{'en': 'Lichinga', 'pt': 'Lichinga'}, '1907269':{'en': 'Anchorage, AK'}, '1907264':{'en': 'Anchorage, AK'}, '1907260':{'en': 'Soldotna, AK'}, '1907262':{'en': 'Soldotna, AK'}, '3313470':{'en': 'Beaumont-sur-Oise', 'fr': 'Beaumont-sur-Oise'}, '3313471':{'en': 'Luzarches', 'fr': 'Luzarches'}, '1937324':{'en': 'Springfield, OH'}, '1937325':{'en': 'Springfield, OH'}, '1937322':{'en': 'Springfield, OH'}, '1937323':{'en': 'Springfield, OH'}, '1937320':{'en': 'Beavercreek, OH'}, '3313477':{'en': 'Mantes-la-Jolie', 'fr': 'Mantes-la-Jolie'}, '3313479':{'en': 'Porcheville', 'fr': 'Porcheville'}, '1909370':{'en': 'Colton, CA'}, '1937328':{'en': 'Springfield, OH'}, '1903923':{'en': 'Marshall, TX'}, '1903927':{'en': 'Marshall, TX'}, '1951222':{'en': 'Riverside, CA'}, '1951225':{'en': 'Temecula, CA'}, '1860659':{'en': 'Glastonbury, CT'}, '1860658':{'en': 'Simsbury, CT'}, '1860657':{'en': 'Glastonbury, CT'}, '1860651':{'en': 'Simsbury, CT'}, '1902527':{'en': 'Bridgewater, NS'}, '1972719':{'en': 'Irving, TX'}, '251113420':{'en': 'Tullu Bollo, Addis Ababa'}, '1925943':{'en': 'Walnut Creek, CA'}, '1925945':{'en': 'Walnut Creek, CA'}, '1925944':{'en': 'Walnut Creek, CA'}, '1925947':{'en': 'Walnut Creek, CA'}, '1909517':{'en': 'Chino, CA'}, '1954769':{'en': 'Fort Lauderdale, FL'}, '1954768':{'en': 'Fort Lauderdale, FL'}, '1954765':{'en': 'Fort Lauderdale, FL'}, '1954764':{'en': 'Fort Lauderdale, FL'}, '1954767':{'en': 'Fort Lauderdale, FL'}, '1954766':{'en': 'Fort Lauderdale, FL'}, '1954761':{'en': 'Fort Lauderdale, FL'}, '1954760':{'en': 'Fort Lauderdale, FL'}, '1954763':{'en': 'Fort Lauderdale, FL'}, '1908359':{'en': 'Hillsborough Township, NJ'}, '1908351':{'en': 'Elizabeth, NJ'}, '1908353':{'en': 'Elizabeth, NJ'}, '1908352':{'en': 'Elizabeth, NJ'}, '1908355':{'en': 'Elizabeth, NJ'}, '1908354':{'en': 'Elizabeth, NJ'}, '1906353':{'en': 'Baraga, MI'}, '1912961':{'en': 'Savannah, GA'}, '1912964':{'en': 'Savannah, GA'}, '1918619':{'en': 'Tulsa, OK'}, '1901375':{'en': 'Memphis, TN'}, '1901377':{'en': 'Memphis, TN'}, '1901371':{'en': 'Memphis, TN'}, '1901372':{'en': 'Memphis, TN'}, '1901373':{'en': 'Memphis, TN'}, '1918610':{'en': 'Tulsa, OK'}, '1901379':{'en': 'Memphis, TN'}, '1956992':{'en': 'McAllen, TX'}, '1956994':{'en': 'McAllen, TX'}, '1941951':{'en': 'Sarasota, FL'}, '264632389':{'en': 'Luderitz - Elizabeth Bay'}, '1970858':{'en': 'Fruita, CO'}, '1970854':{'en': 'Holyoke, CO'}, '1970856':{'en': 'Cedaredge, CO'}, '264632522':{'en': 'Asab'}, '264632387':{'en': 'Oranjemund'}, '264632386':{'en': 'Oranjemund'}, '264652664':{'en': 'Oshikango'}, '25158550':{'en': 'Pawe, North-West Region'}, '1915599':{'en': 'El Paso, TX'}, '1915598':{'en': 'El Paso, TX'}, '1915595':{'en': 'El Paso, TX'}, '1915594':{'en': 'El Paso, TX'}, '2125290':{'en': 'Casablanca', 'fr': 'Casablanca'}, '264652667':{'en': 'Omafu'}, '1915591':{'en': 'El Paso, TX'}, '1915590':{'en': 'El Paso, TX'}, '1915593':{'en': 'El Paso, TX'}, '1915592':{'en': 'El Paso, TX'}, '1919876':{'en': 'Raleigh, NC'}, '1919877':{'en': 'Raleigh, NC'}, '1956440':{'en': 'Harlingen, TX'}, '1919875':{'en': 'Raleigh, NC'}, '1919872':{'en': 'Raleigh, NC'}, '1919873':{'en': 'Raleigh, NC'}, '1919870':{'en': 'Raleigh, NC'}, '1919871':{'en': 'Raleigh, NC'}, '3313928':{'en': 'Verneuil-sur-Seine', 'fr': 'Verneuil-sur-Seine'}, '1906786':{'en': 'Escanaba, MI'}, '1919878':{'en': 'Raleigh, NC'}, '1856825':{'en': 'Millville, NJ'}, '264632492':{'en': 'Mariental'}, '302373':{'el': u('\u039d\u03ad\u03b1 \u039c\u03bf\u03c5\u03b4\u03b1\u03bd\u03b9\u03ac'), 'en': 'Nea Moudania'}, '302372':{'el': u('\u0391\u03c1\u03bd\u03b1\u03af\u03b1'), 'en': 'Arnaia'}, '302371':{'el': u('\u03a0\u03bf\u03bb\u03cd\u03b3\u03c5\u03c1\u03bf\u03c2'), 'en': 'Polygyros'}, '302377':{'el': u('\u0386\u03b3\u03b9\u03bf\u03bd \u038c\u03c1\u03bf\u03c2/\u0399\u03b5\u03c1\u03b9\u03c3\u03c3\u03cc\u03c2'), 'en': 'Ierissos/Mount Athos'}, '302376':{'el': u('\u03a3\u03c4\u03c1\u03b1\u03c4\u03ce\u03bd\u03b9'), 'en': 'Stratoni'}, '1856829':{'en': 'Cinnaminson, NJ'}, '302374':{'el': u('\u039a\u03b1\u03c3\u03c3\u03ac\u03bd\u03b4\u03c1\u03b5\u03b9\u03b1'), 'en': 'Kassandreia'}, '3314122':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '3314121':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '3314120':{'en': 'Nanterre', 'fr': 'Nanterre'}, '3314127':{'en': 'Clichy', 'fr': 'Clichy'}, '1972855':{'en': 'Dallas, TX'}, '3314124':{'en': 'Arcueil', 'fr': 'Arcueil'}, '3314129':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '1865971':{'en': 'Knoxville, TN'}, '26463811':{'en': 'Keetmanshoop'}, '237233333':{'en': u('Limb\u00e9')}, '237233332':{'en': u('Limb\u00e9')}, '1918477':{'en': 'Tulsa, OK'}, '1915307':{'en': 'El Paso, TX'}, '237233337':{'en': u('Limb\u00e9')}, '1914751':{'en': 'Yonkers, NY'}, '1918473':{'en': 'Checotah, OK'}, '237233334':{'en': u('Limb\u00e9')}, '1865977':{'en': 'Maryville, TN'}, '237233339':{'en': u('Limb\u00e9')}, '237233338':{'en': u('Limb\u00e9')}, '1918479':{'en': 'Locust Grove, OK'}, '1918478':{'en': 'Fort Gibson, OK'}, '1910777':{'en': 'Wilmington, NC'}, '1865521':{'en': 'Knoxville, TN'}, '1865522':{'en': 'Knoxville, TN'}, '1865523':{'en': 'Knoxville, TN'}, '1865524':{'en': 'Knoxville, TN'}, '1931787':{'en': 'Crossville, TN'}, '1910616':{'en': 'Wilmington, NC'}, '1910618':{'en': 'Lumberton, NC'}, '1931788':{'en': 'Crossville, TN'}, '245325':{'pt': u('Br\u00e1')}, '1919708':{'en': 'Sanford, NC'}, '1972678':{'en': 'Allen, TX'}, '3314996':{'en': 'Paris', 'fr': 'Paris'}, '3314773':{'en': 'Puteaux', 'fr': 'Puteaux'}, '1915757':{'en': 'El Paso, TX'}, '1989422':{'en': 'Houghton Lake, MI'}, '1989426':{'en': 'Gladwin, MI'}, '1989427':{'en': 'Edmore, MI'}, '3314995':{'en': 'Paris', 'fr': 'Paris'}, '1915755':{'en': 'El Paso, TX'}, '1916338':{'en': 'Sacramento, CA'}, '1951413':{'en': 'Moreno Valley, CA'}, '1910321':{'en': 'Fayetteville, NC'}, '256473':{'en': 'Lira'}, '256471':{'en': 'Gulu'}, '256476':{'en': 'Arua'}, '1915751':{'en': 'El Paso, TX'}, '23222':{'en': 'Freetown'}, '1902736':{'en': 'North Sydney, NS'}, '1870875':{'en': 'El Dorado, AR'}, '1870879':{'en': 'Pine Bluff, AR'}, '263274':{'en': 'Arcturus'}, '263275':{'en': 'Mazowe'}, '263276':{'en': 'Mt. Darwin'}, '263277':{'en': 'Mvurwi'}, '263270':{'en': 'Chitungwiza'}, '263271':{'en': 'Bindura'}, '263272':{'en': 'Mutoko'}, '1916478':{'en': 'Elk Grove, CA'}, '1916476':{'en': 'Sacramento, CA'}, '1916473':{'en': 'Sacramento, CA'}, '263279':{'en': 'Marondera'}, '1856596':{'en': 'Marlton, NJ'}, '1901529':{'en': 'Memphis, TN'}, '1973675':{'en': 'East Orange, NJ'}, '1931503':{'en': 'Clarksville, TN'}, '1864213':{'en': 'Greenville, SC'}, '1985693':{'en': 'Larose, LA'}, '1864214':{'en': 'Greenville, SC'}, '1864373':{'en': 'Greenville, SC'}, '1973678':{'en': 'East Orange, NJ'}, '1904296':{'en': 'Jacksonville, FL'}, '1904291':{'en': 'Middleburg, FL'}, '1904292':{'en': 'Jacksonville, FL'}, '1901524':{'en': 'Memphis, TN'}, '1904298':{'en': 'Orange Park, FL'}, '1916614':{'en': 'Sacramento, CA'}, '3286':{'de': 'Durbuy', 'en': 'Durbuy', 'fr': 'Durbuy', 'nl': 'Durbuy'}, '1920855':{'en': 'Gillett, WI'}, '1978970':{'en': 'Lowell, MA'}, '1909748':{'en': 'Redlands, CA'}, '1865717':{'en': 'Kingston, TN'}, '1972547':{'en': 'McKinney, TX'}, '1972540':{'en': 'McKinney, TX'}, '1972542':{'en': 'McKinney, TX'}, '1928718':{'en': 'Kingman, AZ'}, '1928717':{'en': 'Prescott, AZ'}, '1928714':{'en': 'Flagstaff, AZ'}, '1928710':{'en': 'Prescott, AZ'}, '1860354':{'en': 'New Milford, CT'}, '1860823':{'en': 'Norwich, CT'}, '1860357':{'en': 'New Britain, CT'}, '1860826':{'en': 'New Britain, CT'}, '1860827':{'en': 'New Britain, CT'}, '1860824':{'en': 'Canaan, CT'}, '1903614':{'en': 'Texarkana, TX'}, '1907743':{'en': 'Anchorage, AK'}, '1907742':{'en': 'Anchorage, AK'}, '1860828':{'en': 'Berlin, CT'}, '1860829':{'en': 'Berlin, CT'}, '1860358':{'en': 'Middletown, CT'}, '1907746':{'en': 'Palmer, AK'}, '1907745':{'en': 'Palmer, AK'}, '21670':{'en': 'Ben Arous'}, '1906296':{'en': 'Lake Linden, MI'}, '1870698':{'en': 'Batesville, AR'}, '1906293':{'en': 'Newberry, MI'}, '264652591':{'en': 'Mahenene'}, '1979596':{'en': 'Somerville, TX'}, '1954958':{'en': 'Fort Lauderdale, FL'}, '3314574':{'en': 'Paris', 'fr': 'Paris'}, '264631704':{'en': 'Ariamsvlei'}, '264631706':{'en': 'Asab'}, '1907334':{'en': 'Anchorage, AK'}, '264631702':{'en': 'Aminuis'}, '264631703':{'en': 'Aranos'}, '264631709':{'en': 'Bethanie'}, '264644650':{'en': 'Swakopmund'}, '1908835':{'en': 'Washington, NJ'}, '1901565':{'en': 'Memphis, TN'}, '1908832':{'en': 'Califon, NJ'}, '1973633':{'en': 'Wayne, NJ'}, '3280':{'de': 'Stablo', 'en': 'Stavelot', 'fr': 'Stavelot', 'nl': 'Stavelot'}, '25466':{'en': 'Kiambu/Kikuyu'}, '264652628':{'en': 'Ongha'}, '1856342':{'en': 'Camden, NJ'}, '1859647':{'en': 'Florence, KY'}, '1905677':{'en': 'Mississauga, ON'}, '1905676':{'en': 'Mississauga, ON'}, '1905671':{'en': 'Mississauga, ON'}, '1905670':{'en': 'Mississauga, ON'}, '1905673':{'en': 'Mississauga, ON'}, '1905672':{'en': 'Mississauga, ON'}, '1905679':{'en': 'Mount Hope, ON'}, '1905678':{'en': 'Mississauga, ON'}, '1901744':{'en': 'Memphis, TN'}, '1901747':{'en': 'Memphis, TN'}, '1918289':{'en': 'Tulsa, OK'}, '1901743':{'en': 'Memphis, TN'}, '1918283':{'en': 'Claremore, OK'}, '1941302':{'en': 'Sarasota, FL'}, '1918286':{'en': 'Broken Arrow, OK'}, '1901748':{'en': 'Memphis, TN'}, '1941306':{'en': 'Sarasota, FL'}, '1904329':{'en': 'Jacksonville, FL'}, '1905712':{'en': 'Mississauga, ON'}, '1905713':{'en': 'Aurora, ON'}, '1905714':{'en': 'Welland, ON'}, '1905715':{'en': 'Newmarket, ON'}, '1956838':{'en': 'Brownsville, TX'}, '1956831':{'en': 'Brownsville, TX'}, '1970449':{'en': 'Fort Collins, CO'}, '1918868':{'en': 'Kansas, OK'}, '1858513':{'en': 'Poway, CA'}, '1918865':{'en': 'Mannford, OK'}, '1858514':{'en': 'San Diego, CA'}, '1910426':{'en': 'Fayetteville, NC'}, '1910424':{'en': 'Fayetteville, NC'}, '1910425':{'en': 'Fayetteville, NC'}, '1910422':{'en': 'Rowland, NC'}, '1910423':{'en': 'Fayetteville, NC'}, '264627024':{'en': 'Hosea Kutako INT Airport'}, '264627025':{'en': 'Hosea Kutako INT Airport'}, '1973853':{'en': 'Hewitt, NJ'}, '1908654':{'en': 'Westfield, NJ'}, '1910428':{'en': 'Biscoe, NC'}, '1910429':{'en': 'Fayetteville, NC'}, '1970622':{'en': 'Loveland, CO'}, '264651707':{'en': 'Ehomba'}, '1863674':{'en': 'LaBelle, FL'}, '1863675':{'en': 'LaBelle, FL'}, '1970626':{'en': 'Ridgway, CO'}, '1970627':{'en': 'Grand Lake, CO'}, '1970625':{'en': 'Rifle, CO'}, '1863678':{'en': 'Lake Wales, FL'}, '1863679':{'en': 'Lake Wales, FL'}, '1912375':{'en': 'Hazlehurst, GA'}, '237233452':{'en': 'Dschang'}, '1985853':{'en': 'Houma, LA'}, '237233451':{'en': 'Dschang'}, '1916863':{'en': 'Fair Oaks, CA'}, '25461':{'en': 'Nyeri'}, '24101420':{'en': 'Ntoum'}, '24101424':{'en': 'Cocobeach'}, '26466266':{'en': 'Rundu'}, '1952808':{'en': 'Burnsville, MN'}, '1863452':{'en': 'Avon Park, FL'}, '1863453':{'en': 'Avon Park, FL'}, '1985674':{'en': 'Mandeville, LA'}, '26463241':{'en': 'Mariental'}, '26463243':{'en': 'Mariental'}, '26463242':{'en': 'Mariental'}, '26463244':{'en': 'Mariental'}, '26463247':{'en': 'Mariental'}, '26463246':{'en': 'Mariental'}, '1920839':{'en': 'Baileys Harbor, WI'}, '1920832':{'en': 'Appleton, WI'}, '1920833':{'en': 'Seymour, WI'}, '1920294':{'en': 'Green Lake, WI'}, '1920295':{'en': 'Princeton, WI'}, '1920836':{'en': 'Larsen, WI'}, '1920837':{'en': 'Casco, WI'}, '1920834':{'en': 'Oconto, WI'}, '1870994':{'en': 'Ash Flat, AR'}, '302282':{'el': u('\u0386\u03bd\u03b4\u03c1\u03bf\u03c2'), 'en': 'Andros'}, '1864855':{'en': 'Easley, SC'}, '25111284':{'en': 'Burayu, Addis Ababa'}, '2125399':{'en': 'Al Hoceima/Larache/Tangier', 'fr': 'Tanger/Larache/Al Hoceima'}, '25111283':{'en': 'Addis Alem, Addis Ababa'}, '264652545':{'en': 'Oshikuku'}, '1919496':{'en': 'Louisburg, NC'}, '264652547':{'en': 'Oshikuku'}, '264652546':{'en': 'Oshikuku'}, '3314826':{'en': 'Stains', 'fr': 'Stains'}, '3314827':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314824':{'en': 'Paris', 'fr': 'Paris'}, '264645520':{'en': 'Karibib'}, '3314822':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314823':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314820':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314821':{'en': 'Stains', 'fr': 'Stains'}, '3314828':{'en': 'Paris', 'fr': 'Paris'}, '3314829':{'en': 'Stains', 'fr': 'Stains'}, '1920748':{'en': 'Ripon, WI'}, '1916285':{'en': 'Sacramento, CA'}, '2302':{'en': 'North Region', 'es': u('Regi\u00f3n Norte'), 'fr': u('R\u00e9gion Nord')}, '1920743':{'en': 'Sturgeon Bay, WI'}, '1920746':{'en': 'Sturgeon Bay, WI'}, '1865882':{'en': 'Harriman, TN'}, '258252':{'en': 'Tete', 'pt': 'Tete'}, '1904273':{'en': 'Ponte Vedra Bch, FL'}, '1907247':{'en': 'Ketchikan, AK'}, '1907245':{'en': 'Anchorage, AK'}, '1907243':{'en': 'Anchorage, AK'}, '1907248':{'en': 'Anchorage, AK'}, '1919499':{'en': 'Sanford, NC'}, '1972488':{'en': 'Dallas, TX'}, '1937342':{'en': 'Springfield, OH'}, '3313459':{'en': 'Plaisir', 'fr': 'Plaisir'}, '3313452':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '1972481':{'en': 'Dallas, TX'}, '3313450':{'en': 'Herblay', 'fr': 'Herblay'}, '3313451':{'en': 'Saint-Germain-en-Laye', 'fr': 'Saint-Germain-en-Laye'}, '1972484':{'en': 'Dallas, TX'}, '1972485':{'en': 'Garland, TX'}, '1972487':{'en': 'Garland, TX'}, '1931221':{'en': 'Clarksville, TN'}, '1931223':{'en': 'Columbia, TN'}, '1928524':{'en': 'Holbrook, AZ'}, '1928526':{'en': 'Flagstaff, AZ'}, '1928527':{'en': 'Flagstaff, AZ'}, '1928522':{'en': 'Flagstaff, AZ'}, '25469':{'en': 'Marsabit/Moyale'}, '238223':{'en': u('Pa\u00fal, Santo Ant\u00e3o'), 'pt': u('Pa\u00fal, Santo Ant\u00e3o')}, '1910997':{'en': 'Rockingham, NC'}, '1909356':{'en': 'Fontana, CA'}, '1909357':{'en': 'Fontana, CA'}, '1909355':{'en': 'Fontana, CA'}, '1909353':{'en': 'Riverside, CA'}, '1909350':{'en': 'Fontana, CA'}, '1973285':{'en': 'Morristown, NJ'}, '1973284':{'en': 'Nutley, NJ'}, '1928453':{'en': 'Lake Havasu City, AZ'}, '3313919':{'en': 'Conflans-Sainte-Honorine', 'fr': 'Conflans-Sainte-Honorine'}, '25147441':{'en': 'Metu, South-West Region'}, '3314237':{'en': 'Antony', 'fr': 'Antony'}, '3314236':{'en': 'Paris', 'fr': 'Paris'}, '3314235':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '1870735':{'en': 'West Memphis, AR'}, '1870734':{'en': 'Brinkley, AR'}, '1870733':{'en': 'West Memphis, AR'}, '1870732':{'en': 'West Memphis, AR'}, '1870731':{'en': 'McCrory, AR'}, '302492':{'el': u('\u03a4\u03cd\u03c1\u03bd\u03b1\u03b2\u03bf\u03c2'), 'en': 'Tyrnavos'}, '302493':{'el': u('\u0395\u03bb\u03b1\u03c3\u03c3\u03cc\u03bd\u03b1'), 'en': 'Elassona'}, '302491':{'el': u('\u03a6\u03ac\u03c1\u03c3\u03b1\u03bb\u03b1'), 'en': 'Farsala'}, '1870739':{'en': 'Marion, AR'}, '302495':{'el': u('\u0393\u03cc\u03bd\u03bd\u03bf\u03b9/\u039c\u03b1\u03ba\u03c1\u03c5\u03c7\u03ce\u03c1\u03b9'), 'en': 'Gonnoi/Makrychori'}, '1972732':{'en': 'Dallas, TX'}, '1972733':{'en': 'Dallas, TX'}, '1972736':{'en': 'Princeton, TX'}, '1925924':{'en': 'Pleasanton, CA'}, '1937890':{'en': 'Dayton, OH'}, '1905760':{'en': 'Concord, ON'}, '1973465':{'en': 'Newark, NJ'}, '1901358':{'en': 'Memphis, TN'}, '1973466':{'en': 'Newark, NJ'}, '1901357':{'en': 'Memphis, TN'}, '1908486':{'en': 'Linden, NJ'}, '1901353':{'en': 'Memphis, TN'}, '302724':{'el': u('\u039c\u03b5\u03bb\u03b9\u03b3\u03b1\u03bb\u03ac\u03c2'), 'en': 'Meligalas'}, '21337':{'en': 'Tebessa'}, '21334':{'en': u('B\u00e9ja\u00efa/Jijel')}, '21335':{'en': 'Bordj Bou Arreridj'}, '21332':{'en': 'El Oued'}, '21333':{'en': 'Batna/Beskra'}, '302722':{'el': u('\u039c\u03b5\u03c3\u03c3\u03ae\u03bd\u03b7'), 'en': 'Messene'}, '21331':{'en': 'Constantine'}, '3314901':{'en': 'Puteaux', 'fr': 'Puteaux'}, '21338':{'en': 'Annaba/Skikda'}, '3313430':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '22245':{'en': 'Nouakchott', 'fr': 'Nouakchott'}, '1949494':{'en': 'Laguna Beach, CA'}, '1952476':{'en': 'Wayzata, MN'}, '1952475':{'en': 'Wayzata, MN'}, '1952474':{'en': 'Excelsior, MN'}, '1952473':{'en': 'Wayzata, MN'}, '1952472':{'en': 'Mound, MN'}, '21253880':{'en': 'Tangier area', 'fr': 'Tanger et alentours'}, '26342728':{'en': 'Marondera'}, '26342729':{'en': 'Marondera'}, '1941741':{'en': 'Bradenton, FL'}, '1859586':{'en': 'Burlington, KY'}, '25147444':{'en': 'Darimu, South-West Region'}, '1909820':{'en': 'Rialto, CA'}, '1909822':{'en': 'Fontana, CA'}, '1909823':{'en': 'Fontana, CA'}, '1909829':{'en': 'Fontana, CA'}, '1918647':{'en': 'Poteau, OK'}, '1941792':{'en': 'Bradenton, FL'}, '1941822':{'en': 'Sarasota, FL'}, '1941794':{'en': 'Bradenton, FL'}, '1941795':{'en': 'Bradenton, FL'}, '264662586':{'en': 'Mashare'}, '1941798':{'en': 'Bradenton, FL'}, '237222180':{'en': 'Obala'}, '264672358':{'en': 'Otavi'}, '1956318':{'en': 'Edinburg, TX'}, '1910399':{'en': 'Wilmington, NC'}, '1956316':{'en': 'Edinburg, TX'}, '3313435':{'en': 'Cergy', 'fr': 'Cergy'}, '264652732':{'en': 'Opuwo'}, '264652733':{'en': 'Opuwo'}, '1859363':{'en': 'Independence, KY'}, '264652731':{'en': 'Opuwo'}, '264652737':{'en': 'Opuwo'}, '264652734':{'en': 'Opuwo'}, '264652735':{'en': 'Opuwo'}, '1859368':{'en': 'Lexington, KY'}, '264652738':{'en': 'Opuwo'}, '264652739':{'en': 'Opuwo'}, '264662588':{'en': 'Nyangana'}, '1925210':{'en': 'Walnut Creek, CA'}, '264662589':{'en': 'Rundu'}, '3314109':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '1918352':{'en': 'Drumright, OK'}, '3314105':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '1865982':{'en': 'Maryville, TN'}, '3314106':{'en': 'Clichy', 'fr': 'Clichy'}, '264632660':{'en': 'Klein Karas'}, '1918499':{'en': 'Tulsa, OK'}, '237222121':{'en': 'Ayos'}, '1918497':{'en': 'Tulsa, OK'}, '1914777':{'en': 'Mamaroneck, NY'}, '1918495':{'en': 'Tulsa, OK'}, '1918494':{'en': 'Tulsa, OK'}, '1918493':{'en': 'Tulsa, OK'}, '1914997':{'en': 'White Plains, NY'}, '1918491':{'en': 'Tulsa, OK'}, '1910678':{'en': 'Fayetteville, NC'}, '1910673':{'en': 'West End, NC'}, '1858551':{'en': 'La Jolla, CA'}, '1910671':{'en': 'Lumberton, NC'}, '1931761':{'en': 'Sparta, TN'}, '1910675':{'en': 'Castle Hayne, NC'}, '26464219':{'en': 'Walvis Bay'}, '1978928':{'en': 'Hubbardston, MA'}, '264652762':{'en': 'Kowares'}, '2243068':{'en': 'Mamou'}, '2243069':{'en': 'Dalaba'}, '3315504':{'en': 'Paris', 'fr': 'Paris'}, '1905509':{'en': 'Pickering, ON'}, '1905508':{'en': 'Richmond Hill, ON'}, '1905507':{'en': 'Mississauga, ON'}, '2243061':{'en': 'Kindia'}, '1905503':{'en': 'Aurora, ON'}, '1905502':{'en': 'Mississauga, ON'}, '1905501':{'en': 'Mississauga, ON'}, '24544332':{'en': 'Bissora'}, '251914':{'en': 'North Region'}, '1989401':{'en': 'Saginaw, MI'}, '1951929':{'en': 'Hemet, CA'}, '1951924':{'en': 'Moreno Valley, CA'}, '1951925':{'en': 'Hemet, CA'}, '1951927':{'en': 'Hemet, CA'}, '1925631':{'en': 'Moraga, CA'}, '1951922':{'en': 'Banning, CA'}, '1931507':{'en': 'McMinnville, TN'}, '3263':{'de': 'Arel', 'en': 'Arlon', 'fr': 'Arlon', 'nl': 'Aarlen'}, '3313432':{'en': 'Cergy', 'fr': 'Cergy'}, '1970532':{'en': 'Berthoud, CO'}, '1903489':{'en': 'Malakoff, TX'}, '264637180':{'en': 'Keetmanshoop'}, '1870853':{'en': 'Hamburg, AR'}, '1870850':{'en': 'Pine Bluff, AR'}, '264637183':{'en': 'Keetmanshoop'}, '1870856':{'en': 'Hardy, AR'}, '1870857':{'en': 'Corning, AR'}, '31517':{'en': 'Harlingen', 'nl': 'Harlingen'}, '1850727':{'en': 'Tallahassee, FL'}, '31515':{'en': 'Sneek', 'nl': 'Sneek'}, '31514':{'en': 'Lemmer', 'nl': 'Lemmer'}, '1850722':{'en': 'Youngstown, FL'}, '31512':{'en': 'Drachten', 'nl': 'Drachten'}, '263298':{'en': 'Nyanga'}, '1916451':{'en': 'Sacramento, CA'}, '1916453':{'en': 'Sacramento, CA'}, '1916452':{'en': 'Sacramento, CA'}, '1916455':{'en': 'Sacramento, CA'}, '1916454':{'en': 'Sacramento, CA'}, '1916457':{'en': 'Sacramento, CA'}, '1916456':{'en': 'Sacramento, CA'}, '302393':{'el': u('\u039b\u03b1\u03b3\u03ba\u03b1\u03b4\u03af\u03ba\u03b9\u03b1'), 'en': 'Lagkadikia'}, '1972758':{'en': 'Plano, TX'}, '1920994':{'en': 'Random Lake, WI'}, '1920997':{'en': 'Appleton, WI'}, '1920996':{'en': 'Appleton, WI'}, '1920993':{'en': 'Appleton, WI'}, '1920992':{'en': 'Rio, WI'}, '1936756':{'en': 'Conroe, TX'}, '1916635':{'en': 'Rancho Cordova, CA'}, '1916631':{'en': 'Rancho Cordova, CA'}, '1916630':{'en': 'Rocklin, CA'}, '1916632':{'en': 'Rocklin, CA'}, '1864272':{'en': 'Greenville, SC'}, '1864271':{'en': 'Greenville, SC'}, '1864277':{'en': 'Greenville, SC'}, '1916638':{'en': 'Rancho Cordova, CA'}, '25111341':{'en': 'Ghion, Addis Ababa'}, '1904908':{'en': 'Jacksonville, FL'}, '1903596':{'en': 'Tyler, TX'}, '1903597':{'en': 'Tyler, TX'}, '1903595':{'en': 'Tyler, TX'}, '1904900':{'en': 'Jacksonville, FL'}, '1903593':{'en': 'Tyler, TX'}, '1903223':{'en': 'Texarkana, TX'}, '1860599':{'en': 'Pawcatuck, CT'}, '1870508':{'en': 'Mountain Home, AR'}, '1915633':{'en': 'El Paso, TX'}, '263920':{'en': 'Northend'}, '263922':{'en': 'Queensdale'}, '26319':{'en': 'Plumtree'}, '1913696':{'en': 'Leawood, KS'}, '1985543':{'en': 'Hammond, LA'}, '1985542':{'en': 'Hammond, LA'}, '26317':{'en': 'Filabusi'}, '26316':{'en': 'West Nicholson'}, '26313':{'en': 'Victoria Falls'}, '31513':{'en': 'Heerenveen', 'nl': 'Heerenveen'}, '1951696':{'en': 'Murrieta, CA'}, '1951694':{'en': 'Temecula, CA'}, '1951695':{'en': 'Temecula, CA'}, '1951693':{'en': 'Temecula, CA'}, '251113870':{'en': 'Alem Gena, Addis Ababa'}, '1951698':{'en': 'Murrieta, CA'}, '1951699':{'en': 'Temecula, CA'}, '1860379':{'en': 'Winsted, CT'}, '1860376':{'en': 'Jewett City, CT'}, '302552':{'el': u('\u039f\u03c1\u03b5\u03c3\u03c4\u03b9\u03ac\u03b4\u03b1'), 'en': 'Orestiada'}, '302551':{'el': u('\u0391\u03bb\u03b5\u03be\u03b1\u03bd\u03b4\u03c1\u03bf\u03cd\u03c0\u03bf\u03bb\u03b7'), 'en': 'Alexandroupoli'}, '302556':{'el': u('\u039a\u03c5\u03c0\u03c1\u03af\u03bd\u03bf\u03c2'), 'en': 'Kyprinos'}, '302555':{'el': u('\u03a6\u03ad\u03c1\u03b5\u03c2'), 'en': 'Feres, Evros'}, '302554':{'el': u('\u03a3\u03bf\u03c5\u03c6\u03bb\u03af'), 'en': 'Soufli'}, '1913651':{'en': 'Leavenworth, KS'}, '1978887':{'en': 'Topsfield, MA'}, '1937484':{'en': 'Urbana, OH'}, '3314516':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '1973597':{'en': 'Livingston, NJ'}, '1954428':{'en': 'Deerfield Beach, FL'}, '1954429':{'en': 'Deerfield Beach, FL'}, '1954426':{'en': 'Deerfield Beach, FL'}, '1954427':{'en': 'Deerfield Beach, FL'}, '1954425':{'en': 'Deerfield Beach, FL'}, '1954422':{'en': 'Deerfield Beach, FL'}, '1954420':{'en': 'Deerfield Beach, FL'}, '1954421':{'en': 'Deerfield Beach, FL'}, '1951304':{'en': 'Murrieta, CA'}, '264652327':{'en': 'Ongwediva'}, '1865305':{'en': 'Knoxville, TN'}, '1972837':{'en': 'Melissa, TX'}, '1931363':{'en': 'Pulaski, TN'}, '1901507':{'en': 'Memphis, TN'}, '1908813':{'en': 'Hackettstown, NJ'}, '1908810':{'en': 'Union, NJ'}, '1931364':{'en': 'Chapel Hill, TN'}, '264652896':{'en': 'Onyuulaye'}, '1907766':{'en': 'Haines, AK'}, '264652892':{'en': 'Omuntele'}, '264652890':{'en': 'Okankolo'}, '1907835':{'en': 'Valdez, AK'}, '1856321':{'en': 'Cherry Hill, NJ'}, '1856325':{'en': 'Voorhees Township, NJ'}, '1856327':{'en': 'Millville, NJ'}, '1941363':{'en': 'Sarasota, FL'}, '1941362':{'en': 'Sarasota, FL'}, '1941361':{'en': 'Sarasota, FL'}, '1941360':{'en': 'Sarasota, FL'}, '1941366':{'en': 'Sarasota, FL'}, '1941365':{'en': 'Sarasota, FL'}, '1941364':{'en': 'Sarasota, FL'}, '1905697':{'en': 'Bowmanville, ON'}, '1905696':{'en': 'Mississauga, ON'}, '1913248':{'en': 'Shawnee, KS'}, '1905693':{'en': 'Milton, ON'}, '1905692':{'en': 'Binbrook, ON'}, '1905690':{'en': 'Waterdown, ON'}, '264652320':{'en': 'Ongwediva'}, '3313907':{'en': 'Versailles', 'fr': 'Versailles'}, '2612086':{'en': 'Nosy Be'}, '2612082':{'en': 'Antsiranana'}, '3314799':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '2612088':{'en': 'Sambava'}, '1970424':{'en': 'Grand Junction, CO'}, '1970429':{'en': 'Aspen, CO'}, '1858573':{'en': 'San Diego, CA'}, '1941586':{'en': 'Sarasota, FL'}, '1858571':{'en': 'San Diego, CA'}, '1914288':{'en': 'White Plains, NY'}, '1858576':{'en': 'San Diego, CA'}, '1914381':{'en': 'Mamaroneck, NY'}, '1858578':{'en': 'San Diego, CA'}, '30231':{'el': u('\u0398\u03b5\u03c3\u03c3\u03b1\u03bb\u03bf\u03bd\u03af\u03ba\u03b7'), 'en': 'Thessaloniki'}, '1973872':{'en': 'Wayne, NJ'}, '1973877':{'en': 'Newark, NJ'}, '1973875':{'en': 'Sussex, NJ'}, '31519':{'en': 'Dokkum', 'nl': 'Dokkum'}, '1978208':{'en': 'Lawrence, MA'}, '1918806':{'en': 'Broken Arrow, OK'}, '1910442':{'en': 'Wilmington, NC'}, '264651728':{'en': 'Okalongo'}, '1940365':{'en': 'Aubrey, TX'}, '264651724':{'en': 'Ohangwena'}, '264651725':{'en': 'Ohangwena'}, '264651726':{'en': 'Ohangwena'}, '264651727':{'en': 'Okahao'}, '264651720':{'en': 'Odibo'}, '264651721':{'en': 'Ogongo'}, '264651722':{'en': 'Ohandungu'}, '264651723':{'en': 'Ohangwena'}, '1970392':{'en': 'Greeley, CO'}, '1863619':{'en': 'Lakeland, FL'}, '1970396':{'en': 'Greeley, CO'}, '1912359':{'en': 'Broxton, GA'}, '1905990':{'en': 'Mississauga, ON'}, '1912353':{'en': 'Savannah, GA'}, '1912350':{'en': 'Savannah, GA'}, '1912351':{'en': 'Savannah, GA'}, '1905994':{'en': 'Fort Erie, ON'}, '1912354':{'en': 'Savannah, GA'}, '1912355':{'en': 'Savannah, GA'}, '29989':{'en': 'Aasiaat'}, '1862520':{'en': 'East Orange, NJ'}, '1956765':{'en': 'Zapata, TX'}, '25111114':{'en': 'French Legasion, Addis Ababa'}, '29985':{'en': 'Sisimiut'}, '25111111':{'en': 'Arada I, Addis Ababa'}, '25111112':{'en': 'Arada II, Addis Ababa'}, '29986':{'en': 'Sisimiut'}, '302238':{'el': u('\u03a3\u03c4\u03c5\u03bb\u03af\u03b4\u03b1'), 'en': 'Stylida'}, '302236':{'el': u('\u039c\u03b1\u03ba\u03c1\u03b1\u03ba\u03ce\u03bc\u03b7'), 'en': 'Makrakomi'}, '302237':{'el': u('\u039a\u03b1\u03c1\u03c0\u03b5\u03bd\u03ae\u03c3\u03b9'), 'en': 'Karpenisi'}, '302234':{'el': u('\u0391\u03bc\u03c6\u03af\u03ba\u03bb\u03b5\u03b9\u03b1'), 'en': 'Amfikleia'}, '302235':{'el': u('\u039a\u03b1\u03bc\u03bc\u03ad\u03bd\u03b1 \u0392\u03bf\u03cd\u03c1\u03bb\u03b1'), 'en': 'Kamena Vourla'}, '302232':{'el': u('\u0394\u03bf\u03bc\u03bf\u03ba\u03cc\u03c2'), 'en': 'Domokos'}, '302233':{'el': u('\u0391\u03c4\u03b1\u03bb\u03ac\u03bd\u03c4\u03b7'), 'en': 'Atalanta'}, '302231':{'el': u('\u039b\u03b1\u03bc\u03af\u03b1'), 'en': 'Lamia'}, '26463229':{'en': 'Keetmanshoop'}, '26463228':{'en': 'Keetmanshoop'}, '26463227':{'en': 'Keetmanshoop'}, '26463224':{'en': 'Keetmanshoop'}, '26463223':{'en': 'Keetmanshoop'}, '26463222':{'en': 'Keetmanshoop'}, '26463221':{'en': 'Keetmanshoop'}, '26463220':{'en': 'Keetmanshoop'}, '1985223':{'en': 'Houma, LA'}, '1860224':{'en': 'New Britain, CT'}, '1985229':{'en': 'Kentwood, LA'}, '1954571':{'en': 'Deerfield Beach, FL'}, '31184':{'en': 'Sliedrecht', 'nl': 'Sliedrecht'}, '1903694':{'en': 'Carthage, TX'}, '1914285':{'en': 'White Plains, NY'}, '264667145':{'en': 'Katima-Mulilo'}, '31181':{'en': 'Spijkenisse', 'nl': 'Spijkenisse'}, '1903693':{'en': 'Carthage, TX'}, '31183':{'en': 'Gorinchem', 'nl': 'Gorinchem'}, '299691':{'en': 'Ivittuut'}, '264652567':{'en': 'Elim'}, '264652566':{'en': 'Elim'}, '264652565':{'en': 'Elim'}, '264652562':{'en': 'Onaanda'}, '264652560':{'en': 'Etilyasa'}, '3314664':{'en': 'Bagneux', 'fr': 'Bagneux'}, '3314665':{'en': 'Bagneux', 'fr': 'Bagneux'}, '3314666':{'en': 'Antony', 'fr': 'Antony'}, '26462502':{'en': 'Okahandja'}, '3314660':{'en': 'Sceaux', 'fr': 'Sceaux'}, '3314661':{'en': 'Sceaux', 'fr': 'Sceaux'}, '3314662':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314663':{'en': 'Cachan', 'fr': 'Cachan'}, '3314848':{'en': 'Bondy', 'fr': 'Bondy'}, '3314849':{'en': 'Bondy', 'fr': 'Bondy'}, '3314668':{'en': 'Antony', 'fr': 'Antony'}, '26462504':{'en': 'Okahandja'}, '267588':{'en': 'Jwaneng'}, '1979345':{'en': 'West Columbia, TX'}, '1915838':{'en': 'El Paso, TX'}, '1913402':{'en': 'Overland Park, KS'}, '1850577':{'en': 'Tallahassee, FL'}, '1850576':{'en': 'Tallahassee, FL'}, '1850575':{'en': 'Tallahassee, FL'}, '1850574':{'en': 'Tallahassee, FL'}, '1907222':{'en': 'Anchorage, AK'}, '1907224':{'en': 'Seward, AK'}, '1907225':{'en': 'Ketchikan, AK'}, '1907228':{'en': 'Ketchikan, AK'}, '2442485':{'en': 'Kuito', 'pt': 'Kuito'}, '1972548':{'en': 'McKinney, TX'}, '1937364':{'en': 'Lynchburg, OH'}, '263558':{'en': 'Nkayi'}, '2292246':{'en': 'Dogbo', 'fr': 'Dogbo'}, '2292243':{'en': 'Come', 'fr': 'Come'}, '1951776':{'en': 'Riverside, CA'}, '1951779':{'en': 'Riverside, CA'}, '1931245':{'en': 'Clarksville, TN'}, '2292249':{'en': 'Mono/Kouffo/Zou/Collines departments', 'fr': u('D\u00e9partements Mono/Couffo/Zou/Collines')}, '264652882':{'en': 'Oshuli'}, '1920766':{'en': 'Kaukauna, WI'}, '1928505':{'en': 'Lake Havasu City, AZ'}, '264632806':{'en': 'Aroab'}, '31578':{'en': 'Epe', 'nl': 'Epe'}, '1978834':{'en': 'Amesbury, MA'}, '1909335':{'en': 'Redlands, CA'}, '1909336':{'en': 'Lake Arrowhead, CA'}, '1909337':{'en': 'Lake Arrowhead, CA'}, '1909338':{'en': 'Crestline, CA'}, '264625411':{'en': 'Otjihase'}, '1978838':{'en': 'Berlin, MA'}, '264632800':{'en': 'Ariamsvlei'}, '1973268':{'en': 'Newark, NJ'}, '1973267':{'en': 'Morristown, NJ'}, '1973266':{'en': 'East Orange, NJ'}, '1908317':{'en': 'Westfield, NJ'}, '264632801':{'en': 'Ariamsvlei'}, '26757':{'en': 'Mochudi'}, '1860788':{'en': 'Middletown, CT'}, '1912925':{'en': 'Savannah, GA'}, '1912435':{'en': 'Fort Stewart, GA'}, '1912921':{'en': 'Savannah, GA'}, '1912920':{'en': 'Savannah, GA'}, '264632808':{'en': 'Kais'}, '1925906':{'en': 'Walnut Creek, CA'}, '1901332':{'en': 'Memphis, TN'}, '1954851':{'en': 'Sunrise, FL'}, '1910642':{'en': 'Whiteville, NC'}, '1973244':{'en': 'Fairfield, NJ'}, '1867920':{'en': 'Yellowknife, NT'}, '1910640':{'en': 'Whiteville, NC'}, '2741':{'en': 'Port Elizabeth'}, '2740':{'en': 'Bisho/Alice'}, '2743':{'en': 'East London'}, '1910641':{'en': 'Whiteville, NC'}, '2745':{'en': 'Queenstown'}, '2744':{'en': 'Garden Route'}, '2747':{'en': 'Mthatha/Butterworth'}, '2746':{'en': 'Grahamstown'}, '2749':{'en': 'Graaff-Reinet'}, '2748':{'en': 'Cradock'}, '26464461':{'en': 'Swakopmund'}, '26464462':{'en': 'Swakopmund'}, '26464463':{'en': 'Swakopmund'}, '26464464':{'en': 'Swakopmund'}, '1914207':{'en': 'Yonkers, NY'}, '302744':{'el': u('\u039b\u03bf\u03c5\u03c4\u03c1\u03ac\u03ba\u03b9'), 'en': 'Loutraki'}, '1919303':{'en': 'Apex, NC'}, '1856794':{'en': 'Vineland, NJ'}, '1856797':{'en': 'Marlton, NJ'}, '3314315':{'en': 'Paris', 'fr': 'Paris'}, '1859567':{'en': 'Warsaw, KY'}, '1919304':{'en': 'Mebane, NC'}, '3314860':{'en': 'Tremblay-en-France', 'fr': 'Tremblay-en-France'}, '233397':{'en': 'Upper West Region'}, '3314861':{'en': 'Tremblay-en-France', 'fr': 'Tremblay-en-France'}, '1941400':{'en': 'Sarasota, FL'}, '264645521':{'en': 'Karibib'}, '3314642':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314867':{'en': 'Le Blanc Mesnil', 'fr': 'Le Blanc Mesnil'}, '1910215':{'en': 'Pinehurst, NC'}, '1941809':{'en': 'Sarasota, FL'}, '3314640':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '1919309':{'en': 'Durham, NC'}, '1941776':{'en': 'Parrish, FL'}, '3314865':{'en': 'Le Blanc Mesnil', 'fr': 'Le Blanc Mesnil'}, '264672350':{'en': 'Uib'}, '1918653':{'en': 'Heavener, OK'}, '1918652':{'en': 'Henryetta, OK'}, '264652718':{'en': 'Ruacana'}, '264652719':{'en': 'Ruacana'}, '1919838':{'en': 'Raleigh, NC'}, '1919839':{'en': 'Raleigh, NC'}, '1919528':{'en': 'Creedmoor, NC'}, '1919832':{'en': 'Raleigh, NC'}, '1919833':{'en': 'Raleigh, NC'}, '1919831':{'en': 'Raleigh, NC'}, '1919836':{'en': 'Raleigh, NC'}, '264652715':{'en': 'Ruacana'}, '1919834':{'en': 'Raleigh, NC'}, '1919835':{'en': 'Raleigh, NC'}, '1859309':{'en': 'Lexington, KY'}, '1856863':{'en': 'Glassboro, NJ'}, '1859301':{'en': 'Edgewood, KY'}, '1978582':{'en': 'Lunenburg, MA'}, '1925277':{'en': 'San Ramon, CA'}, '1925275':{'en': 'San Ramon, CA'}, '1925274':{'en': 'Walnut Creek, CA'}, '1973371':{'en': 'Irvington, NJ'}, '1914713':{'en': 'Scarsdale, NY'}, '1919742':{'en': 'Siler City, NC'}, '2243042':{'en': 'Conakry'}, '2243043':{'en': 'Conakry'}, '3314781':{'en': 'Colombes', 'fr': 'Colombes'}, '2243041':{'en': 'Conakry'}, '2243046':{'en': 'Boussoura'}, '2243047':{'en': 'Conakry'}, '3314785':{'en': 'Colombes', 'fr': 'Colombes'}, '2243045':{'en': 'Conakry'}, '3314789':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '3314788':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '1905529':{'en': 'Hamilton, ON'}, '1905528':{'en': 'Hamilton, ON'}, '1905521':{'en': 'Hamilton, ON'}, '1905523':{'en': 'Hamilton, ON'}, '1905522':{'en': 'Hamilton, ON'}, '1905525':{'en': 'Hamilton, ON'}, '1905524':{'en': 'Hamilton, ON'}, '1905527':{'en': 'Hamilton, ON'}, '1905526':{'en': 'Hamilton, ON'}, '1956487':{'en': 'Rio Grande City, TX'}, '1864246':{'en': 'Greenville, SC'}, '1956488':{'en': 'Rio Grande City, TX'}, '264632769':{'en': 'Aranos'}, '1989681':{'en': 'St. Louis, MI'}, '264632768':{'en': 'Aranos'}, '1989684':{'en': 'Bay City, MI'}, '1989685':{'en': 'Rose City, MI'}, '1916435':{'en': 'Rocklin, CA'}, '1916434':{'en': 'Lincoln, CA'}, '264652730':{'en': 'Opuwo'}, '1864968':{'en': 'Greer, SC'}, '1910654':{'en': 'Chadbourn, NC'}, '1940644':{'en': 'Chico, TX'}, '1915856':{'en': 'El Paso, TX'}, '1910653':{'en': 'Tabor City, NC'}, '1910652':{'en': 'Ellerbe, NC'}, '1850968':{'en': 'Cantonment, FL'}, '1850969':{'en': 'Pensacola, FL'}, '1940648':{'en': 'Justin, TX'}, '1864255':{'en': 'Greenville, SC'}, '1864254':{'en': 'Greenville, SC'}, '1864250':{'en': 'Greenville, SC'}, '2292382':{'en': 'Natitingou', 'fr': 'Natitingou'}, '1904924':{'en': 'Jacksonville, FL'}, '1916388':{'en': 'Sacramento, CA'}, '1916387':{'en': 'Sacramento, CA'}, '1916386':{'en': 'Sacramento, CA'}, '1916381':{'en': 'Sacramento, CA'}, '1916383':{'en': 'Sacramento, CA'}, '1931520':{'en': 'Cookeville, TN'}, '1931526':{'en': 'Cookeville, TN'}, '25111321':{'en': 'Mekanisa, Addis Ababa'}, '1931525':{'en': 'Cookeville, TN'}, '1931528':{'en': 'Cookeville, TN'}, '1972780':{'en': 'Duncanville, TX'}, '269775':{'en': 'Moroni', 'fr': 'Moroni'}, '25111647':{'en': 'Yeka Rss III, Addis Ababa'}, '1870523':{'en': 'Newport, AR'}, '1936559':{'en': 'Nacogdoches, TX'}, '1860570':{'en': 'West Hartford, CT'}, '1860571':{'en': 'Wethersfield, CT'}, '1860572':{'en': 'Mystic, CT'}, '2682472':{'en': 'Mahwalala, Hhohho district'}, '1928753':{'en': 'Kingman, AZ'}, '26339':{'en': 'Masvingo'}, '1928757':{'en': 'Kingman, AZ'}, '2333035':{'en': 'Ada'}, '1928754':{'en': 'Bullhead City, AZ'}, '26333':{'en': 'Triangle'}, '26332':{'en': 'Mvuma'}, '1928759':{'en': 'Prescott Valley, AZ'}, '1928758':{'en': 'Bullhead City, AZ'}, '26336':{'en': 'Ngundu'}, '26335':{'en': 'Mashava'}, '26334':{'en': 'Jerera'}, '1920853':{'en': 'Hilbert, WI'}, '1860313':{'en': 'West Hartford, CT'}, '1860314':{'en': 'Bristol, CT'}, '2682217':{'en': 'Hlathikulu, Shiselweni district'}, '25134447':{'en': 'Senkata, North Region'}, '25134446':{'en': 'Abi Adi, North Region'}, '25134445':{'en': 'Adigrat, North Region'}, '25134444':{'en': 'Shire Endasselassie, North Region'}, '25134443':{'en': 'Wukro, North Region'}, '25134442':{'en': 'Quiha, North Region'}, '25134441':{'en': 'Mekele II, North Region'}, '25134440':{'en': 'Mekele I, North Region'}, '25134448':{'en': 'Humera, North Region'}, '1909477':{'en': 'Rancho Cucamonga, CA'}, '1909476':{'en': 'Rancho Cucamonga, CA'}, '1909475':{'en': 'San Bernardino, CA'}, '1909473':{'en': 'San Bernardino, CA'}, '1972671':{'en': 'Richardson, TX'}, '1860548':{'en': 'Hartford, CT'}, '1954441':{'en': 'Pembroke Pines, FL'}, '1954442':{'en': 'Pembroke Pines, FL'}, '1954443':{'en': 'Pembroke Pines, FL'}, '1906789':{'en': 'Escanaba, MI'}, '1909478':{'en': 'Loma Linda, CA'}, '1973672':{'en': 'East Orange, NJ'}, '1973673':{'en': 'East Orange, NJ'}, '1908874':{'en': 'Hillsborough Township, NJ'}, '1901528':{'en': 'Memphis, TN'}, '1908876':{'en': 'Long Valley, NJ'}, '1901525':{'en': 'Memphis, TN'}, '1908879':{'en': 'Chester Borough, NJ'}, '1901527':{'en': 'Memphis, TN'}, '1901526':{'en': 'Memphis, TN'}, '1901521':{'en': 'Memphis, TN'}, '1901523':{'en': 'Memphis, TN'}, '1901522':{'en': 'Memphis, TN'}, '1907789':{'en': 'Juneau, AK'}, '1907783':{'en': 'Girdwood, AK'}, '1907780':{'en': 'Juneau, AK'}, '1941349':{'en': 'Sarasota, FL'}, '1941347':{'en': 'Punta Gorda, FL'}, '1941346':{'en': 'Sarasota, FL'}, '1941343':{'en': 'Sarasota, FL'}, '1941342':{'en': 'Sarasota, FL'}, '1901789':{'en': 'Memphis, TN'}, '1901785':{'en': 'Memphis, TN'}, '23431':{'en': 'Ilorin'}, '264641702':{'en': 'Henties Bay'}, '1904493':{'en': 'Jacksonville, FL'}, '1904491':{'en': 'Fernandina Beach, FL'}, '1856303':{'en': 'Cinnaminson, NJ'}, '1970403':{'en': 'Durango, CO'}, '1970407':{'en': 'Fort Collins, CO'}, '1918355':{'en': 'Broken Arrow, OK'}, '1918357':{'en': 'Broken Arrow, OK'}, '1913845':{'en': 'Tonganoxie, KS'}, '1858558':{'en': 'San Diego, CA'}, '1918824':{'en': 'Pryor Creek, OK'}, '1918825':{'en': 'Pryor Creek, OK'}, '237222120':{'en': 'Akonolinga'}, '1858554':{'en': 'La Jolla, CA'}, '1918828':{'en': 'Tulsa, OK'}, '1914813':{'en': 'New Rochelle, NY'}, '1858550':{'en': 'San Diego, CA'}, '1858552':{'en': 'San Diego, CA'}, '251911':{'en': 'Addis Ababa Region'}, '264662582':{'en': 'Nyangana'}, '1973898':{'en': 'Morristown, NJ'}, '251915':{'en': 'East Region'}, '251916':{'en': 'South Region'}, '251917':{'en': 'West Region'}, '251918':{'en': 'North-West Region'}, '1973895':{'en': 'Randolph, NJ'}, '1940349':{'en': 'Denton, TX'}, '2333723':{'en': 'Damongo'}, '2333722':{'en': 'Buipe'}, '2333721':{'en': 'Walewale'}, '2333720':{'en': 'Tamale'}, '2333726':{'en': 'Salaga'}, '2333725':{'en': 'Bole'}, '1940433':{'en': 'Boyd, TX'}, '264652856':{'en': 'Onyaanya'}, '1863635':{'en': 'Frostproof, FL'}, '1850883':{'en': 'Eglin AFB, FL'}, '25111131':{'en': 'Kuyu, Addis Ababa'}, '25111135':{'en': 'Fitche, Addis Ababa'}, '1956748':{'en': 'Rio Hondo, TX'}, '1952848':{'en': 'Edina, MN'}, '26464694':{'en': 'Central'}, '1863494':{'en': 'Arcadia, FL'}, '1859792':{'en': 'Lancaster, KY'}, '1863491':{'en': 'Arcadia, FL'}, '1904347':{'en': 'St. Augustine, FL'}, '26463204':{'en': 'Luderitz'}, '26463207':{'en': 'Luderitz'}, '26463201':{'en': 'Luderitz'}, '26463200':{'en': 'Luderitz'}, '26463203':{'en': 'Luderitz'}, '26463202':{'en': 'Luderitz'}, '1863946':{'en': 'Moore Haven, FL'}, '263557':{'en': 'Munyati'}, '26466696':{'en': 'North East'}, '1985792':{'en': 'Madisonville, LA'}, '1985796':{'en': 'Folsom, LA'}, '1978977':{'en': 'Peabody, MA'}, '1985795':{'en': 'Franklinton, LA'}, '264652504':{'en': 'Anamulenge'}, '264652507':{'en': 'Ombalantu'}, '3177':{'en': 'Venlo', 'nl': 'Venlo'}, '264652503':{'en': 'Anamulenge'}, '264652509':{'en': 'Ombalantu'}, '264652508':{'en': 'Ombalantu'}, '3314868':{'en': 'Aulnay-sous-Bois', 'fr': 'Aulnay-sous-Bois'}, '3314869':{'en': 'Aulnay-sous-Bois', 'fr': 'Aulnay-sous-Bois'}, '3314318':{'en': 'Paris', 'fr': 'Paris'}, '3314648':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314649':{'en': 'Colombes', 'fr': 'Colombes'}, '3314314':{'en': 'Paris', 'fr': 'Paris'}, '3265':{'de': 'Bergen', 'en': 'Mons', 'fr': 'Mons', 'nl': 'Bergen'}, '3314644':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314645':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314310':{'en': 'Sevran', 'fr': 'Sevran'}, '3314311':{'en': 'La Courneuve', 'fr': 'La Courneuve'}, '3314312':{'en': 'Paris', 'fr': 'Paris'}, '3264':{'de': u('La Louvi\u00e8re'), 'en': u('La Louvi\u00e8re'), 'fr': u('La Louvi\u00e8re'), 'nl': u('La Louvi\u00e8re')}, '1903834':{'en': 'Overton, TX'}, '1915858':{'en': 'El Paso, TX'}, '1915859':{'en': 'El Paso, TX'}, '1979323':{'en': 'Bay City, TX'}, '1865330':{'en': 'Knoxville, TN'}, '1915852':{'en': 'El Paso, TX'}, '258293':{'en': 'Inhambane', 'pt': 'Inhambane'}, '1915855':{'en': 'El Paso, TX'}, '1951571':{'en': 'Moreno Valley, CA'}, '1915857':{'en': 'El Paso, TX'}, '3314965':{'en': 'Montrouge', 'fr': 'Montrouge'}, '1978658':{'en': 'Wilmington, MA'}, '1920563':{'en': 'Fort Atkinson, WI'}, '1920564':{'en': 'Oostburg, WI'}, '1920568':{'en': 'Fort Atkinson, WI'}, '1931268':{'en': 'Gainesboro, TN'}, '23433':{'en': 'New Bussa'}, '264651751':{'en': 'Onesi'}, '1951719':{'en': 'Temecula, CA'}, '23430':{'en': 'Ado Ekiti'}, '23437':{'en': 'Ijebu Ode'}, '23436':{'en': 'Ile Ife'}, '23435':{'en': 'Oshogbo'}, '23434':{'en': 'Akura'}, '23439':{'en': 'Abeokuta'}, '23438':{'en': 'Oyo'}, '264651753':{'en': 'Ongha'}, '3176':{'en': 'Breda', 'nl': 'Breda'}, '1920787':{'en': 'Wautoma, WI'}, '1949622':{'en': 'Irvine, CA'}, '1928565':{'en': 'Golden Valley, AZ'}, '1928567':{'en': 'Camp Verde, AZ'}, '1937836':{'en': 'Englewood, OH'}, '1937834':{'en': 'Mechanicsburg, OH'}, '1937833':{'en': 'Brookville, OH'}, '1972445':{'en': 'Irving, TX'}, '1909646':{'en': 'Rancho Cucamonga, CA'}, '1972442':{'en': 'Wylie, TX'}, '1937839':{'en': 'West Alexandria, OH'}, '1979848':{'en': 'Angleton, TX'}, '1973243':{'en': 'West Orange, NJ'}, '1973242':{'en': 'Newark, NJ'}, '1908996':{'en': 'Frenchtown, NJ'}, '1908995':{'en': 'Milford, NJ'}, '1908994':{'en': 'Elizabeth, NJ'}, '1870779':{'en': 'Texarkana, AR'}, '1870773':{'en': 'Texarkana, AR'}, '1870772':{'en': 'Texarkana, AR'}, '1870777':{'en': 'Hope, AR'}, '1870774':{'en': 'Texarkana, AR'}, '1904794':{'en': 'St. Augustine, FL'}, '1904797':{'en': 'St. Augustine, FL'}, '1918266':{'en': 'Catoosa, OK'}, '1918267':{'en': 'Beggs, OK'}, '1979845':{'en': 'College Station, TX'}, '3314538':{'en': 'Paris', 'fr': 'Paris'}, '2392272':{'en': 'Madalena', 'pt': 'Madalena'}, '2015':{'en': '10th of Ramadan'}, '2013':{'en': 'Banha'}, '1952432':{'en': 'Apple Valley, MN'}, '1952435':{'en': 'Burnsville, MN'}, '1859548':{'en': 'Lancaster, KY'}, '1859543':{'en': 'Lexington, KY'}, '1972446':{'en': 'Carrollton, TX'}, '1941756':{'en': 'Bradenton, FL'}, '1941755':{'en': 'Bradenton, FL'}, '1941752':{'en': 'Bradenton, FL'}, '1941753':{'en': 'Bradenton, FL'}, '1941750':{'en': 'Bradenton, FL'}, '1941751':{'en': 'Bradenton, FL'}, '1909860':{'en': 'Diamond Bar, CA'}, '1909861':{'en': 'Diamond Bar, CA'}, '1909862':{'en': 'Highland, CA'}, '1909863':{'en': 'Highland, CA'}, '1909864':{'en': 'Highland, CA'}, '1909865':{'en': 'Pomona, CA'}, '1941758':{'en': 'Bradenton, FL'}, '1909867':{'en': 'Running Springs, CA'}, '1901312':{'en': 'Memphis, TN'}, '1973427':{'en': 'Hawthorne, NJ'}, '264657032':{'en': 'Oshakati'}, '1973423':{'en': 'Hawthorne, NJ'}, '1973422':{'en': 'Livingston, NJ'}, '1914481':{'en': 'Port Chester, NY'}, '1941284':{'en': 'Sarasota, FL'}, '3313912':{'en': 'Maisons-Laffitte', 'fr': 'Maisons-Laffitte'}, '1972664':{'en': 'Richardson, TX'}, '3313050':{'en': 'Maurepas', 'fr': 'Maurepas'}, '1859323':{'en': 'Lexington, KY'}, '1972665':{'en': 'Plano, TX'}, '3313051':{'en': 'Trappes', 'fr': 'Trappes'}, '1925254':{'en': 'Orinda, CA'}, '1925256':{'en': 'Walnut Creek, CA'}, '1925251':{'en': 'Pleasanton, CA'}, '1925522':{'en': 'Antioch, CA'}, '1925521':{'en': 'Concord, CA'}, '1925252':{'en': 'Pittsburg, CA'}, '1972660':{'en': 'Grand Prairie, TX'}, '1925258':{'en': 'Orinda, CA'}, '3314534':{'en': 'Meudon', 'fr': 'Meudon'}, '1914734':{'en': 'Peekskill, NY'}, '1914738':{'en': 'Pelham, NY'}, '3314709':{'en': 'Chaville', 'fr': 'Chaville'}, '3314708':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3313058':{'en': u('Saint-Cyr-l\'\u00c9cole'), 'fr': u('Saint-Cyr-l\'\u00c9cole')}, '3314535':{'en': 'Paris', 'fr': 'Paris'}, '1865966':{'en': 'Knoxville, TN'}, '1972668':{'en': 'Frisco, TX'}, '1972669':{'en': 'Richardson, TX'}, '1905543':{'en': 'Hamilton, ON'}, '1905542':{'en': 'Mississauga, ON'}, '1905540':{'en': 'Hamilton, ON'}, '1905547':{'en': 'Hamilton, ON'}, '1905546':{'en': 'Hamilton, ON'}, '1905545':{'en': 'Hamilton, ON'}, '1905544':{'en': 'Hamilton, ON'}, '1905549':{'en': 'Hamilton, ON'}, '1905548':{'en': 'Hamilton, ON'}, '1850696':{'en': 'Pensacola, FL'}, '1919245':{'en': 'Hillsborough, NC'}, '1956350':{'en': 'Brownsville, TX'}, '29022':{'en': 'Jamestown', 'fr': 'Jamestown'}, '29023':{'en': 'St. Helena', 'fr': u('Sainte-H\u00e9l\u00e8ne')}, '26464220':{'en': 'Walvis Bay'}, '25111188':{'en': 'Chancho, Addis Ababa'}, '29026':{'en': 'St. Helena', 'fr': u('Sainte-H\u00e9l\u00e8ne')}, '29027':{'en': 'St. Helena', 'fr': u('Sainte-H\u00e9l\u00e8ne')}, '29024':{'en': 'St. Helena', 'fr': u('Sainte-H\u00e9l\u00e8ne')}, '3313997':{'en': 'Herblay', 'fr': 'Herblay'}, '3313996':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3313995':{'en': 'Taverny', 'fr': 'Taverny'}, '3313994':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '3313993':{'en': u('Garges-l\u00e8s-Gonesse'), 'fr': u('Garges-l\u00e8s-Gonesse')}, '3313992':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '3313991':{'en': 'Domont', 'fr': 'Domont'}, '3313990':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '3313998':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3314530':{'en': 'Paris', 'fr': 'Paris'}, '26747':{'en': 'Mahalapye'}, '1937615':{'en': 'Piqua, OH'}, '1916419':{'en': 'Sacramento, CA'}, '1906932':{'en': 'Ironwood, MI'}, '26749':{'en': 'Palapye'}, '1931722':{'en': 'Waynesboro, TN'}, '1931723':{'en': 'Manchester, TN'}, '1931724':{'en': 'Collinwood, TN'}, '1905332':{'en': 'Burlington, ON'}, '1931728':{'en': 'Manchester, TN'}, '1931729':{'en': 'Centerville, TN'}, '1850944':{'en': 'Pensacola, FL'}, '1850942':{'en': 'Tallahassee, FL'}, '1863425':{'en': 'Mulberry, FL'}, '1850765':{'en': 'Tallahassee, FL'}, '26464276':{'en': 'Walvis Bay'}, '1906337':{'en': 'Calumet Township, MI'}, '258251':{'en': 'Manica', 'pt': 'Manica'}, '1864503':{'en': 'Spartanburg, SC'}, '1920954':{'en': 'Appleton, WI'}, '1904940':{'en': 'St. Augustine, FL'}, '1863701':{'en': 'Lakeland, FL'}, '2442652':{'en': 'Kuroka', 'pt': 'Curoca'}, '25111655':{'en': 'Central & North Addis Ababa Zones'}, '25111654':{'en': 'West Addis Ababa Zone'}, '25111653':{'en': 'South-West Addis Ababa Zone'}, '25111652':{'en': 'South Addis Ababa Zone'}, '25111651':{'en': 'East Addis Ababa Zone'}, '3314533':{'en': 'Paris', 'fr': 'Paris'}, '2572250':{'en': 'South zone'}, '24422':{'en': 'Luanda', 'pt': 'Luanda'}, '25157664':{'en': 'Fincha, West Region'}, '1870541':{'en': 'Pine Bluff, AR'}, '1870542':{'en': 'Foreman, AR'}, '25157667':{'en': 'Arjo, West Region'}, '2682452':{'en': 'Bhunya, Hhohho district'}, '25157661':{'en': 'Nekemte, West Region'}, '1936829':{'en': 'Diboll, TX'}, '1936825':{'en': 'Navasota, TX'}, '25157668':{'en': 'Sire, West Region'}, '26351':{'en': 'Zvishavane'}, '26350':{'en': 'Shanagani'}, '26353':{'en': 'Chegutu'}, '26352':{'en': 'Shurugwi'}, '26355':{'en': 'Kwekwe'}, '26354':{'en': 'Gweru'}, '26357':{'en': 'Centenary'}, '26356':{'en': 'Chivhu'}, '26359':{'en': 'Gokwe'}, '26358':{'en': 'Guruve'}, '1985580':{'en': 'Houma, LA'}, '264662508':{'en': 'Ngoma'}, '1928779':{'en': 'Flagstaff, AZ'}, '1928778':{'en': 'Prescott, AZ'}, '1928775':{'en': 'Prescott Valley, AZ'}, '1928774':{'en': 'Flagstaff, AZ'}, '1928777':{'en': 'Prescott, AZ'}, '1928776':{'en': 'Prescott, AZ'}, '1928771':{'en': 'Prescott, AZ'}, '1928773':{'en': 'Flagstaff, AZ'}, '1928772':{'en': 'Prescott Valley, AZ'}, '1979826':{'en': 'Hempstead, TX'}, '25125880':{'en': 'Kelafo, East Region'}, '25125551':{'en': 'Asebe Teferi, East Region'}, '237233323':{'en': u('Bu\u00e9a')}, '25125554':{'en': 'Assebot, East Region'}, '2682237':{'en': 'Mahamba, Shiselweni district'}, '1903885':{'en': 'Sulphur Springs, TX'}, '1903886':{'en': 'Commerce, TX'}, '1903887':{'en': 'Gun Barrel City, TX'}, '1903881':{'en': 'Lindale, TX'}, '1903882':{'en': 'Lindale, TX'}, '1903883':{'en': 'Greenville, TX'}, '1937446':{'en': 'Sardinia, OH'}, '1937444':{'en': 'Mount Orab, OH'}, '1937443':{'en': 'Dayton, OH'}, '1937440':{'en': 'Troy, OH'}, '2410198':{'en': 'Oyem'}, '2410196':{'en': 'Bitam'}, '2410192':{'en': u('M\u00e9kambo')}, '2410193':{'en': u('Boou\u00e9')}, '2410190':{'en': 'Makokou'}, '25125777':{'en': 'Teferi Ber, East Region'}, '25125776':{'en': 'Godie, East Region'}, '25125775':{'en': 'Jigiga, East Region'}, '25125774':{'en': 'Kabri Dehar, East Region'}, '25125772':{'en': 'Gursum, East Region'}, '1902687':{'en': 'Souris, PE'}, '25111237':{'en': 'Holeta Gent, Addis Ababa'}, '25125779':{'en': 'Chinagson, East Region'}, '25111236':{'en': 'Hagere Hiwot, Addis Ababa'}, '1972878':{'en': 'Ennis, TX'}, '1972875':{'en': 'Ennis, TX'}, '1972874':{'en': 'Flower Mound, TX'}, '1972304':{'en': 'Coppell, TX'}, '1972303':{'en': 'Garland, TX'}, '1972870':{'en': 'Irving, TX'}, '1905309':{'en': 'Grimsby, ON'}, '1905308':{'en': 'Hamilton, ON'}, '1937669':{'en': 'Tipp City, OH'}, '25465':{'en': 'Nyahururu/Maralal'}, '25462':{'en': 'Nanyuki'}, '25460':{'en': 'Muranga/Kerugoya'}, '25146449':{'en': 'Dolo Odo, South Region'}, '1937663':{'en': 'St. Paris, OH'}, '1905303':{'en': 'Maple, ON'}, '1937660':{'en': 'Dayton, OH'}, '1937667':{'en': 'Tipp City, OH'}, '1905304':{'en': 'Ancaster, ON'}, '25468':{'en': 'Embu'}, '1905306':{'en': 'Mississauga, ON'}, '1901818':{'en': 'Memphis, TN'}, '1908859':{'en': 'Phillipsburg, NJ'}, '25147112':{'en': 'Jimma II, South-West Region'}, '1908852':{'en': 'Hackettstown, NJ'}, '1973653':{'en': 'Paterson, NJ'}, '1908850':{'en': 'Hackettstown, NJ'}, '1908851':{'en': 'Union, NJ'}, '1973656':{'en': 'Morristown, NJ'}, '25147443':{'en': 'Dembi, South-West Region'}, '1973655':{'en': 'Montclair, NJ'}, '1860885':{'en': 'Norwich, CT'}, '1860886':{'en': 'Norwich, CT'}, '1860887':{'en': 'Norwich, CT'}, '1860889':{'en': 'Norwich, CT'}, '1903876':{'en': 'Frankston, TX'}, '1902354':{'en': 'Liverpool, NS'}, '25147446':{'en': 'Hurumu, South-West Region'}, '1914831':{'en': 'White Plains, NY'}, '1920467':{'en': 'Sheboygan Falls, WI'}, '25147118':{'en': 'Shebe, South-West Region'}, '1949477':{'en': 'Irvine, CA'}, '1901794':{'en': 'Memphis, TN'}, '1949474':{'en': 'Irvine, CA'}, '1912882':{'en': 'St. Marys, GA'}, '1954463':{'en': 'Fort Lauderdale, FL'}, '1941359':{'en': 'Sarasota, FL'}, '1954467':{'en': 'Fort Lauderdale, FL'}, '1912884':{'en': 'Midway, GA'}, '1954468':{'en': 'Fort Lauderdale, FL'}, '1918592':{'en': 'Tulsa, OK'}, '1918591':{'en': 'Tulsa, OK'}, '1918596':{'en': 'Tulsa, OK'}, '1918594':{'en': 'Tulsa, OK'}, '1918599':{'en': 'Tulsa, OK'}, '302725':{'el': u('\u039a\u03bf\u03c1\u03ce\u03bd\u03b7 \u03a0\u03c5\u03bb\u03af\u03b1\u03c2'), 'en': 'Koroni'}, '302665':{'el': u('\u0397\u03b3\u03bf\u03c5\u03bc\u03b5\u03bd\u03af\u03c4\u03c3\u03b1'), 'en': 'Igoumenitsa'}, '302664':{'el': u('\u03a6\u03b9\u03bb\u03b9\u03ac\u03c4\u03b5\u03c2'), 'en': 'Filiates'}, '302666':{'el': u('\u03a0\u03b1\u03c1\u03b1\u03bc\u03c5\u03b8\u03b9\u03ac'), 'en': 'Paramythia'}, '302661':{'el': u('\u039a\u03ad\u03c1\u03ba\u03c5\u03c1\u03b1'), 'en': 'Corfu'}, '302663':{'el': u('\u03a3\u03ba\u03c1\u03b9\u03c0\u03b5\u03c1\u03cc'), 'en': 'Corfu Island'}, '302662':{'el': u('\u039b\u03b5\u03c5\u03ba\u03af\u03bc\u03bc\u03b7'), 'en': 'Lefkimmi'}, '1856678':{'en': 'Pennsville Township, NJ'}, '1903872':{'en': 'Corsicana, TX'}, '1913829':{'en': 'Olathe, KS'}, '1918376':{'en': 'Owasso, OK'}, '1914833':{'en': 'Larchmont, NY'}, '1858202':{'en': 'San Diego, CA'}, '1914835':{'en': 'Harrison, NY'}, '1914834':{'en': 'Larchmont, NY'}, '1918371':{'en': 'Collinsville, OK'}, '2125353':{'en': 'Midelt', 'fr': 'Midelt'}, '1978249':{'en': 'Athol, MA'}, '2125357':{'en': 'Goulmima', 'fr': 'Goulmima'}, '1915613':{'en': 'El Paso, TX'}, '2125355':{'en': u('Mekn\u00e8s'), 'fr': u('Mekn\u00e8s')}, '2125354':{'en': u('Mekn\u00e8s'), 'fr': u('Mekn\u00e8s')}, '2125359':{'en': u('F\u00e8s'), 'fr': u('F\u00e8s')}, '2125358':{'en': 'Ifrane', 'fr': 'Ifrane'}, '1978244':{'en': 'Chelmsford, MA'}, '1970682':{'en': 'Fort Collins, CO'}, '1970686':{'en': 'Windsor, CO'}, '2205544':{'en': 'Bureng'}, '1970689':{'en': 'Fort Collins, CO'}, '2205547':{'en': 'Jareng'}, '302721':{'el': u('\u039a\u03b1\u03bb\u03b1\u03bc\u03ac\u03c4\u03b1'), 'en': 'Kalamata'}, '2205543':{'en': 'Japeneh/Soma'}, '263398':{'en': 'Lupane'}, '302272':{'el': u('\u039a\u03b1\u03c1\u03b4\u03ac\u03bc\u03c5\u03bb\u03b1'), 'en': 'Kardamyla'}, '302273':{'el': u('\u03a3\u03ac\u03bc\u03bf\u03c2'), 'en': 'Samos'}, '1956729':{'en': 'Laredo, TX'}, '1956728':{'en': 'Laredo, TX'}, '302274':{'el': u('\u0392\u03bf\u03bb\u03b9\u03c3\u03c3\u03cc\u03c2'), 'en': 'Psara, Chios'}, '302275':{'el': u('\u0386\u03b3\u03b9\u03bf\u03c2 \u039a\u03ae\u03c1\u03c5\u03ba\u03bf\u03c2'), 'en': 'Agios Kirykos'}, '1956723':{'en': 'Laredo, TX'}, '1956722':{'en': 'Laredo, TX'}, '1956727':{'en': 'Laredo, TX'}, '1956726':{'en': 'Laredo, TX'}, '1956725':{'en': 'Laredo, TX'}, '1956724':{'en': 'Laredo, TX'}, '264652691':{'en': 'Omungwelume'}, '1863967':{'en': 'Auburndale, FL'}, '1863965':{'en': 'Auburndale, FL'}, '30271':{'el': u('\u03a4\u03c1\u03af\u03c0\u03bf\u03bb\u03b7'), 'en': 'Tripoli'}, '238256':{'en': 'Calheta, Maio', 'pt': 'Calheta, Maio'}, '1985845':{'en': 'Madisonville, LA'}, '238252':{'en': 'Funda das Figueiras, Boa Vista', 'pt': 'Funda das Figueiras, Boa Vista'}, '238251':{'en': 'Sal Rei, Boa Vista', 'pt': 'Sal Rei, Boa Vista'}, '264652523':{'en': 'Okahao'}, '264652522':{'en': 'Okahao'}, '264652521':{'en': 'Okahao'}, '264652520':{'en': 'Okahao'}, '264652526':{'en': 'Okahao'}, '264652525':{'en': 'Okahao'}, '264652524':{'en': 'Okahao'}, '3314336':{'en': 'Paris', 'fr': 'Paris'}, '25147116':{'en': 'Seka, South-West Region'}, '3314334':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '3314335':{'en': 'Paris', 'fr': 'Paris'}, '3314332':{'en': 'Montfermeil', 'fr': 'Montfermeil'}, '3314333':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '3314330':{'en': 'Livry-Gargan', 'fr': 'Livry-Gargan'}, '3314331':{'en': 'Paris', 'fr': 'Paris'}, '3314531':{'en': 'Paris', 'fr': 'Paris'}, '3314338':{'en': 'Paris', 'fr': 'Paris'}, '3314339':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314628':{'en': 'Paris', 'fr': 'Paris'}, '264645537':{'en': 'Karibib'}, '1905488':{'en': 'Brampton, ON'}, '1905489':{'en': 'Markham, ON'}, '1905954':{'en': 'Newmarket, ON'}, '1905487':{'en': 'Brampton, ON'}, '3314622':{'en': 'Paris', 'fr': 'Paris'}, '1905957':{'en': 'Smithville, ON'}, '3314624':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '1905951':{'en': 'Bolton, ON'}, '1905480':{'en': 'Markham, ON'}, '1905953':{'en': 'Newmarket, ON'}, '1915872':{'en': 'El Paso, TX'}, '302897':{'el': u('\u039b\u03b9\u03bc\u03ad\u03bd\u03b1\u03c2 \u03a7\u03b5\u03c1\u03c3\u03bf\u03bd\u03ae\u03c3\u03bf\u03c5'), 'en': 'Limenas Chersonisou'}, '302894':{'el': u('\u0391\u03b3\u03af\u03b1 \u0392\u03b1\u03c1\u03b2\u03ac\u03c1\u03b1, \u0397\u03c1\u03ac\u03ba\u03bb\u03b5\u03b9\u03bf \u039a\u03c1\u03ae\u03c4\u03b7\u03c2'), 'en': 'Agia Varvara'}, '302895':{'el': u('\u0386\u03bd\u03c9 \u0392\u03b9\u03ac\u03bd\u03bd\u03bf\u03c2'), 'en': 'Ano Viannos'}, '1865357':{'en': 'Knoxville, TN'}, '1915877':{'en': 'Canutillo, TX'}, '1865354':{'en': 'Rockwood, TN'}, '1928681':{'en': 'Kingman, AZ'}, '31320':{'en': 'Lelystad', 'nl': 'Lelystad'}, '31321':{'en': 'Dronten', 'nl': 'Dronten'}, '251111860':{'en': 'Sululta, Addis Ababa'}, '1918582':{'en': 'Tulsa, OK'}, '264645539':{'en': 'Karibib'}, '3315356':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '1920235':{'en': 'Oshkosh, WI'}, '1920236':{'en': 'Oshkosh, WI'}, '1870972':{'en': 'Jonesboro, AR'}, '1920230':{'en': 'Oshkosh, WI'}, '1920231':{'en': 'Oshkosh, WI'}, '1920544':{'en': 'Green Bay, WI'}, '1920233':{'en': 'Oshkosh, WI'}, '1951735':{'en': 'Corona, CA'}, '1951734':{'en': 'Corona, CA'}, '1951737':{'en': 'Corona, CA'}, '1951736':{'en': 'Corona, CA'}, '2392271':{'en': 'Trindade', 'pt': 'Trindade'}, '1931289':{'en': 'Erin, TN'}, '1951739':{'en': 'Corona, CA'}, '1951738':{'en': 'Corona, CA'}, '1918588':{'en': 'Tulsa, OK'}, '23459':{'en': 'Okitipupa'}, '23458':{'en': 'Lokoja'}, '2682383':{'en': 'Simunye, Lubombo district'}, '23451':{'en': 'Owo'}, '23450':{'en': 'Ikare'}, '23453':{'en': 'Warri'}, '23452':{'en': 'Benin'}, '23455':{'en': 'Agbor'}, '23454':{'en': 'Sapele'}, '23457':{'en': 'Auchi'}, '23456':{'en': 'Asaba'}, '1916991':{'en': 'Rio Linda, CA'}, '1916992':{'en': 'Rio Linda, CA'}, '25147119':{'en': 'Jimma, South-West Region'}, '1949640':{'en': 'Newport Beach, CA'}, '1949642':{'en': 'Costa Mesa, CA'}, '1949644':{'en': 'Newport Beach, CA'}, '1949861':{'en': 'Irvine, CA'}, '1949646':{'en': 'Costa Mesa, CA'}, '1909384':{'en': 'San Bernardino, CA'}, '26466252':{'en': 'Katima-Mulilo'}, '1865981':{'en': 'Maryville, TN'}, '1972466':{'en': 'Carrollton, TX'}, '1972462':{'en': 'Coppell, TX'}, '1972463':{'en': 'Rowlett, TX'}, '1870283':{'en': 'Cave City, AR'}, '1915566':{'en': 'El Paso, TX'}, '1870285':{'en': 'Murfreesboro, AR'}, '2125242':{'en': 'El Kelaa des Sraghna', 'fr': 'El Kelaa des Sraghna'}, '1937855':{'en': 'Germantown, OH'}, '3313908':{'en': 'Orgeval', 'fr': 'Orgeval'}, '25111515':{'en': 'Filwoha II, Addis Ababa'}, '1978874':{'en': 'Westminster, MA'}, '1909868':{'en': 'Pomona, CA'}, '2125247':{'en': 'Essaouira', 'fr': 'Essaouira'}, '1907622':{'en': 'Eagle River, AK'}, '3314599':{'en': 'Villecresnes', 'fr': 'Villecresnes'}, '24981':{'en': 'Al-Ubayyid'}, '3314594':{'en': u('Chennevi\u00e8res-sur-Marne'), 'fr': u('Chennevi\u00e8res-sur-Marne')}, '1909590':{'en': 'Chino, CA'}, '1909591':{'en': 'Chino, CA'}, '1909592':{'en': 'San Dimas, CA'}, '1909593':{'en': 'La Verne, CA'}, '1909594':{'en': 'Walnut, CA'}, '1909595':{'en': 'Walnut, CA'}, '1909596':{'en': 'La Verne, CA'}, '1909598':{'en': 'Walnut, CA'}, '1909599':{'en': 'San Dimas, CA'}, '3314593':{'en': u('Chennevi\u00e8res-sur-Marne'), 'fr': u('Chennevi\u00e8res-sur-Marne')}, '1928541':{'en': 'Prescott, AZ'}, '3314590':{'en': 'Sucy-en-Brie', 'fr': 'Sucy-en-Brie'}, '1858300':{'en': 'San Diego, CA'}, '3314912':{'en': 'Arcueil', 'fr': 'Arcueil'}, '26466256':{'en': 'Rundu'}, '1909866':{'en': 'Big Bear Lake, CA'}, '1937274':{'en': 'Dayton, OH'}, '1905821':{'en': 'Mississauga, ON'}, '1937276':{'en': 'Dayton, OH'}, '1937277':{'en': 'Dayton, OH'}, '1937278':{'en': 'Dayton, OH'}, '1937279':{'en': 'Dayton, OH'}, '3313404':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '1973227':{'en': 'Fairfield, NJ'}, '1859523':{'en': 'Lexington, KY'}, '1859525':{'en': 'Florence, KY'}, '264657031':{'en': 'Ondangwa'}, '302375':{'el': u('\u039d\u03b9\u03ba\u03ae\u03c4\u03b7'), 'en': 'Nikiti'}, '1870355':{'en': 'Eudora, AR'}, '1941739':{'en': 'Bradenton, FL'}, '1978499':{'en': 'Newburyport, MA'}, '264652755':{'en': 'Sesfontein'}, '264652750':{'en': 'Otwani'}, '264652751':{'en': 'Otjondeka'}, '264652752':{'en': 'Ombombo'}, '264652753':{'en': 'Warmquelle'}, '1970232':{'en': 'Fort Collins, CO'}, '1863773':{'en': 'Wauchula, FL'}, '3314255':{'en': 'Paris', 'fr': 'Paris'}, '1925755':{'en': 'Antioch, CA'}, '1918369':{'en': 'Bixby, OK'}, '1863519':{'en': 'Bartow, FL'}, '2243081':{'en': 'Faranah'}, '1918787':{'en': 'Grove, OK'}, '1918786':{'en': 'Grove, OK'}, '1905569':{'en': 'Mississauga, ON'}, '1905568':{'en': 'Mississauga, ON'}, '1858694':{'en': 'San Diego, CA'}, '1858695':{'en': 'San Diego, CA'}, '1905565':{'en': 'Mississauga, ON'}, '1905564':{'en': 'Mississauga, ON'}, '1905567':{'en': 'Mississauga, ON'}, '1905566':{'en': 'Mississauga, ON'}, '1905561':{'en': 'Hamilton, ON'}, '1905560':{'en': 'Hamilton, ON'}, '1918789':{'en': 'Chelsea, OK'}, '1905562':{'en': 'Vineland, ON'}, '1908719':{'en': 'Bedminster Township, NJ'}, '1919560':{'en': 'Durham, NC'}, '1919562':{'en': 'Wake Forest, NC'}, '1919563':{'en': 'Mebane, NC'}, '1919567':{'en': 'Fuquay-Varina, NC'}, '1910347':{'en': 'Jacksonville, NC'}, '1910346':{'en': 'Jacksonville, NC'}, '1910343':{'en': 'Wilmington, NC'}, '1910341':{'en': 'Wilmington, NC'}, '1925253':{'en': 'Orinda, CA'}, '1912275':{'en': 'Brunswick, GA'}, '237222355':{'en': u('Tign\u00e8re')}, '1972988':{'en': 'Grand Prairie, TX'}, '26768':{'en': 'Maun'}, '26765':{'en': 'Kgalagadi'}, '1972985':{'en': 'Plano, TX'}, '1919788':{'en': 'Raleigh, NC'}, '1931879':{'en': 'Jamestown, TN'}, '1919784':{'en': 'Raleigh, NC'}, '1919785':{'en': 'Raleigh, NC'}, '1919786':{'en': 'Raleigh, NC'}, '1919787':{'en': 'Raleigh, NC'}, '1910695':{'en': 'Southern Pines, NC'}, '1931707':{'en': 'Crossville, TN'}, '1919782':{'en': 'Raleigh, NC'}, '1919783':{'en': 'Raleigh, NC'}, '1920933':{'en': 'Fond du Lac, WI'}, '1920684':{'en': 'Manitowoc, WI'}, '1920686':{'en': 'Manitowoc, WI'}, '1920683':{'en': 'Manitowoc, WI'}, '1920682':{'en': 'Manitowoc, WI'}, '1864299':{'en': 'Greenville, SC'}, '1864298':{'en': 'Greenville, SC'}, '1916691':{'en': 'Elk Grove, CA'}, '1864560':{'en': 'Spartanburg, SC'}, '1864295':{'en': 'Greenville, SC'}, '1864294':{'en': 'Greenville, SC'}, '1864297':{'en': 'Greenville, SC'}, '1864296':{'en': 'Anderson, SC'}, '1972702':{'en': 'Dallas, TX'}, '1903534':{'en': 'Tyler, TX'}, '1904215':{'en': 'Orange Park, FL'}, '1903536':{'en': 'Centerville, TX'}, '1904217':{'en': 'St. Augustine, FL'}, '1903531':{'en': 'Tyler, TX'}, '1904964':{'en': 'Starke, FL'}, '1904213':{'en': 'Orange Park, FL'}, '2572230':{'en': 'North zone'}, '251111320':{'en': 'Alem Ketema, Addis Ababa'}, '1951943':{'en': 'Perris, CA'}, '1951940':{'en': 'Perris, CA'}, '1972701':{'en': 'Dallas, TX'}, '1931427':{'en': 'Ardmore, TN'}, '2410162':{'en': 'Mounana'}, '1870563':{'en': 'Osceola, AR'}, '1870561':{'en': 'Manila, AR'}, '2410160':{'en': 'Ngouoni'}, '1913588':{'en': 'Kansas City, KS'}, '1913583':{'en': 'De Soto, KS'}, '25134663':{'en': 'Waja, North Region'}, '25134662':{'en': 'Mai-Tebri, North Region'}, '25134661':{'en': 'Endabaguna, North Region'}, '25134660':{'en': 'Adi Gudem, North Region'}, '1903831':{'en': 'Texarkana, TX'}, '302533':{'el': u('\u039e\u03c5\u03bb\u03b1\u03b3\u03b1\u03bd\u03ae'), 'en': 'Xylagani'}, '244232':{'en': 'Zaire', 'pt': 'Zaire'}, '2410169':{'en': u('L\u00e9coni/Aki\u00e9ni/Okondja')}, '1904827':{'en': 'St. Augustine, FL'}, '1931358':{'en': 'Clarksville, TN'}, '244235':{'en': 'Cuanza Norte', 'pt': 'Kwanza-Norte'}, '244248':{'en': 'Bie', 'pt': u('Bi\u00e9')}, '244249':{'en': 'Cuando Cubango', 'pt': 'Cuando-Cubango'}, '1937461':{'en': 'Dayton, OH'}, '244234':{'en': 'Bengo', 'pt': 'Bengo'}, '1937465':{'en': 'West Liberty, OH'}, '244241':{'en': 'Huambo', 'pt': 'Huambo'}, '1936597':{'en': 'Montgomery, TX'}, '1936594':{'en': 'Trinity, TX'}, '1860533':{'en': 'Manchester, CT'}, '1860535':{'en': 'Stonington, CT'}, '1860536':{'en': 'Mystic, CT'}, '1860537':{'en': 'Colchester, CT'}, '1989345':{'en': 'West Branch, MI'}, '1936598':{'en': 'Center, TX'}, '1985447':{'en': 'Thibodaux, LA'}, '1972329':{'en': 'Mesquite, TX'}, '1905362':{'en': 'Mississauga, ON'}, '1937641':{'en': 'Dayton, OH'}, '1905366':{'en': 'Mississauga, ON'}, '1937642':{'en': 'Marysville, OH'}, '1909433':{'en': 'Colton, CA'}, '1972323':{'en': 'Carrollton, TX'}, '1972636':{'en': 'Royse City, TX'}, '1972635':{'en': 'Royse City, TX'}, '1901873':{'en': 'Millington, TN'}, '1901872':{'en': 'Millington, TN'}, '25444':{'en': 'Machakos/Makueni/Mwingi/Kitui'}, '25445':{'en': 'Kajiado/Ngong/Loitokitok/Athi River'}, '25446':{'en': 'Garissa/Hola/Wajir/Mandera'}, '25440':{'en': 'Kwale'}, '25441':{'en': 'Mombasa/Mariakani/Kilifi'}, '25442':{'en': 'Malindi/Lamu/Garsen'}, '25443':{'en': 'Voi/Wundanyi/Mwatate/Taveta'}, '1902370':{'en': 'Charlottetown, PE'}, '264673330':{'en': 'Anker'}, '264631731':{'en': 'Karasburg'}, '1949450':{'en': 'Irvine, CA'}, '1949453':{'en': 'Irvine, CA'}, '1949452':{'en': 'Laguna Hills, CA'}, '25111124':{'en': 'Sidist Kilo III, Addis Ababa'}, '25111127':{'en': 'Addisu Gebeya, Addis Ababa'}, '1850893':{'en': 'Tallahassee, FL'}, '1954489':{'en': 'Fort Lauderdale, FL'}, '258282':{'en': 'Xai-Xai', 'pt': 'Xai-Xai'}, '264645315':{'en': 'Usakos'}, '1912865':{'en': 'Portal, GA'}, '1954480':{'en': 'Deerfield Beach, FL'}, '1954481':{'en': 'Deerfield Beach, FL'}, '1912863':{'en': 'Sylvania, GA'}, '1908527':{'en': 'Elizabeth, NJ'}, '1908522':{'en': 'Summit, NJ'}, '1918579':{'en': 'Tulsa, OK'}, '1918574':{'en': 'Tulsa, OK'}, '25111122':{'en': 'Sidist Kilo I, Addis Ababa'}, '302647':{'el': u('\u039d\u03ad\u03bf \u03a7\u03b1\u03bb\u03ba\u03b9\u03cc\u03c0\u03bf\u03c5\u03bb\u03bf/\u03a6\u03c5\u03c4\u03b5\u03af\u03b5\u03c2'), 'en': 'Fyteies'}, '302645':{'el': u('\u039b\u03b5\u03c5\u03ba\u03ac\u03b4\u03b1'), 'en': 'Lefkada'}, '2733':{'en': 'Pietermaritzburg'}, '302643':{'el': u('\u0392\u03cc\u03bd\u03b9\u03c4\u03c3\u03b1'), 'en': 'Vonitsa'}, '302642':{'el': u('\u0391\u03bc\u03c6\u03b9\u03bb\u03bf\u03c7\u03af\u03b1'), 'en': 'Amfilochia'}, '302641':{'el': u('\u0391\u03b3\u03c1\u03af\u03bd\u03b9\u03bf'), 'en': 'Agrinio'}, '1906475':{'en': 'Negaunee, MI'}, '1978425':{'en': 'Shirley, MA'}, '1978263':{'en': 'Acton, MA'}, '1978266':{'en': 'Acton, MA'}, '1978264':{'en': 'Acton, MA'}, '2125379':{'en': 'Souk Larbaa', 'fr': 'Souk Larbaa'}, '2125378':{'en': u('Sal\u00e9'), 'fr': u('Sal\u00e9')}, '2125375':{'en': u('Kh\u00e9misset'), 'fr': u('Kh\u00e9misset')}, '1940479':{'en': 'Ponder, TX'}, '2125377':{'en': 'Rabat', 'fr': 'Rabat'}, '2125376':{'en': u('Rabat/T\u00e9mara'), 'fr': u('Rabat/T\u00e9mara')}, '264651782':{'en': 'Tsandi'}, '264651783':{'en': 'Warmquelle'}, '2125373':{'en': u('K\u00e9nitra'), 'fr': u('K\u00e9nitra')}, '2125372':{'en': 'Rabat', 'fr': 'Rabat'}, '2204489':{'en': 'Bwiam'}, '2204488':{'en': 'Sibanor'}, '2204480':{'en': 'Bondali'}, '2204487':{'en': 'Faraba'}, '2204486':{'en': 'Gunjur'}, '2204485':{'en': 'Kafuta'}, '1952885':{'en': 'East Bloomington, Bloomington, MN'}, '1952882':{'en': 'Burnsville, MN'}, '1952883':{'en': 'Minneapolis, MN'}, '1956702':{'en': 'Pharr, TX'}, '263375':{'en': 'Concession'}, '29961':{'en': 'Nanortalik'}, '263376':{'en': 'Glendale'}, '263371':{'en': 'Shamva'}, '29966':{'en': 'Narsaq'}, '29964':{'en': 'Qaqortoq'}, '302254':{'el': u('\u0386\u03b3\u03b9\u03bf\u03c2 \u0395\u03c5\u03c3\u03c4\u03c1\u03ac\u03c4\u03b9\u03bf\u03c2/\u039c\u03bf\u03cd\u03b4\u03c1\u03bf\u03c2/\u039c\u03cd\u03c1\u03b9\u03bd\u03b1'), 'en': 'Agios Efstratios'}, '1919954':{'en': 'Raleigh, NC'}, '1919957':{'en': 'Durham, NC'}, '1919956':{'en': 'Durham, NC'}, '1907983':{'en': 'Skagway, AK'}, '1863984':{'en': 'Polk City, FL'}, '1863983':{'en': 'Clewiston, FL'}, '1858268':{'en': 'San Diego, CA'}, '30251':{'el': u('\u039a\u03b1\u03b2\u03ac\u03bb\u03b1'), 'en': 'Kavala'}, '238271':{'en': u('S\u00e3o Louren\u00e7o dos \u00d3rg\u00e3os/S\u00e3o Jorge, Santiago'), 'pt': u('S\u00e3o Louren\u00e7o dos \u00d3rg\u00e3os/S\u00e3o Jorge, Santiago')}, '1910576':{'en': 'Troy, NC'}, '1910577':{'en': 'Jacksonville, NC'}, '1910572':{'en': 'Troy, NC'}, '263517':{'en': 'Mataga'}, '238272':{'en': 'Picos, Santiago', 'pt': 'Picos, Santiago'}, '3314350':{'en': 'Sceaux', 'fr': 'Sceaux'}, '3314351':{'en': 'Montfermeil', 'fr': 'Montfermeil'}, '3314352':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '26464221':{'en': 'Walvis Bay'}, '3314354':{'en': 'Paris', 'fr': 'Paris'}, '3314355':{'en': 'Paris', 'fr': 'Paris'}, '1905970':{'en': 'Brampton, ON'}, '3314357':{'en': 'Paris', 'fr': 'Paris'}, '3314358':{'en': 'Paris', 'fr': 'Paris'}, '3314359':{'en': 'Paris', 'fr': 'Paris'}, '3314608':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '3314609':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1850269':{'en': 'Destin, FL'}, '1865379':{'en': 'Maryville, TN'}, '1850263':{'en': 'Graceville, FL'}, '1865374':{'en': 'Knoxville, TN'}, '1850593':{'en': 'Sneads, FL'}, '1850592':{'en': 'Grand Ridge, FL'}, '1850267':{'en': 'Santa Rosa Beach, FL'}, '31347':{'nl': 'Vianen'}, '1850265':{'en': 'Lynn Haven, FL'}, '31345':{'en': 'Culemborg', 'nl': 'Culemborg'}, '1858487':{'en': 'San Diego, CA'}, '1858486':{'en': 'Poway, CA'}, '1858485':{'en': 'San Diego, CA'}, '1858484':{'en': 'San Diego, CA'}, '1858483':{'en': 'San Diego, CA'}, '264673335':{'en': 'Toshari'}, '264673334':{'en': 'Toshari'}, '264673333':{'en': 'Biermanskool'}, '264673332':{'en': 'Biermanskool'}, '1858488':{'en': 'San Diego, CA'}, '264671782':{'en': 'Toshari'}, '264671783':{'en': 'Tsumeb'}, '264671784':{'en': 'Tsumeb'}, '264671785':{'en': 'Tsumeb'}, '264671786':{'en': 'Tsumeb'}, '264671787':{'en': 'Tsumeb'}, '1985288':{'en': 'Slidell, LA'}, '264671789':{'en': 'Uchab'}, '267659':{'en': 'Gantsi'}, '23477':{'en': 'Bauchi'}, '23476':{'en': 'Maiduguri'}, '23475':{'en': 'Yola'}, '23474':{'en': 'Damaturu'}, '23473':{'en': 'Jos'}, '23472':{'en': 'Gombe'}, '23471':{'en': 'Azare'}, '1951280':{'en': 'Corona, CA'}, '23479':{'en': 'Jalingo'}, '23478':{'en': 'Hadejia'}, '3314974':{'en': 'Fontenay-sous-Bois', 'fr': 'Fontenay-sous-Bois'}, '3314976':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314977':{'en': 'Maisons-Alfort', 'fr': 'Maisons-Alfort'}, '3314970':{'en': 'Paris', 'fr': 'Paris'}, '3314971':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314972':{'en': 'Bagnolet', 'fr': 'Bagnolet'}, '1902582':{'en': 'Canning, NS'}, '1936699':{'en': 'Lufkin, TX'}, '3314979':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '264625718':{'en': 'Spatzenfeld'}, '264625716':{'en': 'Eland'}, '264625717':{'en': 'Spatzenfeld'}, '264625715':{'en': 'Eland'}, '264632833':{'en': 'Helmeringhausen'}, '26466381':{'en': 'Maltahohe'}, '3315552':{'en': 'Fontenay-aux-Roses', 'fr': 'Fontenay-aux-Roses'}, '26466385':{'en': 'Namgorab'}, '3315559':{'en': 'Antony', 'fr': 'Antony'}, '1920894':{'en': 'Kiel, WI'}, '1949660':{'en': 'Irvine, CA'}, '1858874':{'en': 'San Diego, CA'}, '264652483':{'en': 'Onandjokwe'}, '1905685':{'en': 'St. Catharines, ON'}, '1972401':{'en': 'Irving, TX'}, '1972402':{'en': 'Irving, TX'}, '1972403':{'en': 'Plano, TX'}, '1972404':{'en': 'Dallas, TX'}, '1909605':{'en': 'Ontario, CA'}, '1909606':{'en': 'Chino Hills, CA'}, '1972407':{'en': 'Dallas, TX'}, '1909608':{'en': 'Upland, CA'}, '1972409':{'en': 'Irving, TX'}, '1978858':{'en': 'Tewksbury, MA'}, '1903763':{'en': 'Quitman, TX'}, '1937879':{'en': 'Fairborn, OH'}, '1903769':{'en': 'Hawkins, TX'}, '1903984':{'en': 'Kilgore, TX'}, '1903986':{'en': 'Kilgore, TX'}, '1903983':{'en': 'Kilgore, TX'}, '1860276':{'en': 'Southington, CT'}, '1860275':{'en': 'Hartford, CT'}, '1860274':{'en': 'Watertown, CT'}, '264672902':{'en': 'Kalkfeld'}, '220441':{'en': 'Sanyang'}, '220446':{'en': 'Kotu/Senegambia'}, '220447':{'en': 'Yundum'}, '1860278':{'en': 'Hartford, CT'}, '1912459':{'en': 'Richmond Hill, GA'}, '237222371':{'en': 'Meiganga'}, '251116650':{'en': 'Civil Aviation, Addis Ababa'}, '1928214':{'en': 'Flagstaff, AZ'}, '1928213':{'en': 'Flagstaff, AZ'}, '1954835':{'en': 'Sunrise, FL'}, '1954346':{'en': 'Coral Springs, FL'}, '1954345':{'en': 'Coral Springs, FL'}, '1954344':{'en': 'Coral Springs, FL'}, '1954831':{'en': 'Fort Lauderdale, FL'}, '1954341':{'en': 'Coral Springs, FL'}, '1954340':{'en': 'Coral Springs, FL'}, '1954838':{'en': 'Sunrise, FL'}, '1954349':{'en': 'Weston, FL'}, '3150':{'en': 'Groningen', 'nl': 'Groningen'}, '2050':{'en': 'Mansoura'}, '2055':{'en': 'Zagazig'}, '1937258':{'en': 'Dayton, OH'}, '3314328':{'en': 'Vincennes', 'fr': 'Vincennes'}, '1937256':{'en': 'Dayton, OH'}, '1937257':{'en': 'Dayton, OH'}, '1937254':{'en': 'Dayton, OH'}, '1937252':{'en': 'Dayton, OH'}, '1937253':{'en': 'Dayton, OH'}, '1979725':{'en': 'Weimar, TX'}, '1850769':{'en': 'Panama City, FL'}, '1973759':{'en': 'Belleville, NJ'}, '1901465':{'en': 'Somerville, TN'}, '1973754':{'en': 'Paterson, NJ'}, '1973751':{'en': 'Belleville, NJ'}, '1905631':{'en': 'Burlington, ON'}, '1905497':{'en': 'Brampton, ON'}, '1905633':{'en': 'Burlington, ON'}, '3314321':{'en': 'Paris', 'fr': 'Paris'}, '1940668':{'en': 'Gainesville, TX'}, '1905635':{'en': 'Burlington, ON'}, '1925743':{'en': 'Danville, CA'}, '3314631':{'en': 'Clamart', 'fr': 'Clamart'}, '1914276':{'en': 'Somers, NY'}, '3314322':{'en': 'Paris', 'fr': 'Paris'}, '1913328':{'en': 'Kansas City, KS'}, '1905637':{'en': 'Burlington, ON'}, '1941244':{'en': 'Venice, FL'}, '3314325':{'en': 'Paris', 'fr': 'Paris'}, '1905636':{'en': 'Milton, ON'}, '1941240':{'en': 'North Port, FL'}, '1913321':{'en': 'Kansas City, KS'}, '3314636':{'en': 'Paris', 'fr': 'Paris'}, '1850941':{'en': 'Pensacola, FL'}, '1856881':{'en': 'Glassboro, NJ'}, '1904724':{'en': 'Jacksonville, FL'}, '1925299':{'en': 'Lafayette, CA'}, '1925292':{'en': 'Livermore, CA'}, '1925295':{'en': 'Walnut Creek, CA'}, '1925294':{'en': 'Livermore, CA'}, '1925296':{'en': 'Walnut Creek, CA'}, '1972644':{'en': 'Richardson, TX'}, '263940':{'en': 'Mabutewni'}, '26464402':{'en': 'Swakopmund'}, '26464403':{'en': 'Swakopmund'}, '26464400':{'en': 'Swakopmund'}, '26464401':{'en': 'Swakopmund'}, '26464406':{'en': 'Swakopmund'}, '26464407':{'en': 'Swakopmund'}, '26464404':{'en': 'Swakopmund'}, '26464405':{'en': 'Swakopmund'}, '249616':{'en': 'Shetnzi'}, '1978597':{'en': 'Townsend, MA'}, '1858678':{'en': 'San Diego, CA'}, '1858679':{'en': 'Poway, CA'}, '1858674':{'en': 'San Diego, CA'}, '1858675':{'en': 'San Diego, CA'}, '1858676':{'en': 'San Diego, CA'}, '1858677':{'en': 'San Diego, CA'}, '1858672':{'en': 'San Diego, CA'}, '1858673':{'en': 'San Diego, CA'}, '1904647':{'en': 'Jacksonville, FL'}, '1904646':{'en': 'Jacksonville, FL'}, '1904645':{'en': 'Jacksonville, FL'}, '1904644':{'en': 'Orange Park, FL'}, '1904642':{'en': 'Jacksonville, FL'}, '1904641':{'en': 'Jacksonville, FL'}, '2262090':{'en': 'Gaoua'}, '1973972':{'en': 'Newark, NJ'}, '1973971':{'en': 'Morristown, NJ'}, '1973977':{'en': 'Paterson, NJ'}, '2262096':{'en': 'Orodara'}, '1956399':{'en': 'San Benito, TX'}, '1970252':{'en': 'Montrose, CO'}, '1970250':{'en': 'Grand Junction, CO'}, '1970257':{'en': 'Grand Junction, CO'}, '1970256':{'en': 'Grand Junction, CO'}, '1970255':{'en': 'Grand Junction, CO'}, '1970254':{'en': 'Grand Junction, CO'}, '1919542':{'en': 'Pittsboro, NC'}, '1940592':{'en': 'Iowa Park, TX'}, '1940591':{'en': 'Denton, TX'}, '1910362':{'en': 'Wilmington, NC'}, '1919231':{'en': 'Raleigh, NC'}, '1919232':{'en': 'Raleigh, NC'}, '1919545':{'en': 'Pittsboro, NC'}, '3314712':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1973731':{'en': 'West Orange, NJ'}, '2262542':{'en': 'Ouagadougou'}, '2262543':{'en': 'Ouagadougou'}, '2262540':{'en': u('P\u00f4/Kombissiri/Koubri')}, '2262541':{'en': u('L\u00e9o/Sapouy')}, '2262546':{'en': 'Ouagadougou'}, '2262547':{'en': 'Ouagadougou'}, '2262544':{'en': 'Koudougou'}, '2262545':{'en': 'Ouagadougou'}, '1864760':{'en': 'Anderson, SC'}, '2262548':{'en': 'Ouagadougou'}, '1973732':{'en': 'Newark, NJ'}, '1928854':{'en': 'Lake Havasu City, AZ'}, '1928855':{'en': 'Lake Havasu City, AZ'}, '1940627':{'en': 'Decatur, TX'}, '1940626':{'en': 'Decatur, TX'}, '1931852':{'en': 'Leoma, TN'}, '1931853':{'en': 'Loretto, TN'}, '31599':{'en': 'Stadskanaal', 'nl': 'Stadskanaal'}, '1928853':{'en': 'Flagstaff, AZ'}, '31597':{'en': 'Winschoten', 'nl': 'Winschoten'}, '31596':{'en': 'Delfzijl', 'nl': 'Delfzijl'}, '264652494':{'en': 'Onathinge'}, '31593':{'en': 'Beilen', 'nl': 'Beilen'}, '1928859':{'en': 'Salome, AZ'}, '1931858':{'en': 'Baxter, TN'}, '1863534':{'en': 'Bartow, FL'}, '1863533':{'en': 'Bartow, FL'}, '1972641':{'en': 'Grand Prairie, TX'}, '1864814':{'en': 'Spartanburg, SC'}, '1864541':{'en': 'Spartanburg, SC'}, '1864543':{'en': 'Ninety Six, SC'}, '1864542':{'en': 'Spartanburg, SC'}, '1920662':{'en': 'Green Bay, WI'}, '1985639':{'en': 'Slidell, LA'}, '264652625':{'en': 'Ondobe'}, '2442655':{'en': 'Ondjiva', 'pt': 'Ondjiva'}, '1904232':{'en': 'Jacksonville, FL'}, '1903510':{'en': 'Tyler, TX'}, '1985632':{'en': 'Cut Off, LA'}, '3314570':{'en': 'Paris', 'fr': 'Paris'}, '1931582':{'en': 'McEwen, TN'}, '2442348':{'en': 'Caxito', 'pt': 'Caxito'}, '3314571':{'en': 'Paris', 'fr': 'Paris'}, '2442612':{'en': 'Lubango', 'pt': 'Lubango'}, '1931589':{'en': 'Linden, TN'}, '3314572':{'en': 'Paris', 'fr': 'Paris'}, '3314573':{'en': 'Vitry-sur-Seine', 'fr': 'Vitry-sur-Seine'}, '1925376':{'en': 'Moraga, CA'}, '3314575':{'en': 'Paris', 'fr': 'Paris'}, '1989734':{'en': 'Rogers City, MI'}, '1989736':{'en': 'Lincoln, MI'}, '1989731':{'en': 'Gaylord, MI'}, '1989732':{'en': 'Gaylord, MI'}, '1989733':{'en': 'Onaway, MI'}, '3314577':{'en': 'Paris', 'fr': 'Paris'}, '1989738':{'en': 'Port Austin, MI'}, '1989739':{'en': 'Oscoda, MI'}, '1850674':{'en': 'Blountstown, FL'}, '1850675':{'en': 'Jay, FL'}, '1850670':{'en': 'Eastpoint, FL'}, '1850671':{'en': 'Tallahassee, FL'}, '267463':{'en': 'Serowe'}, '1850678':{'en': 'Niceville, FL'}, '264672312':{'en': 'Kombat'}, '264672310':{'en': 'Kombat'}, '264672311':{'en': 'Kombat'}, '264672316':{'en': 'Rietfontein'}, '264672315':{'en': 'Rietfontein'}, '3314017':{'en': 'Paris', 'fr': 'Paris'}, '3314016':{'en': 'Paris', 'fr': 'Paris'}, '3314015':{'en': 'Paris', 'fr': 'Paris'}, '3314013':{'en': 'Paris', 'fr': 'Paris'}, '3314012':{'en': 'Saint-Ouen', 'fr': 'Saint-Ouen'}, '3314011':{'en': 'Saint-Ouen', 'fr': 'Saint-Ouen'}, '3314010':{'en': 'Saint-Ouen', 'fr': 'Saint-Ouen'}, '3314019':{'en': 'Paris', 'fr': 'Paris'}, '3314018':{'en': 'Paris', 'fr': 'Paris'}, '1865637':{'en': 'Knoxville, TN'}, '1931320':{'en': 'Clarksville, TN'}, '1865938':{'en': 'Powell, TN'}, '1865632':{'en': 'Knoxville, TN'}, '1865633':{'en': 'Knoxville, TN'}, '244261':{'en': 'Huila', 'pt': u('Hu\u00edla')}, '244264':{'en': 'Namibe', 'pt': 'Namibe'}, '244265':{'en': 'Cunene', 'pt': 'Cunene'}, '1907452':{'en': 'Fairbanks, AK'}, '1907451':{'en': 'Fairbanks, AK'}, '1907457':{'en': 'Fairbanks, AK'}, '1907456':{'en': 'Fairbanks, AK'}, '1907455':{'en': 'Fairbanks, AK'}, '1907459':{'en': 'Fairbanks, AK'}, '1907458':{'en': 'Fairbanks, AK'}, '1860510':{'en': 'Old Saybrook, CT'}, '1978934':{'en': 'Lowell, MA'}, '25157665':{'en': 'Backo, West Region'}, '1905346':{'en': 'St. Catharines, ON'}, '2392265':{'en': 'Santana, Ribeira Afonso', 'pt': 'Santana, Ribeira Afonso'}, '1928669':{'en': 'Parker, AZ'}, '1914422':{'en': 'White Plains, NY'}, '1901854':{'en': 'Collierville, TN'}, '25420':{'en': 'Nairobi'}, '1901850':{'en': 'Collierville, TN'}, '1901853':{'en': 'Collierville, TN'}, '2682453':{'en': 'Bhunya, Hhohho district'}, '1902396':{'en': 'New Glasgow, NS'}, '1902393':{'en': 'Charlottetown, PE'}, '3314856':{'en': 'Paris', 'fr': 'Paris'}, '25641':{'en': 'Kampala'}, '1912842':{'en': 'Brooklet, GA'}, '264632805':{'en': 'Aroab'}, '1972617':{'en': 'Red Oak, TX'}, '1972347':{'en': 'Prosper, TX'}, '1972346':{'en': 'Prosper, TX'}, '1972613':{'en': 'Mesquite, TX'}, '1972612':{'en': 'Plano, TX'}, '1972618':{'en': 'Plano, TX'}, '1973569':{'en': 'Paterson, NJ'}, '264621738':{'en': 'Gobabis'}, '264621739':{'en': 'Gobabis'}, '1902825':{'en': 'Middleton, NS'}, '1902827':{'en': 'Chezzetcook, NS'}, '1902826':{'en': 'St Margaret Village, NS'}, '264621730':{'en': 'Babi-Babi'}, '264621732':{'en': 'Buitepos'}, '264621734':{'en': 'Drimiopsis'}, '264621735':{'en': 'Eland'}, '264621737':{'en': 'Friedental'}, '302621':{'el': u('\u03a0\u03cd\u03c1\u03b3\u03bf\u03c2'), 'en': 'Burgas'}, '302623':{'el': u('\u039b\u03b5\u03c7\u03b1\u03b9\u03bd\u03ac'), 'en': 'Lechaina'}, '302622':{'el': u('\u0391\u03bc\u03b1\u03bb\u03b9\u03ac\u03b4\u03b1'), 'en': 'Amaliada'}, '302625':{'el': u('\u039a\u03c1\u03ad\u03c3\u03c4\u03b5\u03bd\u03b1'), 'en': 'Krestena'}, '302624':{'el': u('\u0391\u03c1\u03c7\u03b1\u03af\u03b1 \u039f\u03bb\u03c5\u03bc\u03c0\u03af\u03b1'), 'en': 'Olympia'}, '302626':{'el': u('\u0391\u03bd\u03b4\u03c1\u03af\u03c4\u03c3\u03b1\u03b9\u03bd\u03b1'), 'en': 'Andritsaina'}, '264632580':{'en': 'Aus'}, '1906495':{'en': 'Kincheloe, MI'}, '1906493':{'en': 'Drummond, MI'}, '264652740':{'en': 'Ehomba'}, '1978287':{'en': 'Concord, MA'}, '1978281':{'en': 'Gloucester, MA'}, '1978282':{'en': 'Gloucester, MA'}, '1978283':{'en': 'Gloucester, MA'}, '1940458':{'en': 'Sanger, TX'}, '1972964':{'en': 'Plano, TX'}, '1972962':{'en': 'Kaufman, TX'}, '1972961':{'en': 'Rockwall, TX'}, '1972960':{'en': 'Dallas, TX'}, '1973':{'en': 'New Jersey'}, '1972':{'en': 'Texas'}, '1971':{'en': 'Oregon'}, '1970':{'en': 'Colorado'}, '26329246':{'en': 'Bellevue'}, '264662502':{'en': 'Mpacha/Ngoma'}, '264662500':{'en': 'Nakayale/Omega'}, '1919933':{'en': 'Chapel Hill, NC'}, '1919932':{'en': 'Chapel Hill, NC'}, '1919687':{'en': 'Durham, NC'}, '264662501':{'en': 'Nakayale'}, '1919681':{'en': 'Durham, NC'}, '1919680':{'en': 'Durham, NC'}, '1919683':{'en': 'Durham, NC'}, '1919682':{'en': 'Durham, NC'}, '264662506':{'en': 'Ngoma'}, '1919596':{'en': 'Durham, NC'}, '1919689':{'en': 'Goldsboro, NC'}, '1919688':{'en': 'Durham, NC'}, '263687':{'en': 'Sanyati'}, '1859264':{'en': 'Lexington, KY'}, '264652650':{'en': 'Oshikango'}, '1859266':{'en': 'Lexington, KY'}, '264652652':{'en': 'Oshikango'}, '1859260':{'en': 'Lexington, KY'}, '264652654':{'en': 'Oshikango'}, '1867393':{'en': 'Whitehorse, YT'}, '1859263':{'en': 'Lexington, KY'}, '1859268':{'en': 'Lexington, KY'}, '1859269':{'en': 'Lexington, KY'}, '3313092':{'en': 'Mantes-la-Ville', 'fr': 'Mantes-la-Ville'}, '322':{'de': u('Br\u00fcssel'), 'en': 'Brussels', 'fr': 'Bruxelles', 'nl': 'Brussel'}, '3313090':{'en': 'Maule', 'fr': 'Maule'}, '3313096':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '3313094':{'en': 'Mantes-la-Jolie', 'fr': 'Mantes-la-Jolie'}, '3313095':{'en': 'Aubergenville', 'fr': 'Aubergenville'}, '3313098':{'en': 'Mantes-la-Jolie', 'fr': 'Mantes-la-Jolie'}, '3313099':{'en': 'Les Mureaux', 'fr': 'Les Mureaux'}, '1918333':{'en': 'Bartlesville, OK'}, '1918331':{'en': 'Bartlesville, OK'}, '1918336':{'en': 'Bartlesville, OK'}, '1918337':{'en': 'Bartlesville, OK'}, '1918335':{'en': 'Bartlesville, OK'}, '1941505':{'en': 'Punta Gorda, FL'}, '1914304':{'en': 'White Plains, NY'}, '264652744':{'en': 'Etanga'}, '1905910':{'en': 'Markham, ON'}, '3314378':{'en': 'Maisons-Alfort', 'fr': 'Maisons-Alfort'}, '1905913':{'en': 'Castlemore, ON'}, '1905918':{'en': 'Richmond Hill, ON'}, '3314373':{'en': 'Paris', 'fr': 'Paris'}, '3314370':{'en': 'Paris', 'fr': 'Paris'}, '3314371':{'en': 'Paris', 'fr': 'Paris'}, '3314376':{'en': 'Maisons-Alfort', 'fr': 'Maisons-Alfort'}, '3314377':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314374':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3314375':{'en': 'Alfortville', 'fr': 'Alfortville'}, '1865828':{'en': 'Rutledge, TN'}, '1902857':{'en': 'Hubbards, NS'}, '1865824':{'en': 'Knoxville, TN'}, '264652749':{'en': 'Orumana'}, '3314242':{'en': 'Colombes', 'fr': 'Colombes'}, '1870935':{'en': 'Jonesboro, AR'}, '1870934':{'en': 'Jonesboro, AR'}, '1870931':{'en': 'Jonesboro, AR'}, '1870933':{'en': 'Jonesboro, AR'}, '1870932':{'en': 'Jonesboro, AR'}, '264652748':{'en': 'Okorosave'}, '3314243':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3175':{'en': 'Zaandam', 'nl': 'Zaandam'}, '2392231':{'en': 'Guadalupe', 'pt': 'Guadalupe'}, '238255':{'en': 'Vila do Maio, Maio', 'pt': 'Vila do Maio, Maio'}, '2392233':{'en': 'Neves, Santa Catarina', 'pt': 'Neves, Santa Catarina'}, '3314174':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3314958':{'en': 'Villejuif', 'fr': 'Villejuif'}, '3314959':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314956':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314638':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314952':{'en': 'Paris', 'fr': 'Paris'}, '3314953':{'en': 'Paris', 'fr': 'Paris'}, '3314951':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314177':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '264625731':{'en': 'Nina'}, '264625733':{'en': 'Nouas'}, '3314170':{'en': 'Montfermeil', 'fr': 'Montfermeil'}, '1904394':{'en': 'Jacksonville, FL'}, '1904396':{'en': 'Jacksonville, FL'}, '1904399':{'en': 'Jacksonville, FL'}, '1904398':{'en': 'Jacksonville, FL'}, '1952496':{'en': 'Shakopee, MN'}, '1910974':{'en': 'Candor, NC'}, '1949824':{'en': 'Irvine, CA'}, '1920494':{'en': 'Green Bay, WI'}, '1920496':{'en': 'Green Bay, WI'}, '1920497':{'en': 'Green Bay, WI'}, '1920490':{'en': 'Green Bay, WI'}, '1870247':{'en': 'White Hall, AR'}, '1870246':{'en': 'Arkadelphia, AR'}, '1870245':{'en': 'Arkadelphia, AR'}, '1920498':{'en': 'Green Bay, WI'}, '1920499':{'en': 'Green Bay, WI'}, '1870240':{'en': 'Paragould, AR'}, '1909628':{'en': 'Chino, CA'}, '1909629':{'en': 'Pomona, CA'}, '1909622':{'en': 'Pomona, CA'}, '1909623':{'en': 'Pomona, CA'}, '1909620':{'en': 'Pomona, CA'}, '31561':{'en': 'Wolvega', 'nl': 'Wolvega'}, '1909627':{'en': 'Chino, CA'}, '1972424':{'en': 'Plano, TX'}, '25111554':{'en': 'Filwha VII, Addis Ababa'}, '25111550':{'en': 'Filwoha IV, Addis Ababa'}, '25111551':{'en': 'Filwoha III, Addis Ababa'}, '25111552':{'en': 'Filwha VI, Addis Ababa'}, '25111553':{'en': 'Filwha V, Addis Ababa'}, '1860253':{'en': 'Enfield, CT'}, '1954580':{'en': 'Pompano Beach, FL'}, '302434':{'el': u('\u03a0\u03cd\u03bb\u03b7'), 'en': 'Pyli'}, '1860258':{'en': 'Rocky Hill, CT'}, '1860704':{'en': 'Middletown, CT'}, '302431':{'el': u('\u03a4\u03c1\u03af\u03ba\u03b1\u03bb\u03b1'), 'en': 'Trikala'}, '302432':{'el': u('\u039a\u03b1\u03bb\u03b1\u03bc\u03c0\u03ac\u03ba\u03b1'), 'en': 'Kalabaka'}, '24941':{'en': 'Kassala'}, '1870798':{'en': 'Hampton, AR'}, '1972727':{'en': 'Allen, TX'}, '1870793':{'en': 'Batesville, AR'}, '1870792':{'en': 'Earle, AR'}, '264632502':{'en': 'Gochas'}, '3314633':{'en': 'Paris', 'fr': 'Paris'}, '23723340':{'en': 'Bepanda'}, '23723341':{'en': 'Bepanda'}, '23723342':{'en': 'Akwa Centre'}, '23723343':{'en': 'Akwa Centre'}, '23723344':{'en': 'Bafoussam'}, '23723347':{'en': 'Akwa North'}, '1919388':{'en': 'Cary, NC'}, '264632950':{'en': 'Namgorab'}, '3314632':{'en': 'Clamart', 'fr': 'Clamart'}, '1972288':{'en': 'Mesquite, TX'}, '1972289':{'en': 'Mesquite, TX'}, '1972287':{'en': 'Seagoville, TX'}, '249441':{'en': 'Jedaraf'}, '1972285':{'en': 'Mesquite, TX'}, '1856241':{'en': 'Swedesboro, NJ'}, '1905281':{'en': 'Mississauga, ON'}, '1905282':{'en': 'Mississauga, ON'}, '1937233':{'en': 'Dayton, OH'}, '1937235':{'en': 'Dayton, OH'}, '1901448':{'en': 'Memphis, TN'}, '1937237':{'en': 'Dayton, OH'}, '1908979':{'en': 'Hackettstown, NJ'}, '1941954':{'en': 'Sarasota, FL'}, '1941955':{'en': 'Sarasota, FL'}, '25125771':{'en': 'Degahabur, East Region'}, '1973772':{'en': 'Clifton, NJ'}, '1979703':{'en': 'Bryan, TX'}, '1909886':{'en': 'San Bernardino, CA'}, '1909887':{'en': 'San Bernardino, CA'}, '1909884':{'en': 'San Bernardino, CA'}, '1909885':{'en': 'San Bernardino, CA'}, '1909882':{'en': 'San Bernardino, CA'}, '1909883':{'en': 'San Bernardino, CA'}, '1909880':{'en': 'San Bernardino, CA'}, '1909881':{'en': 'San Bernardino, CA'}, '1856939':{'en': 'Runnemede, NJ'}, '237222254':{'en': 'Dang'}, '1909888':{'en': 'San Bernardino, CA'}, '1909889':{'en': 'San Bernardino, CA'}, '1941480':{'en': 'Venice, FL'}, '264652601':{'en': 'Ohangwena'}, '1937849':{'en': 'New Carlisle, OH'}, '1973483':{'en': 'Newark, NJ'}, '1973482':{'en': 'Newark, NJ'}, '1973481':{'en': 'Newark, NJ'}, '1973485':{'en': 'Newark, NJ'}, '1973484':{'en': 'Newark, NJ'}, '3313021':{'en': 'Versailles', 'fr': 'Versailles'}, '1973742':{'en': 'Paterson, NJ'}, '25158776':{'en': 'Dejen, North-West Region'}, '1925813':{'en': 'Antioch, CA'}, '1925543':{'en': 'San Ramon, CA'}, '2262446':{'en': 'Falagountou/Dori'}, '302644':{'el': u('\u0398\u03b5\u03c1\u03bc\u03cc'), 'en': 'Thermo'}, '25158779':{'en': 'Jiga, North-West Region'}, '1858613':{'en': 'San Diego, CA'}, '1908289':{'en': 'Elizabeth, NJ'}, '25158778':{'en': 'Debre Markos II, North-West Region'}, '1908282':{'en': 'Elizabeth, NJ'}, '1908281':{'en': 'Hillsborough Township, NJ'}, '1908284':{'en': 'Flemington, NJ'}, '26464176':{'en': 'Walvis Bay'}, '26464175':{'en': 'Walvis Bay'}, '26464173':{'en': 'Swakopmund'}, '302294':{'el': u('\u03a1\u03b1\u03c6\u03ae\u03bd\u03b1'), 'en': 'Rafina'}, '302295':{'el': u('\u0391\u03c6\u03af\u03b4\u03bd\u03b1\u03b9'), 'en': 'Afidnes'}, '3314634':{'en': 'Paris', 'fr': 'Paris'}, '1858653':{'en': 'San Diego, CA'}, '1972871':{'en': 'Irving, TX'}, '302297':{'el': u('\u0391\u03af\u03b3\u03b9\u03bd\u03b1'), 'en': 'Aegina'}, '1978546':{'en': 'Rockport, MA'}, '1978544':{'en': 'Orange, MA'}, '3315357':{'en': 'Paris', 'fr': 'Paris'}, '1858385':{'en': 'San Diego, CA'}, '1919217':{'en': 'Knightdale, NC'}, '1919212':{'en': 'Raleigh, NC'}, '25467':{'en': 'Thika/Ruiru'}, '1904669':{'en': 'St. Augustine, FL'}, '1910790':{'en': 'Wilmington, NC'}, '3314778':{'en': 'Puteaux', 'fr': 'Puteaux'}, '25464':{'en': 'Meru/Maua/Chuka'}, '1859381':{'en': 'Lexington, KY'}, '1970278':{'en': 'Loveland, CO'}, '1863735':{'en': 'Zolfo Springs, FL'}, '1859384':{'en': 'Union, KY'}, '1859389':{'en': 'Lexington, KY'}, '1970276':{'en': 'Hayden, CO'}, '1970903':{'en': 'Durango, CO'}, '1970949':{'en': 'Avon, CO'}, '237233221':{'en': 'Kumbo'}, '1915772':{'en': 'El Paso, TX'}, '1912238':{'en': 'Savannah, GA'}, '1915775':{'en': 'El Paso, TX'}, '1912236':{'en': 'Savannah, GA'}, '1912231':{'en': 'Savannah, GA'}, '1912233':{'en': 'Savannah, GA'}, '1912232':{'en': 'Savannah, GA'}, '237222397':{'en': 'Figuil'}, '237222464':{'en': 'Lolodorf'}, '237222395':{'en': 'Guider'}, '237222461':{'en': 'Kribi'}, '237222463':{'en': 'Lolodorf'}, '237222462':{'en': 'Kribi'}, '26729':{'en': 'Letlhakane/Orapa'}, '25146444':{'en': 'Moyale, South Region'}, '25146445':{'en': 'Negele Borena, South Region'}, '1931836':{'en': 'Sparta, TN'}, '1931837':{'en': 'Sparta, TN'}, '1931839':{'en': 'Monterey, TN'}, '1928871':{'en': 'Window Rock, AZ'}, '25146441':{'en': 'Ziway, South Region'}, '1920648':{'en': 'Lake Mills, WI'}, '1864833':{'en': 'Clinton, SC'}, '1920398':{'en': 'Markesan, WI'}, '1985873':{'en': 'Houma, LA'}, '1864834':{'en': 'Travelers Rest, SC'}, '1985871':{'en': 'Covington, LA'}, '1864839':{'en': 'Blacksburg, SC'}, '1972781':{'en': 'Plano, TX'}, '1985879':{'en': 'Houma, LA'}, '1985878':{'en': 'Independence, LA'}, '1956514':{'en': 'Mercedes, TX'}, '1903572':{'en': 'Mount Pleasant, TX'}, '1904253':{'en': 'Jacksonville, FL'}, '1903575':{'en': 'Mount Pleasant, TX'}, '1903577':{'en': 'Mount Pleasant, TX'}, '1904259':{'en': 'Macclenny, FL'}, '1956519':{'en': 'Mission, TX'}, '264652462':{'en': 'Oluno'}, '264652463':{'en': 'Oluno'}, '264652460':{'en': 'Oluno'}, '1972784':{'en': 'Farmersville, TX'}, '264652464':{'en': 'Oluno'}, '1979239':{'en': 'Freeport, TX'}, '1972789':{'en': 'Dallas, TX'}, '1972788':{'en': 'Dallas, TX'}, '264637034':{'en': 'Keetmanshoop'}, '264637035':{'en': 'Luderitz'}, '244231':{'en': 'Cabinda', 'pt': 'Cabinda'}, '1850656':{'en': 'Tallahassee, FL'}, '1850654':{'en': 'Destin, FL'}, '1850653':{'en': 'Apalachicola, FL'}, '1850650':{'en': 'Destin, FL'}, '1850651':{'en': 'Shalimar, FL'}, '25122444':{'en': 'Ticho, South-East Region'}, '1903395':{'en': 'Cooper, TX'}, '25122446':{'en': 'Gobesa, South-East Region'}, '25122447':{'en': 'Goro, South-East Region'}, '1937429':{'en': 'Beavercreek, OH'}, '1937428':{'en': 'Dayton, OH'}, '1937938':{'en': 'Dayton, OH'}, '1937424':{'en': 'Dayton, OH'}, '1937427':{'en': 'Beavercreek, OH'}, '1937426':{'en': 'Beavercreek, OH'}, '1904879':{'en': 'Callahan, FL'}, '1951894':{'en': 'Murrieta, CA'}, '1951898':{'en': 'Corona, CA'}, '1907479':{'en': 'Fairbanks, AK'}, '1902629':{'en': 'Charlottetown, PE'}, '1902628':{'en': 'Charlottetown, PE'}, '1902626':{'en': 'Charlottetown, PE'}, '1902625':{'en': 'Port Hawkesbury, NS'}, '1902624':{'en': 'Mahone Bay, NS'}, '25147559':{'en': 'Abebo, South-West Region'}, '25147558':{'en': 'Macha, South-West Region'}, '25147553':{'en': 'Jikawo, South-West Region'}, '25147552':{'en': 'Itang, South-West Region'}, '25147551':{'en': 'Gambela, South-West Region'}, '264625690':{'en': 'Babi-Babi'}, '264625697':{'en': 'Blumfelde'}, '25147556':{'en': 'Tepi, South-West Region'}, '264625695':{'en': 'Leonardville'}, '25147554':{'en': 'Gore, South-West Region'}, '251113320':{'en': 'Gunchire, Addis Ababa'}, '1928645':{'en': 'Page, AZ'}, '1928649':{'en': 'Cottonwood, AZ'}, '1937687':{'en': 'New Lebanon, OH'}, '3314697':{'en': 'Suresnes', 'fr': 'Suresnes'}, '1989635':{'en': 'Marlette, MI'}, '1860395':{'en': 'Old Saybrook, CT'}, '1910893':{'en': 'Lillington, NC'}, '1860399':{'en': 'Westbrook, CT'}, '1910891':{'en': 'Dunn, NC'}, '1925798':{'en': 'Concord, CA'}, '1910895':{'en': 'Rockingham, NC'}, '2333124':{'en': 'Asankragwa'}, '2333126':{'en': 'Enchi'}, '2333121':{'en': 'Axim'}, '1949499':{'en': 'Laguna Beach, CA'}, '1949498':{'en': 'San Clemente, CA'}, '1949369':{'en': 'San Clemente, CA'}, '2205714':{'en': 'Ndugukebbe'}, '2333123':{'en': 'Tarkwa'}, '1949363':{'en': 'Laguna Niguel, CA'}, '1949361':{'en': 'San Clemente, CA'}, '1949492':{'en': 'San Clemente, CA'}, '1949495':{'en': 'Laguna Niguel, CA'}, '1949366':{'en': 'San Clemente, CA'}, '1949497':{'en': 'Laguna Beach, CA'}, '1949364':{'en': 'Mission Viejo, CA'}, '1912790':{'en': 'Savannah, GA'}, '1912826':{'en': 'Rincon, GA'}, '1936336':{'en': 'Liberty, TX'}, '1936334':{'en': 'Liberty, TX'}, '1972369':{'en': 'McKinney, TX'}, '1973425':{'en': 'Morristown, NJ'}, '1978739':{'en': 'Danvers, MA'}, '1973546':{'en': 'Clifton, NJ'}, '1978735':{'en': 'Lowell, MA'}, '1973542':{'en': 'Nutley, NJ'}, '1973543':{'en': 'Mendham, NJ'}, '1973540':{'en': 'Morristown, NJ'}, '1904419':{'en': 'Jacksonville, FL'}, '1902849':{'en': 'Glace Bay, NS'}, '264621759':{'en': 'Otjozondu'}, '1902843':{'en': 'Truro, NS'}, '1902842':{'en': 'Glace Bay, NS'}, '264621754':{'en': 'Ombotozu'}, '264621755':{'en': 'Omitara'}, '264621752':{'en': 'Okahandja'}, '264621750':{'en': 'Okahandja'}, '264621751':{'en': 'Okahandja'}, '251112580':{'en': 'Ginchi, Addis Ababa'}, '1954':{'en': 'Florida'}, '1956':{'en': 'Texas'}, '1951':{'en': 'California'}, '1952':{'en': 'Minnesota'}, '1959':{'en': 'Connecticut'}, '1972941':{'en': 'Plano, TX'}, '1972943':{'en': 'Plano, TX'}, '3243':{'de': u('L\u00fcttich'), 'en': u('Li\u00e8ge'), 'fr': u('Li\u00e8ge'), 'nl': 'Luik'}, '3242':{'de': u('L\u00fcttich'), 'en': u('Li\u00e8ge'), 'fr': u('Li\u00e8ge'), 'nl': 'Luik'}, '263675':{'en': 'Murombedzi'}, '1918534':{'en': 'Dewey, OK'}, '1919918':{'en': 'Chapel Hill, NC'}, '1919668':{'en': 'Durham, NC'}, '1956213':{'en': 'McAllen, TX'}, '1919663':{'en': 'Siler City, NC'}, '1919662':{'en': 'Garner, NC'}, '1919661':{'en': 'Garner, NC'}, '1919660':{'en': 'Durham, NC'}, '264652677':{'en': 'Odibo'}, '264652676':{'en': 'Odibo'}, '264652675':{'en': 'Omafu'}, '1856968':{'en': 'Camden, NJ'}, '1856966':{'en': 'Camden, NJ'}, '1856964':{'en': 'Camden, NJ'}, '1859245':{'en': 'Lexington, KY'}, '1856963':{'en': 'Camden, NJ'}, '1954462':{'en': 'Fort Lauderdale, FL'}, '3313079':{'en': 'Plaisir', 'fr': 'Plaisir'}, '3313074':{'en': 'Poissy', 'fr': 'Poissy'}, '3313075':{'en': 'Cergy', 'fr': 'Cergy'}, '3313076':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3313070':{'en': u('V\u00e9lizy-Villacoublay'), 'fr': u('V\u00e9lizy-Villacoublay')}, '3313071':{'en': 'Chatou', 'fr': 'Chatou'}, '3313072':{'en': 'Franconville', 'fr': 'Franconville'}, '3313073':{'en': 'Cergy', 'fr': 'Cergy'}, '1914328':{'en': 'White Plains, NY'}, '264652600':{'en': 'Ohangwena'}, '1914633':{'en': 'New Rochelle, NY'}, '1914632':{'en': 'New Rochelle, NY'}, '1914631':{'en': 'Tarrytown, NY'}, '1914637':{'en': 'New Rochelle, NY'}, '1914636':{'en': 'New Rochelle, NY'}, '1910538':{'en': 'Wilmington, NC'}, '264652589':{'en': 'Onesi'}, '1970731':{'en': 'Pagosa Springs, CO'}, '264652587':{'en': 'Onesi'}, '264652581':{'en': 'Tsandi'}, '1970739':{'en': 'Cortez, CO'}, '264652582':{'en': 'Tsandi'}, '264661715':{'en': 'Matava'}, '3314598':{'en': 'Mandres-les-Roses', 'fr': 'Mandres-les-Roses'}, '1905938':{'en': 'St. Catharines, ON'}, '1905939':{'en': 'Schomberg, ON'}, '1905428':{'en': 'Ajax, ON'}, '1905426':{'en': 'Ajax, ON'}, '1905427':{'en': 'Ajax, ON'}, '1905936':{'en': 'Tottenham, ON'}, '1905937':{'en': 'St. Catharines, ON'}, '1905934':{'en': 'St. Catharines, ON'}, '1905935':{'en': 'St. Catharines, ON'}, '263337':{'en': 'Nyaningwe'}, '263338':{'en': 'Nyika'}, '31162':{'nl': 'Oosterhout'}, '238235':{'en': u('Ribeira Brava, S\u00e3o Nicolau'), 'pt': u('Ribeira Brava, S\u00e3o Nicolau')}, '238236':{'en': u('Tarrafal de S\u00e3o Nicolau, S\u00e3o Nicolau'), 'pt': u('Tarrafal de S\u00e3o Nicolau, S\u00e3o Nicolau')}, '238237':{'en': u('Faj\u00e3, S\u00e3o Nicolau'), 'pt': u('Faj\u00e3, S\u00e3o Nicolau')}, '238230':{'en': u('Mindelo, S\u00e3o Vicente'), 'pt': u('Mindelo, S\u00e3o Vicente')}, '238231':{'en': u('Mindelo, S\u00e3o Vicente'), 'pt': u('Mindelo, S\u00e3o Vicente')}, '238232':{'en': u('Mindelo, S\u00e3o Vicente'), 'pt': u('Mindelo, S\u00e3o Vicente')}, '31165':{'en': 'Roosendaal', 'nl': 'Roosendaal'}, '31168':{'en': 'Zevenbergen', 'nl': 'Zevenbergen'}, '238238':{'en': u('Praia Branca, S\u00e3o Nicolau'), 'pt': u('Praia Branca, S\u00e3o Nicolau')}, '3314938':{'en': 'Villepinte', 'fr': 'Villepinte'}, '264652764':{'en': 'Otjitjekwa'}, '3314930':{'en': 'Villiers-sur-Marne', 'fr': 'Villiers-sur-Marne'}, '1936653':{'en': 'Coldspring, TX'}, '3314933':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314934':{'en': 'La Courneuve', 'fr': 'La Courneuve'}, '3314935':{'en': 'Rosny-Sous-Bois', 'fr': 'Rosny-Sous-Bois'}, '3314936':{'en': 'Sevran', 'fr': 'Sevran'}, '3314937':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '1973429':{'en': 'Bloomfield, NJ'}, '3315512':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314595':{'en': u('Limeil-Br\u00e9vannes'), 'fr': u('Limeil-Br\u00e9vannes')}, '302386':{'el': u('\u0391\u03bc\u03cd\u03bd\u03c4\u03b1\u03b9\u03bf'), 'en': 'Amyntaio'}, '302384':{'el': u('\u0391\u03c1\u03b9\u03b4\u03b1\u03af\u03b1'), 'en': 'Aridaia'}, '1903498':{'en': 'Kemp, TX'}, '302382':{'el': u('\u0393\u03b9\u03b1\u03bd\u03bd\u03b9\u03c4\u03c3\u03ac'), 'en': 'Giannitsa'}, '302381':{'el': u('\u0388\u03b4\u03b5\u03c3\u03c3\u03b1'), 'en': 'Edessa'}, '1936435':{'en': 'Huntsville, TX'}, '3313416':{'en': 'Eaubonne', 'fr': 'Eaubonne'}, '1936436':{'en': 'Huntsville, TX'}, '3313417':{'en': 'Saint-Gratien', 'fr': 'Saint-Gratien'}, '3113':{'en': 'Tilburg', 'nl': 'Tilburg'}, '1936439':{'en': 'Huntsville, TX'}, '3313414':{'en': 'Franconville', 'fr': 'Franconville'}, '1870269':{'en': 'Mountain View, AR'}, '1870268':{'en': 'Jonesboro, AR'}, '3313415':{'en': 'Ermont', 'fr': 'Ermont'}, '1989362':{'en': 'Tawas City, MI'}, '3313412':{'en': 'Enghien-les-Bains', 'fr': 'Enghien-les-Bains'}, '22524':{'en': 'Abobo', 'fr': 'Abobo'}, '3110':{'en': 'Rotterdam', 'nl': 'Rotterdam'}, '1870265':{'en': 'Lake Village, AR'}, '22523':{'en': 'Banco', 'fr': 'Banco'}, '22520':{'en': 'Plateau', 'fr': 'Plateau'}, '22521':{'en': 'Abidjan', 'fr': 'Abidjan'}, '264651706':{'en': 'Eenhana'}, '3313410':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '1903723':{'en': 'Palestine, TX'}, '3313411':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '1903729':{'en': 'Palestine, TX'}, '1978897':{'en': 'Maynard, MA'}, '264672298':{'en': 'Etosha Rurtel/Okaukuejo'}, '264672297':{'en': 'Etosha Rurtel'}, '264672296':{'en': 'Etosha Rurtel/Ongava'}, '264672295':{'en': 'Etosha Rurtel/Ombika'}, '264672294':{'en': 'Etosha Rurtel/Halali'}, '264672293':{'en': 'Etosha Rurtel/Namutoni'}, '264672292':{'en': 'Etosha Rurtel/Lindequest'}, '264672291':{'en': 'Etosha Rurtel'}, '264672290':{'en': 'Etosha Rurtel'}, '1860728':{'en': 'Hartford, CT'}, '1954568':{'en': 'Fort Lauderdale, FL'}, '1860233':{'en': 'West Hartford, CT'}, '1954566':{'en': 'Fort Lauderdale, FL'}, '1860231':{'en': 'West Hartford, CT'}, '1954564':{'en': 'Fort Lauderdale, FL'}, '1954563':{'en': 'Fort Lauderdale, FL'}, '1860724':{'en': 'Hartford, CT'}, '1860727':{'en': 'Hartford, CT'}, '3313931':{'en': 'Herblay', 'fr': 'Herblay'}, '264661709':{'en': 'Katima-Mulilo'}, '26462519':{'en': 'Okandjatu'}, '2682333':{'en': 'Mpaka, Lubombo district'}, '237233267':{'en': 'Foumbot'}, '3313932':{'en': 'Taverny', 'fr': 'Taverny'}, '1913755':{'en': 'Osawatomie, KS'}, '1913757':{'en': 'LaCygne, KS'}, '1913758':{'en': 'Leavenworth, KS'}, '264632811':{'en': 'Gaibis'}, '237233263':{'en': 'Foumban'}, '264632812':{'en': 'Deurstamp'}, '264651705':{'en': 'Eenhana'}, '2095':{'en': 'Luxor'}, '1937746':{'en': 'Franklin, OH'}, '2096':{'en': 'Qena'}, '2093':{'en': 'Sohag'}, '1937743':{'en': 'Franklin, OH'}, '1937748':{'en': 'Springboro, OH'}, '3314656':{'en': 'Montrouge', 'fr': 'Montrouge'}, '1902454':{'en': 'Halifax, NS'}, '1902455':{'en': 'Halifax, NS'}, '1902456':{'en': 'Halifax, NS'}, '1902457':{'en': 'Halifax, NS'}, '1907646':{'en': 'Anchorage, AK'}, '24961':{'en': 'Sennar'}, '1907644':{'en': 'Anchorage, AK'}, '1902453':{'en': 'Halifax, NS'}, '1979764':{'en': 'College Station, TX'}, '1925706':{'en': 'Antioch, CA'}, '1941205':{'en': 'Punta Gorda, FL'}, '1913367':{'en': 'Atchison, KS'}, '1901398':{'en': 'Memphis, TN'}, '1901396':{'en': 'Memphis, TN'}, '264651701':{'en': 'Anamulenge'}, '1864474':{'en': 'Pacolet, SC'}, '1925830':{'en': 'San Ramon, CA'}, '1925833':{'en': 'Dublin, CA'}, '1925837':{'en': 'Danville, CA'}, '264652742':{'en': 'Panosa'}, '1978386':{'en': 'Ashby, MA'}, '264652747':{'en': 'Kaoko Otavi'}, '1978388':{'en': 'Amesbury, MA'}, '1856857':{'en': 'Cherry Hill, NJ'}, '264652745':{'en': 'Okangwati'}, '1859335':{'en': 'Lexington, KY'}, '1912587':{'en': 'Statesboro, GA'}, '1856772':{'en': 'Voorhees Township, NJ'}, '1856770':{'en': 'Voorhees Township, NJ'}, '1912583':{'en': 'Mount Vernon, GA'}, '1978948':{'en': 'Rowley, MA'}, '1856779':{'en': 'Maple Shade Township, NJ'}, '23722230':{'en': 'Nkomo'}, '237222144':{'en': 'Ngoumou'}, '1912588':{'en': 'Jesup, GA'}, '1918274':{'en': 'Owasso, OK'}, '1918273':{'en': 'Nowata, OK'}, '1918272':{'en': 'Owasso, OK'}, '1850297':{'en': 'Tallahassee, FL'}, '1858638':{'en': 'San Diego, CA'}, '1918279':{'en': 'Coweta, OK'}, '3314756':{'en': 'Clichy', 'fr': 'Clichy'}, '1978562':{'en': 'Hudson, MA'}, '1978567':{'en': 'Hudson, MA'}, '1978568':{'en': 'Hudson, MA'}, '2262052':{'en': u('D\u00e9dougou')}, '2262053':{'en': 'Boromo/Djibasso/Nouna'}, '1910329':{'en': 'Holly Ridge, NC'}, '1910328':{'en': 'Surf City, NC'}, '1915759':{'en': 'El Paso, TX'}, '2125352':{'en': 'Taza', 'fr': 'Taza'}, '1910325':{'en': 'Swansboro, NC'}, '1910324':{'en': 'Richlands, NC'}, '1910327':{'en': 'Sneads Ferry, NC'}, '1910326':{'en': 'Swansboro, NC'}, '1940553':{'en': 'Vernon, TX'}, '1940552':{'en': 'Vernon, TX'}, '1910323':{'en': 'Fayetteville, NC'}, '1970928':{'en': 'Glenwood Springs, CO'}, '1970920':{'en': 'Aspen, CO'}, '1970923':{'en': 'Snowmass Village, CO'}, '1970925':{'en': 'Aspen, CO'}, '1970927':{'en': 'Basalt, CO'}, '1970926':{'en': 'Edwards, CO'}, '264652866':{'en': 'Okatope'}, '237233205':{'en': 'Wum'}, '1864725':{'en': 'Greenwood, SC'}, '1860489':{'en': 'Torrington, CT'}, '237222447':{'en': 'Mora'}, '1956686':{'en': 'McAllen, TX'}, '1956687':{'en': 'McAllen, TX'}, '1956682':{'en': 'McAllen, TX'}, '1956683':{'en': 'McAllen, TX'}, '1956688':{'en': 'McAllen, TX'}, '1956689':{'en': 'Raymondville, TX'}, '264652863':{'en': 'Onankali'}, '3314526':{'en': 'Paris', 'fr': 'Paris'}, '25824':{'en': 'Quelimane', 'pt': 'Quelimane'}, '1931815':{'en': 'McMinnville, TN'}, '1972774':{'en': 'Dallas, TX'}, '1985851':{'en': 'Houma, LA'}, '26466261':{'en': 'Katima-Mulilo'}, '1864859':{'en': 'Easley, SC'}, '1972991':{'en': 'Dallas, TX'}, '26466265':{'en': 'Rundu'}, '1985857':{'en': 'Houma, LA'}, '1864852':{'en': 'McCormick, SC'}, '1864583':{'en': 'Spartanburg, SC'}, '1864850':{'en': 'Easley, SC'}, '1864585':{'en': 'Spartanburg, SC'}, '1989883':{'en': 'Sebewaing, MI'}, '1864587':{'en': 'Spartanburg, SC'}, '1919494':{'en': 'Franklinton, NC'}, '1904278':{'en': 'Orange Park, FL'}, '1919497':{'en': 'Louisburg, NC'}, '1919490':{'en': 'Durham, NC'}, '1919493':{'en': 'Durham, NC'}, '1904272':{'en': 'Orange Park, FL'}, '1903553':{'en': 'Longview, TX'}, '1972771':{'en': 'Rockwall, TX'}, '1904276':{'en': 'Orange Park, FL'}, '1904277':{'en': 'Fernandina Beach, FL'}, '264652440':{'en': 'Omuthiya'}, '264652441':{'en': 'Omuthiya'}, '251111340':{'en': 'Muke Turi, Addis Ababa'}, '264652446':{'en': 'Omuthiya'}, '264652447':{'en': 'Omuthiya'}, '264652448':{'en': 'Omuthiya'}, '264652449':{'en': 'Omuthiya'}, '1905895':{'en': 'Newmarket, ON'}, '1905894':{'en': 'Ridgeway, ON'}, '1905897':{'en': 'Mississauga, ON'}, '1905896':{'en': 'Mississauga, ON'}, '1905891':{'en': 'Mississauga, ON'}, '1905890':{'en': 'Mississauga, ON'}, '1905893':{'en': 'Kleinburg, ON'}, '3313918':{'en': 'La Celle Saint Cloud', 'fr': 'La Celle Saint Cloud'}, '3313917':{'en': 'Marly-le-Roi', 'fr': 'Marly-le-Roi'}, '3313916':{'en': 'Marly-le-Roi', 'fr': 'Marly-le-Roi'}, '3313915':{'en': 'Sartrouville', 'fr': 'Sartrouville'}, '3313914':{'en': 'Sartrouville', 'fr': 'Sartrouville'}, '1905899':{'en': 'Wainfleet, ON'}, '1905898':{'en': 'Newmarket, ON'}, '3313911':{'en': u('Ach\u00e8res'), 'fr': u('Ach\u00e8res')}, '3314230':{'en': 'Paris', 'fr': 'Paris'}, '1989779':{'en': 'Mount Pleasant, MI'}, '1989772':{'en': 'Mount Pleasant, MI'}, '1978632':{'en': 'Gardner, MA'}, '1989775':{'en': 'Mount Pleasant, MI'}, '1850638':{'en': 'Chipley, FL'}, '1850639':{'en': 'Wewahitchka, FL'}, '264662580':{'en': 'Nkurenkuru'}, '264662581':{'en': 'Nkurenkuru'}, '1865458':{'en': 'Loudon, TN'}, '264662587':{'en': 'Mashare'}, '1865988':{'en': 'Lenoir City, TN'}, '264672359':{'en': 'Otavi'}, '1865986':{'en': 'Lenoir City, TN'}, '264672357':{'en': 'Otavi'}, '1865984':{'en': 'Maryville, TN'}, '1865457':{'en': 'Clinton, TN'}, '1865450':{'en': 'Knoxville, TN'}, '1865983':{'en': 'Maryville, TN'}, '1865980':{'en': 'Maryville, TN'}, '1865453':{'en': 'Sevierville, TN'}, '1867633':{'en': 'Whitehorse, YT'}, '1920623':{'en': 'Columbus, WI'}, '1920622':{'en': 'Wild Rose, WI'}, '241017':{'en': 'Libreville'}, '1904858':{'en': 'Jacksonville, FL'}, '1904854':{'en': 'Jacksonville, FL'}, '1937912':{'en': 'Beavercreek, OH'}, '22825':{'en': 'Central region', 'es': u('Regi\u00f3n Central'), 'fr': u('R\u00e9gion Centrale')}, '1951308':{'en': 'Temecula, CA'}, '1979578':{'en': 'El Campo, TX'}, '1865670':{'en': 'Knoxville, TN'}, '1865671':{'en': 'Knoxville, TN'}, '1865673':{'en': 'Knoxville, TN'}, '1865674':{'en': 'White Pine, TN'}, '1865675':{'en': 'Knoxville, TN'}, '1951302':{'en': 'Temecula, CA'}, '1951303':{'en': 'Temecula, CA'}, '264625673':{'en': 'Epukiro'}, '264625672':{'en': 'Epukiro'}, '264625675':{'en': 'Otjinene'}, '264625674':{'en': 'Epukiro'}, '264625677':{'en': 'Otjinene'}, '264625676':{'en': 'Otjinene'}, '264625679':{'en': 'Otjinene'}, '264625678':{'en': 'Otjinene'}, '25146114':{'en': 'Wondo Kela, South Region'}, '25146115':{'en': 'Butajira, South Region'}, '25146116':{'en': 'Arsi Negele, South Region'}, '25146117':{'en': 'Adame Tulu, South Region'}, '25146110':{'en': 'Shashamane I, South Region'}, '25146111':{'en': 'Shashamane II, South Region'}, '25146112':{'en': 'Kofele, South Region'}, '25146118':{'en': 'Kuyera, South Region'}, '25146119':{'en': 'Shasemene, South Region'}, '1954741':{'en': 'Sunrise, FL'}, '1916727':{'en': 'Citrus Heights, CA'}, '1916726':{'en': 'Citrus Heights, CA'}, '1916725':{'en': 'Citrus Heights, CA'}, '1916723':{'en': 'Citrus Heights, CA'}, '1916722':{'en': 'Citrus Heights, CA'}, '1916721':{'en': 'Citrus Heights, CA'}, '1905641':{'en': 'St. Catharines, ON'}, '1916729':{'en': 'Citrus Heights, CA'}, '1916728':{'en': 'Citrus Heights, CA'}, '1949347':{'en': 'Mission Viejo, CA'}, '1949341':{'en': 'Irvine, CA'}, '25125112':{'en': 'Dire Dawa II, East Region'}, '25125111':{'en': 'Dire Dawa I, East Region'}, '25125116':{'en': 'Melka Jeldu, East Region'}, '25125115':{'en': 'Artshek, East Region'}, '25125114':{'en': 'Shinile, East Region'}, '2205738':{'en': 'Ngensanjal'}, '2205735':{'en': 'Farafenni'}, '1870453':{'en': 'Flippin, AR'}, '1912772':{'en': 'Guyton, GA'}, '302271':{'el': u('\u03a7\u03af\u03bf\u03c2'), 'en': 'Chios'}, '1905643':{'en': 'Stoney Creek, ON'}, '25134550':{'en': 'Shiraro, North Region'}, '1904471':{'en': 'St. Augustine, FL'}, '1902861':{'en': 'Waverley, NS'}, '1902860':{'en': 'Waverley, NS'}, '1902863':{'en': 'Antigonish, NS'}, '1902862':{'en': 'New Waterford, NS'}, '1973522':{'en': 'Newark, NJ'}, '1973523':{'en': 'Paterson, NJ'}, '1954796':{'en': 'Coral Springs, FL'}, '264621770':{'en': 'Summerdown'}, '264621771':{'en': 'Hosea Kutako INT Airport'}, '264621772':{'en': 'Witvlei'}, '1858':{'en': 'California'}, '1859':{'en': 'Kentucky'}, '1854':{'en': 'Ohio'}, '1856':{'en': 'New Jersey'}, '1857':{'en': 'Massachusetts'}, '237233305':{'en': 'Mbouda'}, '1905646':{'en': 'St. Catharines, ON'}, '3261':{'de': 'Libramont-Chevigny', 'en': 'Libramont-Chevigny', 'fr': 'Libramont-Chevigny', 'nl': 'Libramont-Chevigny'}, '3260':{'de': 'Chimay', 'en': 'Chimay', 'fr': 'Chimay', 'nl': 'Chimay'}, '1931':{'en': 'Tennessee'}, '1930':{'en': 'Indiana'}, '1937':{'en': 'Ohio'}, '1936':{'en': 'Texas'}, '3267':{'de': 'Nivelles', 'en': 'Nivelles', 'fr': 'Nivelles', 'nl': 'Nijvel'}, '3269':{'de': 'Tournai', 'en': 'Tournai', 'fr': 'Tournai', 'nl': 'Doornik'}, '3268':{'de': 'Ath', 'en': 'Ath', 'fr': 'Ath', 'nl': 'Aat'}, '1938':{'en': 'Alabama'}, '264652690':{'en': 'Omungwelume'}, '1972929':{'en': 'Irving, TX'}, '1972923':{'en': 'Waxahachie, TX'}, '264652692':{'en': 'Omungwelume'}, '264641709':{'en': 'Langstrand'}, '1972926':{'en': 'Garland, TX'}, '1972924':{'en': 'Anna, TX'}, '2612042':{'en': 'Ambatolampy'}, '2612044':{'en': 'Antsirabe'}, '2333821':{'en': 'Navrongo'}, '2612047':{'en': 'Ambositra'}, '2612048':{'en': 'Mid-West Madagascar'}, '1859737':{'en': 'Winchester, KY'}, '1859734':{'en': 'Harrodsburg, KY'}, '1919644':{'en': 'Hillsborough, NC'}, '3313022':{'en': 'Les Mureaux', 'fr': 'Les Mureaux'}, '3313056':{'en': 'Villepreux', 'fr': 'Villepreux'}, '264631735':{'en': 'Keetmanshoop'}, '3313054':{'en': 'Plaisir', 'fr': 'Plaisir'}, '3313055':{'en': 'Plaisir', 'fr': 'Plaisir'}, '3313052':{'en': 'Chevreuse', 'fr': 'Chevreuse'}, '3313053':{'en': 'Chatou', 'fr': 'Chatou'}, '1907929':{'en': 'Anchorage, AK'}, '22826':{'en': 'Kara region', 'es': u('Regi\u00f3n de Kara'), 'fr': u('R\u00e9gion de la Kara')}, '1859223':{'en': 'Lexington, KY'}, '1859224':{'en': 'Lexington, KY'}, '1859225':{'en': 'Lexington, KY'}, '1859226':{'en': 'Lexington, KY'}, '3313059':{'en': 'Houdan', 'fr': 'Houdan'}, '22824':{'en': 'Plateaux region', 'es': u('Regi\u00f3n Plateaux'), 'fr': u('R\u00e9gion des Plateaux')}, '1914347':{'en': 'Elmsford, NY'}, '1914345':{'en': 'Elmsford, NY'}, '1941544':{'en': 'Sarasota, FL'}, '22823':{'en': 'Maritime region', 'es': u('Regi\u00f3n Mar\u00edtima'), 'fr': u('R\u00e9gion Maritime')}, '22822':{'en': 'Lome', 'es': u('Lom\u00e9'), 'fr': u('Lom\u00e9')}, '264631733':{'en': 'Karasburg'}, '264652663':{'en': 'Oshikango'}, '264631732':{'en': 'Karasburg'}, '264662504':{'en': 'Kongola'}, '1905404':{'en': 'Oshawa, ON'}, '1905405':{'en': 'Mississauga, ON'}, '1905403':{'en': 'Mississauga, ON'}, '264652665':{'en': 'Oshikango'}, '1956943':{'en': 'Port Isabel, TX'}, '1956233':{'en': 'Los Fresnos, TX'}, '263317':{'en': 'Checheche'}, '1863298':{'en': 'Winter Haven, FL'}, '1863299':{'en': 'Winter Haven, FL'}, '1863294':{'en': 'Winter Haven, FL'}, '1863297':{'en': 'Winter Haven, FL'}, '1863291':{'en': 'Winter Haven, FL'}, '1863292':{'en': 'Winter Haven, FL'}, '1863293':{'en': 'Winter Haven, FL'}, '1914967':{'en': 'Rye, NY'}, '1914966':{'en': 'Yonkers, NY'}, '1914965':{'en': 'Yonkers, NY'}, '1914964':{'en': 'Yonkers, NY'}, '1914963':{'en': 'Yonkers, NY'}, '1914962':{'en': 'Yorktown Heights, NY'}, '1914969':{'en': 'Yonkers, NY'}, '1914968':{'en': 'Yonkers, NY'}, '1937236':{'en': 'Dayton, OH'}, '1915564':{'en': 'El Paso, TX'}, '1915565':{'en': 'El Paso, TX'}, '1940766':{'en': 'Wichita Falls, TX'}, '1940767':{'en': 'Wichita Falls, TX'}, '1940761':{'en': 'Wichita Falls, TX'}, '1915562':{'en': 'El Paso, TX'}, '2125246':{'en': 'El Youssoufia/Safi', 'fr': 'Safi/El Youssoufia'}, '2125248':{'en': 'Ouarzazate', 'fr': 'Ouarzazate'}, '1915569':{'en': 'El Paso, TX'}, '1936633':{'en': 'Lufkin, TX'}, '1936632':{'en': 'Lufkin, TX'}, '3314910':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '3314911':{'en': 'Saint-Cloud', 'fr': 'Saint-Cloud'}, '1936637':{'en': 'Lufkin, TX'}, '3314917':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '1936634':{'en': 'Lufkin, TX'}, '1936639':{'en': 'Lufkin, TX'}, '1864445':{'en': 'Saluda, SC'}, '1864446':{'en': 'Abbeville, SC'}, '1864442':{'en': 'Easley, SC'}, '26465695':{'en': 'North'}, '1989343':{'en': 'West Branch, MI'}, '1985446':{'en': 'Thibodaux, LA'}, '1985331':{'en': 'Luling, LA'}, '1989348':{'en': 'Grayling, MI'}, '1985448':{'en': 'Thibodaux, LA'}, '1985449':{'en': 'Thibodaux, LA'}, '264645318':{'en': 'Usakos'}, '264645319':{'en': 'Usakos'}, '2292383':{'en': u('Tangui\u00e9ta'), 'fr': u('Tangui\u00e9ta')}, '264645316':{'en': 'Usakos'}, '264645317':{'en': 'Usakos'}, '2682313':{'en': 'Mhlume, Lubombo district'}, '2682312':{'en': 'Mhlume, Lubombo district'}, '1954545':{'en': 'Pompano Beach, FL'}, '26462577':{'en': 'Gobabis'}, '1937587':{'en': 'Peebles, OH'}, '1937584':{'en': 'Sabina, OH'}, '1937585':{'en': 'De Graff, OH'}, '264632839':{'en': 'Bethanie'}, '1865247':{'en': 'Knoxville, TN'}, '1865246':{'en': 'Knoxville, TN'}, '1865249':{'en': 'Knoxville, TN'}, '264632831':{'en': 'Bethanie'}, '264632830':{'en': 'Bethanie'}, '264632837':{'en': 'Lorelei'}, '264632835':{'en': 'Goageb'}, '1979299':{'en': 'Lake Jackson, TX'}, '1902295':{'en': 'Baddeck, NS'}, '1979297':{'en': 'Lake Jackson, TX'}, '1937766':{'en': 'Cedarville, OH'}, '1937767':{'en': 'Yellow Springs, OH'}, '1905240':{'en': 'Oshawa, ON'}, '1979743':{'en': 'Schulenburg, TX'}, '3315317':{'en': 'Paris', 'fr': 'Paris'}, '1973736':{'en': 'West Orange, NJ'}, '1908931':{'en': 'Cranford, NJ'}, '1850939':{'en': 'Navarre, FL'}, '1973733':{'en': 'Newark, NJ'}, '1901405':{'en': 'Memphis, TN'}, '1860742':{'en': 'Coventry, CT'}, '1860741':{'en': 'Enfield, CT'}, '1860747':{'en': 'Plainville, CT'}, '1860210':{'en': 'New Milford, CT'}, '1860745':{'en': 'Enfield, CT'}, '1902479':{'en': 'Halifax, NS'}, '1902477':{'en': 'Halifax, NS'}, '1860749':{'en': 'Enfield, CT'}, '1902471':{'en': 'Halifax, NS'}, '302761':{'el': u('\u039a\u03c5\u03c0\u03b1\u03c1\u03b9\u03c3\u03c3\u03af\u03b1'), 'en': 'Kyparissia'}, '3314620':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1914428':{'en': 'White Plains, NY'}, '302763':{'el': u('\u0393\u03b1\u03c1\u03b3\u03b1\u03bb\u03b9\u03ac\u03bd\u03bf\u03b9'), 'en': 'Gargalianoi'}, '3314621':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1913342':{'en': 'Kansas City, KS'}, '1914423':{'en': 'Yonkers, NY'}, '1914421':{'en': 'White Plains, NY'}, '302765':{'el': u('\u039a\u03bf\u03c0\u03b1\u03bd\u03ac\u03ba\u03b9'), 'en': 'Kopanaki'}, '1936372':{'en': 'Waller, TX'}, '1931864':{'en': 'Byrdstown, TN'}, '1949759':{'en': 'Newport Beach, CA'}, '1949757':{'en': 'Irvine, CA'}, '1949753':{'en': 'Irvine, CA'}, '1850936':{'en': 'Navarre, FL'}, '264651764':{'en': 'Oshakati'}, '1954894':{'en': 'Hollywood, FL'}, '1850934':{'en': 'Gulf Breeze, FL'}, '3315314':{'en': 'Villejuif', 'fr': 'Villejuif'}, '3314208':{'en': 'Paris', 'fr': 'Paris'}, '1978369':{'en': 'Concord, MA'}, '1978368':{'en': 'Clinton, MA'}, '302892':{'el': u('\u039c\u03bf\u03af\u03c1\u03b5\u03c2, \u0397\u03c1\u03ac\u03ba\u03bb\u03b5\u03b9\u03bf'), 'en': 'Moires, Heraklion'}, '1978365':{'en': 'Clinton, MA'}, '1978363':{'en': 'West Newbury, MA'}, '302893':{'el': u('\u03a0\u03cd\u03c1\u03b3\u03bf\u03c2, \u039a\u03c1\u03ae\u03c4\u03b7'), 'en': 'Pyrgos, Crete'}, '1904598':{'en': 'Jacksonville, FL'}, '1915875':{'en': 'El Paso, TX'}, '1952492':{'en': 'Jordan, MN'}, '1856757':{'en': 'Camden, NJ'}, '1918251':{'en': 'Broken Arrow, OK'}, '1918250':{'en': 'Tulsa, OK'}, '1918253':{'en': 'Jay, OK'}, '1918252':{'en': 'Tulsa, OK'}, '1918254':{'en': 'Tulsa, OK'}, '1918257':{'en': 'Afton, OK'}, '1918256':{'en': 'Vinita, OK'}, '1941486':{'en': 'Venice, FL'}, '1914287':{'en': 'White Plains, NY'}, '1941484':{'en': 'Venice, FL'}, '1941485':{'en': 'Venice, FL'}, '264652666':{'en': 'Omafu'}, '1941483':{'en': 'Venice, FL'}, '1941952':{'en': 'Sarasota, FL'}, '1941953':{'en': 'Sarasota, FL'}, '25158773':{'en': 'Denbecha, North-West Region'}, '25158772':{'en': 'Lumame, North-West Region'}, '25158771':{'en': 'Debre-Markos I, North-West Region'}, '25158770':{'en': 'Mankusa, North-West Region'}, '25158777':{'en': 'Amanuel, North-West Region'}, '1904620':{'en': 'Jacksonville, FL'}, '25158775':{'en': 'Finote-Selam, North-West Region'}, '25158774':{'en': 'Bure, North-West Region'}, '1973991':{'en': 'Newark, NJ'}, '1973993':{'en': 'Morristown, NJ'}, '1973992':{'en': 'Livingston, NJ'}, '1973994':{'en': 'Livingston, NJ'}, '1915779':{'en': 'El Paso, TX'}, '1915778':{'en': 'El Paso, TX'}, '1919258':{'en': 'Broadway, NC'}, '1970947':{'en': 'Glenwood Springs, CO'}, '1970946':{'en': 'Durango, CO'}, '1970945':{'en': 'Glenwood Springs, CO'}, '1970944':{'en': 'Lake City, CO'}, '1915771':{'en': 'El Paso, TX'}, '1919250':{'en': 'Raleigh, NC'}, '1919251':{'en': 'Durham, NC'}, '1919256':{'en': 'Raleigh, NC'}, '1940574':{'en': 'Archer City, TX'}, '1919255':{'en': 'Raleigh, NC'}, '3315310':{'en': 'Paris', 'fr': 'Paris'}, '264651769':{'en': 'Oshigambo'}, '1940683':{'en': 'Bridgeport, TX'}, '25158114':{'en': 'Azezo, North-West Region'}, '1940687':{'en': 'Wichita Falls, TX'}, '1940686':{'en': 'Pilot Point, TX'}, '25158111':{'en': 'Gonder, North-West Region'}, '1940689':{'en': 'Wichita Falls, TX'}, '25158119':{'en': 'Gilgel Beles, North-West Region'}, '264652482':{'en': 'Onandjokwe'}, '1863648':{'en': 'Lakeland, FL'}, '1863647':{'en': 'Lakeland, FL'}, '302253':{'el': u('\u039a\u03b1\u03bb\u03bb\u03bf\u03bd\u03ae/\u039c\u03ae\u03b8\u03c5\u03bc\u03bd\u03b1'), 'en': 'Kalloni, Lesbos'}, '1909429':{'en': 'Fontana, CA'}, '1918451':{'en': 'Broken Arrow, OK'}, '1909949':{'en': 'Upland, CA'}, '1918456':{'en': 'Tahlequah, OK'}, '1864947':{'en': 'Pelzer, SC'}, '1956550':{'en': 'Brownsville, TX'}, '2442321':{'en': 'Soyo', 'pt': 'Soyo'}, '1956554':{'en': 'Brownsville, TX'}, '3115':{'en': 'Delft', 'nl': 'Delft'}, '1859967':{'en': 'Lexington, KY'}, '1902406':{'en': 'Halifax, NS'}, '3314219':{'en': 'Paris', 'fr': 'Paris'}, '3314218':{'en': 'Paris', 'fr': 'Paris'}, '24931':{'en': 'Port Sudan'}, '1905878':{'en': 'Milton, ON'}, '1905877':{'en': 'Georgetown, ON'}, '1905876':{'en': 'Milton, ON'}, '1905875':{'en': 'Milton, ON'}, '1905874':{'en': 'Brampton, ON'}, '1905873':{'en': 'Georgetown, ON'}, '3313934':{'en': 'Enghien-les-Bains', 'fr': 'Enghien-les-Bains'}, '1905871':{'en': 'Fort Erie, ON'}, '237233262':{'en': 'Foumban'}, '1865474':{'en': 'Knoxville, TN'}, '1865475':{'en': 'Jefferson City, TN'}, '1865470':{'en': 'Knoxville, TN'}, '1865471':{'en': 'Jefferson City, TN'}, '1919365':{'en': 'Wendell, NC'}, '3314547':{'en': 'Cachan', 'fr': 'Cachan'}, '3314546':{'en': 'Cachan', 'fr': 'Cachan'}, '25826':{'en': 'Nampula', 'pt': 'Nampula'}, '1864877':{'en': 'Greer, SC'}, '1864876':{'en': 'Gray Court, SC'}, '25823':{'en': 'Beira', 'pt': 'Beira'}, '25821':{'en': 'Maputo', 'pt': 'Maputo'}, '1920356':{'en': 'Beaver Dam, WI'}, '3314542':{'en': 'Paris', 'fr': 'Paris'}, '1864879':{'en': 'Greer, SC'}, '1864878':{'en': 'Pickens, SC'}, '1931431':{'en': 'Clarksville, TN'}, '1931432':{'en': 'Cookeville, TN'}, '1931433':{'en': 'Fayetteville, TN'}, '1931438':{'en': 'Fayetteville, TN'}, '1951328':{'en': 'Riverside, CA'}, '1902662':{'en': 'Debert, NS'}, '1902661':{'en': 'Amherst, NS'}, '1902667':{'en': 'Amherst, NS'}, '1902665':{'en': 'Bridgetown, NS'}, '237233489':{'en': u('Bangangt\u00e9')}, '237233484':{'en': u('Bangangt\u00e9')}, '3314212':{'en': 'Paris', 'fr': 'Paris'}, '1989752':{'en': 'Saginaw, MI'}, '1989753':{'en': 'Saginaw, MI'}, '1920232':{'en': 'Oshkosh, WI'}, '1989754':{'en': 'Saginaw, MI'}, '1989755':{'en': 'Saginaw, MI'}, '26466423':{'en': 'Kalahariplaas'}, '1989759':{'en': 'Saginaw, MI'}, '264673321':{'en': 'Khorixas'}, '239224':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '239228':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '239229':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '1864306':{'en': 'Easley, SC'}, '1912632':{'en': 'Alma, GA'}, '1912634':{'en': 'Saint Simons Island, GA'}, '1912638':{'en': 'Saint Simons Island, GA'}, '264625430':{'en': 'Hosea Kutako INT Airport'}, '264625435':{'en': 'Hosea Kutako INT Airport'}, '264625434':{'en': 'Hosea Kutako INT Airport'}, '1903825':{'en': 'Flint, TX'}, '1916706':{'en': 'Sacramento, CA'}, '1907567':{'en': 'Ninilchik, AK'}, '1907563':{'en': 'Anchorage, AK'}, '1907562':{'en': 'Anchorage, AK'}, '1907561':{'en': 'Anchorage, AK'}, '3313480':{'en': 'Chatou', 'fr': 'Chatou'}, '1907569':{'en': 'Anchorage, AK'}, '1912756':{'en': 'Richmond Hill, GA'}, '1912754':{'en': 'Springfield, GA'}, '1860688':{'en': 'Windsor, CT'}, '1860687':{'en': 'Windsor, CT'}, '1860684':{'en': 'Stafford Springs, CT'}, '1860683':{'en': 'Windsor, CT'}, '3313484':{'en': 'Le Perray en Yvelines', 'fr': 'Le Perray en Yvelines'}, '1870438':{'en': 'Green Forest, AR'}, '2292254':{'en': 'Savalou', 'fr': 'Savalou'}, '1870431':{'en': 'Lakeview, AR'}, '3313486':{'en': 'Montfort-l\'Amaury', 'fr': 'Montfort-l\'Amaury'}, '1870435':{'en': 'Gassville, AR'}, '1870436':{'en': 'Lead Hill, AR'}, '1928607':{'en': 'Flagstaff, AZ'}, '1902889':{'en': 'Musquodoboit Harbour, NS'}, '1902888':{'en': 'Summerside, PE'}, '1902883':{'en': 'Elmsdale, NS'}, '1902882':{'en': 'Tignish, PE'}, '1872':{'en': 'Chicago, IL'}, '1873':{'en': 'Quebec'}, '1870':{'en': 'Arkansas'}, '1878':{'en': 'Pennsylvania'}, '3313481':{'en': 'Plaisir', 'fr': 'Plaisir'}, '264625613':{'en': 'Otjiwa'}, '3313483':{'en': 'Rambouillet', 'fr': 'Rambouillet'}, '3313482':{'en': 'Trappes', 'fr': 'Trappes'}, '1937393':{'en': 'Hillsboro, OH'}, '1937392':{'en': 'Ripley, OH'}, '1937390':{'en': 'Springfield, OH'}, '3313489':{'en': 'Beynes', 'fr': 'Beynes'}, '1937399':{'en': 'Springfield, OH'}, '26463626':{'en': 'Helmeringhausen'}, '264667143':{'en': 'Rundu'}, '264625612':{'en': 'Otjiwa'}, '1919':{'en': 'North Carolina'}, '1918':{'en': 'Oklahoma'}, '1972907':{'en': 'Richardson, TX'}, '1972906':{'en': 'Lewisville, TX'}, '3289':{'de': 'Genk', 'en': 'Genk', 'fr': 'Genk', 'nl': 'Genk'}, '3287':{'de': 'Verviers', 'en': 'Verviers', 'fr': 'Verviers', 'nl': 'Verviers'}, '1910':{'en': 'North Carolina'}, '1913':{'en': 'Kansas'}, '1912':{'en': 'Georgia'}, '1915':{'en': 'Texas'}, '1914':{'en': 'New York'}, '1917':{'en': 'New York'}, '1916':{'en': 'California'}, '25122441':{'en': 'Abomsa, South-East Region'}, '1978772':{'en': 'Ayer, MA'}, '2612069':{'en': 'Maintirano'}, '1978774':{'en': 'Danvers, MA'}, '1913592':{'en': 'Spring Hill, KS'}, '2612062':{'en': 'Mahajanga'}, '1978779':{'en': 'Bolton, MA'}, '1973509':{'en': 'Montclair, NJ'}, '1901213':{'en': 'Memphis, TN'}, '2612067':{'en': 'Antsohihy'}, '264652633':{'en': 'Eenhana'}, '264652632':{'en': 'Eenhana'}, '264652631':{'en': 'Eenhana'}, '264652630':{'en': 'Eenhana'}, '264652636':{'en': 'Eenhana'}, '264652635':{'en': 'Eenhana'}, '1979828':{'en': 'Franklin, TX'}, '1970887':{'en': 'Granby, CO'}, '1970884':{'en': 'Bayfield, CO'}, '1970882':{'en': 'Dolores, CO'}, '1979822':{'en': 'Bryan, TX'}, '3313030':{'en': 'Cergy', 'fr': 'Cergy'}, '3313031':{'en': 'Cergy', 'fr': 'Cergy'}, '3313032':{'en': 'Cergy', 'fr': 'Cergy'}, '1925447':{'en': 'Livermore, CA'}, '3313034':{'en': 'Chambly', 'fr': 'Chambly'}, '3313035':{'en': 'Viarmes', 'fr': 'Viarmes'}, '3313036':{'en': 'Auvers-sur-Oise', 'fr': 'Auvers-sur-Oise'}, '1925443':{'en': 'Livermore, CA'}, '3313038':{'en': 'Cergy', 'fr': 'Cergy'}, '3313039':{'en': 'Marines', 'fr': 'Marines'}, '1925449':{'en': 'Livermore, CA'}, '1918392':{'en': 'Tulsa, OK'}, '1918394':{'en': 'Tulsa, OK'}, '1918396':{'en': 'Skiatook, OK'}, '1918398':{'en': 'Tulsa, OK'}, '1941564':{'en': 'North Port, FL'}, '1941567':{'en': 'Bradenton, FL'}, '1914366':{'en': 'Sleepy Hollow, NY'}, '1989773':{'en': 'Mount Pleasant, MI'}, '1970774':{'en': 'Haxtun, CO'}, '1970776':{'en': 'Loveland, CO'}, '1905460':{'en': 'Brampton, ON'}, '1905461':{'en': 'Mississauga, ON'}, '3314688':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '1905463':{'en': 'Brampton, ON'}, '1905465':{'en': 'Oakville, ON'}, '1905468':{'en': 'Niagara-on-the-Lake, ON'}, '1905469':{'en': 'Oakville, ON'}, '3314680':{'en': 'Vitry-sur-Seine', 'fr': 'Vitry-sur-Seine'}, '3314681':{'en': 'Vitry-sur-Seine', 'fr': 'Vitry-sur-Seine'}, '3314686':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '3314687':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '3314684':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1973824':{'en': 'Newark, NJ'}, '1908474':{'en': 'Linden, NJ'}, '1908475':{'en': 'Belvidere, NJ'}, '263668':{'en': 'Mutorashanga'}, '1989842':{'en': 'Breckenridge, MI'}, '1919620':{'en': 'Durham, NC'}, '1910285':{'en': 'Wallace, NC'}, '1956969':{'en': 'Weslaco, TX'}, '1956968':{'en': 'Weslaco, TX'}, '1956787':{'en': 'Pharr, TX'}, '1910289':{'en': 'Rose Hill, NC'}, '1956781':{'en': 'Pharr, TX'}, '1956783':{'en': 'Pharr, TX'}, '1956782':{'en': 'Pharr, TX'}, '26467300':{'en': 'Otjiwarongo'}, '26467301':{'en': 'Otjiwarongo'}, '26467302':{'en': 'Otjiwarongo'}, '26467303':{'en': 'Otjiwarongo'}, '26467304':{'en': 'Otjiwarongo'}, '26467307':{'en': 'Otjiwarongo'}, '26467308':{'en': 'Otjiwarongo'}, '1864682':{'en': 'Laurens, SC'}, '1864681':{'en': 'Laurens, SC'}, '1914944':{'en': 'Ossining, NY'}, '1918933':{'en': 'Tulsa, OK'}, '1914949':{'en': 'White Plains, NY'}, '1914948':{'en': 'White Plains, NY'}, '1989845':{'en': 'Chesaning, MI'}, '1918938':{'en': 'Tulsa, OK'}, '3285':{'de': 'Huy', 'en': 'Huy', 'fr': 'Huy', 'nl': 'Hoei'}, '1949645':{'en': 'Costa Mesa, CA'}, '3284':{'de': 'Marche-en-Famenne', 'en': 'Marche-en-Famenne', 'fr': 'Marche-en-Famenne', 'nl': 'Marche-en-Famenne'}, '3283':{'de': 'Ciney', 'en': 'Ciney', 'fr': 'Ciney', 'nl': 'Ciney'}, '3282':{'de': 'Dinant', 'en': 'Dinant', 'fr': 'Dinant', 'nl': 'Dinant'}, '2125229':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1919453':{'en': 'Wake Forest, NC'}, '3281':{'de': u('Nam\u00fcr'), 'en': 'Namur', 'fr': 'Namur', 'nl': 'Namen'}, '1915546':{'en': 'El Paso, TX'}, '2125222':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1915544':{'en': 'El Paso, TX'}, '1915545':{'en': 'El Paso, TX'}, '1915542':{'en': 'El Paso, TX'}, '1915543':{'en': 'El Paso, TX'}, '2125225':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1915541':{'en': 'El Paso, TX'}, '3314326':{'en': 'Paris', 'fr': 'Paris'}, '1936967':{'en': 'Livingston, TX'}, '233367':{'en': 'Volta Region'}, '1916932':{'en': 'Folsom, CA'}, '1916933':{'en': 'El Dorado Hills, CA'}, '1916930':{'en': 'Sacramento, CA'}, '1864469':{'en': 'Greer, SC'}, '1864467':{'en': 'Greenville, SC'}, '1864463':{'en': 'Cowpens, SC'}, '1864461':{'en': 'Chesnee, SC'}, '1904338':{'en': 'Jacksonville, FL'}, '1903455':{'en': 'Greenville, TX'}, '1903454':{'en': 'Greenville, TX'}, '1904332':{'en': 'Jacksonville, FL'}, '1903451':{'en': 'Mabank, TX'}, '1903450':{'en': 'Greenville, TX'}, '1941473':{'en': 'Englewood, FL'}, '1910938':{'en': 'Jacksonville, NC'}, '302832':{'el': u('\u03a3\u03c0\u03ae\u03bb\u03b9'), 'en': 'Spyli'}, '302833':{'el': u('\u0391\u03bc\u03ac\u03c1\u03b9'), 'en': 'Amari, Rethymno'}, '302834':{'el': u('\u03a0\u03ad\u03c1\u03b1\u03bc\u03b1 \u039c\u03c5\u03bb\u03bf\u03c0\u03bf\u03c4\u03ac\u03bc\u03bf\u03c5'), 'en': 'Perama Mylopotamou'}, '1870881':{'en': 'El Dorado, AR'}, '1870887':{'en': 'Prescott, AR'}, '1870886':{'en': 'Walnut Ridge, AR'}, '1870226':{'en': 'Warren, AR'}, '1870222':{'en': 'McGehee, AR'}, '264632589':{'en': 'Aus'}, '264632583':{'en': 'Guibis'}, '264632581':{'en': 'Aus'}, '1910630':{'en': 'Fayetteville, NC'}, '1904630':{'en': 'Jacksonville, FL'}, '26463683':{'en': 'Keetmanshoop'}, '1940663':{'en': 'Quanah, TX'}, '26331':{'en': 'Chiredzi'}, '1978777':{'en': 'Danvers, MA'}, '1913715':{'en': 'Olathe, KS'}, '1850402':{'en': 'Tallahassee, FL'}, '264677029':{'en': 'Grootfontein'}, '230814':{'en': 'Agalega', 'es': 'Agalega', 'fr': 'Agalega'}, '1865220':{'en': 'Oak Ridge, TN'}, '1904359':{'en': 'Jacksonville, FL'}, '1940665':{'en': 'Gainesville, TX'}, '1902275':{'en': 'Chester, NS'}, '1907357':{'en': 'Wasilla, AK'}, '1907352':{'en': 'Wasilla, AK'}, '1905266':{'en': 'Woodbridge, ON'}, '1905267':{'en': 'Mississauga, ON'}, '1905264':{'en': 'Woodbridge, ON'}, '1905265':{'en': 'Woodbridge, ON'}, '1905263':{'en': 'Hampton, ON'}, '1909798':{'en': 'Redlands, CA'}, '1909799':{'en': 'Loma Linda, CA'}, '1972596':{'en': 'Plano, TX'}, '1972225':{'en': 'Hutchins, TX'}, '1972594':{'en': 'Irving, TX'}, '1972227':{'en': 'Lancaster, TX'}, '1909792':{'en': 'Redlands, CA'}, '1972221':{'en': 'Lewisville, TX'}, '1905268':{'en': 'Mississauga, ON'}, '1972223':{'en': 'DeSoto, TX'}, '1907683':{'en': 'Healy, AK'}, '1919781':{'en': 'Raleigh, NC'}, '264652634':{'en': 'Eenhana'}, '1907688':{'en': 'Chugiak, AK'}, '1954523':{'en': 'Fort Lauderdale, FL'}, '1954522':{'en': 'Fort Lauderdale, FL'}, '1954527':{'en': 'Fort Lauderdale, FL'}, '1954525':{'en': 'Fort Lauderdale, FL'}, '1954524':{'en': 'Fort Lauderdale, FL'}, '24921':{'en': 'Atbara'}, '1860767':{'en': 'Essex, CT'}, '1860763':{'en': 'Enfield, CT'}, '3314725':{'en': 'Nanterre', 'fr': 'Nanterre'}, '3314724':{'en': 'Nanterre', 'fr': 'Nanterre'}, '1979823':{'en': 'Bryan, TX'}, '1901680':{'en': 'Memphis, TN'}, '1901681':{'en': 'Memphis, TN'}, '1901682':{'en': 'Memphis, TN'}, '1901683':{'en': 'Memphis, TN'}, '1901684':{'en': 'Memphis, TN'}, '1908788':{'en': 'Flemington, NJ'}, '25251':{'en': 'Mangauno'}, '264652644':{'en': 'Oshigambo'}, '1940566':{'en': 'Denton, TX'}, '1860528':{'en': 'East Hartford, CT'}, '31487':{'en': 'Druten', 'nl': 'Druten'}, '1904633':{'en': 'Jacksonville, FL'}, '2205676':{'en': 'Georgetown'}, '1949733':{'en': 'Irvine, CA'}, '1915764':{'en': 'Fabens, TX'}, '3313033':{'en': 'Mantes-la-Jolie', 'fr': 'Mantes-la-Jolie'}, '25111517':{'en': 'Sheraton/DID, Addis Ababa'}, '2639':{'en': 'Bulawayo'}, '1915760':{'en': 'El Paso, TX'}, '25111433':{'en': 'Debre Zeit, Addis Ababa'}, '3313037':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '25111432':{'en': 'Dukem, Addis Ababa'}, '2262456':{'en': 'Djibo'}, '1978692':{'en': 'Westford, MA'}, '1978343':{'en': 'Fitchburg, MA'}, '1978342':{'en': 'Fitchburg, MA'}, '1978345':{'en': 'Fitchburg, MA'}, '1978346':{'en': 'Merrimac, MA'}, '237222426':{'en': 'Yagoua'}, '2635483':{'en': 'Lalapanzi'}, '1906227':{'en': 'Marquette, MI'}, '1906226':{'en': 'Marquette, MI'}, '1906225':{'en': 'Marquette, MI'}, '1972647':{'en': 'Grand Prairie, TX'}, '1909444':{'en': 'Walnut, CA'}, '1906228':{'en': 'Marquette, MI'}, '1978525':{'en': 'Gloucester, MA'}, '1918728':{'en': 'Tulsa, OK'}, '1978526':{'en': 'Manchester, MA'}, '1978521':{'en': 'Haverhill, MA'}, '1918723':{'en': 'Westville, OK'}, '1918234':{'en': 'Tulsa, OK'}, '1905318':{'en': 'Hamilton, ON'}, '1905319':{'en': 'Burlington, ON'}, '302285':{'el': u('\u039d\u03ac\u03be\u03bf\u03c2'), 'en': 'Naxos'}, '264672494':{'en': 'Grootfontein'}, '264672491':{'en': 'Grootfontein'}, '264672493':{'en': 'Grootfontein'}, '1863824':{'en': 'Okeechobee, FL'}, '1970963':{'en': 'Carbondale, CO'}, '1970962':{'en': 'Loveland, CO'}, '1925875':{'en': 'Dublin, CA'}, '1913884':{'en': 'Gardner, KS'}, '1850547':{'en': 'Bonifay, FL'}, '1850983':{'en': 'Milton, FL'}, '1850981':{'en': 'Milton, FL'}, '1913782':{'en': 'Olathe, KS'}, '1941979':{'en': 'Port Charlotte, FL'}, '1910497':{'en': 'Spring Lake, NC'}, '1972790':{'en': 'Irving, TX'}, '1956574':{'en': 'Brownsville, TX'}, '26464510':{'en': 'Arandis'}, '26464511':{'en': 'Arandis'}, '26464512':{'en': 'Arandis'}, '3135':{'en': 'Hilversum', 'nl': 'Hilversum'}, '3136':{'en': 'Almere', 'nl': 'Almere'}, '1970345':{'en': 'Akron, CO'}, '3130':{'en': 'Utrecht', 'nl': 'Utrecht'}, '1970347':{'en': 'Greeley, CO'}, '1970346':{'en': 'Greeley, CO'}, '1970349':{'en': 'Crested Butte, CO'}, '3138':{'en': 'Zwolle', 'nl': 'Zwolle'}, '3313953':{'en': 'Versailles', 'fr': 'Versailles'}, '3313952':{'en': 'Chatou', 'fr': 'Chatou'}, '3313951':{'en': 'Versailles', 'fr': 'Versailles'}, '3313950':{'en': 'Versailles', 'fr': 'Versailles'}, '3313957':{'en': 'Sartrouville', 'fr': 'Sartrouville'}, '3313956':{'en': 'Buc', 'fr': 'Buc'}, '3313955':{'en': 'Le Chesnay', 'fr': 'Le Chesnay'}, '3313954':{'en': 'Le Chesnay', 'fr': 'Le Chesnay'}, '3313959':{'en': 'Eaubonne', 'fr': 'Eaubonne'}, '3313958':{'en': 'Marly-le-Roi', 'fr': 'Marly-le-Roi'}, '1925308':{'en': 'Brentwood, CA'}, '1905859':{'en': 'Nobleton, ON'}, '1905858':{'en': 'Mississauga, ON'}, '1905851':{'en': 'Woodbridge, ON'}, '1905850':{'en': 'Woodbridge, ON'}, '1905853':{'en': 'Newmarket, ON'}, '1905852':{'en': 'Uxbridge, ON'}, '1905855':{'en': 'Mississauga, ON'}, '1905854':{'en': 'Campbellville, ON'}, '1905857':{'en': 'Bolton, ON'}, '1905856':{'en': 'Woodbridge, ON'}, '3314147':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '2292022':{'en': u('Kandi\u00e9v\u00e9'), 'fr': u('Kandi\u00e9v\u00e9')}, '2292021':{'en': 'Ongala', 'fr': 'Ongala'}, '2292026':{'en': u('Sak\u00e9t\u00e9/Igolo'), 'fr': u('Sak\u00e9t\u00e9/Igolo')}, '1863314':{'en': 'Sebring, FL'}, '2292024':{'en': u('S\u00e8m\u00e8'), 'fr': u('S\u00e8m\u00e8')}, '2292025':{'en': u('Pob\u00e8/K\u00e9tou'), 'fr': u('Pob\u00e8/K\u00e9tou')}, '1863318':{'en': 'Winter Haven, FL'}, '2292029':{'en': u('Ou\u00e9m\u00e9/Plateau departments'), 'fr': u('D\u00e9partements Ou\u00e9m\u00e9/Plateau')}, '3314099':{'en': 'Suresnes', 'fr': 'Suresnes'}, '3314096':{'en': 'Antony', 'fr': 'Antony'}, '3314095':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314094':{'en': 'Clamart', 'fr': 'Clamart'}, '3314093':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314092':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314091':{'en': 'Sceaux', 'fr': 'Sceaux'}, '3314090':{'en': 'Puteaux', 'fr': 'Puteaux'}, '1928237':{'en': 'Prescott, AZ'}, '1864898':{'en': 'Pickens, SC'}, '1951340':{'en': 'Corona, CA'}, '2410158':{'en': u('Lambar\u00e9n\u00e9')}, '1951343':{'en': 'Riverside, CA'}, '2410150':{'en': 'Gamba'}, '2410156':{'en': 'Port-Gentil'}, '264645213':{'en': u('R\u00f6ssing Mine')}, '2410154':{'en': u('Ombou\u00e9')}, '2410155':{'en': 'Port-Gentil'}, '3314897':{'en': 'Bagnolet', 'fr': 'Bagnolet'}, '3314896':{'en': 'Drancy', 'fr': 'Drancy'}, '3314895':{'en': 'Drancy', 'fr': 'Drancy'}, '3314894':{'en': 'Rosny-Sous-Bois', 'fr': 'Rosny-Sous-Bois'}, '3314893':{'en': 'Charenton-le-Pont', 'fr': 'Charenton-le-Pont'}, '3314892':{'en': 'Choisy-le-Roi', 'fr': 'Choisy-le-Roi'}, '3314891':{'en': 'Pantin', 'fr': 'Pantin'}, '3314890':{'en': 'Choisy-le-Roi', 'fr': 'Choisy-le-Roi'}, '1910272':{'en': 'Lumberton, NC'}, '3314899':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314898':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '1912383':{'en': 'Douglas, GA'}, '1912384':{'en': 'Douglas, GA'}, '1912389':{'en': 'Douglas, GA'}, '251116860':{'en': 'Sendafa, Addis Ababa'}, '3314689':{'en': 'Antony', 'fr': 'Antony'}, '1916543':{'en': 'Lincoln, CA'}, '26465234':{'en': 'Ongwediva'}, '26465233':{'en': 'Ongwediva'}, '26465230':{'en': 'Ongwediva'}, '26465231':{'en': 'Ongwediva'}, '3314682':{'en': 'Vitry-sur-Seine', 'fr': 'Vitry-sur-Seine'}, '3314683':{'en': 'Sceaux', 'fr': 'Sceaux'}, '1910270':{'en': 'Hampstead, NC'}, '1910875':{'en': 'Raeford, NC'}, '264625183':{'en': 'Ombotozu'}, '264625181':{'en': 'Otjozondu'}, '1985764':{'en': 'Destrehan, LA'}, '1864327':{'en': 'Spartanburg, SC'}, '264625184':{'en': 'Ombotozu'}, '1912653':{'en': 'Pembroke, GA'}, '1920882':{'en': 'Appleton, WI'}, '1912651':{'en': 'Savannah, GA'}, '1920887':{'en': 'Beaver Dam, WI'}, '1920886':{'en': 'Neenah, WI'}, '1920885':{'en': 'Beaver Dam, WI'}, '1920884':{'en': 'Green Bay, WI'}, '1903665':{'en': 'Jefferson, TX'}, '1904810':{'en': 'St. Augustine, FL'}, '1903667':{'en': 'De Kalb, TX'}, '1903845':{'en': 'Gladewater, TX'}, '1904814':{'en': 'St. Augustine, FL'}, '1903663':{'en': 'Longview, TX'}, '25146334':{'en': 'Shakiso, South Region'}, '1903849':{'en': 'Chandler, TX'}, '1904819':{'en': 'St. Augustine, FL'}, '1903668':{'en': 'Hallsville, TX'}, '25146331':{'en': 'Dilla, South Region'}, '25146332':{'en': 'Yirga-Chefe, South Region'}, '25146333':{'en': 'Wonago, South Region'}, '1971255':{'en': 'Portland, OR'}, '1907543':{'en': 'Bethel, AK'}, '1949387':{'en': 'Irvine, CA'}, '1936398':{'en': 'Corrigan, TX'}, '22043':{'en': 'Bundung/Serekunda'}, '22042':{'en': 'Banjul'}, '1912739':{'en': 'Claxton, GA'}, '1972699':{'en': 'Richardson, TX'}, '1972698':{'en': 'Mesquite, TX'}, '2347020':{'en': 'Pank Shin'}, '1972691':{'en': 'Flower Mound, TX'}, '1972690':{'en': 'Richardson, TX'}, '1928373':{'en': 'Yuma, AZ'}, '1860951':{'en': 'Hartford, CT'}, '1860956':{'en': 'Hartford, CT'}, '1860408':{'en': 'Simsbury, CT'}, '2682505':{'en': 'Manzini'}, '2682506':{'en': 'Manzini'}, '1951657':{'en': 'Perris, CA'}, '2224544':{'en': u('Zou\u00e9rat'), 'fr': u('Zou\u00e9rat')}, '2224546':{'en': 'Atar', 'fr': 'Atar'}, '1920739':{'en': 'Appleton, WI'}, '1937275':{'en': 'Dayton, OH'}, '1925682':{'en': 'Concord, CA'}, '1925680':{'en': 'Concord, CA'}, '1925681':{'en': 'Concord, CA'}, '1925686':{'en': 'Concord, CA'}, '1925687':{'en': 'Concord, CA'}, '1925684':{'en': 'Bethel Island, CA'}, '1925685':{'en': 'Concord, CA'}, '1925689':{'en': 'Concord, CA'}, '1978750':{'en': 'Danvers, MA'}, '1918439':{'en': 'Tulsa, OK'}, '1856273':{'en': 'Mount Laurel, NJ'}, '3313018':{'en': 'Goussainville', 'fr': 'Goussainville'}, '1925469':{'en': 'Pleasanton, CA'}, '3313013':{'en': 'Trappes', 'fr': 'Trappes'}, '3313010':{'en': 'Cormeilles-en-Parisis', 'fr': 'Cormeilles-en-Parisis'}, '3313011':{'en': 'Gonesse', 'fr': 'Gonesse'}, '1925462':{'en': 'Pleasanton, CA'}, '1925463':{'en': 'Pleasanton, CA'}, '1925460':{'en': 'Pleasanton, CA'}, '1925461':{'en': 'Pleasanton, CA'}, '25133222':{'en': 'Hayk, North-East Region'}, '25133223':{'en': 'Mille, North-East Region'}, '25133220':{'en': 'Mekana Selam, North-East Region'}, '25133221':{'en': 'Bistima, North-East Region'}, '25133226':{'en': 'Jama, North-East Region'}, '2333920':{'en': 'Wa'}, '1916351':{'en': 'Folsom, CA'}, '25133225':{'en': 'Elidar, North-East Region'}, '264631717':{'en': 'Gibeon'}, '264642112':{'en': 'Langstrand'}, '1905448':{'en': 'Oshawa, ON'}, '264642110':{'en': 'Langstrand'}, '264642119':{'en': 'Walvis Bay'}, '264642118':{'en': 'Walvis Bay'}, '3314506':{'en': 'Suresnes', 'fr': 'Suresnes'}, '1914941':{'en': 'Ossining, NY'}, '1908454':{'en': 'Phillipsburg, NJ'}, '1908453':{'en': 'Oxford Township, NJ'}, '269760':{'en': 'Domoni', 'fr': 'Domoni'}, '1970577':{'en': 'Estes Park, CO'}, '269762':{'en': u('Moh\u00e9li'), 'fr': u('Moh\u00e9li')}, '269763':{'en': 'Moroni', 'fr': 'Moroni'}, '1912871':{'en': 'Statesboro, GA'}, '1919359':{'en': 'Clayton, NC'}, '269767':{'en': u('Mb\u00e9ni'), 'fr': u('Mb\u00e9ni')}, '1910264':{'en': 'Wilmington, NC'}, '269769':{'en': 'Foumbouni', 'fr': 'Foumbouni'}, '1910267':{'en': 'Faison, NC'}, '1919603':{'en': 'Oxford, NC'}, '1919350':{'en': 'Raleigh, NC'}, '1914946':{'en': 'White Plains, NY'}, '264671700':{'en': 'Andara'}, '264671768':{'en': 'Etosha Rurtel'}, '1914923':{'en': 'Ossining, NY'}, '264671767':{'en': 'Etosha Rurtel'}, '1914921':{'en': 'Rye, NY'}, '264671765':{'en': 'Omatjene'}, '264671762':{'en': 'Okaputa'}, '264671763':{'en': 'Okaukuejo'}, '1914925':{'en': 'Rye, NY'}, '2333431':{'en': 'Nkawkaw'}, '2333430':{'en': 'Akosombo'}, '1970759':{'en': 'Durango, CO'}, '3314207':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314204':{'en': 'Suresnes', 'fr': 'Suresnes'}, '3314205':{'en': 'Paris', 'fr': 'Paris'}, '3314202':{'en': 'Paris', 'fr': 'Paris'}, '3314203':{'en': 'Paris', 'fr': 'Paris'}, '3314200':{'en': 'Paris', 'fr': 'Paris'}, '1952937':{'en': 'Eden Prairie, MN'}, '1952934':{'en': 'Eden Prairie, MN'}, '3314201':{'en': 'Paris', 'fr': 'Paris'}, '1904317':{'en': 'Jacksonville, FL'}, '3123':{'en': 'Haarlem', 'nl': 'Haarlem'}, '1989652':{'en': 'Frankenmuth, MI'}, '264637130':{'en': 'Keetmanshoop'}, '1989658':{'en': 'Ubly, MI'}, '1903783':{'en': 'Paris, TX'}, '1903786':{'en': 'Pottsboro, TX'}, '1903785':{'en': 'Paris, TX'}, '1903784':{'en': 'Paris, TX'}, '1985370':{'en': 'Ponchatoula, LA'}, '3314209':{'en': 'Paris', 'fr': 'Paris'}, '2125228':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1941613':{'en': 'Port Charlotte, FL'}, '1916374':{'en': 'West Sacramento, CA'}, '1937547':{'en': 'Greenville, OH'}, '1916376':{'en': 'West Sacramento, CA'}, '3313468':{'en': 'Louvres', 'fr': 'Louvres'}, '1916371':{'en': 'West Sacramento, CA'}, '1916372':{'en': 'West Sacramento, CA'}, '1916373':{'en': 'West Sacramento, CA'}, '1916379':{'en': 'Sacramento, CA'}, '1937548':{'en': 'Greenville, OH'}, '1937549':{'en': 'Manchester, OH'}, '1850421':{'en': 'Tallahassee, FL'}, '2125223':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1850423':{'en': 'Crestview, FL'}, '1850422':{'en': 'Tallahassee, FL'}, '1850425':{'en': 'Tallahassee, FL'}, '1865200':{'en': 'Knoxville, TN'}, '3314281':{'en': 'Paris', 'fr': 'Paris'}, '1850429':{'en': 'Pensacola, FL'}, '1907376':{'en': 'Wasilla, AK'}, '1907374':{'en': 'Fairbanks, AK'}, '2125220':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1907373':{'en': 'Wasilla, AK'}, '331434':{'en': 'Paris', 'fr': 'Paris'}, '2125227':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1951487':{'en': 'San Jacinto, CA'}, '1951486':{'en': 'Moreno Valley, CA'}, '1951485':{'en': 'Moreno Valley, CA'}, '2125226':{'en': 'Casablanca', 'fr': 'Casablanca'}, '1936494':{'en': 'Conroe, TX'}, '256486':{'en': 'Kabale/Rukungiri/Kisoro'}, '256485':{'en': 'Mbarara'}, '2125224':{'en': 'Casablanca', 'fr': 'Casablanca'}, '256483':{'en': 'Fort Portal'}, '256481':{'en': 'Masaka'}, '1937723':{'en': 'Dayton, OH'}, '1905206':{'en': 'Mississauga, ON'}, '1905209':{'en': 'Markham, ON'}, '264662674':{'en': 'Rundu'}, '264662670':{'en': 'Rundu'}, '264662671':{'en': 'Rundu'}, '264662672':{'en': 'Rundu'}, '264662673':{'en': 'Rundu'}, '1902431':{'en': 'Halifax, NS'}, '1902436':{'en': 'Summerside, PE'}, '1902434':{'en': 'Dartmouth, NS'}, '1902435':{'en': 'Dartmouth, NS'}, '264673180':{'en': 'Okamatapati'}, '264673181':{'en': 'Okamatapati'}, '1954509':{'en': 'Coral Springs, FL'}, '31475':{'en': 'Roermond', 'nl': 'Roermond'}, '1856933':{'en': 'Bellmawr, NJ'}, '1949717':{'en': 'Newport Beach, CA'}, '1949715':{'en': 'Laguna Beach, CA'}, '1949718':{'en': 'Newport Beach, CA'}, '1949719':{'en': 'Newport Beach, CA'}, '1949249':{'en': 'Laguna Niguel, CA'}, '1936231':{'en': 'Conroe, TX'}, '1863326':{'en': 'Winter Haven, FL'}, '1972206':{'en': 'Grand Prairie, TX'}, '1972205':{'en': 'Garland, TX'}, '1972202':{'en': 'Plano, TX'}, '1972208':{'en': 'Plano, TX'}, '269772':{'en': u('Moh\u00e9li'), 'fr': u('Moh\u00e9li')}, '1978327':{'en': 'Lawrence, MA'}, '1908206':{'en': 'Union, NJ'}, '1904551':{'en': 'Jacksonville, FL'}, '3315369':{'en': 'Paris', 'fr': 'Paris'}, '1902538':{'en': 'Berwick, NS'}, '1916939':{'en': 'El Dorado Hills, CA'}, '269770':{'en': 'Domoni', 'fr': 'Domoni'}, '1973333':{'en': 'Paterson, NJ'}, '1973338':{'en': 'Bloomfield, NJ'}, '1940538':{'en': 'Henrietta, TX'}, '1902532':{'en': 'Annapolis Royal, NS'}, '25146556':{'en': 'Alaba Kulito, South Region'}, '1867872':{'en': 'Fort Smith, NT'}, '1867873':{'en': 'Yellowknife, NT'}, '1867874':{'en': 'Hay River, NT'}, '1863802':{'en': 'Lakeland, FL'}, '25147445':{'en': 'Bedele, South-West Region'}, '2908':{'en': 'Tristan da Cunha', 'fr': 'Tristan da Cunha'}, '1913294':{'en': 'Paola, KS'}, '1918742':{'en': 'Tulsa, OK'}, '1918747':{'en': 'Tulsa, OK'}, '1918746':{'en': 'Tulsa, OK'}, '1918745':{'en': 'Tulsa, OK'}, '1941917':{'en': 'Sarasota, FL'}, '1918749':{'en': 'Tulsa, OK'}, '1918748':{'en': 'Tulsa, OK'}, '1913299':{'en': 'Kansas City, KS'}, '1940397':{'en': 'Wichita Falls, TX'}, '3216':{'de': u('L\u00f6wen'), 'en': 'Leuven', 'fr': 'Louvain', 'nl': 'Leuven'}, '26464530':{'en': 'Usakos'}, '3153':{'en': 'Enschede', 'nl': 'Enschede'}, '1970328':{'en': 'Eagle, CO'}, '3155':{'en': 'Apeldoorn', 'nl': 'Apeldoorn'}, '302831':{'el': u('\u03a1\u03ad\u03b8\u03c5\u03bc\u03bd\u03bf'), 'en': 'Rethymno'}, '1970323':{'en': 'Olathe, CO'}, '3158':{'en': 'Leeuwarden', 'nl': 'Leeuwarden'}, '1970327':{'en': 'Norwood, CO'}, '26466253':{'en': 'Katima-Mulilo'}, '1970325':{'en': 'Ouray, CO'}, '1905833':{'en': 'King City, ON'}, '1905832':{'en': 'Maple, ON'}, '1905831':{'en': 'Pickering, ON'}, '1905830':{'en': 'Newmarket, ON'}, '1905837':{'en': 'Pickering, ON'}, '1905836':{'en': 'Newmarket, ON'}, '1905835':{'en': 'Port Colborne, ON'}, '1905834':{'en': 'Port Colborne, ON'}, '3313975':{'en': 'Orgeval', 'fr': 'Orgeval'}, '3313974':{'en': u('Andr\u00e9sy'), 'fr': u('Andr\u00e9sy')}, '1905839':{'en': 'Pickering, ON'}, '3313976':{'en': u('Le V\u00e9sinet'), 'fr': u('Le V\u00e9sinet')}, '1905789':{'en': 'Brampton, ON'}, '1905788':{'en': 'Welland, ON'}, '3313973':{'en': 'Saint-Germain-en-Laye', 'fr': 'Saint-Germain-en-Laye'}, '3313972':{'en': 'Conflans-Sainte-Honorine', 'fr': 'Conflans-Sainte-Honorine'}, '1941629':{'en': 'Port Charlotte, FL'}, '1941627':{'en': 'Port Charlotte, FL'}, '1941624':{'en': 'Port Charlotte, FL'}, '1941625':{'en': 'Port Charlotte, FL'}, '1941623':{'en': 'Port Charlotte, FL'}, '25146771':{'en': 'Werabe, South Region'}, '1850309':{'en': 'Tallahassee, FL'}, '1865925':{'en': 'Knoxville, TN'}, '1865430':{'en': 'Gatlinburg, TN'}, '1865436':{'en': 'Gatlinburg, TN'}, '1865922':{'en': 'Knoxville, TN'}, '1865435':{'en': 'Oliver Springs, TN'}, '1867695':{'en': 'Fort Simpson, NT'}, '23087':{'en': 'Rodrigues', 'es': 'Rodrigues', 'fr': 'Rodrigues'}, '25147337':{'en': 'Chora, South-West Region'}, '25147336':{'en': 'Aman, South-West Region'}, '25147335':{'en': 'Mizan Teferi, South-West Region'}, '25147334':{'en': 'Maji, South-West Region'}, '25147333':{'en': 'Yayo, South-West Region'}, '25147331':{'en': 'Bonga, South-West Region'}, '1989539':{'en': 'Harrison, MI'}, '1989828':{'en': 'Shepherd, MI'}, '1989826':{'en': 'Mio, MI'}, '1989821':{'en': 'Roscommon, MI'}, '1989823':{'en': 'Vassar, MI'}, '264652850':{'en': 'Omutsewonime'}, '1951369':{'en': 'Riverside, CA'}, '1951817':{'en': 'Corona, CA'}, '1931474':{'en': 'McMinnville, TN'}, '212532':{'en': u('F\u00e8s/Errachidia/Mekn\u00e8s/Nador/Oujda/Taza'), 'fr': u('F\u00e8s/Oujda/Mekn\u00e8s/Taza/Nador/Errachidia')}, '212531':{'en': u('Tangier/Al Hoceima/Larache/T\u00e8touan'), 'fr': u('Tanger/T\u00e9touan/Larache/Al Hoceima/Cherfchaouen')}, '212530':{'en': u('Rabat/K\u00e8nitra'), 'fr': u('Rabat/K\u00e9nitra')}, '264625390':{'en': 'Klein Aub'}, '1906847':{'en': 'Mackinac Island, MI'}, '1989797':{'en': 'Saginaw, MI'}, '264625611':{'en': 'Otjiwa'}, '264625610':{'en': 'Otjiwa'}, '1989792':{'en': 'Saginaw, MI'}, '1989793':{'en': 'Saginaw, MI'}, '1989790':{'en': 'Saginaw, MI'}, '1989791':{'en': 'Saginaw, MI'}, '264625618':{'en': 'Summerdown'}, '1989799':{'en': 'Saginaw, MI'}, '1916568':{'en': 'Sacramento, CA'}, '1919220':{'en': 'Durham, NC'}, '1916565':{'en': 'Sacramento, CA'}, '1916564':{'en': 'Sacramento, CA'}, '1916567':{'en': 'Sacramento, CA'}, '1857654':{'en': 'Boston, MA'}, '1910815':{'en': 'Wilmington, NC'}, '1910814':{'en': 'Lillington, NC'}, '1870382':{'en': 'Dumas, AR'}, '264673062':{'en': 'Klein Waterberg'}, '264673061':{'en': 'Otjiwarongo'}, '264673060':{'en': 'Otjiwarongo'}, '264673067':{'en': 'Klein Waterberg'}, '264673066':{'en': 'Klein Waterberg'}, '1912673':{'en': 'St. Marys, GA'}, '264673064':{'en': 'Klein Waterberg'}, '1858939':{'en': 'San Diego, CA'}, '264673068':{'en': 'Omatjene'}, '1864348':{'en': 'Iva, SC'}, '1985747':{'en': 'Amite City, LA'}, '1985748':{'en': 'Amite City, LA'}, '1864346':{'en': 'Greenville, SC'}, '1905305':{'en': 'Markham, ON'}, '25111270':{'en': 'Asko, Addis Ababa'}, '1903868':{'en': 'Sherman, TX'}, '1865692':{'en': 'Knoxville, TN'}, '1865693':{'en': 'Knoxville, TN'}, '1931380':{'en': 'Columbia, TN'}, '1931381':{'en': 'Columbia, TN'}, '25111279':{'en': 'Kolfe, Addis Ababa'}, '1903315':{'en': 'Longview, TX'}, '1903645':{'en': 'Daingerfield, TX'}, '1903643':{'en': 'Longview, TX'}, '1931388':{'en': 'Columbia, TN'}, '1903641':{'en': 'Corsicana, TX'}, '24544342':{'en': 'Bambadinca'}, '1971279':{'en': 'Portland, OR'}, '1907523':{'en': 'Juneau, AK'}, '1907522':{'en': 'Anchorage, AK'}, '220567':{'en': 'Sotuma'}, '220566':{'en': 'Baja Kunda/Basse/Fatoto/Gambisara/Garawol/Misera/Sambakunda/Sudowol'}, '1954759':{'en': 'Fort Lauderdale, FL'}, '1858693':{'en': 'San Diego, CA'}, '2442728':{'en': 'Baia Farta', 'pt': u('Ba\u00eda Farta')}, '2442729':{'en': 'Catumbela', 'pt': 'Catumbela'}, '2442726':{'en': 'Bela Vista', 'pt': 'Bela Vista'}, '302265':{'el': u('\u0386\u03bc\u03c6\u03b9\u03c3\u03c3\u03b1'), 'en': 'Amfissa'}, '1928317':{'en': 'Yuma, AZ'}, '26465251':{'en': 'Ombalantu'}, '1928314':{'en': 'Yuma, AZ'}, '1954265':{'en': 'Hollywood, FL'}, '1954267':{'en': 'Fort Lauderdale, FL'}, '1954262':{'en': 'Davie, FL'}, '1860426':{'en': 'Southington, CT'}, '302682':{'el': u('\u03a0\u03c1\u03ad\u03b2\u03b5\u03b6\u03b1'), 'en': 'Preveza'}, '302681':{'el': u('\u0386\u03c1\u03c4\u03b1'), 'en': 'Arta'}, '29984':{'en': 'Kangerlussuaq'}, '1860423':{'en': 'Willimantic, CT'}, '302685':{'el': u('\u0392\u03bf\u03c5\u03c1\u03b3\u03b1\u03c1\u03ad\u03bb\u03b9'), 'en': 'Athamania'}, '302684':{'el': u('\u039a\u03b1\u03bd\u03b1\u03bb\u03bb\u03ac\u03ba\u03b9'), 'en': 'Kanalaki'}, '2224563':{'en': 'Kiffa', 'fr': 'Kiffa'}, '26464551':{'en': 'Otjimbingwe'}, '1952890':{'en': 'Burnsville, MN'}, '1972864':{'en': 'Garland, TX'}, '2224569':{'en': 'Rosso/Tidjikja', 'fr': 'Rosso/Tidjikja'}, '1952892':{'en': 'Burnsville, MN'}, '1919960':{'en': 'Chapel Hill, NC'}, '1905563':{'en': 'Beamsville, ON'}, '1856478':{'en': 'Mullica Hill, NJ'}, '1901252':{'en': 'Memphis, TN'}, '264657130':{'en': 'Oshakati'}, '1901259':{'en': 'Memphis, TN'}, '1972382':{'en': 'Celina, TX'}, '1856218':{'en': 'Sewell, NJ'}, '1867993':{'en': 'Dawson, YT'}, '1856216':{'en': 'Cherry Hill, NJ'}, '264647162':{'en': 'Swakopmund'}, '264647165':{'en': 'Walvis Bay'}, '1949502':{'en': 'Irvine, CA'}, '1949509':{'en': 'Irvine, CA'}, '1952736':{'en': 'Burnsville, MN'}, '1918689':{'en': 'Eufaula, OK'}, '1918686':{'en': 'Muskogee, OK'}, '1918687':{'en': 'Muskogee, OK'}, '1918684':{'en': 'Muskogee, OK'}, '1918682':{'en': 'Muskogee, OK'}, '1918683':{'en': 'Muskogee, OK'}, '1918681':{'en': 'Muskogee, OK'}, '1910246':{'en': 'Southern Pines, NC'}, '1904765':{'en': 'Jacksonville, FL'}, '1904766':{'en': 'Jacksonville, FL'}, '1910245':{'en': 'Vass, NC'}, '1908431':{'en': 'Hillsborough Township, NJ'}, '1904768':{'en': 'Jacksonville, FL'}, '1956928':{'en': 'McAllen, TX'}, '1908436':{'en': 'Elizabeth, NJ'}, '1979865':{'en': 'Bellville, TX'}, '1979864':{'en': 'Angleton, TX'}, '1864646':{'en': 'Pendleton, SC'}, '1864647':{'en': 'Westminster, SC'}, '1864642':{'en': 'Anderson, SC'}, '264671745':{'en': 'Halali'}, '264671746':{'en': 'Horabe'}, '264671747':{'en': 'Kalkfeld'}, '264671740':{'en': 'Abenab'}, '264671741':{'en': 'Anker'}, '264671742':{'en': 'Sorris-Sorris'}, '264671743':{'en': 'Biermanskool'}, '331426':{'en': 'Paris', 'fr': 'Paris'}, '264671748':{'en': 'Kamanjab'}, '264671749':{'en': 'Khorixas'}, '331422':{'en': 'Paris', 'fr': 'Paris'}, '1864422':{'en': 'Greenville, SC'}, '1989497':{'en': 'Saginaw, MI'}, '1864421':{'en': 'Greenville, SC'}, '1864427':{'en': 'Union, SC'}, '245341':{'pt': u('Bafat\u00e1')}, '245342':{'pt': 'Bambadinca'}, '1864429':{'en': 'Union, SC'}, '1916978':{'en': 'Sacramento, CA'}, '1916979':{'en': 'Sacramento, CA'}, '1903416':{'en': 'Denison, TX'}, '1904375':{'en': 'Orange Park, FL'}, '1904374':{'en': 'Jacksonville, FL'}, '1916972':{'en': 'Sacramento, CA'}, '1916973':{'en': 'Sacramento, CA'}, '1904379':{'en': 'Jacksonville, FL'}, '1904378':{'en': 'Jacksonville, FL'}, '264632408':{'en': 'Mariental'}, '264632409':{'en': 'Mariental'}, '264632403':{'en': 'Mariental'}, '1919881':{'en': 'Raleigh, NC'}, '264632406':{'en': 'Mariental'}, '1952955':{'en': 'Watertown, MN'}, '264632404':{'en': 'Mariental'}, '264632405':{'en': 'Mariental'}, '1989671':{'en': 'Bay City, MI'}, '1989673':{'en': 'Caro, MI'}, '1989672':{'en': 'Caro, MI'}, '1985359':{'en': 'LaPlace, LA'}, '264625421':{'en': u('Groot\u2013Aub')}, '1865594':{'en': 'Knoxville, TN'}, '1940872':{'en': 'Bowie, TX'}, '1918628':{'en': 'Tulsa, OK'}, '237233324':{'en': u('Bu\u00e9a')}, '1904807':{'en': 'Jacksonville, FL'}, '3314754':{'en': 'Paris', 'fr': 'Paris'}, '3314755':{'en': 'Paris', 'fr': 'Paris'}, '264631734':{'en': 'Karasburg'}, '3314757':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '3314750':{'en': 'Chaville', 'fr': 'Chaville'}, '3314751':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314752':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314753':{'en': 'Paris', 'fr': 'Paris'}, '1989892':{'en': 'Bay City, MI'}, '237222354':{'en': u('Galim Tign\u00e8re')}, '3314758':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '3314759':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '1904997':{'en': 'Jacksonville, FL'}, '1904996':{'en': 'Jacksonville, FL'}, '1937525':{'en': 'Springfield, OH'}, '1937526':{'en': 'Versailles, OH'}, '25111680':{'en': 'Debre Sina, Addis Ababa'}, '25111681':{'en': 'Debre Birehan, Addis Ababa'}, '1916354':{'en': 'Rancho Murieta, CA'}, '1916355':{'en': 'Folsom, CA'}, '1916353':{'en': 'Folsom, CA'}, '1904998':{'en': 'Jacksonville, FL'}, '264631737':{'en': 'Keetmanshoop'}, '1979277':{'en': 'Brenham, TX'}, '1979272':{'en': 'Caldwell, TX'}, '1901369':{'en': 'Memphis, TN'}, '1865777':{'en': 'Knoxville, TN'}, '1918623':{'en': 'Okemah, OK'}, '1850444':{'en': 'Pensacola, FL'}, '264631736':{'en': 'Keetmanshoop'}, '1920436':{'en': 'Green Bay, WI'}, '1920437':{'en': 'Green Bay, WI'}, '1920434':{'en': 'Green Bay, WI'}, '1920435':{'en': 'Green Bay, WI'}, '1920432':{'en': 'Green Bay, WI'}, '1920433':{'en': 'Green Bay, WI'}, '1920430':{'en': 'Green Bay, WI'}, '1920431':{'en': 'Green Bay, WI'}, '237233327':{'en': u('Bu\u00e9a')}, '1928785':{'en': 'Wellton, AZ'}, '1937298':{'en': 'Dayton, OH'}, '1937299':{'en': 'Dayton, OH'}, '1928782':{'en': 'Yuma, AZ'}, '1928783':{'en': 'Yuma, AZ'}, '1937292':{'en': 'Bellefontaine, OH'}, '1937293':{'en': 'Dayton, OH'}, '1937291':{'en': 'Dayton, OH'}, '1928788':{'en': 'Fort Mohave, AZ'}, '1905227':{'en': 'Thorold, ON'}, '1937294':{'en': 'Dayton, OH'}, '1937295':{'en': 'Fort Loramie, OH'}, '1951601':{'en': 'Moreno Valley, CA'}, '1951600':{'en': 'Murrieta, CA'}, '1951609':{'en': 'Wildomar, CA'}, '264671774':{'en': 'Otjiwarongo'}, '264631730':{'en': 'Karasburg'}, '1972599':{'en': 'Plano, TX'}, '1909982':{'en': 'Upland, CA'}, '1909797':{'en': 'Yucaipa, CA'}, '1985626':{'en': 'Mandeville, LA'}, '1919789':{'en': 'Raleigh, NC'}, '1909793':{'en': 'Redlands, CA'}, '1972222':{'en': 'Mesquite, TX'}, '1949262':{'en': 'Irvine, CA'}, '1910693':{'en': 'Southern Pines, NC'}, '1949260':{'en': 'Irvine, CA'}, '1870595':{'en': 'Rector, AR'}, '1910692':{'en': 'Southern Pines, NC'}, '1954385':{'en': 'Weston, FL'}, '1954384':{'en': 'Weston, FL'}, '1954389':{'en': 'Weston, FL'}, '1870598':{'en': 'Piggott, AR'}, '264625392':{'en': 'Rietoog'}, '264625393':{'en': 'Rietoog'}, '1972262':{'en': 'Grand Prairie, TX'}, '1972263':{'en': 'Grand Prairie, TX'}, '1972264':{'en': 'Grand Prairie, TX'}, '1850926':{'en': 'Crawfordville, FL'}, '1972266':{'en': 'Grand Prairie, TX'}, '1920685':{'en': 'Omro, WI'}, '1973684':{'en': 'Paterson, NJ'}, '1973686':{'en': 'Wayne, NJ'}, '1973689':{'en': 'Paterson, NJ'}, '1908221':{'en': 'Bernardsville, NJ'}, '1904579':{'en': 'Orange Park, FL'}, '1905655':{'en': 'Brooklin, ON'}, '1904573':{'en': 'Jacksonville, FL'}, '1870628':{'en': 'Star City, AR'}, '1906265':{'en': 'Iron River, MI'}, '1904683':{'en': 'Jacksonville, FL'}, '2333627':{'en': 'Hohoe'}, '2333624':{'en': 'Kete-Krachi'}, '2333625':{'en': 'Denu/Aflao'}, '1904687':{'en': 'St. Augustine, FL'}, '2333623':{'en': 'Kpandu'}, '2333620':{'en': 'Ho'}, '2333621':{'en': 'Amedzofe'}, '1973353':{'en': 'Newark, NJ'}, '1973350':{'en': 'Newark, NJ'}, '1973357':{'en': 'Paterson, NJ'}, '1954927':{'en': 'Hollywood, FL'}, '1954926':{'en': 'Hollywood, FL'}, '1954925':{'en': 'Hollywood, FL'}, '1954924':{'en': 'Hollywood, FL'}, '1954923':{'en': 'Hollywood, FL'}, '1954922':{'en': 'Hollywood, FL'}, '1954921':{'en': 'Hollywood, FL'}, '1954920':{'en': 'Hollywood, FL'}, '25133336':{'en': 'Lalibela, North-East Region'}, '1954929':{'en': 'Hollywood, FL'}, '264631771':{'en': 'Schilp'}, '264631770':{'en': 'Rosh Pinah'}, '264631772':{'en': 'Seeheim'}, '264631775':{'en': 'Stinkdoring'}, '1972881':{'en': 'Plano, TX'}, '264631777':{'en': 'Tsumispark'}, '264631776':{'en': 'Tses'}, '264631779':{'en': 'Warmbad'}, '25133330':{'en': 'Sirinka, North-East Region'}, '1972889':{'en': 'Richardson, TX'}, '25133331':{'en': 'Woldia, North-East Region'}, '25133333':{'en': 'Mersa, North-East Region'}, '1928899':{'en': 'Prescott, AZ'}, '1859635':{'en': 'Alexandria, KY'}, '1909937':{'en': 'Ontario, CA'}, '1907883':{'en': 'Tok, AK'}, '1909930':{'en': 'Ontario, CA'}, '1909931':{'en': 'Upland, CA'}, '1941429':{'en': 'North Port, FL'}, '1863655':{'en': 'Sebring, FL'}, '1941932':{'en': 'Bradenton, FL'}, '1941426':{'en': 'North Port, FL'}, '1914592':{'en': 'Elmsford, NY'}, '1913901':{'en': 'Overland Park, KS'}, '1941391':{'en': 'Port Charlotte, FL'}, '1970304':{'en': 'Greeley, CO'}, '26464270':{'en': 'Walvis Bay'}, '26464550':{'en': 'Karibib'}, '1919419':{'en': 'Durham, NC'}, '1919416':{'en': 'Durham, NC'}, '3179':{'en': 'Zoetermeer', 'nl': 'Zoetermeer'}, '3178':{'en': 'Dordrecht', 'nl': 'Dordrecht'}, '1863688':{'en': 'Lakeland, FL'}, '1972840':{'en': 'Garland, TX'}, '1863683':{'en': 'Lakeland, FL'}, '1863682':{'en': 'Lakeland, FL'}, '1859983':{'en': 'Lexington, KY'}, '1863680':{'en': 'Lakeland, FL'}, '1859985':{'en': 'Berea, KY'}, '1863686':{'en': 'Lakeland, FL'}, '1859455':{'en': 'Lexington, KY'}, '1859986':{'en': 'Berea, KY'}, '3314509':{'en': 'Montfermeil', 'fr': 'Montfermeil'}, '3314508':{'en': 'Paris', 'fr': 'Paris'}, '1905819':{'en': 'Mississauga, ON'}, '1905768':{'en': 'Hagersville, ON'}, '1905815':{'en': 'Oakville, ON'}, '1905814':{'en': 'Mississauga, ON'}, '1905817':{'en': 'Mississauga, ON'}, '3314502':{'en': 'Paris', 'fr': 'Paris'}, '3314505':{'en': 'Paris', 'fr': 'Paris'}, '3314504':{'en': 'Paris', 'fr': 'Paris'}, '1905813':{'en': 'Mississauga, ON'}, '1905812':{'en': 'Mississauga, ON'}, '1903535':{'en': 'Tyler, TX'}, '1860417':{'en': 'Watertown, CT'}, '1863357':{'en': 'Okeechobee, FL'}, '1863424':{'en': 'Davenport, FL'}, '1863422':{'en': 'Haines City, FL'}, '1863421':{'en': 'Haines City, FL'}, '1863420':{'en': 'Davenport, FL'}, '1903533':{'en': 'Tyler, TX'}, '264625808':{'en': 'Otjinene'}, '264625809':{'en': 'Otjiwa'}, '1920339':{'en': 'De Pere, WI'}, '1920338':{'en': 'De Pere, WI'}, '1858586':{'en': 'San Diego, CA'}, '1858587':{'en': 'San Diego, CA'}, '1920337':{'en': 'De Pere, WI'}, '1920336':{'en': 'De Pere, WI'}, '237222195':{'en': 'Nanga Eboko'}, '1920330':{'en': 'De Pere, WI'}, '264625804':{'en': 'Eland'}, '1858581':{'en': 'San Diego, CA'}, '31223':{'en': 'Den Helder', 'nl': 'Den Helder'}, '31222':{'en': 'Den Burg', 'nl': 'Den Burg'}, '31224':{'en': 'Schagen', 'nl': 'Schagen'}, '25146446':{'en': 'Yabello, South Region'}, '31229':{'nl': 'Hoorn'}, '31228':{'en': 'Enkhuizen', 'nl': 'Enkhuizen'}, '26464274':{'en': 'Walvis Bay'}, '264671799':{'en': 'Grootfontein'}, '264671798':{'en': 'Grootfontein'}, '1906863':{'en': 'Menominee, MI'}, '1906864':{'en': 'Menominee, MI'}, '1910764':{'en': 'Fayetteville, NC'}, '1850857':{'en': 'Pensacola, FL'}, '1915313':{'en': 'El Paso, TX'}, '1931670':{'en': 'Lyles, TN'}, '1910762':{'en': 'Wilmington, NC'}, '1850329':{'en': 'Tallahassee, FL'}, '1865908':{'en': 'Sevierville, TN'}, '1901685':{'en': 'Memphis, TN'}, '1920593':{'en': 'Green Bay, WI'}, '1864366':{'en': 'Abbeville, SC'}, '1870368':{'en': 'Melbourne, AR'}, '1920849':{'en': 'Chilton, WI'}, '1920596':{'en': 'Manawa, WI'}, '1870364':{'en': 'Crossett, AR'}, '1870365':{'en': 'Harrison, AR'}, '1920845':{'en': 'Luxemburg, WI'}, '1870367':{'en': 'Monticello, AR'}, '1864369':{'en': 'Honea Path, SC'}, '1912692':{'en': 'Savannah, GA'}, '1912691':{'en': 'Savannah, GA'}, '3315362':{'en': 'Paris', 'fr': 'Paris'}, '3315363':{'en': 'Paris', 'fr': 'Paris'}, '1903334':{'en': 'Texarkana, TX'}, '3315361':{'en': 'Paris', 'fr': 'Paris'}, '3315366':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3315367':{'en': 'Paris', 'fr': 'Paris'}, '3315364':{'en': 'Paris', 'fr': 'Paris'}, '3315365':{'en': 'Paris', 'fr': 'Paris'}, '3315368':{'en': 'Paris', 'fr': 'Paris'}, '2682437':{'en': 'Pigg\'s Peak, Hhohho district'}, '1985727':{'en': 'Mandeville, LA'}, '1903628':{'en': 'New Boston, TX'}, '1931905':{'en': 'Clarksville, TN'}, '1931906':{'en': 'Clarksville, TN'}, '1931456':{'en': 'Crossville, TN'}, '1931454':{'en': 'Tullahoma, TN'}, '1931455':{'en': 'Tullahoma, TN'}, '2442524':{'en': 'Lucapa', 'pt': 'Lucapa'}, '2442526':{'en': 'Dundo', 'pt': 'Dundo'}, '1903626':{'en': 'Jewett, TX'}, '1860628':{'en': 'Southington, CT'}, '1860626':{'en': 'Torrington, CT'}, '1860627':{'en': 'Windsor Locks, CT'}, '1860620':{'en': 'Southington, CT'}, '1860621':{'en': 'Southington, CT'}, '264677163':{'en': 'Otjiwarongo'}, '1928337':{'en': 'St. Johns, AZ'}, '264677166':{'en': 'Kamanjab/Otavi'}, '1928333':{'en': 'Springerville, AZ'}, '264677165':{'en': 'Anker/Braunfels/Fransfontein'}, '2205678':{'en': 'Brikama-Ba'}, '1928338':{'en': 'Whiteriver, AZ'}, '26465273':{'en': 'Otjerunda'}, '1860448':{'en': 'Groton, CT'}, '1860449':{'en': 'Groton, CT'}, '2205674':{'en': 'Bansang'}, '1954718':{'en': 'Tamarac, FL'}, '3314961':{'en': 'Villeneuve-le-Roi', 'fr': 'Villeneuve-le-Roi'}, '1860442':{'en': 'New London, CT'}, '1860443':{'en': 'New London, CT'}, '1860444':{'en': 'New London, CT'}, '1860445':{'en': 'Groton, CT'}, '1860446':{'en': 'Groton, CT'}, '1860447':{'en': 'New London, CT'}, '2682548':{'en': 'Ludzeludze, Manzini district'}, '3313429':{'en': 'Roissy-en-France', 'fr': 'Roissy-en-France'}, '3313428':{'en': 'Deuil-la-Barre', 'fr': 'Deuil-la-Barre'}, '3313427':{'en': 'Eaubonne', 'fr': 'Eaubonne'}, '3313425':{'en': 'Cergy', 'fr': 'Cergy'}, '3313424':{'en': 'Cergy', 'fr': 'Cergy'}, '3313422':{'en': 'Cergy', 'fr': 'Cergy'}, '3313421':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '3313420':{'en': 'Cergy', 'fr': 'Cergy'}, '3314969':{'en': 'Cachan', 'fr': 'Cachan'}, '24544325':{'en': u('Br\u00e1')}, '1979421':{'en': 'Brenham, TX'}, '3314968':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '24544320':{'en': 'Bissau'}, '24544321':{'en': 'Bissau'}, '24544322':{'en': 'St. Luzia'}, '1972747':{'en': 'Allen, TX'}, '1972745':{'en': 'Coppell, TX'}, '1972744':{'en': 'Richardson, TX'}, '1925648':{'en': 'Danville, CA'}, '1909548':{'en': 'Chino, CA'}, '264657152':{'en': 'Oshakati'}, '1901278':{'en': 'Memphis, TN'}, '1901274':{'en': 'Memphis, TN'}, '1901276':{'en': 'Memphis, TN'}, '1901271':{'en': 'Memphis, TN'}, '1901273':{'en': 'Memphis, TN'}, '1901272':{'en': 'Memphis, TN'}, '25111275':{'en': 'Addis Ketema II, Addis Ababa'}, '1925426':{'en': 'Pleasanton, CA'}, '1925427':{'en': 'Pittsburg, CA'}, '1904358':{'en': 'Jacksonville, FL'}, '1914699':{'en': 'Mount Vernon, NY'}, '1914698':{'en': 'Mamaroneck, NY'}, '1856456':{'en': 'Gloucester City, NJ'}, '1856455':{'en': 'Bridgeton, NJ'}, '1856453':{'en': 'Bridgeton, NJ'}, '1856451':{'en': 'Bridgeton, NJ'}, '3314997':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '1856459':{'en': 'Bridgeton, NJ'}, '1941894':{'en': 'Sarasota, FL'}, '1941896':{'en': 'Bradenton, FL'}, '1978464':{'en': 'Princeton, MA'}, '1978465':{'en': 'Newburyport, MA'}, '1978466':{'en': 'Leominster, MA'}, '1978461':{'en': 'Maynard, MA'}, '1978462':{'en': 'Newburyport, MA'}, '1978463':{'en': 'Newburyport, MA'}, '1978468':{'en': 'South Hamilton, MA'}, '1919313':{'en': 'Durham, NC'}, '1910223':{'en': 'Fayetteville, NC'}, '1910228':{'en': 'Wilmington, NC'}, '1904744':{'en': 'Jacksonville, FL'}, '1904745':{'en': 'Jacksonville, FL'}, '1904743':{'en': 'Jacksonville, FL'}, '1904741':{'en': 'Jacksonville, FL'}, '1856983':{'en': 'Marlton, NJ'}, '1979849':{'en': 'Angleton, TX'}, '1856237':{'en': 'Sicklerville, NJ'}, '1856988':{'en': 'Marlton, NJ'}, '1970533':{'en': 'Mancos, CO'}, '1970827':{'en': 'Minturn, CO'}, '1902404':{'en': 'Halifax, NS'}, '331407':{'en': 'Paris', 'fr': 'Paris'}, '331406':{'en': 'Paris', 'fr': 'Paris'}, '1864990':{'en': 'Greenville, SC'}, '1864991':{'en': 'Greenville, SC'}, '331403':{'en': 'Paris', 'fr': 'Paris'}, '331402':{'en': 'Paris', 'fr': 'Paris'}, '1864627':{'en': 'Greenville, SC'}, '1858467':{'en': 'San Diego, CA'}, '1910592':{'en': 'Clinton, NC'}, '1910590':{'en': 'Clinton, NC'}, '1910594':{'en': 'Newton Grove, NC'}, '1970799':{'en': 'Durango, CO'}, '1919469':{'en': 'Cary, NC'}, '264651765':{'en': 'Oshakati'}, '1989479':{'en': 'Harbor Beach, MI'}, '1989471':{'en': 'Ossineke, MI'}, '264651768':{'en': 'Oshifo'}, '1956412':{'en': 'Harlingen, TX'}, '1903439':{'en': 'Sulphur Springs, TX'}, '1903438':{'en': 'Sulphur Springs, TX'}, '1952975':{'en': 'Eden Prairie, MN'}, '1904355':{'en': 'Jacksonville, FL'}, '1904354':{'en': 'Jacksonville, FL'}, '1904356':{'en': 'Jacksonville, FL'}, '1904353':{'en': 'Jacksonville, FL'}, '1859846':{'en': 'Midway, KY'}, '1940495':{'en': 'Electra, TX'}, '1919461':{'en': 'Cary, NC'}, '302322':{'el': u('\u039d\u03b9\u03b3\u03c1\u03af\u03c4\u03b1'), 'en': 'Nigrita'}, '302323':{'el': u('\u03a3\u03b9\u03b4\u03b7\u03c1\u03cc\u03ba\u03b1\u03c3\u03c4\u03c1\u03bf'), 'en': 'Sidirokastro'}, '212521':{'en': 'Casablanca/Central Morocco', 'fr': 'Casablanca/Maroc Central'}, '302325':{'el': u('\u0397\u03c1\u03ac\u03ba\u03bb\u03b5\u03b9\u03b1, \u03a3\u03b5\u03c1\u03c1\u03ce\u03bd'), 'en': 'Irakleia, Serres'}, '233317':{'en': 'Western Region'}, '3314192':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314193':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3314190':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '1919463':{'en': 'Cary, NC'}, '3314194':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314195':{'en': 'Fontenay-sous-Bois', 'fr': 'Fontenay-sous-Bois'}, '1940323':{'en': 'Denton, TX'}, '263205':{'en': 'Pengalonga'}, '263204':{'en': 'Odzi'}, '1865579':{'en': 'Knoxville, TN'}, '1865577':{'en': 'Knoxville, TN'}, '264632524':{'en': 'Bulwana'}, '1940855':{'en': 'Wichita Falls, TX'}, '1865573':{'en': 'Knoxville, TN'}, '264632520':{'en': 'Grenslyn'}, '264632523':{'en': 'Asab'}, '1940851':{'en': 'Wichita Falls, TX'}, '1936449':{'en': 'Montgomery, TX'}, '245322':{'pt': 'Sta. Luzia'}, '1905595':{'en': 'Brampton, ON'}, '245320':{'pt': 'Bissau'}, '245321':{'pt': 'Bissau'}, '1905592':{'en': 'Burlington, ON'}, '1905593':{'en': 'Mississauga, ON'}, '3314776':{'en': 'Puteaux', 'fr': 'Puteaux'}, '3314993':{'en': 'Bagnolet', 'fr': 'Bagnolet'}, '3314774':{'en': 'Puteaux', 'fr': 'Puteaux'}, '3314775':{'en': 'Puteaux', 'fr': 'Puteaux'}, '3314772':{'en': 'Suresnes', 'fr': 'Suresnes'}, '31546':{'en': 'Almelo', 'nl': 'Almelo'}, '3314770':{'en': 'Paris', 'fr': 'Paris'}, '3314771':{'en': 'Saint-Cloud', 'fr': 'Saint-Cloud'}, '1903291':{'en': 'Longview, TX'}, '1850466':{'en': 'Pensacola, FL'}, '1903295':{'en': 'Longview, TX'}, '1850460':{'en': 'Destin, FL'}, '1903297':{'en': 'Longview, TX'}, '1972412':{'en': 'Rowlett, TX'}, '3313438':{'en': 'Sarcelles', 'fr': 'Sarcelles'}, '1916333':{'en': 'Sacramento, CA'}, '1850469':{'en': 'Pensacola, FL'}, '1951445':{'en': 'Murrieta, CA'}, '31543':{'en': 'Winterswijk', 'nl': 'Winterswijk'}, '1951443':{'en': 'Perris, CA'}, '1907338':{'en': 'Anchorage, AK'}, '1907339':{'en': 'Anchorage, AK'}, '1907332':{'en': 'Anchorage, AK'}, '1907333':{'en': 'Anchorage, AK'}, '1907336':{'en': 'Anchorage, AK'}, '1907337':{'en': 'Anchorage, AK'}, '1902742':{'en': 'Yarmouth, NS'}, '1907335':{'en': 'Kenai, AK'}, '1920451':{'en': 'Sheboygan, WI'}, '1920452':{'en': 'Sheboygan, WI'}, '1920457':{'en': 'Sheboygan, WI'}, '1920458':{'en': 'Sheboygan, WI'}, '1920459':{'en': 'Sheboygan, WI'}, '264652624':{'en': 'Ondobe'}, '1978524':{'en': 'Beverly, MA'}, '24951':{'en': 'Wadmedai'}, '1870297':{'en': 'Calico Rock, AR'}, '1860298':{'en': 'Windsor, CT'}, '1860295':{'en': 'Marlborough, CT'}, '1860297':{'en': 'Hartford, CT'}, '1860296':{'en': 'Hartford, CT'}, '1860291':{'en': 'East Hartford, CT'}, '1860290':{'en': 'East Hartford, CT'}, '1860293':{'en': 'Hartford, CT'}, '1970613':{'en': 'Loveland, CO'}, '1979836':{'en': 'Brenham, TX'}, '1936590':{'en': 'Center, TX'}, '1979830':{'en': 'Brenham, TX'}, '1936591':{'en': 'Center, TX'}, '221339':{'en': 'Outside Dakar'}, '264652629':{'en': 'Ongha'}, '25147117':{'en': 'Sekoru, South-West Region'}, '3314731':{'en': 'Clichy', 'fr': 'Clichy'}, '1936273':{'en': 'Conroe, TX'}, '1936271':{'en': 'Conroe, TX'}, '31495':{'en': 'Weert', 'nl': 'Weert'}, '1936275':{'en': 'San Augustine, TX'}, '1978921':{'en': 'Beverly, MA'}, '1972248':{'en': 'Dallas, TX'}, '1978922':{'en': 'Beverly, MA'}, '1972539':{'en': 'Flower Mound, TX'}, '1978927':{'en': 'Beverly, MA'}, '1972242':{'en': 'Carrollton, TX'}, '1972243':{'en': 'Dallas, TX'}, '1972240':{'en': 'Garland, TX'}, '1972241':{'en': 'Dallas, TX'}, '1972530':{'en': 'Garland, TX'}, '1972247':{'en': 'Dallas, TX'}, '1972245':{'en': 'Carrollton, TX'}, '264652800':{'en': 'Ondangwa'}, '264652801':{'en': 'Ondangwa'}, '31499':{'en': 'Best', 'nl': 'Best'}, '1937644':{'en': 'Marysville, OH'}, '1901590':{'en': 'Memphis, TN'}, '1978670':{'en': 'Billerica, MA'}, '1904519':{'en': 'Jacksonville, FL'}, '1901595':{'en': 'Memphis, TN'}, '1860873':{'en': 'East Haddam, CT'}, '302524':{'el': u('\u03a0\u03b1\u03c1\u03b1\u03bd\u03ad\u03c3\u03c4\u03b9'), 'en': 'Paranesti'}, '1902963':{'en': 'Rusticoville, PE'}, '302522':{'el': u('\u03a0\u03c1\u03bf\u03c3\u03bf\u03c4\u03c3\u03ac\u03bd\u03b7'), 'en': 'Prosotsani'}, '302523':{'el': u('\u039a\u03ac\u03c4\u03c9 \u039d\u03b5\u03c5\u03c1\u03bf\u03ba\u03cc\u03c0\u03b9'), 'en': 'Kato Nevrokopi'}, '302521':{'el': u('\u0394\u03c1\u03ac\u03bc\u03b1'), 'en': 'Drama'}, '1912529':{'en': 'Soperton, GA'}, '1870642':{'en': 'De Queen, AR'}, '1906249':{'en': 'Marquette, MI'}, '1906248':{'en': 'Brimley, MI'}, '1912526':{'en': 'Lyons, GA'}, '1972633':{'en': 'Plano, TX'}, '1860832':{'en': 'New Britain, CT'}, '1989435':{'en': 'Beaverton, MI'}, '25158445':{'en': 'Nefas Mewcha, North-West Region'}, '1952368':{'en': 'Chaska, MN'}, '1952361':{'en': 'Chaska, MN'}, '302468':{'el': u('\u039d\u03b5\u03ac\u03c0\u03bf\u03bb\u03b7'), 'en': 'Neapoli'}, '264631755':{'en': 'Mariental'}, '264631754':{'en': 'Mariental'}, '25158444':{'en': 'Addis Zemen, North-West Region'}, '264631752':{'en': 'Mariental'}, '264631751':{'en': 'Mariental'}, '264631750':{'en': 'Maltahohe'}, '264672492':{'en': 'Grootfontein'}, '264631759':{'en': 'Noordoewer'}, '1970495':{'en': 'Fort Collins, CO'}, '1970494':{'en': 'Fort Collins, CO'}, '25158447':{'en': 'Mekane-Eyesus, North-West Region'}, '1970491':{'en': 'Fort Collins, CO'}, '1970490':{'en': 'Fort Collins, CO'}, '1970493':{'en': 'Fort Collins, CO'}, '1970498':{'en': 'Fort Collins, CO'}, '26465290':{'en': 'Eenhana'}, '1914375':{'en': 'Yonkers, NY'}, '1905604':{'en': 'Markham, ON'}, '1905605':{'en': 'Woodbridge, ON'}, '1905607':{'en': 'Mississauga, ON'}, '1905602':{'en': 'Mississauga, ON'}, '1905608':{'en': 'Mississauga, ON'}, '1941408':{'en': 'Venice, FL'}, '1973375':{'en': 'Irvington, NJ'}, '1973374':{'en': 'Irvington, NJ'}, '1901730':{'en': 'Memphis, TN'}, '1973373':{'en': 'Irvington, NJ'}, '1973372':{'en': 'Irvington, NJ'}, '1970673':{'en': 'Greeley, CO'}, '1970672':{'en': 'Fort Collins, CO'}, '1970675':{'en': 'Rangely, CO'}, '1970674':{'en': 'Windsor, CO'}, '1970677':{'en': 'Dove Creek, CO'}, '1859472':{'en': 'Butler, KY'}, '3314563':{'en': 'Paris', 'fr': 'Paris'}, '3314562':{'en': 'Paris', 'fr': 'Paris'}, '3314561':{'en': 'Paris', 'fr': 'Paris'}, '3314560':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '3314567':{'en': 'Paris', 'fr': 'Paris'}, '3314566':{'en': 'Paris', 'fr': 'Paris'}, '1925363':{'en': 'Concord, CA'}, '264631753':{'en': 'Mariental'}, '3314569':{'en': u('Boissy-Saint-L\u00e9ger'), 'fr': u('Boissy-Saint-L\u00e9ger')}, '1956627':{'en': 'McAllen, TX'}, '1956621':{'en': 'Brownsville, TX'}, '1863401':{'en': 'Winter Haven, FL'}, '1863402':{'en': 'Sebring, FL'}, '26463293':{'en': 'Maltahohe/Solitaire'}, '26463297':{'en': 'Noordoewer'}, '237222482':{'en': 'Kye-Ossie/Ambam'}, '1989862':{'en': 'Elsie, MI'}, '1989865':{'en': 'St. Charles, MI'}, '1989868':{'en': 'Reese, MI'}, '1973808':{'en': 'Fairfield, NJ'}, '264651759':{'en': 'Ondundu'}, '233347':{'en': 'Eastern Region'}, '2125380':{'en': 'Rabat area', 'fr': 'Rabat et alentours'}, '26464572':{'en': 'Omaruru'}, '26464573':{'en': 'Omaruru'}, '26464570':{'en': 'Omaruru'}, '264651752':{'en': 'Ongenga'}, '264651754':{'en': 'Ongha'}, '264651757':{'en': 'Ongwediva'}, '264651756':{'en': 'Ongwediva'}, '3314387':{'en': 'Paris', 'fr': 'Paris'}, '3314386':{'en': 'Villeneuve-Saint-Georges', 'fr': 'Villeneuve-Saint-Georges'}, '3314385':{'en': 'Sevran', 'fr': 'Sevran'}, '3314384':{'en': 'Sevran', 'fr': 'Sevran'}, '3314383':{'en': 'Sevran', 'fr': 'Sevran'}, '3314382':{'en': 'Villeneuve-Saint-Georges', 'fr': 'Villeneuve-Saint-Georges'}, '3314381':{'en': 'Gagny', 'fr': 'Gagny'}, '3314380':{'en': 'Paris', 'fr': 'Paris'}, '3314875':{'en': 'Fontenay-sous-Bois', 'fr': 'Fontenay-sous-Bois'}, '3314389':{'en': 'Villeneuve-Saint-Georges', 'fr': 'Villeneuve-Saint-Georges'}, '3314388':{'en': 'Montfermeil', 'fr': 'Montfermeil'}, '237222241':{'en': 'Bertoua'}, '237222242':{'en': 'Bertoua'}, '1916525':{'en': 'Sacramento, CA'}, '3314874':{'en': 'Paris', 'fr': 'Paris'}, '25111187':{'en': 'Goha Tsion, Addis Ababa'}, '1850878':{'en': 'Tallahassee, FL'}, '1850877':{'en': 'Tallahassee, FL'}, '1850874':{'en': 'Panama City, FL'}, '1850875':{'en': 'Quincy, FL'}, '1850872':{'en': 'Panama City, FL'}, '1850697':{'en': 'Carrabelle, FL'}, '1850871':{'en': 'Panama City, FL'}, '1870347':{'en': 'Augusta, AR'}, '1920869':{'en': 'Oneida, WI'}, '1920868':{'en': 'Fish Creek, WI'}, '1985252':{'en': 'Pierre Part, LA'}, '1864388':{'en': 'Greenwood, SC'}, '24911':{'en': 'Omdurman'}, '1920863':{'en': 'Denmark, WI'}, '1989288':{'en': 'Durand, MI'}, '1920864':{'en': 'Greenleaf, WI'}, '1920867':{'en': 'Weyauwega, WI'}, '1920866':{'en': 'New Franken, WI'}, '1916789':{'en': 'Roseville, CA'}, '1916788':{'en': 'Roseville, CA'}, '25111238':{'en': 'Jeldu, Addis Ababa'}, '1903356':{'en': 'Quinlan, TX'}, '1916781':{'en': 'Roseville, CA'}, '1916780':{'en': 'Roseville, CA'}, '1916783':{'en': 'Roseville, CA'}, '1916782':{'en': 'Roseville, CA'}, '1916784':{'en': 'Roseville, CA'}, '1916787':{'en': 'Roseville, CA'}, '1916786':{'en': 'Roseville, CA'}, '3313978':{'en': 'Cormeilles-en-Parisis', 'fr': 'Cormeilles-en-Parisis'}, '1989389':{'en': 'Saint Helen, MI'}, '1931924':{'en': 'Monteagle, TN'}, '1931920':{'en': 'Clarksville, TN'}, '3314871':{'en': 'Le Perreux sur Marne', 'fr': 'Le Perreux sur Marne'}, '1973764':{'en': 'Vernon Township, NJ'}, '264677140':{'en': 'Grootfontein'}, '264677141':{'en': 'Grootfontein'}, '264677145':{'en': 'Grootfontein'}, '1989386':{'en': 'Clare, MI'}, '1865380':{'en': 'Maryville, TN'}, '1913498':{'en': 'Overland Park, KS'}, '1928684':{'en': 'Wickenburg, AZ'}, '1865388':{'en': 'Knoxville, TN'}, '1928680':{'en': 'Lake Havasu City, AZ'}, '3314527':{'en': 'Paris', 'fr': 'Paris'}, '1954229':{'en': 'Fort Lauderdale, FL'}, '1909387':{'en': 'San Bernardino, CA'}, '1909386':{'en': 'San Bernardino, CA'}, '1909381':{'en': 'San Bernardino, CA'}, '1909383':{'en': 'San Bernardino, CA'}, '1909382':{'en': 'San Bernardino, CA'}, '1909388':{'en': 'San Bernardino, CA'}, '1954227':{'en': 'Coral Springs, FL'}, '3313409':{'en': 'Viarmes', 'fr': 'Viarmes'}, '3313408':{'en': 'L\'Isle Adam', 'fr': 'L\'Isle Adam'}, '3313402':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '3313405':{'en': 'Deuil-la-Barre', 'fr': 'Deuil-la-Barre'}, '1937312':{'en': 'Dayton, OH'}, '3313407':{'en': 'Gonesse', 'fr': 'Gonesse'}, '1951274':{'en': 'Riverside, CA'}, '1951275':{'en': 'Riverside, CA'}, '1951276':{'en': 'Riverside, CA'}, '1951277':{'en': 'Corona, CA'}, '1951270':{'en': 'Corona, CA'}, '1951271':{'en': 'Corona, CA'}, '1951272':{'en': 'Corona, CA'}, '1951273':{'en': 'Corona, CA'}, '1951278':{'en': 'Corona, CA'}, '1951279':{'en': 'Corona, CA'}, '1925625':{'en': 'Oakley, CA'}, '1972769':{'en': 'Plano, TX'}, '1972984':{'en': 'McKinney, TX'}, '1972986':{'en': 'Irving, TX'}, '1972981':{'en': 'Plano, TX'}, '1972980':{'en': 'Dallas, TX'}, '31348':{'en': 'Woerden', 'nl': 'Woerden'}, '1919639':{'en': 'Angier, NC'}, '1973589':{'en': 'Newark, NJ'}, '264647026':{'en': 'Walvis Bay'}, '264647027':{'en': 'Walvis Bay'}, '264647028':{'en': 'Swakopmund'}, '1956972':{'en': 'McAllen, TX'}, '1956797':{'en': 'La Feria, TX'}, '1860464':{'en': 'Gales Ferry, CT'}, '1860465':{'en': 'Willimantic, CT'}, '1956971':{'en': 'McAllen, TX'}, '2734':{'en': 'Newcastle/Vryheid'}, '2735':{'en': 'Zululand'}, '2736':{'en': 'Ladysmith'}, '2731':{'en': 'Durban'}, '2732':{'en': 'Stanger'}, '21252980':{'en': 'Marrakech area', 'fr': 'Marrakech et alentours'}, '2739':{'en': 'Eastern Pondoland/Port Shepstone'}, '1908387':{'en': 'Phillipsburg, NJ'}, '25111259':{'en': 'Shegole, Addis Ababa'}, '25111645':{'en': 'Yeka I, Addis Ababa'}, '1949548':{'en': 'Costa Mesa, CA'}, '1979732':{'en': 'Columbus, TX'}, '1941870':{'en': 'Sarasota, FL'}, '1978448':{'en': 'Groton, MA'}, '1973239':{'en': 'Verona, NJ'}, '1978446':{'en': 'Lowell, MA'}, '1978443':{'en': 'Sudbury, MA'}, '1978440':{'en': 'Sudbury, MA'}, '1978441':{'en': 'Lowell, MA'}, '302755':{'el': u('\u0386\u03c3\u03c4\u03c1\u03bf\u03c2'), 'en': 'Astros'}, '302754':{'el': u('\u039a\u03c1\u03b1\u03bd\u03af\u03b4\u03b9'), 'en': 'Kranidi'}, '302757':{'el': u('\u039b\u03b5\u03c9\u03bd\u03af\u03b4\u03b9\u03bf'), 'en': 'Leonidio'}, '302751':{'el': u('\u0386\u03c1\u03b3\u03bf\u03c2'), 'en': 'Argos'}, '302753':{'el': u('\u039b\u03c5\u03b3\u03bf\u03c5\u03c1\u03b9\u03cc'), 'en': 'Lygourio'}, '302752':{'el': u('\u039d\u03b1\u03cd\u03c0\u03bb\u03b9\u03bf'), 'en': 'Nafplio'}, '1904720':{'en': 'Jacksonville, FL'}, '1904721':{'en': 'Jacksonville, FL'}, '1904722':{'en': 'Jacksonville, FL'}, '1904723':{'en': 'Jacksonville, FL'}, '1919331':{'en': 'Angier, NC'}, '1904725':{'en': 'Jacksonville, FL'}, '1904726':{'en': 'Jacksonville, FL'}, '1904727':{'en': 'Jacksonville, FL'}, '1859289':{'en': 'Carlisle, KY'}, '1859282':{'en': 'Florence, KY'}, '1859283':{'en': 'Florence, KY'}, '1859281':{'en': 'Lexington, KY'}, '3133':{'en': 'Amersfoort', 'nl': 'Amersfoort'}, '1918429':{'en': 'McAlester, OK'}, '1918426':{'en': 'McAlester, OK'}, '1918427':{'en': 'Muldrow, OK'}, '1918425':{'en': 'Tulsa, OK'}, '1918422':{'en': 'Colcord, OK'}, '1918423':{'en': 'McAlester, OK'}, '1918420':{'en': 'McAlester, OK'}, '1918421':{'en': 'McAlester, OK'}, '2333323':{'en': 'Winneba'}, '2333322':{'en': 'Dunkwa'}, '2333321':{'en': 'Cape Coast'}, '2333320':{'en': 'Swedru'}, '264671777':{'en': 'Otjiwarongo'}, '264671776':{'en': 'Otjiwarongo'}, '264641714':{'en': 'Omaruru'}, '264641715':{'en': 'Omaruru'}, '264641716':{'en': 'Omaruru'}, '264641717':{'en': 'Omaruru'}, '264641710':{'en': 'Langstrand'}, '264641711':{'en': 'Langstrand'}, '264641712':{'en': 'Leoburn'}, '264641713':{'en': 'Omaruru'}, '1989453':{'en': 'Pigeon, MI'}, '264641718':{'en': 'Omaruru'}, '3314271':{'en': 'Paris', 'fr': 'Paris'}, '302343':{'el': u('\u03a0\u03bf\u03bb\u03cd\u03ba\u03b1\u03c3\u03c4\u03c1\u03bf'), 'en': 'Polykastro'}, '302341':{'el': u('\u039a\u03b9\u03bb\u03ba\u03af\u03c2'), 'en': 'Kilkis'}, '1919848':{'en': 'Raleigh, NC'}, '1919847':{'en': 'Raleigh, NC'}, '1919598':{'en': 'Durham, NC'}, '1919845':{'en': 'Raleigh, NC'}, '1919844':{'en': 'Raleigh, NC'}, '1919843':{'en': 'Chapel Hill, NC'}, '1919841':{'en': 'Raleigh, NC'}, '1919840':{'en': 'Morrisville, NC'}, '31341':{'en': 'Harderwijk', 'nl': 'Harderwijk'}, '3314274':{'en': 'Paris', 'fr': 'Paris'}, '3314178':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314179':{'en': 'Maisons-Alfort', 'fr': 'Maisons-Alfort'}, '237233360':{'en': 'Bamenda'}, '237233361':{'en': 'Bamenda'}, '237233362':{'en': 'Bamenda'}, '237233363':{'en': 'Bamenda'}, '237233364':{'en': 'Bamenda'}, '3314171':{'en': 'Pantin', 'fr': 'Pantin'}, '237233366':{'en': 'Mbambili'}, '3314173':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '31566':{'en': 'Grou', 'nl': 'Grou'}, '3314278':{'en': 'Paris', 'fr': 'Paris'}, '31562':{'en': 'West-Terschelling', 'nl': 'West-Terschelling'}, '263228':{'en': 'Hauna'}, '263227':{'en': 'Chipinge'}, '263225':{'en': 'Rusape'}, '203':{'en': 'Alexandria'}, '263221':{'en': 'Murambinda'}, '263220':{'en': 'Mutare'}, '1865558':{'en': 'Knoxville, TN'}, '264632501':{'en': 'Gochas'}, '202':{'en': 'Cairo/Giza/Qalyubia'}, '264632507':{'en': 'Narubis'}, '264632505':{'en': 'Seeheim'}, '3313474':{'en': 'Les Mureaux', 'fr': 'Les Mureaux'}, '3313475':{'en': 'Ecquevilly', 'fr': 'Ecquevilly'}, '2243032':{'en': 'Kamsar'}, '2243031':{'en': u('Bok\u00e9')}, '1867777':{'en': 'Inuvik, NT'}, '3314718':{'en': 'Vitry-sur-Seine', 'fr': 'Vitry-sur-Seine'}, '3314630':{'en': 'Clamart', 'fr': 'Clamart'}, '31344':{'en': 'Tiel', 'nl': 'Tiel'}, '3314714':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314715':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '3314716':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314717':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '1919554':{'en': 'Wake Forest, NC'}, '1931553':{'en': 'Clarksville, TN'}, '1931552':{'en': 'Clarksville, TN'}, '1931551':{'en': 'Clarksville, TN'}, '1850488':{'en': 'Tallahassee, FL'}, '1913795':{'en': 'Mound City, KS'}, '1850484':{'en': 'Pensacola, FL'}, '1913791':{'en': 'Olathe, KS'}, '1850482':{'en': 'Marianna, FL'}, '1850481':{'en': 'Panama City, FL'}, '23252':{'en': 'Makeni/Koidu'}, '1902765':{'en': 'Kingston, NS'}, '1902762':{'en': 'Pubnico, NS'}, '1951461':{'en': 'Murrieta, CA'}, '1979233':{'en': 'Freeport, TX'}, '1979234':{'en': 'Eagle Lake, TX'}, '1902769':{'en': 'Saulnierville, NS'}, '2125234':{'en': 'Settai', 'fr': 'Settat'}, '2125235':{'en': 'Oued Zem', 'fr': 'Oued Zem'}, '1985396':{'en': 'Golden Meadow, LA'}, '1920478':{'en': 'Waterloo, WI'}, '1985395':{'en': 'Patterson, LA'}, '1989631':{'en': 'Midland, MI'}, '1989633':{'en': 'Midland, MI'}, '1870802':{'en': 'Jonesboro, AR'}, '1941706':{'en': 'Sarasota, FL'}, '1902492':{'en': 'Halifax, NS'}, '1902494':{'en': 'Halifax, NS'}, '1902497':{'en': 'Halifax, NS'}, '1902499':{'en': 'Halifax, NS'}, '264661716':{'en': 'Muveke'}, '264661717':{'en': 'Nkurenkuru'}, '264661714':{'en': 'Mashare'}, '1936788':{'en': 'Conroe, TX'}, '264661712':{'en': 'Mpacha'}, '264661713':{'en': 'Marangi'}, '264661710':{'en': 'Katima-Mulilo'}, '264661711':{'en': 'Kongola'}, '264661718':{'en': 'Nakayale/Nkurenkuru'}, '264661719':{'en': 'Nzinze'}, '1916645':{'en': 'Lincoln, CA'}, '1916646':{'en': 'Sacramento, CA'}, '1916641':{'en': 'Sacramento, CA'}, '1916315':{'en': 'Rocklin, CA'}, '1916648':{'en': 'Sacramento, CA'}, '1916649':{'en': 'Sacramento, CA'}, '1949221':{'en': 'Irvine, CA'}, '1936254':{'en': 'Timpson, TX'}, '1936257':{'en': 'Dayton, TX'}, '1936522':{'en': 'Conroe, TX'}, '1936258':{'en': 'Dayton, TX'}, '1972516':{'en': 'Plano, TX'}, '1972517':{'en': 'Plano, TX'}, '1972519':{'en': 'Plano, TX'}, '1937780':{'en': 'Leesburg, OH'}, '1937783':{'en': 'Blanchester, OH'}, '1919552':{'en': 'Fuquay-Varina, NC'}, '2292027':{'en': 'Adjohoun', 'fr': 'Adjohoun'}, '1907714':{'en': 'Soldotna, AK'}, '1904538':{'en': 'Jacksonville, FL'}, '264652860':{'en': 'Okapuku'}, '1954693':{'en': 'Plantation, FL'}, '1912545':{'en': 'Ludowici, GA'}, '1954698':{'en': 'Deerfield Beach, FL'}, '1928472':{'en': 'Payson, AZ'}, '1928476':{'en': 'Pine, AZ'}, '1928474':{'en': 'Payson, AZ'}, '1928475':{'en': 'San Carlos, AZ'}, '251112860':{'en': 'Enchini, Addis Ababa'}, '264631739':{'en': 'Keetmanshoop'}, '264631738':{'en': 'Keetmanshoop'}, '22827':{'en': 'Savannah region', 'es': u('Regi\u00f3n de Savannah'), 'fr': u('R\u00e9gion des Savanes')}, '1954962':{'en': 'Hollywood, FL'}, '1954961':{'en': 'Hollywood, FL'}, '1954960':{'en': 'Pompano Beach, FL'}, '1954967':{'en': 'Hollywood, FL'}, '1954966':{'en': 'Hollywood, FL'}, '1954965':{'en': 'Hollywood, FL'}, '1954964':{'en': 'Hollywood, FL'}, '1860652':{'en': 'Glastonbury, CT'}, '1970479':{'en': 'Vail, CO'}, '1970476':{'en': 'Vail, CO'}, '1970474':{'en': 'Julesburg, CO'}, '1970472':{'en': 'Fort Collins, CO'}, '2125374':{'en': 'Ouazzane', 'fr': 'Ouazzane'}, '1907842':{'en': 'Dillingham, AK'}, '1941460':{'en': 'Englewood, FL'}, '1905628':{'en': 'Dundas, ON'}, '1905629':{'en': 'Mississauga, ON'}, '1905627':{'en': 'Dundas, ON'}, '1905624':{'en': 'Mississauga, ON'}, '1905625':{'en': 'Mississauga, ON'}, '1905623':{'en': 'Bowmanville, ON'}, '1973399':{'en': 'Irvington, NJ'}, '1973395':{'en': 'East Orange, NJ'}, '264651781':{'en': 'Tsandi'}, '1972712':{'en': 'Frisco, TX'}, '1970619':{'en': 'Loveland, CO'}, '264652481':{'en': 'Onandjokwe'}, '1859499':{'en': 'Mount Sterling, KY'}, '1859498':{'en': 'Mount Sterling, KY'}, '1859497':{'en': 'Mount Sterling, KY'}, '1863646':{'en': 'Lakeland, FL'}, '1918496':{'en': 'Tulsa, OK'}, '1863644':{'en': 'Lakeland, FL'}, '264652488':{'en': 'Onathinge'}, '264652489':{'en': 'Onathinge'}, '1905723':{'en': 'Oshawa, ON'}, '1905722':{'en': 'Sutton West, ON'}, '1905721':{'en': 'Oshawa, ON'}, '1905720':{'en': 'Oshawa, ON'}, '1905727':{'en': 'Aurora, ON'}, '1905726':{'en': 'Aurora, ON'}, '1905725':{'en': 'Oshawa, ON'}, '3314545':{'en': 'Paris', 'fr': 'Paris'}, '3314544':{'en': 'Paris', 'fr': 'Paris'}, '1905729':{'en': 'Beeton, ON'}, '1905728':{'en': 'Oshawa, ON'}, '3314541':{'en': 'Paris', 'fr': 'Paris'}, '3314540':{'en': 'Paris', 'fr': 'Paris'}, '3314543':{'en': 'Paris', 'fr': 'Paris'}, '2125243':{'en': 'Marrakech', 'fr': 'Marrakech'}, '1908598':{'en': 'Summit, NJ'}, '31522':{'en': 'Meppel', 'nl': 'Meppel'}, '3314521':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '26463270':{'en': 'Karasburg'}, '26463272':{'en': 'Aranos'}, '26463274':{'en': 'Rosh Pinah'}, '1863467':{'en': 'Okeechobee, FL'}, '1863465':{'en': 'Lake Placid, FL'}, '2410159':{'en': u('Ndjol\u00e9')}, '30281':{'el': u('\u0397\u03c1\u03ac\u03ba\u03bb\u03b5\u03b9\u03bf'), 'en': 'Heraklion'}, '1989848':{'en': 'Fairview, MI'}, '1908624':{'en': 'Union, NJ'}, '1973829':{'en': 'Morristown, NJ'}, '1989843':{'en': 'Mayville, MI'}, '1989846':{'en': 'Standish, MI'}, '1985893':{'en': 'Covington, LA'}, '1985892':{'en': 'Covington, LA'}, '1940482':{'en': 'Krum, TX'}, '1940484':{'en': 'Denton, TX'}, '264651778':{'en': 'Sesfontein'}, '1910417':{'en': 'Rockingham, NC'}, '2125244':{'en': 'Marrakech', 'fr': 'Marrakech'}, '264651775':{'en': 'Panosa'}, '264651774':{'en': 'Otwani'}, '264651773':{'en': 'Otjondeka'}, '1870230':{'en': 'Arkadelphia, AR'}, '264651771':{'en': 'Oshikuku'}, '264651770':{'en': 'Oshikango'}, '1870895':{'en': 'Salem, AR'}, '3314819':{'en': 'Aulnay-sous-Bois', 'fr': 'Aulnay-sous-Bois'}, '3314818':{'en': 'Montreuil', 'fr': 'Montreuil'}, '3314817':{'en': 'Villepinte', 'fr': 'Villepinte'}, '1870236':{'en': 'Paragould, AR'}, '3314815':{'en': 'Noisy-le-Grand', 'fr': 'Noisy-le-Grand'}, '3314813':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314812':{'en': 'Rosny-Sous-Bois', 'fr': 'Rosny-Sous-Bois'}, '3314811':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '264652461':{'en': 'Oluno'}, '237222262':{'en': 'Batouri'}, '1912303':{'en': 'Savannah, GA'}, '237222264':{'en': 'Belabo'}, '31481':{'nl': 'Elst'}, '25111439':{'en': 'Kaliti, Addis Ababa'}, '31486':{'nl': 'Schaijk'}, '25111434':{'en': 'Akaki, Addis Ababa'}, '2262454':{'en': 'Yako'}, '2262455':{'en': 'Ouahigouya'}, '1916817':{'en': 'Folsom, CA'}, '302289':{'el': u('\u039c\u03cd\u03ba\u03bf\u03bd\u03bf\u03c2'), 'en': 'Mykonos'}, '302288':{'el': u('\u039a\u03ad\u03b1'), 'en': 'Kea'}, '302287':{'el': u('\u039c\u03ae\u03bb\u03bf\u03c2'), 'en': 'Milos'}, '302286':{'el': u('\u0398\u03ae\u03c1\u03b1'), 'en': 'Santorini'}, '1915351':{'en': 'El Paso, TX'}, '302284':{'el': u('\u03a0\u03ac\u03c1\u03bf\u03c2'), 'en': 'Paros'}, '302283':{'el': u('\u03a4\u03ae\u03bd\u03bf\u03c2'), 'en': 'Tinos'}, '1865947':{'en': 'Powell, TN'}, '302281':{'el': u('\u03a3\u03cd\u03c1\u03bf\u03c2'), 'en': 'Ano Syros'}, '1865945':{'en': 'Powell, TN'}, '1920803':{'en': 'Sheboygan, WI'}, '1870325':{'en': 'Rison, AR'}, '3314854':{'en': 'Rosny-Sous-Bois', 'fr': 'Rosny-Sous-Bois'}, '29968':{'en': 'Paamiut'}, '263379':{'en': 'Macheke'}, '1903378':{'en': 'Honey Grove, TX'}, '264645212':{'en': u('R\u00f6ssing Mine')}, '264645214':{'en': u('R\u00f6ssing Mine')}, '1931490':{'en': 'Columbia, TN'}, '264645219':{'en': u('R\u00f6ssing Mine')}, '1931946':{'en': 'Spencer, TN'}, '1920731':{'en': 'Appleton, WI'}, '1920730':{'en': 'Appleton, WI'}, '1920733':{'en': 'Appleton, WI'}, '1920735':{'en': 'Appleton, WI'}, '1920734':{'en': 'Appleton, WI'}, '1870492':{'en': 'Mountain Home, AR'}, '1920738':{'en': 'Appleton, WI'}, '267539':{'en': 'Ramotswa'}, '1907279':{'en': 'Anchorage, AK'}, '1907278':{'en': 'Anchorage, AK'}, '1907277':{'en': 'Anchorage, AK'}, '1907276':{'en': 'Anchorage, AK'}, '1907274':{'en': 'Anchorage, AK'}, '1907272':{'en': 'Anchorage, AK'}, '1907271':{'en': 'Anchorage, AK'}, '3313462':{'en': 'Noisy-le-Roi', 'fr': 'Noisy-le-Roi'}, '3313461':{'en': u('Coigni\u00e8res'), 'fr': u('Coigni\u00e8res')}, '3313460':{'en': 'Fontenay-le-Fleury', 'fr': 'Fontenay-le-Fleury'}, '3313467':{'en': 'Magny-en-Vexin', 'fr': 'Magny-en-Vexin'}, '3313465':{'en': u('V\u00e9lizy-Villacoublay'), 'fr': u('V\u00e9lizy-Villacoublay')}, '3313464':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '3313469':{'en': 'L\'Isle Adam', 'fr': 'L\'Isle Adam'}, '1909364':{'en': 'Chino, CA'}, '1937339':{'en': 'Troy, OH'}, '1954946':{'en': 'Pompano Beach, FL'}, '1937333':{'en': 'Dayton, OH'}, '1937332':{'en': 'Troy, OH'}, '1937335':{'en': 'Troy, OH'}, '302251':{'el': u('\u039c\u03c5\u03c4\u03b9\u03bb\u03ae\u03bd\u03b7'), 'en': 'Mytilene'}, '1902539':{'en': 'Sydney, NS'}, '1860663':{'en': 'Killingworth, CT'}, '1860664':{'en': 'Clinton, CT'}, '1860665':{'en': 'Newington, CT'}, '1860666':{'en': 'Newington, CT'}, '1860667':{'en': 'Newington, CT'}, '1860668':{'en': 'Suffield, CT'}, '1860669':{'en': 'Clinton, CT'}, '1902530':{'en': 'Bridgewater, NS'}, '1902535':{'en': 'St. Peter\'s, NS'}, '1925609':{'en': 'Concord, CA'}, '1925978':{'en': 'Antioch, CA'}, '1925979':{'en': 'Walnut Creek, CA'}, '1925603':{'en': 'Concord, CA'}, '1906632':{'en': 'Sault Ste. Marie, MI'}, '1925606':{'en': 'Livermore, CA'}, '1906635':{'en': 'Sault Ste. Marie, MI'}, '25146774':{'en': 'Gidole, South Region'}, '1901942':{'en': 'Memphis, TN'}, '25146777':{'en': 'Sawla, South Region'}, '1901947':{'en': 'Memphis, TN'}, '1901946':{'en': 'Memphis, TN'}, '1901948':{'en': 'Memphis, TN'}, '264631713':{'en': 'Dawiab'}, '264631712':{'en': 'Bulwana'}, '264631711':{'en': 'Bralano'}, '1954202':{'en': 'Fort Lauderdale, FL'}, '1954752':{'en': 'Coral Springs, FL'}, '1954753':{'en': 'Coral Springs, FL'}, '1954755':{'en': 'Coral Springs, FL'}, '1954757':{'en': 'Coral Springs, FL'}, '1860485':{'en': 'Harwinton, CT'}, '1860486':{'en': 'Storrs, CT'}, '1860482':{'en': 'Torrington, CT'}, '2712':{'en': 'Tshwane'}, '2713':{'en': 'Middelburg/Witbank/Nelspruit'}, '2710':{'en': 'Johannesburg'}, '2711':{'en': 'Johannesburg'}, '2716':{'en': 'Vaal Triangle'}, '264631715':{'en': 'Feldschuhorn'}, '2714':{'en': 'Rustenburg'}, '2715':{'en': 'Polokwane'}, '2718':{'en': 'Potschefstroom/Klerksdorp'}, '264631714':{'en': 'Deurstamp'}, '264647100':{'en': 'Walvis Bay'}, '1908369':{'en': 'Hillsborough Township, NJ'}, '26462549':{'en': 'Hochfeld'}, '1908362':{'en': 'Blairstown, NJ'}, '1970226':{'en': 'Fort Collins, CO'}, '1952758':{'en': 'New Prague, MN'}, '264625694':{'en': 'Leonardville'}, '1912489':{'en': 'Statesboro, GA'}, '1912487':{'en': 'Homerville, GA'}, '1901367':{'en': 'Memphis, TN'}, '1901366':{'en': 'Memphis, TN'}, '1901365':{'en': 'Memphis, TN'}, '1901363':{'en': 'Memphis, TN'}, '1901362':{'en': 'Memphis, TN'}, '1901360':{'en': 'Memphis, TN'}, '1918627':{'en': 'Tulsa, OK'}, '1918622':{'en': 'Tulsa, OK'}, '1901368':{'en': 'Memphis, TN'}, '1956982':{'en': 'Brownsville, TX'}, '1956380':{'en': 'Edinburg, TX'}, '1978422':{'en': 'Sterling, MA'}, '1956383':{'en': 'Edinburg, TX'}, '1970864':{'en': 'Nucla, CO'}, '1970867':{'en': 'Fort Morgan, CO'}, '1867979':{'en': 'Iqaluit, NU'}, '1919553':{'en': 'Clayton, NC'}, '1956386':{'en': 'Edinburg, TX'}, '1918449':{'en': 'Broken Arrow, OK'}, '263518':{'en': 'Mberengwa'}, '1918443':{'en': 'Oologah, OK'}, '1918445':{'en': 'Tulsa, OK'}, '1918446':{'en': 'Tulsa, OK'}, '1918447':{'en': 'Tulsa, OK'}, '238273':{'en': u('Calheta de S\u00e3o Miguel, Santiago'), 'pt': u('Calheta de S\u00e3o Miguel, Santiago')}, '2125289':{'en': 'Dakhla/Laayoune', 'fr': 'Laayoune/Dakhla'}, '2125288':{'en': 'Agadir/Es-Semara/Tarfaya', 'fr': 'Es-Semara/Agadir/Tarfaya'}, '2125285':{'en': 'Oulad Teima/Taroudant', 'fr': 'Taroudannt/Oulad Teima'}, '2125287':{'en': 'Guelmim/Tan Tan', 'fr': 'Guelmim/Tan Tan'}, '2125286':{'en': 'Tiznit', 'fr': 'Tiznit'}, '2125283':{'en': 'Inezgane/Taroudant', 'fr': 'Inezgane/Taroudannt'}, '2125282':{'en': 'Agadir/Ait Meloul/Inezgane', 'fr': 'Agadir/Inezgane/Ait Melou'}, '3314289':{'en': 'Paris', 'fr': 'Paris'}, '25133660':{'en': 'Majate, North-East Region'}, '25133661':{'en': 'Epheson, North-East Region'}, '25133666':{'en': 'Semera, North-East Region'}, '25133667':{'en': 'Decheotto, North-East Region'}, '25133664':{'en': 'Shoa Robit, North-East Region'}, '1970284':{'en': 'La Salle, CO'}, '1970285':{'en': 'Parachute, CO'}, '264625180':{'en': 'Otjozondu'}, '1970282':{'en': 'Fort Collins, CO'}, '1919861':{'en': 'Raleigh, NC'}, '1919863':{'en': 'Raleigh, NC'}, '1919862':{'en': 'Raleigh, NC'}, '3314157':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '3314155':{'en': 'Bondy', 'fr': 'Bondy'}, '3314152':{'en': 'Sevran', 'fr': 'Sevran'}, '3314153':{'en': 'Gagny', 'fr': 'Gagny'}, '3314150':{'en': 'Drancy', 'fr': 'Drancy'}, '3314158':{'en': 'Montreuil', 'fr': 'Montreuil'}, '1978630':{'en': 'Gardner, MA'}, '1864329':{'en': 'Greenville, SC'}, '1973621':{'en': 'Newark, NJ'}, '1914740':{'en': 'New Rochelle, NY'}, '1901881':{'en': 'Memphis, TN'}, '263248':{'en': 'Birchenough Bridge'}, '1865531':{'en': 'Knoxville, TN'}, '1931796':{'en': 'Hohenwald, TN'}, '1910620':{'en': 'Wilmington, NC'}, '31544':{'en': 'Lichtenvoorde', 'nl': 'Lichtenvoorde'}, '31545':{'en': 'Eibergen', 'nl': 'Eibergen'}, '1865539':{'en': 'Knoxville, TN'}, '31547':{'en': 'Goor', 'nl': 'Goor'}, '1910628':{'en': 'Fairmont, NC'}, '31541':{'en': 'Oldenzaal', 'nl': 'Oldenzaal'}, '1919718':{'en': 'Sanford, NC'}, '264652290':{'en': 'Oshakati'}, '1912654':{'en': 'Glennville, GA'}, '3314732':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314733':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3314730':{'en': 'Clichy', 'fr': 'Clichy'}, '237222347':{'en': 'N\'Gaoundal'}, '3314736':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314737':{'en': 'Clichy', 'fr': 'Clichy'}, '3314734':{'en': 'Paris', 'fr': 'Paris'}, '3314735':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314738':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314739':{'en': 'Clichy', 'fr': 'Clichy'}, '1903842':{'en': 'Troup, TX'}, '1903843':{'en': 'Gilmer, TX'}, '1864486':{'en': 'Duncan, SC'}, '1864487':{'en': 'Gaffney, SC'}, '1864488':{'en': 'Gaffney, SC'}, '1864489':{'en': 'Gaffney, SC'}, '3314602':{'en': 'Saint-Cloud', 'fr': 'Saint-Cloud'}, '1865288':{'en': 'Knoxville, TN'}, '3314603':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1865286':{'en': 'Sevierville, TN'}, '1865281':{'en': 'Knoxville, TN'}, '1902254':{'en': 'Parrsboro, NS'}, '1920922':{'en': 'Fond du Lac, WI'}, '3314353':{'en': 'Alfortville', 'fr': 'Alfortville'}, '25146335':{'en': 'Kibre-Mengist, South Region'}, '3314606':{'en': 'Paris', 'fr': 'Paris'}, '23232':{'en': 'Bo/Kenema'}, '3314607':{'en': 'Paris', 'fr': 'Paris'}, '1870863':{'en': 'El Dorado, AR'}, '1870862':{'en': 'El Dorado, AR'}, '1870867':{'en': 'Mount Ida, AR'}, '3314356':{'en': 'Paris', 'fr': 'Paris'}, '1870864':{'en': 'El Dorado, AR'}, '1870869':{'en': 'Imboden, AR'}, '3314605':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1916482':{'en': 'Sacramento, CA'}, '1916483':{'en': 'Sacramento, CA'}, '1916480':{'en': 'Sacramento, CA'}, '1916481':{'en': 'Sacramento, CA'}, '1916486':{'en': 'Sacramento, CA'}, '1916487':{'en': 'Sacramento, CA'}, '1916484':{'en': 'Sacramento, CA'}, '1916485':{'en': 'Sacramento, CA'}, '1916488':{'en': 'Sacramento, CA'}, '1916489':{'en': 'Sacramento, CA'}, '1905212':{'en': 'Mississauga, ON'}, '1920924':{'en': 'Fond du Lac, WI'}, '2682422':{'en': 'Sidwashini, Hhohho district'}, '1864224':{'en': 'Anderson, SC'}, '1864225':{'en': 'Anderson, SC'}, '1864226':{'en': 'Anderson, SC'}, '1864227':{'en': 'Greenwood, SC'}, '1864220':{'en': 'Greenville, SC'}, '1864222':{'en': 'Anderson, SC'}, '1864223':{'en': 'Greenwood, SC'}, '1864228':{'en': 'Simpsonville, SC'}, '1864229':{'en': 'Greenwood, SC'}, '1904285':{'en': 'Ponte Vedra Bch, FL'}, '1904284':{'en': 'Green Cove Spgs, FL'}, '1904282':{'en': 'Middleburg, FL'}, '1904281':{'en': 'Jacksonville, FL'}, '1904280':{'en': 'Ponte Vedra Bch, FL'}, '25111371':{'en': 'Old Airport II, Addis Ababa'}, '25111372':{'en': 'Old Airport III, Addis Ababa'}, '25111373':{'en': 'Old Airport IV, Addis Ababa'}, '25111374':{'en': 'Old Airport V, Addis Ababa'}, '1916663':{'en': 'Newcastle, CA'}, '1916660':{'en': 'Loomis, CA'}, '1904288':{'en': 'Jacksonville, FL'}, '1907486':{'en': 'Kodiak, AK'}, '1907487':{'en': 'Kodiak, AK'}, '1907488':{'en': 'North Pole, AK'}, '1972570':{'en': 'Irving, TX'}, '1972574':{'en': 'Dallas, TX'}, '1972576':{'en': 'Red Oak, TX'}, '1972578':{'en': 'Plano, TX'}, '1972579':{'en': 'Irving, TX'}, '1978969':{'en': 'Beverly, MA'}, '1905640':{'en': 'Whitchurch-Stouffville, ON'}, '1918294':{'en': 'Tulsa, OK'}, '1905642':{'en': 'Whitchurch-Stouffville, ON'}, '1860347':{'en': 'Middletown, CT'}, '1860346':{'en': 'Middletown, CT'}, '1860344':{'en': 'Middletown, CT'}, '1860343':{'en': 'Middletown, CT'}, '1860342':{'en': 'Portland, CT'}, '1920921':{'en': 'Fond du Lac, WI'}, '1918291':{'en': 'Glenpool, OK'}, '1907733':{'en': 'Talkeetna, AK'}, '1860349':{'en': 'Durham, CT'}, '1860348':{'en': 'New Britain, CT'}, '1914244':{'en': 'Mount Kisco, NY'}, '1912564':{'en': 'Sylvania, GA'}, '1914245':{'en': 'Yorktown Heights, NY'}, '3314549':{'en': 'Paris', 'fr': 'Paris'}, '2521':{'en': 'Hargeisa'}, '31342':{'en': 'Barneveld', 'nl': 'Barneveld'}, '31343':{'en': 'Driebergen-Rijsenburg', 'nl': 'Driebergen-Rijsenburg'}, '3314548':{'en': 'Paris', 'fr': 'Paris'}, '1865376':{'en': 'Kingston, TN'}, '1954941':{'en': 'Pompano Beach, FL'}, '1954943':{'en': 'Pompano Beach, FL'}, '1954942':{'en': 'Pompano Beach, FL'}, '2333820':{'en': 'Bolgatanga'}, '1850595':{'en': 'Pensacola, FL'}, '2333822':{'en': 'Bawku'}, '1954418':{'en': 'Deerfield Beach, FL'}, '1972394':{'en': 'Carrollton, TX'}, '1972395':{'en': 'Carrollton, TX'}, '1972396':{'en': 'Allen, TX'}, '264631710':{'en': 'Bethanie'}, '1972390':{'en': 'Allen, TX'}, '1850597':{'en': 'Tallahassee, FL'}, '1972392':{'en': 'Dallas, TX'}, '1972393':{'en': 'Coppell, TX'}, '264631719':{'en': 'Gochas'}, '264631718':{'en': 'Goageb'}, '1972398':{'en': 'Plano, TX'}, '1916681':{'en': 'Sacramento, CA'}, '1905397':{'en': 'St. Catharines, ON'}, '1989588':{'en': 'Farwell, MI'}, '1973628':{'en': 'Wayne, NJ'}, '1978635':{'en': 'Acton, MA'}, '1973625':{'en': 'Denville, NJ'}, '1973624':{'en': 'Newark, NJ'}, '1973623':{'en': 'Newark, NJ'}, '1973622':{'en': 'Newark, NJ'}, '1901552':{'en': 'Memphis, TN'}, '1908820':{'en': 'Elizabeth, NJ'}, '1856354':{'en': 'Cherry Hill, NJ'}, '1859655':{'en': 'Covington, KY'}, '1859654':{'en': 'Falmouth, KY'}, '1970453':{'en': 'Breckenridge, CO'}, '1970454':{'en': 'Eaton, CO'}, '1907868':{'en': 'Anchorage, AK'}, '1989583':{'en': 'Saginaw, MI'}, '1905648':{'en': 'Ancaster, ON'}, '1905649':{'en': 'Claremont, ON'}, '1918298':{'en': 'Tulsa, OK'}, '1914242':{'en': 'Mount Kisco, NY'}, '1914243':{'en': 'Yorktown Heights, NY'}, '1918297':{'en': 'Hartshorne, OK'}, '1914241':{'en': 'Mount Kisco, NY'}, '1941330':{'en': 'Sarasota, FL'}, '1918293':{'en': 'Tulsa, OK'}, '1914533':{'en': 'South Salem, NY'}, '25158225':{'en': 'Chagni/Metekel, North-West Region'}, '25158224':{'en': 'Gimjabetmariam, North-West Region'}, '25158227':{'en': 'Enjibara Kosober, North-West Region'}, '25158226':{'en': 'Bahirdar II, North-West Region'}, '25158221':{'en': 'Dangla, North-West Region'}, '25158220':{'en': 'Bahir-Dar I, North-West Region'}, '25158223':{'en': 'Durbette/Abcheklite, North-West Region'}, '1901774':{'en': 'Memphis, TN'}, '1901775':{'en': 'Memphis, TN'}, '2727':{'en': 'Vredendal/Springbok'}, '1863665':{'en': 'Lakeland, FL'}, '1863667':{'en': 'Lakeland, FL'}, '1863666':{'en': 'Lakeland, FL'}, '1870910':{'en': 'Jonesboro, AR'}, '31548':{'en': 'Rijssen', 'nl': 'Rijssen'}, '1905704':{'en': 'St. Catharines, ON'}, '1905701':{'en': 'Dunnville, ON'}, '1905702':{'en': 'Georgetown, ON'}, '1956668':{'en': 'McAllen, TX'}, '1940889':{'en': 'Seymour, TX'}, '1956661':{'en': 'McAllen, TX'}, '1956843':{'en': 'Hidalgo, TX'}, '1956664':{'en': 'McAllen, TX'}, '26467223':{'en': 'Tsumeb'}, '26463257':{'en': 'Tses'}, '26467221':{'en': 'Tsumeb'}, '26467220':{'en': 'Tsumeb'}, '26463251':{'en': 'Gibeon'}, '26467229':{'en': 'Mokuti'}, '1918872':{'en': 'Broken Arrow, OK'}, '1918877':{'en': 'Tulsa, OK'}, '1858527':{'en': 'San Diego, CA'}, '1858292':{'en': 'San Diego, CA'}, '1858521':{'en': 'San Diego, CA'}, '264672617':{'en': 'Uchab'}, '1973844':{'en': 'Belleville, NJ'}, '1970635':{'en': 'Loveland, CO'}, '264651714':{'en': 'Haiyandja'}, '264651717':{'en': 'Mahenene'}, '1919479':{'en': 'Durham, NC'}, '1970631':{'en': 'Fort Collins, CO'}, '264651710':{'en': 'Endola'}, '264651713':{'en': 'Etunda'}, '264651712':{'en': 'Etunda'}, '1919470':{'en': 'Durham, NC'}, '1919471':{'en': 'Durham, NC'}, '264651719':{'en': 'Ombombo'}, '1919477':{'en': 'Durham, NC'}, '233307':{'en': 'Greater Accra Region'}, '1910436':{'en': 'Spring Lake, NC'}, '3314839':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '3314838':{'en': 'La Courneuve', 'fr': 'La Courneuve'}, '1912367':{'en': 'Baxley, GA'}, '1912366':{'en': 'Baxley, GA'}, '3314831':{'en': 'Drancy', 'fr': 'Drancy'}, '3314830':{'en': 'Drancy', 'fr': 'Drancy'}, '1912369':{'en': 'Hinesville, GA'}, '1912368':{'en': 'Hinesville, GA'}, '3314835':{'en': 'La Courneuve', 'fr': 'La Courneuve'}, '3314834':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '3314837':{'en': 'Le Bourget', 'fr': 'Le Bourget'}, '3314836':{'en': 'La Courneuve', 'fr': 'La Courneuve'}, '1858748':{'en': 'Poway, CA'}, '1989275':{'en': 'Roscommon, MI'}, '2262470':{'en': u('Pouytenga/Koup\u00e9la')}, '2262471':{'en': 'Tenkodogo'}, '2262477':{'en': 'Fada/Diabo'}, '1916875':{'en': 'Sacramento, CA'}, '1916874':{'en': 'Sacramento, CA'}, '2262479':{'en': 'Kantchari'}, '1850383':{'en': 'Tallahassee, FL'}, '1850385':{'en': 'Tallahassee, FL'}, '1850386':{'en': 'Tallahassee, FL'}, '1850835':{'en': 'Freeport, FL'}, '1850838':{'en': 'Perry, FL'}, '25111419':{'en': 'Hana Mariam, Addis Ababa'}, '1920288':{'en': 'Green Bay, WI'}, '1920826':{'en': 'Abrams, WI'}, '1920533':{'en': 'Campbellsport, WI'}, '1870307':{'en': 'Batesville, AR'}, '1920822':{'en': 'Pulaski, WI'}, '1931962':{'en': 'Winchester, TN'}, '1985898':{'en': 'Covington, LA'}, '1931967':{'en': 'Winchester, TN'}, '2442546':{'en': 'Luena', 'pt': 'Luena'}, '25122668':{'en': 'Dolomena, South-East Region'}, '1920759':{'en': 'Kaukauna, WI'}, '1916294':{'en': 'Folsom, CA'}, '25122661':{'en': 'Bale Goba, South-East Region'}, '1920751':{'en': 'Neenah, WI'}, '1956849':{'en': 'Roma, TX'}, '1920757':{'en': 'Greenville, WI'}, '1920756':{'en': 'Brillion, WI'}, '1920755':{'en': 'Mishicot, WI'}, '1850526':{'en': 'Marianna, FL'}, '1850522':{'en': 'Panama City, FL'}, '1850523':{'en': 'Tallahassee, FL'}, '2392251':{'en': u('Autonomous Region of Pr\u00edncipe'), 'pt': u('Regi\u00e3o Autonoma do Pr\u00edncipe')}, '25134775':{'en': 'Axum, North Region'}, '25134774':{'en': 'Alemata, North Region'}, '264632711':{'en': 'Karasburg'}, '25134771':{'en': 'Adwa, North Region'}, '25134773':{'en': 'Edaga-Hamus, North Region'}, '25134772':{'en': 'Inticho, North Region'}, '264632718':{'en': 'Karasburg'}, '264632719':{'en': 'Karasburg'}, '3314932':{'en': 'Noisy-le-Grand', 'fr': 'Noisy-le-Grand'}, '1907258':{'en': 'Anchorage, AK'}, '2682373':{'en': 'Maphiveni, Lubombo district'}, '1907257':{'en': 'Anchorage, AK'}, '1909349':{'en': 'Fontana, CA'}, '1937352':{'en': 'Xenia, OH'}, '3313448':{'en': 'Auvers-sur-Oise', 'fr': 'Auvers-sur-Oise'}, '26467222':{'en': 'Tsumeb'}, '3313445':{'en': u('Garges-l\u00e8s-Gonesse'), 'fr': u('Garges-l\u00e8s-Gonesse')}, '1972492':{'en': 'Carrollton, TX'}, '1972491':{'en': 'Plano, TX'}, '1972490':{'en': 'Dallas, TX'}, '3313441':{'en': 'Cergy', 'fr': 'Cergy'}, '1972496':{'en': 'Garland, TX'}, '1972495':{'en': 'Garland, TX'}, '1972494':{'en': 'Garland, TX'}, '1903938':{'en': 'Marshall, TX'}, '1903939':{'en': 'Tyler, TX'}, '1903934':{'en': 'Marshall, TX'}, '1903935':{'en': 'Marshall, TX'}, '1956447':{'en': 'Weslaco, TX'}, '3314978':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '26467224':{'en': 'Tsumeb'}, '25111442':{'en': 'Nifas Silk I, Addis Ababa'}, '1860648':{'en': 'South Windsor, CT'}, '1860649':{'en': 'Manchester, CT'}, '3314782':{'en': 'Colombes', 'fr': 'Colombes'}, '1860642':{'en': 'Lebanon, CT'}, '1860643':{'en': 'Manchester, CT'}, '26367':{'en': 'Chinhoyi'}, '1860646':{'en': 'Manchester, CT'}, '1860647':{'en': 'Manchester, CT'}, '1860644':{'en': 'South Windsor, CT'}, '1860645':{'en': 'Manchester, CT'}, '1928537':{'en': 'Show Low, AZ'}, '1928536':{'en': 'Snowflake, AZ'}, '1928532':{'en': 'Show Low, AZ'}, '25111443':{'en': 'Nifas Silk II, Addis Ababa'}, '1954779':{'en': 'Fort Lauderdale, FL'}, '1954772':{'en': 'Fort Lauderdale, FL'}, '1954771':{'en': 'Fort Lauderdale, FL'}, '1954776':{'en': 'Fort Lauderdale, FL'}, '1978356':{'en': 'Ipswich, MA'}, '1978352':{'en': 'Georgetown, MA'}, '1949585':{'en': 'Irvine, CA'}, '1925957':{'en': 'Martinez, CA'}, '1906346':{'en': 'Gwinn, MI'}, '1972726':{'en': 'Dallas, TX'}, '1925952':{'en': 'Walnut Creek, CA'}, '1906341':{'en': 'Manistique, MI'}, '1972723':{'en': 'Midlothian, TX'}, '1972722':{'en': 'Rockwall, TX'}, '1973455':{'en': 'Morristown, NJ'}, '1901345':{'en': 'Memphis, TN'}, '1901346':{'en': 'Memphis, TN'}, '1901348':{'en': 'Memphis, TN'}, '2204412':{'en': 'Tanji'}, '21327':{'en': 'Chlef'}, '21321':{'en': 'Algiers'}, '21329':{'en': 'Ghardaia/Illizi/Tamanrasset'}, '1970848':{'en': 'Yuma, CO'}, '1856293':{'en': 'Millville, NJ'}, '1970842':{'en': 'Brush, CO'}, '1970845':{'en': 'Avon, CO'}, '1925484':{'en': 'Pleasanton, CA'}, '1925485':{'en': 'Pleasanton, CA'}, '21253890':{'en': u('F\u00e8s/Mekn\u00e8s areas'), 'fr': u('F\u00e8s/Makn\u00e8s et alentours')}, '1915581':{'en': 'El Paso, TX'}, '1915587':{'en': 'El Paso, TX'}, '1915584':{'en': 'El Paso, TX'}, '1915585':{'en': 'El Paso, TX'}, '1910439':{'en': 'Mount Gilead, NC'}, '237233331':{'en': 'Tiko'}, '1941833':{'en': 'Punta Gorda, FL'}, '1918476':{'en': 'Chouteau, OK'}, '1941782':{'en': 'Bradenton, FL'}, '264651711':{'en': 'Etanga'}, '1918609':{'en': 'Owasso, OK'}, '1919803':{'en': 'Raleigh, NC'}, '1919806':{'en': 'Durham, NC'}, '264652721':{'en': 'Oshifo'}, '1859823':{'en': 'Dry Ridge, KY'}, '264652725':{'en': 'Oshifo'}, '1859824':{'en': 'Williamstown, KY'}, '264652729':{'en': 'Opuwo'}, '264652728':{'en': 'Opuwo'}, '1910433':{'en': 'Fayetteville, NC'}, '1925225':{'en': 'Pleasanton, CA'}, '3314132':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '1925227':{'en': 'Pleasanton, CA'}, '3314134':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '26467697':{'en': 'North'}, '3314137':{'en': 'Nanterre', 'fr': 'Nanterre'}, '3314138':{'en': 'Suresnes', 'fr': 'Suresnes'}, '3314139':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '1925228':{'en': 'Martinez, CA'}, '1925229':{'en': 'Martinez, CA'}, '1914761':{'en': 'White Plains, NY'}, '237233325':{'en': u('Bu\u00e9a')}, '237233326':{'en': u('Bu\u00e9a')}, '1918461':{'en': 'Tulsa, OK'}, '1914764':{'en': 'Pound Ridge, NY'}, '237233322':{'en': u('Bu\u00e9a')}, '1918465':{'en': 'Wilburton, OK'}, '237233328':{'en': u('Bu\u00e9a')}, '237233329':{'en': u('Bu\u00e9a')}, '1919731':{'en': 'Goldsboro, NC'}, '1919733':{'en': 'Raleigh, NC'}, '1919732':{'en': 'Hillsborough, NC'}, '1919735':{'en': 'Goldsboro, NC'}, '1919734':{'en': 'Goldsboro, NC'}, '1931779':{'en': 'Gruetli-Laager, TN'}, '1910609':{'en': 'Fayetteville, NC'}, '1919739':{'en': 'Goldsboro, NC'}, '31523':{'en': 'Hardenberg', 'nl': 'Hardenberg'}, '31521':{'en': 'Steenwijk', 'nl': 'Steenwijk'}, '31527':{'en': 'Emmeloord', 'nl': 'Emmeloord'}, '31524':{'en': 'Coevorden', 'nl': 'Coevorden'}, '31525':{'en': 'Elburg', 'nl': 'Elburg'}, '1910615':{'en': 'Fayetteville, NC'}, '1865525':{'en': 'Knoxville, TN'}, '3314251':{'en': 'Paris', 'fr': 'Paris'}, '2243071':{'en': 'Kankan'}, '3314998':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314833':{'en': 'Aubervilliers', 'fr': 'Aubervilliers'}, '3314832':{'en': 'Drancy', 'fr': 'Drancy'}, '256465':{'en': 'Masindi'}, '256464':{'en': 'Mubende'}, '1978851':{'en': 'Tewksbury, MA'}, '1972406':{'en': 'Dallas, TX'}, '1870845':{'en': 'Nashville, AR'}, '237222283':{'en': 'Ebolowa'}, '264625800':{'en': 'Epukiro'}, '263261':{'en': 'Kariba'}, '237222282':{'en': 'Mengong'}, '264637192':{'en': 'Keetmanshoop'}, '264637191':{'en': 'Keetmanshoop'}, '263264':{'en': 'Karoi'}, '237222284':{'en': 'Ebolowa'}, '1925600':{'en': 'Pleasanton, CA'}, '1951688':{'en': 'Riverside, CA'}, '1951680':{'en': 'Riverside, CA'}, '1951683':{'en': 'Riverside, CA'}, '1951682':{'en': 'Riverside, CA'}, '1951685':{'en': 'Riverside, CA'}, '1951684':{'en': 'Riverside, CA'}, '1951687':{'en': 'Riverside, CA'}, '1951686':{'en': 'Riverside, CA'}, '264673168':{'en': 'Okakarara'}, '264673169':{'en': 'Okakarara'}, '1978536':{'en': 'Peabody, MA'}, '1907966':{'en': 'Sitka, AK'}, '1937878':{'en': 'Fairborn, OH'}, '1916608':{'en': 'Folsom, CA'}, '1916609':{'en': 'Carmichael, CA'}, '1903583':{'en': 'Bonham, TX'}, '1903587':{'en': 'Leonard, TX'}, '1903586':{'en': 'Jacksonville, TX'}, '1903589':{'en': 'Jacksonville, TX'}, '1903236':{'en': 'Longview, TX'}, '1903234':{'en': 'Longview, TX'}, '1860585':{'en': 'Bristol, CT'}, '1860584':{'en': 'Bristol, CT'}, '1860586':{'en': 'West Hartford, CT'}, '1860583':{'en': 'Bristol, CT'}, '1860582':{'en': 'Bristol, CT'}, '1860589':{'en': 'Bristol, CT'}, '1936569':{'en': 'Nacogdoches, TX'}, '25111416':{'en': 'Keira I, Addis Ababa'}, '2682482':{'en': 'Siphocosini, Hhohho district'}, '1936291':{'en': 'Huntsville, TX'}, '1936293':{'en': 'Huntsville, TX'}, '1936560':{'en': 'Nacogdoches, TX'}, '1936295':{'en': 'Huntsville, TX'}, '1936294':{'en': 'Huntsville, TX'}, '1936564':{'en': 'Nacogdoches, TX'}, '1909758':{'en': 'Rancho Cucamonga, CA'}, '1978988':{'en': 'Wilmington, MA'}, '1972552':{'en': 'Forney, TX'}, '1985537':{'en': 'Raceland, LA'}, '1972550':{'en': 'Irving, TX'}, '1972551':{'en': 'Terrell, TX'}, '1985532':{'en': 'Lockport, LA'}, '1972554':{'en': 'Irving, TX'}, '1928708':{'en': 'Prescott, AZ'}, '1928704':{'en': 'Bullhead City, AZ'}, '1937652':{'en': 'Urbana, OH'}, '1860364':{'en': 'Sharon, CT'}, '1905371':{'en': 'Niagara Falls, ON'}, '302544':{'el': u('\u0395\u03c7\u03af\u03bd\u03bf\u03c2'), 'en': 'Echinos'}, '220448':{'en': 'Brikama/Kanilia'}, '302542':{'el': u('\u03a3\u03c4\u03b1\u03c5\u03c1\u03bf\u03cd\u03c0\u03bf\u03bb\u03b7'), 'en': 'Stavroupoli'}, '220449':{'en': 'Bakau'}, '22430613':{'en': u('T\u00e9lim\u00e9l\u00e9')}, '3313016':{'en': 'Trappes', 'fr': 'Trappes'}, '3313017':{'en': 'Cergy', 'fr': 'Cergy'}, '264673322':{'en': 'Sorris-Sorris'}, '3313015':{'en': 'Montesson', 'fr': 'Montesson'}, '264632902':{'en': 'Rosh Pinah'}, '264632901':{'en': 'Rosh Pinah'}, '264632900':{'en': 'Rosh Pinah'}, '1954431':{'en': 'Pembroke Pines, FL'}, '1954430':{'en': 'Pembroke Pines, FL'}, '1954433':{'en': 'Pembroke Pines, FL'}, '1954432':{'en': 'Pembroke Pines, FL'}, '1954435':{'en': 'Pembroke Pines, FL'}, '1954437':{'en': 'Pembroke Pines, FL'}, '1954436':{'en': 'Pembroke Pines, FL'}, '1954438':{'en': 'Pembroke Pines, FL'}, '1980487':{'en': 'Shelby, NC'}, '1972801':{'en': 'Plano, TX'}, '1901576':{'en': 'Memphis, TN'}, '1901577':{'en': 'Memphis, TN'}, '1901578':{'en': 'Memphis, TN'}, '1903238':{'en': 'Longview, TX'}, '1973605':{'en': 'Morristown, NJ'}, '1908806':{'en': 'Flemington, NJ'}, '1856629':{'en': 'Williamstown, NJ'}, '1856338':{'en': 'Camden, NJ'}, '1941316':{'en': 'Sarasota, FL'}, '1905660':{'en': 'Concord, ON'}, '1941312':{'en': 'Sarasota, FL'}, '1913233':{'en': 'Kansas City, KS'}, '1905664':{'en': 'Stoney Creek, ON'}, '1905665':{'en': 'Whitby, ON'}, '1905668':{'en': 'Whitby, ON'}, '1905669':{'en': 'Concord, ON'}, '3313935':{'en': 'Domont', 'fr': 'Domont'}, '1913239':{'en': 'Overland Park, KS'}, '3314565':{'en': 'Paris', 'fr': 'Paris'}, '251112820':{'en': 'Guder, Addis Ababa'}, '25133224':{'en': 'Wuchale, North-East Region'}, '1920532':{'en': 'Wrightstown, WI'}, '2612095':{'en': 'Morondava'}, '2612094':{'en': 'Toliary'}, '2612092':{'en': u('Taola\u00f1aro')}, '3313937':{'en': 'Chambly', 'fr': 'Chambly'}, '3314252':{'en': 'Paris', 'fr': 'Paris'}, '1956825':{'en': 'Mercedes, TX'}, '1979968':{'en': 'La Grange, TX'}, '1858505':{'en': 'San Diego, CA'}, '237222111':{'en': 'Mbalmayo'}, '1910452':{'en': 'Wilmington, NC'}, '1910451':{'en': 'Camp Lejeune, NC'}, '1910450':{'en': 'Camp Lejeune, NC'}, '1910457':{'en': 'Southport, NC'}, '1910455':{'en': 'Jacksonville, NC'}, '1910454':{'en': 'Southport, NC'}, '264651733':{'en': 'Oluno'}, '264651732':{'en': 'Oluno'}, '264651731':{'en': 'Okorosave'}, '1910458':{'en': 'Carolina Beach, NC'}, '264651737':{'en': 'Ombalantu'}, '264651736':{'en': 'Ombalantu'}, '264651735':{'en': 'Omafu'}, '264651734':{'en': 'Oluno'}, '1863603':{'en': 'Lakeland, FL'}, '1863607':{'en': 'Lakeland, FL'}, '1970385':{'en': 'Durango, CO'}, '1970384':{'en': 'Glenwood Springs, CO'}, '1970387':{'en': 'Silverton, CO'}, '1970382':{'en': 'Durango, CO'}, '1905989':{'en': 'Keswick, ON'}, '1905988':{'en': 'St. Catharines, ON'}, '1912349':{'en': 'Savannah, GA'}, '1858764':{'en': 'San Diego, CA'}, '237233464':{'en': u('Ed\u00e9a')}, '1905983':{'en': 'Orono, ON'}, '1905982':{'en': 'Port Perry, ON'}, '302298':{'el': u('\u039c\u03ad\u03b8\u03b1\u03bd\u03b1/\u03a0\u03cc\u03c1\u03bf\u03c2/\u03a3\u03c0\u03ad\u03c4\u03c3\u03b5\u03c2'), 'en': 'Troezen/Poros/Hydra/Spetses'}, '1905987':{'en': 'Newcastle, ON'}, '1905985':{'en': 'Port Perry, ON'}, '1912342':{'en': 'Brunswick, GA'}, '1916858':{'en': 'Rancho Cordova, CA'}, '1916851':{'en': 'Rancho Cordova, CA'}, '1916853':{'en': 'Rancho Cordova, CA'}, '1916852':{'en': 'Rancho Cordova, CA'}, '1952873':{'en': 'Belle Plaine, MN'}, '264642111':{'en': 'Langstrand'}, '26463239':{'en': 'Oranjemund'}, '1863937':{'en': 'Lakeland, FL'}, '26463234':{'en': 'Oranjemund'}, '26463235':{'en': 'Oranjemund'}, '26463236':{'en': 'Oranjemund'}, '26463237':{'en': 'Oranjemund'}, '26463232':{'en': 'Oranjemund'}, '26463233':{'en': 'Oranjemund'}, '1985230':{'en': 'Hammond, LA'}, '238281':{'en': u('S\u00e3o Filipe, Fogo'), 'pt': u('S\u00e3o Filipe, Fogo')}, '3314677':{'en': 'Villejuif', 'fr': 'Villejuif'}, '302394':{'el': u('\u039b\u03b1\u03b3\u03ba\u03b1\u03b4\u03ac\u03c2'), 'en': 'Lagkadas'}, '3314675':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '3314674':{'en': 'Antony', 'fr': 'Antony'}, '3314857':{'en': 'Montreuil', 'fr': 'Montreuil'}, '3314672':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314671':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314670':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '3314859':{'en': 'Montreuil', 'fr': 'Montreuil'}, '3314858':{'en': 'Montreuil', 'fr': 'Montreuil'}, '3314678':{'en': 'Villejuif', 'fr': 'Villejuif'}, '263273':{'en': 'Ruwa'}, '1915821':{'en': 'El Paso, TX'}, '1850508':{'en': 'Tallahassee, FL'}, '264632730':{'en': 'Aminuis'}, '238283':{'en': 'Mosteiros, Fogo', 'pt': 'Mosteiros, Fogo'}, '264632732':{'en': 'Aminuis'}, '1850505':{'en': 'Pensacola, FL'}, '2292134':{'en': 'Ouidah', 'fr': 'Ouidah'}, '2292135':{'en': 'Godomey', 'fr': 'Godomey'}, '2292136':{'en': 'Abomey-Calaci', 'fr': 'Abomey-Calaci'}, '2292137':{'en': 'Allada', 'fr': 'Allada'}, '2292130':{'en': 'Cadjehoun', 'fr': 'Cadjehoun'}, '2292131':{'en': 'Ganhi', 'fr': 'Ganhi'}, '1907235':{'en': 'Homer, AK'}, '2292133':{'en': 'Akpakpa', 'fr': 'Akpakpa'}, '263278':{'en': 'Murewa'}, '2292138':{'en': 'Kouhounou', 'fr': 'Kouhounou'}, '2292139':{'en': 'Littoral/Atlantique departments', 'fr': u('D\u00e9partements Littoral/Atlantique')}, '2262091':{'en': 'Banfora'}, '238282':{'en': 'Cova Figueira, Fogo', 'pt': 'Cova Figueira, Fogo'}, '1937378':{'en': 'Georgetown, OH'}, '1937374':{'en': 'Xenia, OH'}, '1937376':{'en': 'Xenia, OH'}, '1937372':{'en': 'Xenia, OH'}, '1920758':{'en': 'Manitowoc, WI'}, '1931232':{'en': 'Dover, TN'}, '2292259':{'en': 'Mono/Kouffo/Zou/Collines departments', 'fr': u('D\u00e9partements Mono/Couffo/Zou/Collines')}, '269761':{'en': 'Mutsamudu', 'fr': 'Mutsamudu'}, '2292251':{'en': 'Bohicon', 'fr': 'Bohicon'}, '2292250':{'en': 'Abomey', 'fr': 'Abomey'}, '2292253':{'en': u('Dassa-Zoum\u00e9'), 'fr': u('Dassa-Zoum\u00e9')}, '1907586':{'en': 'Juneau, AK'}, '1907581':{'en': 'Unalaska, AK'}, '1907580':{'en': 'Elmendorf Air Force Base, AK'}, '1920775':{'en': 'Valders, WI'}, '238284':{'en': u('S\u00e3o Jorge, Fogo'), 'pt': u('S\u00e3o Jorge, Fogo')}, '1920779':{'en': 'Hortonville, WI'}, '25122662':{'en': 'Gessera, South-East Region'}, '25122663':{'en': 'Adaba, South-East Region'}, '25122664':{'en': 'Ghinir, South-East Region'}, '25122665':{'en': 'Robe, South-East Region'}, '269768':{'en': 'Mitsamiouli', 'fr': 'Mitsamiouli'}, '25122666':{'en': 'Dodolla, South-East Region'}, '2057':{'en': 'Damietta'}, '1910262':{'en': 'Wilmington, NC'}, '1905799':{'en': 'Brampton, ON'}, '1973292':{'en': 'Morristown, NJ'}, '1973293':{'en': 'Montague Township, NJ'}, '1908322':{'en': 'Scotch Plains, NJ'}, '302822':{'el': u('\u039a\u03af\u03c3\u03c3\u03b1\u03bc\u03bf\u03c2'), 'en': 'Kissamos'}, '1870725':{'en': 'Smackover, AR'}, '1870722':{'en': 'Hope, AR'}, '1925930':{'en': 'Walnut Creek, CA'}, '1925931':{'en': 'Pleasanton, CA'}, '1925932':{'en': 'Walnut Creek, CA'}, '1925933':{'en': 'Walnut Creek, CA'}, '1925934':{'en': 'Walnut Creek, CA'}, '1925935':{'en': 'Walnut Creek, CA'}, '1925937':{'en': 'Walnut Creek, CA'}, '1925938':{'en': 'Walnut Creek, CA'}, '1925939':{'en': 'Walnut Creek, CA'}, '26464501':{'en': 'Henties Bay'}, '264632712':{'en': 'Karasburg'}, '26464500':{'en': 'Henties Bay'}, '1901323':{'en': 'Memphis, TN'}, '1901322':{'en': 'Memphis, TN'}, '1901320':{'en': 'Memphis, TN'}, '1901327':{'en': 'Memphis, TN'}, '1908497':{'en': 'Cranford, NJ'}, '1901324':{'en': 'Memphis, TN'}, '302733':{'el': u('\u0393\u03cd\u03b8\u03b5\u03b9\u03bf'), 'en': 'Gytheio'}, '302732':{'el': u('\u039c\u03bf\u03bb\u03ac\u03bf\u03b9'), 'en': 'Molaoi'}, '302731':{'el': u('\u03a3\u03c0\u03ac\u03c1\u03c4\u03b7'), 'en': 'Sparti'}, '302736':{'el': u('\u039a\u03cd\u03b8\u03b7\u03c1\u03b1'), 'en': 'Kythera'}, '302735':{'el': u('\u03a3\u03ba\u03ac\u03bb\u03b1'), 'en': 'Molaoi'}, '302734':{'el': u('\u039d\u03b5\u03ac\u03c0\u03bf\u03bb\u03b7'), 'en': 'Neapoli, Voies'}, '26464504':{'en': 'Uis'}, '264632714':{'en': 'Karasburg'}, '1985690':{'en': 'Slidell, LA'}, '2756':{'en': 'Parys'}, '2757':{'en': 'Voorspoed, Welkom/Welkom Central, Welkom'}, '2754':{'en': 'Upington'}, '2753':{'en': 'Kimberley/Kuruman'}, '2751':{'en': 'Bloemfontein/Aliwal North'}, '2632583':{'en': 'Nyazura'}, '2632582':{'en': 'Headlands'}, '2758':{'en': 'Bethlehem'}, '1952466':{'en': 'Cologne, MN'}, '1862210':{'en': 'Fairfield, NJ'}, '1952469':{'en': 'Lakeville, MN'}, '264671766':{'en': 'Etosha Rurtel'}, '264671764':{'en': 'Okorusu'}, '1918660':{'en': 'Tulsa, OK'}, '1913390':{'en': 'Olathe, KS'}, '1913393':{'en': 'Olathe, KS'}, '1918663':{'en': 'Tulsa, OK'}, '1918664':{'en': 'Tulsa, OK'}, '1918665':{'en': 'Tulsa, OK'}, '1913397':{'en': 'Olathe, KS'}, '1941766':{'en': 'Port Charlotte, FL'}, '1941764':{'en': 'Port Charlotte, FL'}, '1941761':{'en': 'Bradenton, FL'}, '26464271':{'en': 'Walvis Bay'}, '1905846':{'en': 'Brampton, ON'}, '26464273':{'en': 'Walvis Bay'}, '1918542':{'en': 'Miami, OK'}, '1919829':{'en': 'Raleigh, NC'}, '1919828':{'en': 'Raleigh, NC'}, '1919286':{'en': 'Durham, NC'}, '1956361':{'en': 'San Benito, TX'}, '1919821':{'en': 'Raleigh, NC'}, '1956365':{'en': 'Harlingen, TX'}, '1956364':{'en': 'Harlingen, TX'}, '3313943':{'en': 'Le Chesnay', 'fr': 'Le Chesnay'}, '264652702':{'en': 'Ruacana'}, '264652701':{'en': 'Ruacana'}, '264652700':{'en': 'Ruacana'}, '3313944':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '1859373':{'en': 'Lexington, KY'}, '1856810':{'en': 'Marlton, NJ'}, '1859371':{'en': 'Florence, KY'}, '3314118':{'en': 'Suresnes', 'fr': 'Suresnes'}, '3314119':{'en': 'Colombes', 'fr': 'Colombes'}, '3313946':{'en': u('V\u00e9lizy-Villacoublay'), 'fr': u('V\u00e9lizy-Villacoublay')}, '3314112':{'en': 'Saint-Cloud', 'fr': 'Saint-Cloud'}, '3314113':{'en': 'Sceaux', 'fr': 'Sceaux'}, '3314110':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1925313':{'en': 'Martinez, CA'}, '3314116':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '3314117':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314114':{'en': 'Meudon', 'fr': 'Meudon'}, '3314115':{'en': 'Chaville', 'fr': 'Chaville'}, '1918488':{'en': 'Tulsa, OK'}, '1918485':{'en': 'Wagoner, OK'}, '1918486':{'en': 'Coweta, OK'}, '1918481':{'en': 'Tulsa, OK'}, '1918482':{'en': 'Haskell, OK'}, '1931759':{'en': 'Lynchburg, TN'}, '1919751':{'en': 'Goldsboro, NC'}, '1919755':{'en': 'Raleigh, NC'}, '2243051':{'en': u('Lab\u00e9')}, '2243053':{'en': 'Pita'}, '1905513':{'en': 'Markham, ON'}, '3313444':{'en': 'Franconville', 'fr': 'Franconville'}, '3313446':{'en': 'Cergy', 'fr': 'Cergy'}, '3313440':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '3313443':{'en': 'Jouy-le-Moutier', 'fr': 'Jouy-le-Moutier'}, '3313442':{'en': 'Boissy-l\'Aillerie', 'fr': 'Boissy-l\'Aillerie'}, '1916446':{'en': 'Sacramento, CA'}, '1912289':{'en': 'Brunswick, GA'}, '1916444':{'en': 'Sacramento, CA'}, '1940723':{'en': 'Wichita Falls, TX'}, '1916442':{'en': 'Sacramento, CA'}, '1916443':{'en': 'Sacramento, CA'}, '1916440':{'en': 'Sacramento, CA'}, '1916441':{'en': 'Sacramento, CA'}, '1912280':{'en': 'Brunswick, GA'}, '1912283':{'en': 'Waycross, GA'}, '1912284':{'en': 'Waycross, GA'}, '1912285':{'en': 'Waycross, GA'}, '1916448':{'en': 'Sacramento, CA'}, '1912287':{'en': 'Waycross, GA'}, '1850973':{'en': 'Madison, FL'}, '263288':{'en': 'Esigodini'}, '244233':{'en': 'Uige', 'pt': u('U\u00edge')}, '263285':{'en': 'Turkmine'}, '263284':{'en': 'Gwanda'}, '263287':{'en': 'Nyamandhlovu'}, '263286':{'en': 'Beitbridge'}, '2333626':{'en': 'Keta/Akatsi'}, '263283':{'en': 'Figtree'}, '263282':{'en': 'Kezi'}, '302631':{'el': u('\u039c\u03b5\u03c3\u03bf\u03bb\u03cc\u03b3\u03b3\u03b9'), 'en': 'Messolonghi'}, '1920982':{'en': 'New London, WI'}, '1920983':{'en': 'De Pere, WI'}, '1920984':{'en': 'Black Creek, WI'}, '1936760':{'en': 'Conroe, TX'}, '1864269':{'en': 'Greenville, SC'}, '1916624':{'en': 'Rocklin, CA'}, '1916625':{'en': 'Rocklin, CA'}, '1864260':{'en': 'Anderson, SC'}, '1864261':{'en': 'Anderson, SC'}, '1910739':{'en': 'Lumberton, NC'}, '1931535':{'en': 'New Johnsonville, TN'}, '1865425':{'en': 'Oak Ridge, TN'}, '1931537':{'en': 'Cookeville, TN'}, '25111330':{'en': 'Wolkite, Addis Ababa'}, '1903212':{'en': 'Longview, TX'}, '25111629':{'en': 'Gerji, Addis Ababa'}, '1936544':{'en': 'Crockett, TX'}, '31411':{'en': 'Boxtel', 'nl': 'Boxtel'}, '1860569':{'en': 'East Hartford, CT'}, '1860568':{'en': 'East Hartford, CT'}, '1860567':{'en': 'Litchfield, CT'}, '1860564':{'en': 'Plainfield, CT'}, '1860561':{'en': 'West Hartford, CT'}, '1860560':{'en': 'Hartford, CT'}, '1870538':{'en': 'Dermott, AR'}, '2682467':{'en': 'Mhlambanyatsi, Hhohho district'}, '1870533':{'en': 'Stamps, AR'}, '1870532':{'en': 'Blytheville, AR'}, '1870535':{'en': 'Pine Bluff, AR'}, '1870534':{'en': 'Pine Bluff, AR'}, '1870536':{'en': 'Pine Bluff, AR'}, '1928726':{'en': 'Yuma, AZ'}, '1928729':{'en': 'Fort Defiance, AZ'}, '264632699':{'en': 'Uhabis'}, '1972544':{'en': 'Ferris, TX'}, '264632696':{'en': 'Stinkdoring'}, '264632693':{'en': 'Hamab'}, '1914237':{'en': 'Yonkers, NY'}, '264632691':{'en': 'Warmbad'}, '264632690':{'en': 'Warmbad'}, '264632731':{'en': 'Aminuis'}, '244236':{'en': 'Cuanza Sul', 'pt': 'Kwanza-Sul'}, '1978671':{'en': 'Billerica, MA'}, '2682207':{'en': 'Nhlangano, Shiselweni district'}, '1937498':{'en': 'Sidney, OH'}, '1937492':{'en': 'Sidney, OH'}, '1937496':{'en': 'Dayton, OH'}, '1937497':{'en': 'Sidney, OH'}, '1954989':{'en': 'Hollywood, FL'}, '1954458':{'en': 'Hallandale Beach, FL'}, '1954981':{'en': 'Hollywood, FL'}, '1954983':{'en': 'Hollywood, FL'}, '1954450':{'en': 'Pembroke Pines, FL'}, '1954457':{'en': 'Hallandale Beach, FL'}, '1954456':{'en': 'Hallandale Beach, FL'}, '1954987':{'en': 'Hollywood, FL'}, '1954454':{'en': 'Hallandale Beach, FL'}, '1914234':{'en': 'Bedford, NY'}, '1973663':{'en': 'Lake Hopatcong, NJ'}, '1908862':{'en': 'Linden, NJ'}, '1973661':{'en': 'Nutley, NJ'}, '1973660':{'en': 'Florham Park, NJ'}, '1973667':{'en': 'Nutley, NJ'}, '1901516':{'en': 'Memphis, TN'}, '264652880':{'en': 'Omundaungilo'}, '1973669':{'en': 'West Orange, NJ'}, '264652884':{'en': 'Okongo'}, '264652885':{'en': 'Okongo'}, '264652886':{'en': 'Ekoka'}, '1907772':{'en': 'Petersburg, AK'}, '1907770':{'en': 'Anchorage, AK'}, '1907776':{'en': 'Kenai, AK'}, '1904310':{'en': 'Fernandina Beach, FL'}, '1903473':{'en': 'Emory, TX'}, '1860355':{'en': 'New Milford, CT'}, '1907822':{'en': 'Glennallen, AK'}, '1906428':{'en': 'Gladstone, MI'}, '1907826':{'en': 'Craig, AK'}, '1850763':{'en': 'Panama City, FL'}, '1913250':{'en': 'Leavenworth, KS'}, '1941371':{'en': 'Sarasota, FL'}, '1941373':{'en': 'Sarasota, FL'}, '1913254':{'en': 'Olathe, KS'}, '1905689':{'en': 'Waterdown, ON'}, '1914576':{'en': 'New Rochelle, NY'}, '1941377':{'en': 'Sarasota, FL'}, '1905684':{'en': 'St. Catharines, ON'}, '1860350':{'en': 'New Milford, CT'}, '1905686':{'en': 'Ajax, ON'}, '1905687':{'en': 'St. Catharines, ON'}, '1905681':{'en': 'Burlington, ON'}, '1905682':{'en': 'St. Catharines, ON'}, '1905683':{'en': 'Ajax, ON'}, '1949425':{'en': 'Aliso Viejo, CA'}, '1925560':{'en': 'Dublin, CA'}, '21678':{'en': 'Beja/Jendouba/Kef/La Kef/Siliana/Tabarka'}, '1949428':{'en': 'Irvine, CA'}, '21677':{'en': 'Haffouz/Kairouan/Kasserine'}, '21676':{'en': 'Gafsa/Sidi Bouzid/Tozeur'}, '2125365':{'en': 'Oujda', 'fr': 'Oujda'}, '21675':{'en': 'Gabes/Kebili/Medenine/Tataouine'}, '21674':{'en': 'Agareb/Sfax'}, '1907747':{'en': 'Sitka, AK'}, '21672':{'en': 'Bizerte/Nabeul/Zaghouan'}, '21671':{'en': 'Ariana/Ben Arous/Carthage/Tunis'}, '1989835':{'en': 'Midland, MI'}, '1989834':{'en': 'Ovid, MI'}, '1970249':{'en': 'Montrose, CO'}, '26120729':{'en': 'Mananjary'}, '1856641':{'en': 'Vineland, NJ'}, '1989831':{'en': 'Stanton, MI'}, '3313913':{'en': 'Sartrouville', 'fr': 'Sartrouville'}, '1970416':{'en': 'Fort Collins, CO'}, '1980343':{'en': 'Charlotte, NC'}, '1918835':{'en': 'Tulsa, OK'}, '1918834':{'en': 'Tulsa, OK'}, '1989496':{'en': 'Midland, MI'}, '1918836':{'en': 'Tulsa, OK'}, '1918343':{'en': 'Claremore, OK'}, '1918342':{'en': 'Claremore, OK'}, '1918341':{'en': 'Claremore, OK'}, '1918832':{'en': 'Tulsa, OK'}, '1858569':{'en': 'San Diego, CA'}, '1918838':{'en': 'Tulsa, OK'}, '3313930':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '237222136':{'en': u('Es\u00e9ka/Mboumnyebel')}, '1978232':{'en': 'Beverly, MA'}, '1908689':{'en': 'Washington, NJ'}, '1908688':{'en': 'Union, NJ'}, '1908687':{'en': 'Union, NJ'}, '1908686':{'en': 'Union, NJ'}, '1908684':{'en': 'Hackettstown, NJ'}, '1973882':{'en': 'Fairfield, NJ'}, '1973881':{'en': 'Paterson, NJ'}, '1915629':{'en': 'El Paso, TX'}, '1931393':{'en': 'Tullahoma, TN'}, '1906884':{'en': 'Ontonagon, MI'}, '1858780':{'en': 'San Diego, CA'}, '1952854':{'en': 'Bloomington, MN'}, '29998':{'en': 'Tasiilaq'}, '29999':{'en': 'Ittoqqortoormiit'}, '29992':{'en': 'Qeqertasuaq'}, '1970544':{'en': 'Aspen, CO'}, '1951372':{'en': 'Corona, CA'}, '29996':{'en': 'Upernavik'}, '1952858':{'en': 'Bloomington, MN'}, '29994':{'en': 'Ilulissat'}, '29995':{'en': 'Uummannaq'}, '302229':{'el': u('\u0395\u03c1\u03ad\u03c4\u03c1\u03b9\u03b1'), 'en': 'Eretria'}, '302228':{'el': u('\u03a8\u03b1\u03c7\u03bd\u03ac'), 'en': 'Messapia'}, '302224':{'el': u('\u039a\u03ac\u03c1\u03c5\u03c3\u03c4\u03bf\u03c2'), 'en': 'Karystos'}, '302227':{'el': u('\u039c\u03b1\u03bd\u03c4\u03bf\u03cd\u03b4\u03b9'), 'en': 'Kireas'}, '302226':{'el': u('\u0391\u03b9\u03b4\u03b7\u03c8\u03cc\u03c2'), 'en': 'Aidipsos'}, '302221':{'el': u('\u03a7\u03b1\u03bb\u03ba\u03af\u03b4\u03b1'), 'en': 'Chalcis'}, '302223':{'el': u('\u0391\u03bb\u03b9\u03b2\u03ad\u03c1\u03b9'), 'en': 'Aliveri'}, '302222':{'el': u('\u039a\u03cd\u03bc\u03b7'), 'en': 'Kymi'}, '26463210':{'en': 'Luderitz'}, '1863956':{'en': 'Lake Alfred, FL'}, '1941378':{'en': 'Sarasota, FL'}, '1985785':{'en': 'Luling, LA'}, '1985781':{'en': 'Slidell, LA'}, '1985783':{'en': 'Hahnville, LA'}, '1903683':{'en': 'Rusk, TX'}, '1903687':{'en': 'Waskom, TX'}, '264652570':{'en': 'Ogongo'}, '264652571':{'en': 'Ogongo'}, '264652572':{'en': 'Ogongo'}, '3314889':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314651':{'en': 'Paris', 'fr': 'Paris'}, '3314652':{'en': 'Colombes', 'fr': 'Colombes'}, '3314655':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314654':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314309':{'en': 'Neuilly-sur-Marne', 'fr': 'Neuilly-sur-Marne'}, '3314308':{'en': 'Neuilly-sur-Marne', 'fr': 'Neuilly-sur-Marne'}, '3314307':{'en': 'Paris', 'fr': 'Paris'}, '3314306':{'en': 'Paris', 'fr': 'Paris'}, '3314305':{'en': 'Noisy-le-Grand', 'fr': 'Noisy-le-Grand'}, '3314304':{'en': 'Noisy-le-Grand', 'fr': 'Noisy-le-Grand'}, '3314303':{'en': 'Noisy-le-Grand', 'fr': 'Noisy-le-Grand'}, '3314302':{'en': 'Gagny', 'fr': 'Gagny'}, '3314301':{'en': 'Gagny', 'fr': 'Gagny'}, '3314300':{'en': 'Neuilly-Plaisance', 'fr': 'Neuilly-Plaisance'}, '31314':{'en': 'Doetinchem', 'nl': 'Doetinchem'}, '31317':{'en': 'Wageningen', 'nl': 'Wageningen'}, '31316':{'en': 'Zevenaar', 'nl': 'Zevenaar'}, '31313':{'en': 'Dieren', 'nl': 'Dieren'}, '31318':{'en': 'Veenendaal', 'nl': 'Veenendaal'}, '1951582':{'en': 'Corona, CA'}, '1915849':{'en': 'El Paso, TX'}, '1951587':{'en': 'Temecula, CA'}, '1979335':{'en': 'East Bernard, TX'}, '1915843':{'en': 'El Paso, TX'}, '1850561':{'en': 'Tallahassee, FL'}, '1850562':{'en': 'Tallahassee, FL'}, '264632752':{'en': 'Bralano'}, '264632753':{'en': 'Bralano'}, '1915845':{'en': 'El Paso, TX'}, '1907212':{'en': 'Anchorage, AK'}, '1920574':{'en': 'Appleton, WI'}, '2442498':{'en': 'Menongue', 'pt': 'Menongue'}, '1951769':{'en': 'Beaumont, CA'}, '1951766':{'en': 'Hemet, CA'}, '1951765':{'en': 'Hemet, CA'}, '1951763':{'en': 'Anza, CA'}, '25147221':{'en': 'Agaro, South-West Region'}, '25147223':{'en': 'Dedo, South-West Region'}, '25147222':{'en': 'Ghembo, South-West Region'}, '25147225':{'en': 'Haro, South-West Region'}, '25147224':{'en': 'Limmu Genet, South-West Region'}, '25147226':{'en': 'Yebu, South-West Region'}, '25147229':{'en': 'Ghembe, South-West Region'}, '25147228':{'en': 'Atnago, South-West Region'}, '1920794':{'en': 'Two Rivers, WI'}, '1920793':{'en': 'Two Rivers, WI'}, '2262098':{'en': 'Bobo-Dioulasso'}, '2262099':{'en': u('B\u00e9r\u00e9ba/Fo/Hound\u00e9')}, '1949631':{'en': 'Costa Mesa, CA'}, '1989785':{'en': 'Atlanta, MI'}, '3313082':{'en': 'La Celle Saint Cloud', 'fr': 'La Celle Saint Cloud'}, '1978827':{'en': 'Ashburnham, MA'}, '1972459':{'en': 'Lewisville, TX'}, '1972458':{'en': 'Dallas, TX'}, '1909305':{'en': 'San Dimas, CA'}, '1972456':{'en': 'Dallas, TX'}, '1909307':{'en': 'Redlands, CA'}, '1972450':{'en': 'Dallas, TX'}, '1973278':{'en': 'Paterson, NJ'}, '1973279':{'en': 'Paterson, NJ'}, '1916375':{'en': 'West Sacramento, CA'}, '1973274':{'en': 'Newark, NJ'}, '1973276':{'en': 'Fairfield, NJ'}, '1937544':{'en': 'West Union, OH'}, '1973273':{'en': 'Newark, NJ'}, '1860793':{'en': 'Plainville, CT'}, '2262097':{'en': 'Bobo-Dioulasso'}, '1860799':{'en': 'New Milford, CT'}, '1914664':{'en': 'Mount Vernon, NY'}, '1914665':{'en': 'Mount Vernon, NY'}, '1912427':{'en': 'Jesup, GA'}, '1870702':{'en': 'West Memphis, AR'}, '1914666':{'en': 'Mount Kisco, NY'}, '1912422':{'en': 'Pearson, GA'}, '1914667':{'en': 'Mount Vernon, NY'}, '1918321':{'en': 'Kiefer, OK'}, '1918895':{'en': 'Tulsa, OK'}, '1978532':{'en': 'Peabody, MA'}, '1914663':{'en': 'Mount Vernon, NY'}, '1973414':{'en': 'East Orange, NJ'}, '1973416':{'en': 'Irvington, NJ'}, '3314083':{'en': 'Clamart', 'fr': 'Clamart'}, '1954845':{'en': 'Sunrise, FL'}, '1954846':{'en': 'Sunrise, FL'}, '30241':{'el': u('\u039b\u03ac\u03c1\u03b9\u03c3\u03b1'), 'en': 'Larissa'}, '1970259':{'en': 'Durango, CO'}, '1915790':{'en': 'El Paso, TX'}, '1919544':{'en': 'Durham, NC'}, '25111685':{'en': 'Mehal Meda, Addis Ababa'}, '26466269':{'en': 'Rundu'}, '1850424':{'en': 'Destin, FL'}, '1952448':{'en': 'Chaska, MN'}, '1952446':{'en': 'St. Bonifacius, MN'}, '1952447':{'en': 'Prior Lake, MN'}, '1952445':{'en': 'Shakopee, MN'}, '1952442':{'en': 'Waconia, MN'}, '1952443':{'en': 'Victoria, MN'}, '1952440':{'en': 'Prior Lake, MN'}, '31113':{'en': 'Goes', 'nl': 'Goes'}, '1856786':{'en': 'Cinnaminson, NJ'}, '1859572':{'en': 'Fort Thomas, KY'}, '264632500':{'en': 'Gochas'}, '1909878':{'en': 'Big Bear Lake, CA'}, '1972724':{'en': 'Flower Mound, TX'}, '1909873':{'en': 'Rialto, CA'}, '238268':{'en': u('S\u00e3o Domingos, Santiago'), 'pt': u('S\u00e3o Domingos, Santiago')}, '1909877':{'en': 'Bloomington, CA'}, '1925954':{'en': 'Walnut Creek, CA'}, '1909875':{'en': 'Rialto, CA'}, '1909874':{'en': 'Rialto, CA'}, '1941749':{'en': 'Bradenton, FL'}, '1941748':{'en': 'Bradenton, FL'}, '1918649':{'en': 'Poteau, OK'}, '1914493':{'en': 'Valhalla, NY'}, '1972721':{'en': 'Irving, TX'}, '1941743':{'en': 'Port Charlotte, FL'}, '264673051':{'en': 'Waterberg Plateau Park'}, '1941745':{'en': 'Bradenton, FL'}, '1941744':{'en': 'Bradenton, FL'}, '1941747':{'en': 'Bradenton, FL'}, '1941746':{'en': 'Bradenton, FL'}, '1919518':{'en': 'Raleigh, NC'}, '264652746':{'en': 'Ohandungu'}, '26464210':{'en': 'Walvis Bay'}, '1919510':{'en': 'Raleigh, NC'}, '1910392':{'en': 'Wilmington, NC'}, '264652766':{'en': 'Oruvandjai'}, '1919515':{'en': 'Raleigh, NC'}, '1910395':{'en': 'Wilmington, NC'}, '1910396':{'en': 'Fort Bragg, NC'}, '1910397':{'en': 'Wilmington, NC'}, '31111':{'en': 'Zierikzee', 'nl': 'Zierikzee'}, '31115':{'en': 'Terneuzen', 'nl': 'Terneuzen'}, '1973635':{'en': 'Chatham, NJ'}, '1859313':{'en': 'Lexington, KY'}, '1856874':{'en': 'Cherry Hill, NJ'}, '1859317':{'en': 'Lexington, KY'}, '1914725':{'en': 'Scarsdale, NY'}, '1914723':{'en': 'Scarsdale, NY'}, '1914722':{'en': 'Scarsdale, NY'}, '3314503':{'en': 'Paris', 'fr': 'Paris'}, '1920893':{'en': 'Plymouth, WI'}, '1864332':{'en': 'Anderson, SC'}, '1979251':{'en': 'Brenham, TX'}, '3314790':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3314791':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3314792':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '3314793':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3314794':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '3314795':{'en': 'Garches', 'fr': 'Garches'}, '3314797':{'en': 'Paris', 'fr': 'Paris'}, '3314798':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '1973450':{'en': 'Belleville, NJ'}, '1864331':{'en': 'Greenville, SC'}, '1905538':{'en': 'Hamilton, ON'}, '2262549':{'en': 'Ouagadougou'}, '2572240':{'en': 'Central east zone'}, '3315353':{'en': 'Paris', 'fr': 'Paris'}, '1903874':{'en': 'Corsicana, TX'}, '1903877':{'en': 'Tyler, TX'}, '1916421':{'en': 'Sacramento, CA'}, '1916422':{'en': 'Sacramento, CA'}, '1916423':{'en': 'Sacramento, CA'}, '1916424':{'en': 'Sacramento, CA'}, '3314507':{'en': 'Meudon', 'fr': 'Meudon'}, '26753':{'en': 'Lobatse'}, '1916427':{'en': 'Sacramento, CA'}, '1916428':{'en': 'Sacramento, CA'}, '1916429':{'en': 'Sacramento, CA'}, '31598':{'en': 'Veendam', 'nl': 'Veendam'}, '26759':{'en': 'Molepolole/Kweneng'}, '1864797':{'en': 'Greer, SC'}, '1919775':{'en': 'Sanford, NC'}, '1919774':{'en': 'Sanford, NC'}, '1919777':{'en': 'Sanford, NC'}, '1919776':{'en': 'Sanford, NC'}, '1903873':{'en': 'Wills Point, TX'}, '1919773':{'en': 'Garner, NC'}, '1919772':{'en': 'Garner, NC'}, '1910648':{'en': 'Bladenboro, NC'}, '1931738':{'en': 'Sparta, TN'}, '1919779':{'en': 'Garner, NC'}, '1919778':{'en': 'Goldsboro, NC'}, '3314366':{'en': 'Paris', 'fr': 'Paris'}, '1905201':{'en': 'Markham, ON'}, '31592':{'en': 'Assen', 'nl': 'Assen'}, '1864242':{'en': 'Greenville, SC'}, '1864240':{'en': 'Greenville, SC'}, '1864241':{'en': 'Greenville, SC'}, '1920968':{'en': 'Appleton, WI'}, '1920969':{'en': 'Neenah, WI'}, '1920964':{'en': 'De Pere, WI'}, '1920965':{'en': 'Green Bay, WI'}, '1904953':{'en': 'Jacksonville, FL'}, '1916399':{'en': 'Sacramento, CA'}, '1916392':{'en': 'Sacramento, CA'}, '1916393':{'en': 'Sacramento, CA'}, '25111646':{'en': 'Yeka II, Addis Ababa'}, '1916391':{'en': 'Sacramento, CA'}, '1916394':{'en': 'Sacramento, CA'}, '1916395':{'en': 'Sacramento, CA'}, '1951977':{'en': 'Riverside, CA'}, '2442643':{'en': 'Tombua', 'pt': 'Tombua'}, '1860549':{'en': 'Hartford, CT'}, '1870552':{'en': 'Carlisle, AR'}, '1941308':{'en': 'Sarasota, FL'}, '1860542':{'en': 'Norfolk, CT'}, '1860545':{'en': 'Hartford, CT'}, '1860547':{'en': 'Hartford, CT'}, '1860546':{'en': 'Canterbury, CT'}, '26324':{'en': 'Chipangayi'}, '26325':{'en': 'Rusape'}, '26326':{'en': 'Chimanimani'}, '1901746':{'en': 'Memphis, TN'}, '26320':{'en': 'Mutare'}, '26321':{'en': 'Murambinda'}, '2682442':{'en': 'Ngwenya, Hhohho district'}, '26329':{'en': 'Juliasdale'}, '1985429':{'en': 'Hammond, LA'}, '263952':{'en': 'Luveve'}, '2682227':{'en': 'Hluthi, Shiselweni district'}, '1918287':{'en': 'Pawhuska, OK'}, '1903896':{'en': 'Edgewood, TX'}, '1903894':{'en': 'Bullard, TX'}, '1903893':{'en': 'Sherman, TX'}, '1903892':{'en': 'Sherman, TX'}, '1903891':{'en': 'Sherman, TX'}, '2410183':{'en': 'Mayumba'}, '2410182':{'en': 'Tchibanga'}, '2410186':{'en': 'Mouila'}, '264632942':{'en': 'Kumakams'}, '1920668':{'en': 'Cedar Grove, WI'}, '1909464':{'en': 'Chino, CA'}, '1909465':{'en': 'Chino, CA'}, '1909466':{'en': 'Rancho Cucamonga, CA'}, '1909467':{'en': 'Ontario, CA'}, '1909460':{'en': 'Ontario, CA'}, '1972661':{'en': 'Dallas, TX'}, '1972663':{'en': 'Dallas, TX'}, '1909468':{'en': 'Walnut, CA'}, '1909469':{'en': 'Pomona, CA'}, '1905338':{'en': 'Oakville, ON'}, '1905339':{'en': 'Oakville, ON'}, '3313979':{'en': 'Poissy', 'fr': 'Poissy'}, '1905335':{'en': 'Burlington, ON'}, '1905336':{'en': 'Burlington, ON'}, '1905337':{'en': 'Oakville, ON'}, '1905331':{'en': 'Burlington, ON'}, '1937610':{'en': 'Dayton, OH'}, '1905333':{'en': 'Burlington, ON'}, '1973648':{'en': 'Newark, NJ'}, '1973645':{'en': 'Newark, NJ'}, '1973644':{'en': 'Morristown, NJ'}, '1901820':{'en': 'Memphis, TN'}, '1901821':{'en': 'Memphis, TN'}, '1973643':{'en': 'Newark, NJ'}, '1973642':{'en': 'Newark, NJ'}, '1860892':{'en': 'Norwich, CT'}, '1973674':{'en': 'East Orange, NJ'}, '1907790':{'en': 'Juneau, AK'}, '1972681':{'en': 'Mesquite, TX'}, '2349':{'en': 'Abuja'}, '1901797':{'en': 'Memphis, TN'}, '1941358':{'en': 'Sarasota, FL'}, '1901795':{'en': 'Memphis, TN'}, '1901791':{'en': 'Memphis, TN'}, '1941350':{'en': 'Sarasota, FL'}, '1941351':{'en': 'Sarasota, FL'}, '1941355':{'en': 'Sarasota, FL'}, '1989593':{'en': 'Fowler, MI'}, '263213284':{'en': 'Victoria Falls'}, '1850747':{'en': 'Panama City, FL'}, '1912897':{'en': 'Savannah, GA'}, '1954473':{'en': 'Plantation, FL'}, '1973676':{'en': 'East Orange, NJ'}, '1912898':{'en': 'Savannah, GA'}, '1918585':{'en': 'Tulsa, OK'}, '1918584':{'en': 'Tulsa, OK'}, '1918587':{'en': 'Tulsa, OK'}, '1918583':{'en': 'Tulsa, OK'}, '1858495':{'en': 'San Diego, CA'}, '31186':{'en': 'Oud-Beijerland', 'nl': 'Oud-Beijerland'}, '1858496':{'en': 'San Diego, CA'}, '1985839':{'en': 'Franklinton, LA'}, '264672903':{'en': 'Epupa'}, '26465220':{'en': 'Oshakati'}, '264673324':{'en': 'Sorris-Sorris'}, '264672901':{'en': 'Kalkfeld'}, '264673325':{'en': 'Sorris-Sorris'}, '302674':{'el': u('\u03a3\u03ac\u03bc\u03b7'), 'en': 'Sami, Cephalonia'}, '264672900':{'en': 'Kalkfeld'}, '302671':{'el': u('\u0391\u03c1\u03b3\u03bf\u03c3\u03c4\u03cc\u03bb\u03b9'), 'en': 'Argostoli'}, '1905804':{'en': 'Mississauga, ON'}, '1856665':{'en': 'Pennsauken Township, NJ'}, '1856667':{'en': 'Cherry Hill, NJ'}, '1858549':{'en': 'San Diego, CA'}, '1918367':{'en': 'Bristow, OK'}, '1918366':{'en': 'Bixby, OK'}, '1913856':{'en': 'Gardner, KS'}, '1858541':{'en': 'San Diego, CA'}, '1858546':{'en': 'San Diego, CA'}, '1858547':{'en': 'San Diego, CA'}, '1913851':{'en': 'Overland Park, KS'}, '1978258':{'en': 'Lawrence, MA'}, '1978251':{'en': 'North Chelmsford, MA'}, '1978250':{'en': 'Chelmsford, MA'}, '1978256':{'en': 'Chelmsford, MA'}, '264672584':{'en': 'Andara'}, '264672583':{'en': 'Andara'}, '302694':{'el': u('\u03a7\u03b1\u03bb\u03b1\u03bd\u03b4\u03c1\u03af\u03c4\u03c3\u03b1'), 'en': 'Chalandritsa'}, '263387':{'en': 'Tsholotsho'}, '263383':{'en': 'Matopose'}, '25111125':{'en': 'Sidist Kilo Rss I, Addis Ababa'}, '1850891':{'en': 'Tallahassee, FL'}, '1850892':{'en': 'DeFuniak Springs, FL'}, '1919981':{'en': 'Raleigh, NC'}, '1850894':{'en': 'Tallahassee, FL'}, '25111123':{'en': 'Sidist Kilo II, Addis Ababa'}, '1850897':{'en': 'Niceville, FL'}, '1919989':{'en': 'Smithfield, NC'}, '1956753':{'en': 'Laredo, TX'}, '264632307':{'en': 'Oranjemund'}, '264632300':{'en': 'Oranjemund'}, '264671790':{'en': 'Uib'}, '264632309':{'en': 'Oranjemund'}, '264632308':{'en': 'Oranjemund'}, '26467241':{'en': 'Grootfontein'}, '26467240':{'en': 'Grootfontein'}, '26467243':{'en': 'Grootfontein'}, '26467242':{'en': 'Grootfontein'}, '26467248':{'en': 'Grootfontein'}, '3314270':{'en': 'Clichy', 'fr': 'Clichy'}, '2392228':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '1867456':{'en': 'Whitehorse, YT'}, '3314329':{'en': 'Paris', 'fr': 'Paris'}, '2392223':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '1905493':{'en': 'Whitby, ON'}, '1905492':{'en': 'Pickering, ON'}, '1905495':{'en': 'Brampton, ON'}, '1905494':{'en': 'Brampton, ON'}, '1905949':{'en': 'Mississauga, ON'}, '1905948':{'en': 'Markham, ON'}, '1905947':{'en': 'Markham, ON'}, '1905946':{'en': 'Markham, ON'}, '1905945':{'en': 'Grimsby, ON'}, '1905944':{'en': 'Markham, ON'}, '1905943':{'en': 'Markham, ON'}, '3314324':{'en': 'Le Perreux sur Marne', 'fr': 'Le Perreux sur Marne'}, '3314327':{'en': 'Paris', 'fr': 'Paris'}, '1905940':{'en': 'Markham, ON'}, '1915860':{'en': 'El Paso, TX'}, '258281':{'en': 'Chokwe', 'pt': u('Chokw\u00e9')}, '1850545':{'en': 'Tallahassee, FL'}, '2392227':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '1865329':{'en': 'Knoxville, TN'}, '1989227':{'en': 'St. Johns, MI'}, '1989224':{'en': 'St. Johns, MI'}, '1970229':{'en': 'Fort Collins, CO'}, '1870946':{'en': 'DeWitt, AR'}, '1920223':{'en': 'Oshkosh, WI'}, '1870942':{'en': 'Sheridan, AR'}, '3314944':{'en': 'Neuilly-sur-Marne', 'fr': 'Neuilly-sur-Marne'}, '1931270':{'en': 'Lewisburg, TN'}, '2392261':{'en': 'Angolares, Porto Alegre', 'pt': 'Angolares, Porto Alegre'}, '25646':{'en': 'Mityana'}, '25645':{'en': 'Mbale'}, '25643':{'en': 'Jinja'}, '2224574':{'en': 'Nouadhibou', 'fr': 'Nouadhibou'}, '264662596':{'en': 'Sambyu'}, '3314277':{'en': 'Paris', 'fr': 'Paris'}, '1916987':{'en': 'Orangevale, CA'}, '323':{'de': 'Antwerpen', 'en': 'Antwerp', 'fr': 'Anvers', 'nl': 'Antwerpen'}, '1916985':{'en': 'Folsom, CA'}, '1916984':{'en': 'Folsom, CA'}, '1916983':{'en': 'Folsom, CA'}, '3314843':{'en': 'Pantin', 'fr': 'Pantin'}, '329':{'de': 'Gent', 'en': 'Ghent', 'fr': 'Gand', 'nl': 'Gent'}, '1916989':{'en': 'Orangevale, CA'}, '1916988':{'en': 'Orangevale, CA'}, '1949653':{'en': 'Irvine, CA'}, '1949651':{'en': 'Irvine, CA'}, '1949650':{'en': 'Costa Mesa, CA'}, '1949654':{'en': 'Irvine, CA'}, '1910920':{'en': 'Fayetteville, NC'}, '264652720':{'en': 'Oshifo'}, '1972479':{'en': 'Richardson, TX'}, '1972478':{'en': 'Carrollton, TX'}, '1937847':{'en': 'Miamisburg, OH'}, '1937845':{'en': 'New Carlisle, OH'}, '1972470':{'en': 'Richardson, TX'}, '1972473':{'en': 'Plano, TX'}, '1937848':{'en': 'Bellbrook, OH'}, '1972475':{'en': 'Rowlett, TX'}, '1973782':{'en': 'Paterson, NJ'}, '1973783':{'en': 'Montclair, NJ'}, '1973786':{'en': 'Andover, NJ'}, '302445':{'el': u('\u039c\u03bf\u03c5\u03b6\u03ac\u03ba\u03b9'), 'en': 'Mouzaki'}, '302444':{'el': u('\u03a0\u03b1\u03bb\u03b1\u03bc\u03ac\u03c2'), 'en': 'Palamas'}, '302441':{'el': u('\u039a\u03b1\u03c1\u03b4\u03af\u03c4\u03c3\u03b1'), 'en': 'Karditsa'}, '302443':{'el': u('\u03a3\u03bf\u03c6\u03ac\u03b4\u03b5\u03c2'), 'en': 'Sofades'}, '1972783':{'en': 'Richardson, TX'}, '1972782':{'en': 'Farmersville, TX'}, '1909581':{'en': 'Rancho Cucamonga, CA'}, '1909580':{'en': 'Colton, CA'}, '1909585':{'en': 'Big Bear, CA'}, '1909584':{'en': 'Big Bear, CA'}, '1870762':{'en': 'Blytheville, AR'}, '1870763':{'en': 'Blytheville, AR'}, '1928226':{'en': 'Flagstaff, AZ'}, '1928556':{'en': 'Flagstaff, AZ'}, '21343':{'en': 'Tlemcen'}, '21341':{'en': 'Oran'}, '3314131':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '2333125':{'en': 'Samreboi'}, '1904783':{'en': 'Jacksonville, FL'}, '1904781':{'en': 'Jacksonville, FL'}, '1904786':{'en': 'Jacksonville, FL'}, '2333120':{'en': 'Takoradi'}, '21349':{'en': u('Adrar/B\u00e9char/Tindouf')}, '2333122':{'en': 'Elubo'}, '233337':{'en': 'Central Region'}, '1937264':{'en': 'Dayton, OH'}, '1937263':{'en': 'Dayton, OH'}, '1937262':{'en': 'Dayton, OH'}, '1937268':{'en': 'Dayton, OH'}, '1901495':{'en': 'Memphis, TN'}, '2069':{'en': 'El-Tor'}, '1973253':{'en': 'Clifton, NJ'}, '2062':{'en': 'Suez'}, '2064':{'en': 'Ismailia'}, '2065':{'en': 'Red Sea'}, '2066':{'en': 'Port Said'}, '1973259':{'en': 'Bloomfield, NJ'}, '1859554':{'en': 'Lexington, KY'}, '1952423':{'en': 'Apple Valley, MN'}, '1909854':{'en': 'Fontana, CA'}, '1973857':{'en': 'Verona, NJ'}, '1941723':{'en': 'Palmetto, FL'}, '1863676':{'en': 'Lake Wales, FL'}, '1941721':{'en': 'Palmetto, FL'}, '1941727':{'en': 'Bradenton, FL'}, '1941729':{'en': 'Palmetto, FL'}, '264651704':{'en': 'Edundja'}, '1901672':{'en': 'Memphis, TN'}, '264651702':{'en': 'Blue Sodalite Mine'}, '1973439':{'en': 'Fairfield, NJ'}, '237233321':{'en': 'Muyuka'}, '264652743':{'en': 'Kunene River Lodge'}, '1859881':{'en': 'Nicholasville, KY'}, '264652741':{'en': 'Sodalite'}, '1856507':{'en': 'Vineland, NJ'}, '1859336':{'en': 'Springfield, KY'}, '1859885':{'en': 'Nicholasville, KY'}, '1859334':{'en': 'Burlington, KY'}, '1859887':{'en': 'Nicholasville, KY'}, '1970204':{'en': 'Fort Collins, CO'}, '1970206':{'en': 'Fort Collins, CO'}, '1970207':{'en': 'Fort Collins, CO'}, '1970203':{'en': 'Loveland, CO'}, '1925242':{'en': 'San Ramon, CA'}, '1925243':{'en': 'Livermore, CA'}, '1925240':{'en': 'Brentwood, CA'}, '1925244':{'en': 'San Ramon, CA'}, '1925245':{'en': 'Livermore, CA'}, '1925249':{'en': 'Pleasanton, CA'}, '1865774':{'en': 'Sevierville, TN'}, '264651708':{'en': 'Elim'}, '25133554':{'en': 'Kemise, North-East Region'}, '25133555':{'en': 'Assayta, North-East Region'}, '25133556':{'en': 'Dupti, North-East Region'}, '264651709':{'en': 'Elim'}, '25133550':{'en': 'Logia, North-East Region'}, '25133551':{'en': 'Kombolcha, North-East Region'}, '25133552':{'en': 'Harbu, North-East Region'}, '25133553':{'en': 'Bati, North-East Region'}, '31528':{'en': 'Hoogeveen', 'nl': 'Hoogeveen'}, '2243098':{'en': 'Kissidougou'}, '31529':{'en': 'Dalfsen', 'nl': 'Dalfsen'}, '1905554':{'en': 'Markham, ON'}, '2243091':{'en': u('N\'Z\u00e9r\u00e9kor\u00e9')}, '1858689':{'en': 'San Diego, CA'}, '2243094':{'en': 'Macenta'}, '2243097':{'en': u('Gu\u00e9ck\u00e9dou')}, '1973925':{'en': 'Paterson, NJ'}, '1973926':{'en': 'Newark, NJ'}, '1973923':{'en': 'Newark, NJ'}, '1919736':{'en': 'Goldsboro, NC'}, '3313413':{'en': 'Franconville', 'fr': 'Franconville'}, '1919572':{'en': 'Durham, NC'}, '1919571':{'en': 'Raleigh, NC'}, '1919577':{'en': 'Fuquay-Varina, NC'}, '1919575':{'en': 'Butner, NC'}, '3313984':{'en': 'Deuil-la-Barre', 'fr': 'Deuil-la-Barre'}, '3313985':{'en': 'Gonesse', 'fr': 'Gonesse'}, '3313986':{'en': u('Garges-l\u00e8s-Gonesse'), 'fr': u('Garges-l\u00e8s-Gonesse')}, '3313987':{'en': 'Gonesse', 'fr': 'Gonesse'}, '3313980':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3313981':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3313982':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3313983':{'en': 'Deuil-la-Barre', 'fr': 'Deuil-la-Barre'}, '3314525':{'en': 'Paris', 'fr': 'Paris'}, '3313988':{'en': 'Goussainville', 'fr': 'Goussainville'}, '3313989':{'en': 'Saint-Gratien', 'fr': 'Saint-Gratien'}, '237233296':{'en': 'Bafang'}, '237233297':{'en': 'Bafang'}, '1916408':{'en': 'Lincoln, CA'}, '3314524':{'en': 'Paris', 'fr': 'Paris'}, '237222369':{'en': 'Banyo'}, '1940898':{'en': 'Denton, TX'}, '226253':{'en': 'Ouagadougou'}, '1940676':{'en': 'Sheppard AFB, Wichita Falls, TX'}, '1850932':{'en': 'Gulf Breeze, FL'}, '1940891':{'en': 'Denton, TX'}, '1931863':{'en': 'Clarkrange, TN'}, '1919792':{'en': 'Raleigh, NC'}, '1919791':{'en': 'Raleigh, NC'}, '1919790':{'en': 'Raleigh, NC'}, '1979532':{'en': 'Wharton, TX'}, '3314523':{'en': 'Paris', 'fr': 'Paris'}, '1864512':{'en': 'Anderson, SC'}, '25111662':{'en': 'Bole III, Addis Ababa'}, '25111663':{'en': 'Bole IV, Addis Ababa'}, '25111660':{'en': 'Kotebe, Addis Ababa'}, '25111661':{'en': 'Bole II, Addis Ababa'}, '1904209':{'en': 'St. Augustine, FL'}, '1903527':{'en': 'Caddo Mills, TX'}, '1903526':{'en': 'Tyler, TX'}, '1903525':{'en': 'Tyler, TX'}, '25111669':{'en': 'Bole VI, Addis Ababa'}, '1904202':{'en': 'Jacksonville, FL'}, '3314601':{'en': 'Le Plessis-Robinson', 'fr': 'Le Plessis-Robinson'}, '2572223':{'en': 'Bujumbura'}, '2572222':{'en': 'Bujumbura'}, '2572221':{'en': 'Bujumbura'}, '2572220':{'en': 'Bujumbura'}, '2572227':{'en': 'Rural areas'}, '2572226':{'en': 'West zone'}, '2572225':{'en': 'Bujumbura'}, '2572224':{'en': 'Bujumbura'}, '1951955':{'en': 'Riverside, CA'}, '1936588':{'en': 'Montgomery, TX'}, '1936858':{'en': 'Alto, TX'}, '1870578':{'en': 'Harrisburg, AR'}, '1870574':{'en': 'Camden, AR'}, '1936582':{'en': 'Montgomery, TX'}, '1936856':{'en': 'Willis, TX'}, '1870572':{'en': 'West Helena, AR'}, '3314520':{'en': 'Paris', 'fr': 'Paris'}, '1859212':{'en': 'Florence, KY'}, '1928763':{'en': 'Bullhead City, AZ'}, '1913596':{'en': 'Kansas City, KS'}, '1928764':{'en': 'Lake Havasu City, AZ'}, '3315360':{'en': 'Paris', 'fr': 'Paris'}, '3314604':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1913621':{'en': 'Kansas City, KS'}, '1937454':{'en': 'Dayton, OH'}, '1937456':{'en': 'Eaton, OH'}, '1937452':{'en': 'Camden, OH'}, '1937981':{'en': 'Greenfield, OH'}, '26463248':{'en': 'Mariental'}, '1972717':{'en': 'Irving, TX'}, '1860523':{'en': 'West Hartford, CT'}, '1860522':{'en': 'Hartford, CT'}, '1860521':{'en': 'West Hartford, CT'}, '1860527':{'en': 'Hartford, CT'}, '1860525':{'en': 'Hartford, CT'}, '1860524':{'en': 'Hartford, CT'}, '1956461':{'en': 'Donna, TX'}, '1902695':{'en': 'New Glasgow, NS'}, '1905315':{'en': 'Burlington, ON'}, '1905312':{'en': 'Hamilton, ON'}, '1972315':{'en': 'Lewisville, TX'}, '1972316':{'en': 'Lewisville, TX'}, '1972317':{'en': 'Lewisville, TX'}, '1972642':{'en': 'Grand Prairie, TX'}, '1972867':{'en': 'Plano, TX'}, '1972312':{'en': 'Plano, TX'}, '1972313':{'en': 'Irving, TX'}, '25453':{'en': 'Eldoret/Turbo/Kapsabet/Iten/Kabarnet'}, '25452':{'en': 'Kericho/Bomet'}, '25451':{'en': 'Nakuru'}, '25450':{'en': 'Naivasha/Narok'}, '25457':{'en': 'Kisumu/Siaya'}, '25456':{'en': 'Kakamega/Mbale/Butere/Mumias'}, '25455':{'en': 'Bungoma/Busia'}, '25454':{'en': 'Kitale/Moi\'s Bridge/Kapenguria/Lodwar'}, '25459':{'en': 'Homabay/Migori'}, '25458':{'en': 'Kisii/Kilgoris/Oyugis/Nyamira'}, '1937675':{'en': 'Jamestown, OH'}, '1979694':{'en': 'College Station, TX'}, '1979695':{'en': 'College Station, TX'}, '1979696':{'en': 'College Station, TX'}, '1979690':{'en': 'College Station, TX'}, '1979691':{'en': 'College Station, TX'}, '1979693':{'en': 'College Station, TX'}, '264673090':{'en': 'Okaputa'}, '264673091':{'en': 'Okaputa'}, '212520':{'en': 'Casablanca', 'fr': 'Casablanca'}, '2477':{'en': 'Georgetown'}, '2476':{'en': 'Georgetown'}, '2475':{'en': 'Georgetown'}, '2474':{'en': 'Two Boats'}, '2473':{'en': 'Travellers Hill'}, '2472':{'en': 'U.S. Base'}, '2471':{'en': 'Georgetown'}, '2479':{'en': 'Georgetown'}, '2478':{'en': 'Georgetown'}, '1956464':{'en': 'Donna, TX'}, '2205748':{'en': 'Kaur'}, '2646441':{'en': 'Swakopmund'}, '1912877':{'en': 'Hinesville, GA'}, '1912876':{'en': 'Hinesville, GA'}, '1954493':{'en': 'Fort Lauderdale, FL'}, '1954492':{'en': 'Fort Lauderdale, FL'}, '1954491':{'en': 'Fort Lauderdale, FL'}, '1920831':{'en': 'Appleton, WI'}, '1918569':{'en': 'Clayton, OK'}, '1918567':{'en': 'Talihina, OK'}, '1979244':{'en': 'Bay City, TX'}, '302651':{'el': u('\u0399\u03c9\u03ac\u03bd\u03bd\u03b9\u03bd\u03b1'), 'en': 'Ioannina'}, '302653':{'el': u('\u039a\u03b1\u03c1\u03c5\u03ad\u03c2 \u0391\u03c3\u03c0\u03c1\u03b1\u03b3\u03b3\u03ad\u03bb\u03c9\u03bd'), 'en': 'Asprangeli'}, '302655':{'el': u('\u039a\u03cc\u03bd\u03b9\u03c4\u03c3\u03b1/\u03a0\u03ad\u03c1\u03b4\u03b9\u03ba\u03b1 \u0394\u03c9\u03b4\u03ce\u03bd\u03b7\u03c2'), 'en': 'Konitsa'}, '302656':{'el': u('\u039c\u03ad\u03c4\u03c3\u03bf\u03b2\u03bf'), 'en': 'Metsovo'}, '302657':{'el': u('\u0394\u03b5\u03bb\u03b2\u03b9\u03bd\u03ac\u03ba\u03b9'), 'en': 'Delvinaki'}, '302658':{'el': u('\u0396\u03af\u03c4\u03c3\u03b1'), 'en': 'Zitsa'}, '302659':{'el': u('\u039a\u03b1\u03bb\u03ad\u03bd\u03c4\u03b6\u03b9 \u0394\u03c9\u03b4\u03ce\u03bd\u03b7\u03c2'), 'en': 'Kalentzi'}, '1906466':{'en': 'Bark River, MI'}, '1978275':{'en': 'Lowell, MA'}, '1978276':{'en': 'North Reading, MA'}, '1918302':{'en': 'McAlester, OK'}, '1918307':{'en': 'Tulsa, OK'}, '1913837':{'en': 'Louisburg, KS'}, '264645220':{'en': u('R\u00f6ssing Mine')}, '233387':{'en': 'Upper East Region'}, '1940464':{'en': 'Argyle, TX'}, '3214':{'de': 'Herentals', 'en': 'Herentals', 'fr': 'Herentals', 'nl': 'Herentals'}, '3215':{'de': 'Mecheln', 'en': 'Mechelen', 'fr': 'Malines', 'nl': 'Mechelen'}, '1984':{'en': 'North Carolina'}, '1985':{'en': 'Louisiana'}, '3210':{'de': 'Wavre', 'en': 'Wavre', 'fr': 'Wavre', 'nl': 'Waver'}, '3211':{'de': 'Hasselt', 'en': 'Hasselt', 'fr': 'Hasselt', 'nl': 'Hasselt'}, '1980':{'en': 'North Carolina'}, '3213':{'de': 'Diest', 'en': 'Diest', 'fr': 'Diest', 'nl': 'Diest'}, '3219':{'de': 'Waremme', 'en': 'Waremme', 'fr': 'Waremme', 'nl': 'Borgworm'}, '1989':{'en': 'Michigan'}, '3314723':{'en': 'Paris', 'fr': 'Paris'}, '25158665':{'en': 'Bichena, North-West Region'}, '25158664':{'en': 'Gunde-woin, North-West Region'}, '25158661':{'en': 'Motta, North-West Region'}, '25158663':{'en': 'Debre-work, North-West Region'}, '25158662':{'en': 'Keraniyo, North-West Region'}, '302261':{'el': u('\u039b\u03b5\u03b9\u03b2\u03b1\u03b4\u03b9\u03ac'), 'en': 'Livadeia'}, '302263':{'el': u('\u0392\u03af\u03bb\u03b9\u03b1'), 'en': 'Vilia'}, '302262':{'el': u('\u0398\u03ae\u03b2\u03b1'), 'en': 'Thebes'}, '1919968':{'en': 'Chapel Hill, NC'}, '1919969':{'en': 'Chapel Hill, NC'}, '302267':{'el': u('\u0394\u03af\u03c3\u03c4\u03bf\u03bc\u03bf'), 'en': 'Distomo'}, '302266':{'el': u('\u039b\u03b9\u03b4\u03bf\u03c1\u03af\u03ba\u03b9'), 'en': 'Lidoriki'}, '1919965':{'en': 'Selma, NC'}, '1919966':{'en': 'Chapel Hill, NC'}, '1919967':{'en': 'Chapel Hill, NC'}, '1952895':{'en': 'Burnsville, MN'}, '1952894':{'en': 'Burnsville, MN'}, '1919962':{'en': 'Chapel Hill, NC'}, '1919963':{'en': 'Four Oaks, NC'}, '264652682':{'en': 'Edundja'}, '264652683':{'en': 'Ongenga'}, '264652681':{'en': 'Edundja'}, '1863993':{'en': 'Arcadia, FL'}, '264652688':{'en': 'Endola'}, '264652689':{'en': 'Endola'}, '30261':{'el': u('\u03a0\u03ac\u03c4\u03c1\u03b1'), 'en': 'Patras'}, '1910564':{'en': 'Clinton, NC'}, '238241':{'en': 'Espargos, Sal', 'pt': 'Espargos, Sal'}, '238242':{'en': 'Santa Maria, Sal', 'pt': 'Santa Maria, Sal'}, '264652535':{'en': 'Okalongo'}, '264652536':{'en': 'Okalongo'}, '264652537':{'en': 'Okalongo'}, '264652531':{'en': 'Okahao'}, '264652532':{'en': 'Okahao'}, '3314615':{'en': 'Fresnes', 'fr': 'Fresnes'}, '3314610':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '3314612':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314825':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1905967':{'en': 'Newmarket, ON'}, '1915886':{'en': 'Anthony, TX'}, '264637190':{'en': 'Keetmanshoop'}, '1915881':{'en': 'El Paso, TX'}, '1951549':{'en': 'Corona, CA'}, '1920208':{'en': 'Sheboygan, WI'}, '267625':{'en': 'Kasane'}, '1989246':{'en': 'Gladwin, MI'}, '264651703':{'en': 'Edundja'}, '264671797':{'en': 'Grootfontein'}, '1989249':{'en': 'Saginaw, MI'}, '264671794':{'en': 'Epupa'}, '264671793':{'en': 'Waterberg Plateau Park'}, '264671792':{'en': 'Waterberg Plateau Park'}, '264671791':{'en': 'Waterberg Plateau Park'}, '1920206':{'en': 'Watertown, WI'}, '1951689':{'en': 'Riverside, CA'}, '1920749':{'en': 'Appleton, WI'}, '1931296':{'en': 'Waverly, TN'}, '3314966':{'en': u('S\u00e8vres'), 'fr': u('S\u00e8vres')}, '23448':{'en': 'Awka'}, '3314963':{'en': 'Tremblay-en-France', 'fr': 'Tremblay-en-France'}, '3314962':{'en': u('Chennevi\u00e8res-sur-Marne'), 'fr': u('Chennevi\u00e8res-sur-Marne')}, '238267':{'en': 'Cidade Velha, Santiago', 'pt': 'Cidade Velha, Santiago'}, '3314960':{'en': 'Ivry-sur-Seine', 'fr': 'Ivry-sur-Seine'}, '23442':{'en': 'Enugu'}, '23443':{'en': 'Abakaliki'}, '23441':{'en': 'Wukari'}, '23446':{'en': 'Onitsha'}, '23447':{'en': 'Lafia'}, '23444':{'en': 'Makurdi'}, '23445':{'en': 'Ogoja'}, '1918743':{'en': 'Tulsa, OK'}, '264625709':{'en': 'Witvlei'}, '264625704':{'en': 'Witvlei'}, '264625701':{'en': 'Witvlei'}, '264625700':{'en': 'Witvlei'}, '264625703':{'en': 'Witvlei'}, '264625702':{'en': 'Witvlei'}, '3315560':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '26462692':{'en': 'Central'}, '1949679':{'en': 'Irvine, CA'}, '1949854':{'en': 'Irvine, CA'}, '1949857':{'en': 'Irvine, CA'}, '1949675':{'en': 'Newport Beach, CA'}, '1918744':{'en': 'Tulsa, OK'}, '233302':{'en': 'Accra'}, '1949673':{'en': 'Newport Beach, CA'}, '269777':{'en': u('Mb\u00e9ni'), 'fr': u('Mb\u00e9ni')}, '1936441':{'en': 'Conroe, TX'}, '1936448':{'en': 'Montgomery, TX'}, '1910904':{'en': 'Raeford, NC'}, '1910907':{'en': 'E. E. Smith, Fort Bragg, NC'}, '1909613':{'en': 'Chino, CA'}, '1909612':{'en': 'Diamond Bar, CA'}, '1972417':{'en': 'Carrollton, TX'}, '1972416':{'en': 'Carrollton, TX'}, '1972414':{'en': 'Garland, TX'}, '269773':{'en': 'Moroni', 'fr': 'Moroni'}, '1972419':{'en': 'Dallas, TX'}, '1972418':{'en': 'Carrollton, TX'}, '1870295':{'en': 'Marianna, AR'}, '1858866':{'en': 'San Diego, CA'}, '1903756':{'en': 'Linden, TX'}, '1903757':{'en': 'Longview, TX'}, '1903753':{'en': 'Longview, TX'}, '1937865':{'en': 'Miamisburg, OH'}, '1937864':{'en': 'Enon, OH'}, '1937866':{'en': 'Miamisburg, OH'}, '1903758':{'en': 'Longview, TX'}, '1903759':{'en': 'Longview, TX'}, '1850514':{'en': 'Tallahassee, FL'}, '302467':{'el': u('\u039a\u03b1\u03c3\u03c4\u03bf\u03c1\u03b9\u03ac'), 'en': 'Kastoria'}, '302465':{'el': u('\u03a3\u03b9\u03ac\u03c4\u03b9\u03c3\u03c4\u03b1'), 'en': 'Siatista'}, '302464':{'el': u('\u03a3\u03ad\u03c1\u03b2\u03b9\u03b1'), 'en': 'Servia'}, '302463':{'el': u('\u03a0\u03c4\u03bf\u03bb\u03b5\u03bc\u03b1\u0390\u03b4\u03b1'), 'en': 'Ptolemaida'}, '302462':{'el': u('\u0393\u03c1\u03b5\u03b2\u03b5\u03bd\u03ac'), 'en': 'Grevena'}, '302461':{'el': u('\u039a\u03bf\u03b6\u03ac\u03bd\u03b7'), 'en': 'Kozani'}, '1937226':{'en': 'Dayton, OH'}, '1870743':{'en': 'Harrison, AR'}, '1912462':{'en': 'Nahunta, GA'}, '1870741':{'en': 'Harrison, AR'}, '1870747':{'en': 'Clarendon, AR'}, '1912466':{'en': 'Brunswick, GA'}, '264673167':{'en': 'Okakarara'}, '1905294':{'en': 'Markham, ON'}, '1928203':{'en': 'Sedona, AZ'}, '251116640':{'en': 'Bole V, Addis Ababa'}, '1928204':{'en': 'Sedona, AZ'}, '302791':{'el': u('\u039c\u03b5\u03b3\u03b1\u03bb\u03cc\u03c0\u03bf\u03bb\u03b7'), 'en': 'Megalopolis'}, '302792':{'el': u('\u039a\u03b1\u03c3\u03c4\u03c1\u03af \u039a\u03c5\u03bd\u03bf\u03c5\u03c1\u03af\u03b1\u03c2'), 'en': 'Kastri Kynourias'}, '302795':{'el': u('\u0392\u03c5\u03c4\u03af\u03bd\u03b1'), 'en': 'Vytina'}, '302797':{'el': u('\u03a4\u03c1\u03bf\u03c0\u03b1\u03af\u03b1'), 'en': 'Tropaia'}, '302796':{'el': u('\u039b\u03b5\u03b2\u03af\u03b4\u03b9'), 'en': 'Levidi'}, '302742':{'el': u('\u039a\u03b9\u03ac\u03c4\u03bf'), 'en': 'Kiato'}, '2046':{'en': 'Marsa Matruh'}, '2047':{'en': 'Kafr El-Sheikh'}, '2045':{'en': 'Damanhur'}, '2040':{'en': 'Tanta'}, '2048':{'en': 'Monufia'}, '1973230':{'en': 'Newark, NJ'}, '1973233':{'en': 'Montclair, NJ'}, '1979733':{'en': 'Columbus, TX'}, '1973235':{'en': 'Nutley, NJ'}, '1979731':{'en': 'Bryan, TX'}, '1901476':{'en': 'Covington, TN'}, '1901475':{'en': 'Covington, TN'}, '264671759':{'en': 'Okakarara'}, '1903581':{'en': 'Tyler, TX'}, '1941708':{'en': 'Bradenton, FL'}, '1914457':{'en': 'Yonkers, NY'}, '1914934':{'en': 'Port Chester, NY'}, '1941255':{'en': 'Port Charlotte, FL'}, '1913334':{'en': 'Kansas City, KS'}, '1864654':{'en': 'Clemson, SC'}, '1978486':{'en': 'Littleton, MA'}, '1905785':{'en': 'Mississauga, ON'}, '2333425':{'en': 'Suhum'}, '1863767':{'en': 'Wauchula, FL'}, '1905787':{'en': 'Richmond Hill, ON'}, '1863763':{'en': 'Okeechobee, FL'}, '1903237':{'en': 'Longview, TX'}, '2333427':{'en': 'Akuapim Mampong'}, '1925516':{'en': 'Brentwood, CA'}, '238285':{'en': 'Nova Sintra, Brava', 'pt': 'Nova Sintra, Brava'}, '1925513':{'en': 'Brentwood, CA'}, '1905780':{'en': 'Richmond Hill, ON'}, '3314529':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '3314528':{'en': 'Rosny-Sous-Bois', 'fr': 'Rosny-Sous-Bois'}, '1952403':{'en': 'Shakopee, MN'}, '3314254':{'en': 'Paris', 'fr': 'Paris'}, '3314257':{'en': 'Paris', 'fr': 'Paris'}, '3314256':{'en': 'Paris', 'fr': 'Paris'}, '3313971':{'en': 'Verneuil-sur-Seine', 'fr': 'Verneuil-sur-Seine'}, '3313970':{'en': 'Triel-sur-Seine', 'fr': 'Triel-sur-Seine'}, '1918794':{'en': 'Tulsa, OK'}, '1905578':{'en': 'Hamilton, ON'}, '1905579':{'en': 'Oshawa, ON'}, '3314253':{'en': 'Montrouge', 'fr': 'Montrouge'}, '1858668':{'en': 'Poway, CA'}, '1905572':{'en': 'Hamilton, ON'}, '1905573':{'en': 'Hamilton, ON'}, '1905571':{'en': 'Oshawa, ON'}, '1905576':{'en': 'Oshawa, ON'}, '1905577':{'en': 'Hamilton, ON'}, '1905574':{'en': 'Hamilton, ON'}, '1905575':{'en': 'Hamilton, ON'}, '1908709':{'en': 'Cranford, NJ'}, '1956389':{'en': 'Harlingen, TX'}, '1970224':{'en': 'Fort Collins, CO'}, '1970225':{'en': 'Fort Collins, CO'}, '1970223':{'en': 'Fort Collins, CO'}, '1970221':{'en': 'Fort Collins, CO'}, '1956381':{'en': 'Edinburg, TX'}, '1910355':{'en': 'Jacksonville, NC'}, '1919557':{'en': 'Fuquay-Varina, NC'}, '1919556':{'en': 'Wake Forest, NC'}, '1910350':{'en': 'Wilmington, NC'}, '1919550':{'en': 'Clayton, NC'}, '1910352':{'en': 'Wilmington, NC'}, '1910353':{'en': 'Jacksonville, NC'}, '1912267':{'en': 'Brunswick, GA'}, '1912264':{'en': 'Brunswick, GA'}, '1912265':{'en': 'Brunswick, GA'}, '1912262':{'en': 'Brunswick, GA'}, '3314288':{'en': 'Paris', 'fr': 'Paris'}, '1912261':{'en': 'Brunswick, GA'}, '3314286':{'en': 'Paris', 'fr': 'Paris'}, '3314287':{'en': 'Montreuil', 'fr': 'Montreuil'}, '3314284':{'en': 'Paris', 'fr': 'Paris'}, '3314285':{'en': 'Paris', 'fr': 'Paris'}, '3314282':{'en': 'Paris', 'fr': 'Paris'}, '3314283':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314280':{'en': 'Paris', 'fr': 'Paris'}, '3313457':{'en': 'Rambouillet', 'fr': 'Rambouillet'}, '237222348':{'en': 'Tibati'}, '1864757':{'en': 'Simpsonville, SC'}, '1910686':{'en': 'Wilmington, NC'}, '1850914':{'en': 'Panama City, FL'}, '1850916':{'en': 'Gulf Breeze, FL'}, '1850913':{'en': 'Panama City, FL'}, '1850912':{'en': 'Pensacola, FL'}, '3314511':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '302252':{'el': u('\u0391\u03b3\u03b9\u03ac\u03c3\u03bf\u03c2/\u03a0\u03bb\u03c9\u03bc\u03ac\u03c1\u03b9'), 'en': 'Agiasos/Plomari'}, '1931840':{'en': 'Columbia, TN'}, '1940612':{'en': 'Gainesville, TX'}, '1864286':{'en': 'Greenville, SC'}, '1920693':{'en': 'Cleveland, WI'}, '1864284':{'en': 'Greenville, SC'}, '1920923':{'en': 'Fond du Lac, WI'}, '1864282':{'en': 'Greenville, SC'}, '1864283':{'en': 'Greenville, SC'}, '1920926':{'en': 'Fond du Lac, WI'}, '1864281':{'en': 'Greenville, SC'}, '1920928':{'en': 'Fox Lake, WI'}, '1920929':{'en': 'Fond du Lac, WI'}, '1920699':{'en': 'Johnson Creek, WI'}, '1864288':{'en': 'Greenville, SC'}, '1864289':{'en': 'Greenville, SC'}, '1864578':{'en': 'Spartanburg, SC'}, '1864579':{'en': 'Spartanburg, SC'}, '1916682':{'en': 'Sacramento, CA'}, '1916683':{'en': 'Elk Grove, CA'}, '1916684':{'en': 'Elk Grove, CA'}, '1916685':{'en': 'Elk Grove, CA'}, '1916686':{'en': 'Elk Grove, CA'}, '1916687':{'en': 'Wilton, CA'}, '1916688':{'en': 'Sacramento, CA'}, '1916689':{'en': 'Sacramento, CA'}, '1864573':{'en': 'Spartanburg, SC'}, '1864574':{'en': 'Spartanburg, SC'}, '1864576':{'en': 'Spartanburg, SC'}, '1989584':{'en': 'Carson City, MI'}, '1903509':{'en': 'Tyler, TX'}, '1931592':{'en': 'Tracy City, TN'}, '2442358':{'en': 'N\'Dalatando', 'pt': 'N\'Dalatando'}, '1904221':{'en': 'Jacksonville, FL'}, '1904220':{'en': 'Jacksonville, FL'}, '1904223':{'en': 'Jacksonville, FL'}, '1931598':{'en': 'Sewanee, TN'}, '1904225':{'en': 'Yulee, FL'}, '251111330':{'en': 'Deber Tsige, Addis Ababa'}, '1989727':{'en': 'Hubbard Lake, MI'}, '249183':{'en': 'Khartoum'}, '1989725':{'en': 'Owosso, MI'}, '1989724':{'en': 'Harrisville, MI'}, '1989723':{'en': 'Owosso, MI'}, '2682405':{'en': 'Mbabane, Hhohho district'}, '2682404':{'en': 'Mbabane, Hhohho district'}, '2682406':{'en': 'Mbabane, Hhohho district'}, '1989729':{'en': 'Owosso, MI'}, '1989728':{'en': 'Hale, MI'}, '26368':{'en': 'Kadoma'}, '26369':{'en': 'Darwendale'}, '1850664':{'en': 'Fort Walton Bch, FL'}, '1850663':{'en': 'Chattahoochee, FL'}, '26360':{'en': 'Mhangura'}, '26361':{'en': 'Kariba'}, '26362':{'en': 'Norton'}, '26363':{'en': 'Makuti'}, '26364':{'en': 'Karoi'}, '26365':{'en': 'Beatrice'}, '26366':{'en': 'Banket'}, '1850668':{'en': 'Tallahassee, FL'}, '264641747':{'en': 'Usakos'}, '1865483':{'en': 'Oak Ridge, TN'}, '1865482':{'en': 'Oak Ridge, TN'}, '1865481':{'en': 'Oak Ridge, TN'}, '1985536':{'en': 'Reserve, LA'}, '264641742':{'en': 'Swakopmund'}, '1937473':{'en': 'Covington, OH'}, '1865622':{'en': 'Knoxville, TN'}, '23083':{'en': 'Rodrigues', 'es': 'Rodrigues', 'fr': 'Rodrigues'}, '244254':{'en': 'Moxico', 'pt': 'Moxico'}, '244251':{'en': 'Malange', 'pt': 'Malanje'}, '244253':{'en': 'Lunda Sul', 'pt': 'Lunda-Sul'}, '244252':{'en': 'Lunda Norte', 'pt': 'Lunda-Norte'}, '1907424':{'en': 'Cordova, AK'}, '1936875':{'en': 'Lufkin, TX'}, '264641749':{'en': 'Usakos'}, '264641748':{'en': 'Usakos'}, '1909428':{'en': 'Fontana, CA'}, '1937653':{'en': 'Urbana, OH'}, '1905372':{'en': 'Cobourg, ON'}, '1905373':{'en': 'Cobourg, ON'}, '1905374':{'en': 'Niagara Falls, ON'}, '1905377':{'en': 'Cobourg, ON'}, '1972620':{'en': 'Dallas, TX'}, '1909421':{'en': 'Rialto, CA'}, '1909422':{'en': 'Colton, CA'}, '1972623':{'en': 'Grand Prairie, TX'}, '1972625':{'en': 'The Colony, TX'}, '1909427':{'en': 'Fontana, CA'}, '1901861':{'en': 'Collierville, TN'}, '1901866':{'en': 'Memphis, TN'}, '1901867':{'en': 'Arlington, TN'}, '1902367':{'en': 'Charlottetown, PE'}, '1902368':{'en': 'Charlottetown, PE'}, '1954659':{'en': 'Weston, FL'}, '1949442':{'en': 'Irvine, CA'}, '1949336':{'en': 'Irvine, CA'}, '2646420':{'en': 'Walvis Bay'}, '1949333':{'en': 'Irvine, CA'}, '1972335':{'en': 'Frisco, TX'}, '302891':{'el': u('\u0391\u03c1\u03ba\u03b1\u03bb\u03bf\u03c7\u03ce\u03c1\u03b9'), 'en': 'Arkalochori'}, '1973575':{'en': 'Fairfield, NJ'}, '1901287':{'en': 'Memphis, TN'}, '1918540':{'en': 'Miami, OK'}, '1918543':{'en': 'Inola, OK'}, '1908558':{'en': 'Elizabeth, NJ'}, '1973579':{'en': 'Newton, NJ'}, '302541':{'el': u('\u039e\u03ac\u03bd\u03b8\u03b7'), 'en': 'Xanthi'}, '1904425':{'en': 'Jacksonville, FL'}, '1904421':{'en': 'Jacksonville, FL'}, '1979':{'en': 'Texas'}, '302632':{'el': u('\u0391\u03b9\u03c4\u03c9\u03bb\u03b9\u03ba\u03cc'), 'en': 'Aitoliko'}, '1978':{'en': 'Massachusetts'}, '302634':{'el': u('\u039d\u03b1\u03cd\u03c0\u03b1\u03ba\u03c4\u03bf\u03c2'), 'en': 'Nafpaktos'}, '302635':{'el': u('\u039c\u03b1\u03c4\u03b1\u03c1\u03ac\u03b3\u03ba\u03b1'), 'en': 'Mataranga'}, '237233335':{'en': u('Limb\u00e9')}, '1906487':{'en': 'Houghton, MI'}, '1906486':{'en': 'Ishpeming, MI'}, '1906485':{'en': 'Ishpeming, MI'}, '1906484':{'en': 'Cedarville, MI'}, '1989644':{'en': 'Weidman, MI'}, '1978297':{'en': 'Winchendon, MA'}, '2125368':{'en': 'Figuig', 'fr': 'Figuig'}, '2125362':{'en': 'Berkane', 'fr': 'Berkane'}, '2125363':{'en': 'Nador', 'fr': 'Nador'}, '1903793':{'en': 'Texarkana, TX'}, '2125366':{'en': 'Figuig/Oujda', 'fr': 'Oujda/Figuig'}, '2125367':{'en': 'Bouarfa/Oujda', 'fr': 'Oujda/Bouarfa'}, '1940442':{'en': 'Denton, TX'}, '1956712':{'en': 'Laredo, TX'}, '263698':{'en': 'Trelawney'}, '1931473':{'en': 'McMinnville, TN'}, '1919942':{'en': 'Chapel Hill, NC'}, '1956717':{'en': 'Laredo, TX'}, '1919941':{'en': 'Durham, NC'}, '1956718':{'en': 'Laredo, TX'}, '1859277':{'en': 'Lexington, KY'}, '1859276':{'en': 'Lexington, KY'}, '1859275':{'en': 'Lexington, KY'}, '1859273':{'en': 'Lexington, KY'}, '1859272':{'en': 'Lexington, KY'}, '1859271':{'en': 'Lexington, KY'}, '3313485':{'en': 'Rambouillet', 'fr': 'Rambouillet'}, '302243':{'el': u('\u039a\u03ac\u03bb\u03c5\u03bc\u03bd\u03bf\u03c2'), 'en': 'Kalymnos'}, '302242':{'el': u('\u039a\u03c9\u03c2'), 'en': 'Kos'}, '302241':{'el': u('\u03a1\u03cc\u03b4\u03bf\u03c2'), 'en': 'Rhodes'}, '302247':{'el': u('\u039b\u03ad\u03c1\u03bf\u03c2'), 'en': 'Leros'}, '302246':{'el': u('\u03a4\u03ae\u03bb\u03bf\u03c2/\u03a3\u03cd\u03bc\u03b7/\u03a7\u03ac\u03bb\u03ba\u03b7/\u039c\u03b5\u03b3\u03af\u03c3\u03c4\u03b7'), 'en': 'Salakos, Rhodes'}, '302245':{'el': u('\u039a\u03ac\u03c1\u03c0\u03b1\u03b8\u03bf\u03c2'), 'en': 'Karpathos'}, '1859278':{'en': 'Lexington, KY'}, '3313087':{'en': 'Saint-Germain-en-Laye', 'fr': 'Saint-Germain-en-Laye'}, '3313086':{'en': 'Sartrouville', 'fr': 'Sartrouville'}, '3313081':{'en': 'Plaisir', 'fr': 'Plaisir'}, '3313080':{'en': u('Saint-Nom-la-Bret\u00e8che'), 'fr': u('Saint-Nom-la-Bret\u00e8che')}, '3313083':{'en': 'Versailles', 'fr': 'Versailles'}, '1850785':{'en': 'Panama City, FL'}, '1985876':{'en': 'Houma, LA'}, '3313088':{'en': 'Rambouillet', 'fr': 'Rambouillet'}, '1858270':{'en': 'San Diego, CA'}, '1858271':{'en': 'San Diego, CA'}, '1858272':{'en': 'San Diego, CA'}, '1858273':{'en': 'San Diego, CA'}, '1858274':{'en': 'San Diego, CA'}, '1913814':{'en': 'Overland Park, KS'}, '1858277':{'en': 'San Diego, CA'}, '1858278':{'en': 'San Diego, CA'}, '1858279':{'en': 'San Diego, CA'}, '1914668':{'en': 'Mount Vernon, NY'}, '1914669':{'en': 'North Salem, NY'}, '31118':{'en': 'Middelburg', 'nl': 'Middelburg'}, '238269':{'en': 'Pedra Badejo, Santiago', 'pt': 'Pedra Badejo, Santiago'}, '1919684':{'en': 'Durham, NC'}, '1985875':{'en': 'Covington, LA'}, '238266':{'en': 'Tarrafal, Santiago', 'pt': 'Tarrafal, Santiago'}, '238265':{'en': 'Santa Catarina, Santiago', 'pt': 'Santa Catarina, Santiago'}, '238264':{'en': 'Praia, Santiago', 'pt': 'Praia, Santiago'}, '238263':{'en': 'Praia, Santiago', 'pt': 'Praia, Santiago'}, '238262':{'en': 'Praia, Santiago', 'pt': 'Praia, Santiago'}, '238261':{'en': 'Praia, Santiago', 'pt': 'Praia, Santiago'}, '238260':{'en': 'Praia, Santiago', 'pt': 'Praia, Santiago'}, '1919936':{'en': 'Princeton, NC'}, '1905901':{'en': 'Oakville, ON'}, '3314368':{'en': 'Charenton-le-Pont', 'fr': 'Charenton-le-Pont'}, '3314365':{'en': 'Vincennes', 'fr': 'Vincennes'}, '3314364':{'en': 'Paris', 'fr': 'Paris'}, '3314367':{'en': 'Paris', 'fr': 'Paris'}, '1919934':{'en': 'Smithfield, NC'}, '3314361':{'en': 'Paris', 'fr': 'Paris'}, '3314360':{'en': 'Bagnolet', 'fr': 'Bagnolet'}, '3314363':{'en': 'Bagnolet', 'fr': 'Bagnolet'}, '3314362':{'en': 'Bagnolet', 'fr': 'Bagnolet'}, '1951520':{'en': 'Corona, CA'}, '1850279':{'en': 'Niceville, FL'}, '1919938':{'en': 'Smithfield, NC'}, '251116880':{'en': 'Enwari, Addis Ababa'}, '1850270':{'en': 'Tallahassee, FL'}, '1850271':{'en': 'Lynn Haven, FL'}, '1865365':{'en': 'Sevierville, TN'}, '1863248':{'en': 'Lakeland, FL'}, '264625617':{'en': 'Summerdown'}, '264625616':{'en': 'Summerdown'}, '264673320':{'en': 'Khorixas'}, '1920262':{'en': 'Watertown, WI'}, '1920261':{'en': 'Watertown, WI'}, '264673323':{'en': 'Sorris-Sorris'}, '1858490':{'en': 'San Diego, CA'}, '264625615':{'en': 'Steinhausen'}, '1858492':{'en': 'San Diego, CA'}, '1920269':{'en': 'Lomira, WI'}, '264625614':{'en': 'Steinhausen'}, '1858499':{'en': 'San Diego, CA'}, '1989269':{'en': 'Bad Axe, MI'}, '1979885':{'en': 'Sealy, TX'}, '23460':{'en': 'Sokobo'}, '23461':{'en': 'Kafanchau'}, '23462':{'en': 'Kaduna'}, '23463':{'en': 'Gusau'}, '23464':{'en': 'Kano'}, '23465':{'en': 'Katsina'}, '23466':{'en': 'Minna'}, '23467':{'en': 'Kontagora'}, '23468':{'en': 'Birnin-Kebbi'}, '23469':{'en': 'Zaria'}, '2392221':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '2392220':{'en': 'Santo Amaro', 'pt': 'Santo Amaro'}, '1951296':{'en': 'Temecula, CA'}, '2392226':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '2392225':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '2392224':{'en': u('\u00c1gua Grande'), 'pt': u('\u00c1gua Grande')}, '3314941':{'en': 'Villiers-sur-Marne', 'fr': 'Villiers-sur-Marne'}, '3314942':{'en': 'Noisy-le-Sec', 'fr': 'Noisy-le-Sec'}, '3314945':{'en': 'Saint-Ouen', 'fr': 'Saint-Ouen'}, '1936687':{'en': 'Grapeland, TX'}, '3314947':{'en': 'Roissy-en-France', 'fr': 'Roissy-en-France'}, '3314946':{'en': 'Saint-Denis', 'fr': 'Saint-Denis'}, '3314948':{'en': 'Saint-Ouen', 'fr': 'Saint-Ouen'}, '264625723':{'en': 'Many Hills'}, '264625722':{'en': 'Hochland'}, '264625721':{'en': 'Friedental'}, '264625720':{'en': 'Namib Grens'}, '1919846':{'en': 'Raleigh, NC'}, '1850587':{'en': 'Molino, FL'}, '1850584':{'en': 'Perry, FL'}, '1850580':{'en': 'Tallahassee, FL'}, '1850581':{'en': 'Mary Esther, FL'}, '3315546':{'en': 'Clichy', 'fr': 'Clichy'}, '3315542':{'en': 'Paris', 'fr': 'Paris'}, '3315543':{'en': 'Paris', 'fr': 'Paris'}, '25125337':{'en': 'Kobo, East Region'}, '25125336':{'en': 'Kersa, East Region'}, '25125335':{'en': 'Chelenko, East Region'}, '25125334':{'en': 'Grawa, East Region'}, '25125333':{'en': 'Deder, East Region'}, '25125332':{'en': 'Bedeno, East Region'}, '25125338':{'en': 'Kombolocha, East Region'}, '1920487':{'en': 'Algoma, WI'}, '1920485':{'en': 'Horicon, WI'}, '25157227':{'en': 'Ghedo, West Region'}, '1936462':{'en': 'Nacogdoches, TX'}, '1978840':{'en': 'Leominster, MA'}, '1972438':{'en': 'Irving, TX'}, '1985419':{'en': 'Hammond, LA'}, '1972434':{'en': 'Lewisville, TX'}, '1972437':{'en': 'Richardson, TX'}, '1972436':{'en': 'Lewisville, TX'}, '25146222':{'en': 'Wonda Basha, South Region'}, '25146220':{'en': 'Awassa I, South Region'}, '25146221':{'en': 'Awassa II, South Region'}, '25146226':{'en': 'Leku, South Region'}, '25146227':{'en': 'Chuko, South Region'}, '25146224':{'en': 'Aleta Wondo, South Region'}, '25146225':{'en': 'Yirgalem, South Region'}, '25146884':{'en': 'Arbaminch, South Region'}, '25146882':{'en': 'Kibet, South Region'}, '25146883':{'en': 'Buii, South Region'}, '25146881':{'en': 'Arba Minch, South Region'}, '1860265':{'en': 'Enfield, CT'}, '1860267':{'en': 'East Hampton, CT'}, '1907677':{'en': 'Anchorage, AK'}, '2682364':{'en': 'Big Bend, Lubombo district'}, '1912449':{'en': 'Blackshear, GA'}, '2682363':{'en': 'Big Bend, Lubombo district'}, '1912443':{'en': 'Savannah, GA'}, '1912447':{'en': 'Savannah, GA'}, '1970240':{'en': 'Montrose, CO'}, '25146443':{'en': 'Hagere Mariam, South Region'}, '264632849':{'en': 'Bethanie'}, '1918885':{'en': 'Hominy, OK'}, '1954355':{'en': 'Fort Lauderdale, FL'}, '1954351':{'en': 'Fort Lauderdale, FL'}, '1954828':{'en': 'Fort Lauderdale, FL'}, '1954359':{'en': 'Fort Lauderdale, FL'}, '1972291':{'en': 'Cedar Hill, TX'}, '1972293':{'en': 'Cedar Hill, TX'}, '1972296':{'en': 'Duncanville, TX'}, '1972299':{'en': 'Cedar Hill, TX'}, '1972298':{'en': 'Duncanville, TX'}, '3314623':{'en': 'Meudon', 'fr': 'Meudon'}, '1914305':{'en': 'Port Chester, NY'}, '264673063':{'en': 'Klein Waterberg'}, '1937228':{'en': 'Dayton, OH'}, '1937223':{'en': 'Dayton, OH'}, '1937222':{'en': 'Dayton, OH'}, '1905290':{'en': 'Mississauga, ON'}, '1905297':{'en': 'Hamilton, ON'}, '1905296':{'en': 'Hamilton, ON'}, '1905295':{'en': 'Niagara Falls, ON'}, '1937224':{'en': 'Dayton, OH'}, '1901458':{'en': 'Memphis, TN'}, '3212':{'de': 'Tongern', 'en': 'Tongeren', 'fr': 'Tongres', 'nl': 'Tongeren'}, '1973748':{'en': 'Bloomfield, NJ'}, '1973744':{'en': 'Montclair, NJ'}, '1973746':{'en': 'Montclair, NJ'}, '1901452':{'en': 'Memphis, TN'}, '1973740':{'en': 'Livingston, NJ'}, '1901454':{'en': 'Memphis, TN'}, '1901457':{'en': 'Collierville, TN'}, '1973743':{'en': 'Bloomfield, NJ'}, '264673065':{'en': 'Klein Waterberg'}, '1850439':{'en': 'Pensacola, FL'}, '1859514':{'en': 'Lexington, KY'}, '302494':{'el': u('\u0391\u03b3\u03b9\u03ac'), 'en': 'Agia'}, '3314625':{'en': 'Suresnes', 'fr': 'Suresnes'}, '1925754':{'en': 'Antioch, CA'}, '1909890':{'en': 'San Bernardino, CA'}, '1925756':{'en': 'Antioch, CA'}, '1925757':{'en': 'Antioch, CA'}, '1850434':{'en': 'Pensacola, FL'}, '1850435':{'en': 'Pensacola, FL'}, '1914472':{'en': 'Scarsdale, NY'}, '1913317':{'en': 'Overland Park, KS'}, '1914476':{'en': 'Yonkers, NY'}, '3314626':{'en': 'Meudon', 'fr': 'Meudon'}, '1925287':{'en': 'Walnut Creek, CA'}, '1925284':{'en': 'Lafayette, CA'}, '1925283':{'en': 'Lafayette, CA'}, '1925280':{'en': 'Walnut Creek, CA'}, '1856541':{'en': 'Camden, NJ'}, '1925288':{'en': 'Concord, CA'}, '3314627':{'en': 'Paris', 'fr': 'Paris'}, '1858391':{'en': 'Poway, CA'}, '1858642':{'en': 'San Diego, CA'}, '25157666':{'en': 'Shambu, West Region'}, '1915257':{'en': 'El Paso, TX'}, '1904652':{'en': 'Jacksonville, FL'}, '1910371':{'en': 'Leland, NC'}, '1973962':{'en': 'Ringwood, NJ'}, '1865694':{'en': 'Knoxville, TN'}, '1919209':{'en': 'Smithfield, NC'}, '1970241':{'en': 'Grand Junction, CO'}, '1970242':{'en': 'Grand Junction, CO'}, '1970243':{'en': 'Grand Junction, CO'}, '1970244':{'en': 'Grand Junction, CO'}, '1970245':{'en': 'Grand Junction, CO'}, '1970247':{'en': 'Durango, CO'}, '1970248':{'en': 'Grand Junction, CO'}, '1915781':{'en': 'El Paso, TX'}, '1919207':{'en': 'Benson, NC'}, '1912201':{'en': 'Savannah, GA'}, '1865690':{'en': 'Knoxville, TN'}, '2333520':{'en': 'Sunyani'}, '1865691':{'en': 'Knoxville, TN'}, '2333522':{'en': 'Berekum'}, '237222414':{'en': 'Kousseri'}, '26731':{'en': 'Gaborone (outer)'}, '25111278':{'en': 'Addis Ketema VI, Addis Ababa'}, '2333525':{'en': 'Techiman'}, '26739':{'en': 'Gaborone'}, '1931823':{'en': 'Livingston, TN'}, '1905662':{'en': 'Stoney Creek, ON'}, '2333523':{'en': 'Dormaa Ahenkro'}, '1941487':{'en': 'Sarasota, FL'}, '1928865':{'en': 'Clifton, AZ'}, '2333524':{'en': 'Wenchi'}, '2333527':{'en': 'Yeji'}, '2333526':{'en': 'Atebubu'}, '3314372':{'en': 'Paris', 'fr': 'Paris'}, '1903640':{'en': 'Bonham, TX'}, '1905666':{'en': 'Whitby, ON'}, '264672450':{'en': 'Mangetti duin'}, '1905667':{'en': 'Hamilton, ON'}, '1864552':{'en': 'Greenville, SC'}, '1985624':{'en': 'Mandeville, LA'}, '1864801':{'en': 'Greer, SC'}, '1920674':{'en': 'Jefferson, WI'}, '302723':{'el': u('\u03a0\u03cd\u03bb\u03bf\u03c2'), 'en': 'Pylos'}, '1920907':{'en': 'Fond du Lac, WI'}, '1903561':{'en': 'Tyler, TX'}, '1904240':{'en': 'Jacksonville, FL'}, '1903567':{'en': 'Canton, TX'}, '1903566':{'en': 'Tyler, TX'}, '1903564':{'en': 'Whitesboro, TX'}, '1903569':{'en': 'Mineola, TX'}, '24544341':{'en': u('Bafat\u00e1')}, '1989705':{'en': 'Gaylord, MI'}, '1850640':{'en': 'Panama City, FL'}, '1850643':{'en': 'Bristol, FL'}, '264662578':{'en': 'Marangi'}, '264672455':{'en': 'Gam'}, '1850644':{'en': 'Tallahassee, FL'}, '1913557':{'en': 'Paola, KS'}, '264662572':{'en': 'Hakasembe'}, '264662571':{'en': 'Ruuga'}, '264662570':{'en': 'Sikono'}, '264662577':{'en': 'Muveke'}, '264662576':{'en': 'Rupara'}, '264662575':{'en': 'Nzinze'}, '264662574':{'en': 'Matava'}, '264672327':{'en': 'Maroelaboom'}, '264672326':{'en': 'Maroelaboom'}, '264672323':{'en': 'Horabe'}, '264632611':{'en': 'Oamseb'}, '264632610':{'en': 'Oamseb'}, '264672329':{'en': 'Coblenz'}, '1864804':{'en': 'Spartanburg, SC'}, '1903383':{'en': 'Yantis, TX'}, '1937415':{'en': 'Dayton, OH'}, '1903389':{'en': 'Fairfield, TX'}, '1865609':{'en': 'Knoxville, TN'}, '1907442':{'en': 'Kotzebue, AK'}, '1907443':{'en': 'Nome, AK'}, '1936890':{'en': 'Willis, TX'}, '1928674':{'en': 'Chinle, AZ'}, '1905358':{'en': 'Niagara Falls, ON'}, '1905353':{'en': 'Niagara Falls, ON'}, '1905356':{'en': 'Niagara Falls, ON'}, '1905357':{'en': 'Niagara Falls, ON'}, '1905354':{'en': 'Niagara Falls, ON'}, '1905355':{'en': 'Colborne, ON'}, '1860388':{'en': 'Old Saybrook, CT'}, '1956504':{'en': 'Brownsville, TX'}, '2292363':{'en': u('Kandi/Gogounou/S\u00e9gbana'), 'fr': u('Kandi/Gogounou/S\u00e9gbana')}, '2433':{'en': 'Bas-Congo/Bandundu', 'fr': 'Bas-Congo/Bandundu'}, '2432':{'en': 'Katanga', 'fr': 'Katanga'}, '2431':{'en': 'Kinshasa', 'fr': 'Kinshasa'}, '1904244':{'en': 'Jacksonville, FL'}, '2436':{'en': 'North Kivu/South Kivu/Maniema', 'fr': 'Nord-Kivu/Sud-Kivu/Maniema'}, '2435':{'en': 'Oriental Province (Kisanga/Mbandaka)', 'fr': 'Province Orientale (Kisanga/Mbandaka)'}, '2434':{'en': 'Kasai-Oriental/Kasai-Occidental', 'fr': 'Kasai-Oriental/Kasai-Occidental'}, '26342722':{'en': 'Chitungwiza'}, '26342723':{'en': 'Chitungwiza'}, '1912832':{'en': 'Townsend, GA'}, '1912786':{'en': 'Tybee Island, GA'}, '1936327':{'en': 'Livingston, TX'}, '1870460':{'en': 'Monticello, AR'}, '1936328':{'en': 'Livingston, TX'}, '1912839':{'en': 'Statesboro, GA'}, '264651738':{'en': 'Ombalantu'}, '1972602':{'en': 'Grand Prairie, TX'}, '1972352':{'en': 'Grand Prairie, TX'}, '1972353':{'en': 'Lewisville, TX'}, '1972606':{'en': 'Grand Prairie, TX'}, '1972355':{'en': 'Flower Mound, TX'}, '1972359':{'en': 'Allen, TX'}, '1972608':{'en': 'Plano, TX'}, '1860927':{'en': 'Kent, CT'}, '2088':{'en': 'Assiout'}, '264621748':{'en': 'Nina'}, '1902838':{'en': 'Montague, PE'}, '1902836':{'en': 'Kensington, PE'}, '1902837':{'en': 'Weymouth, NS'}, '264621747':{'en': 'Namib Grens'}, '264621746':{'en': 'Many Hills'}, '264621741':{'en': u('Groot\u2013Aub')}, '264621740':{'en': 'Gobabis'}, '1902830':{'en': 'Halifax, NS'}, '1904406':{'en': 'Middleburg, FL'}, '2442722':{'en': 'Lobito', 'pt': 'Lobito'}, '1856396':{'en': 'Marlton, NJ'}, '25158333':{'en': 'Chilga, North-West Region'}, '25158332':{'en': 'Maksegnit, North-West Region'}, '25158331':{'en': 'Metema, North-West Region'}, '25158330':{'en': 'Merawi, North-West Region'}, '25158441':{'en': 'Debre-Tabour, North-West Region'}, '25158336':{'en': 'Delgi, North-West Region'}, '25158335':{'en': 'Kola-Deba, North-West Region'}, '25158334':{'en': 'Chewahit, North-West Region'}, '25158338':{'en': 'Adet, North-West Region'}, '25158448':{'en': 'Teda, North-West Region'}, '3258':{'de': 'Veurne', 'en': 'Veurne', 'fr': 'Furnes', 'nl': 'Veurne'}, '3259':{'de': 'Ostende', 'en': 'Ostend', 'fr': 'Ostende', 'nl': 'Oostende'}, '1949':{'en': 'California'}, '3250':{'de': u('Br\u00fcgge'), 'en': 'Bruges', 'fr': 'Bruges', 'nl': 'Brugge'}, '3251':{'de': 'Roeselare', 'en': 'Roeselare', 'fr': 'Roulers', 'nl': 'Roeselare'}, '1940':{'en': 'Texas'}, '1941':{'en': 'Florida'}, '3254':{'de': 'Ninove', 'en': 'Ninove', 'fr': 'Ninove', 'nl': 'Ninove'}, '1947':{'en': 'Michigan'}, '3256':{'de': 'Kortrijk', 'en': 'Kortrijk', 'fr': 'Courtrai', 'nl': 'Kortrijk'}, '3257':{'de': 'Ypern', 'en': 'Ypres', 'fr': 'Ypres', 'nl': 'Ieper'}, '302683':{'el': u('\u03a6\u03b9\u03bb\u03b9\u03c0\u03c0\u03b9\u03ac\u03b4\u03b1'), 'en': 'Filippiada'}, '1919693':{'en': 'Oxford, NC'}, '1952233':{'en': 'Shakopee, MN'}, '1919928':{'en': 'Chapel Hill, NC'}, '1919929':{'en': 'Chapel Hill, NC'}, '264652642':{'en': 'Eenhana'}, '264652643':{'en': 'Eenhana'}, '1859253':{'en': 'Lexington, KY'}, '1859252':{'en': 'Lexington, KY'}, '1859255':{'en': 'Lexington, KY'}, '1859254':{'en': 'Lexington, KY'}, '1859257':{'en': 'Lexington, KY'}, '264652645':{'en': 'Oshigambo'}, '1859259':{'en': 'Lexington, KY'}, '1859258':{'en': 'Lexington, KY'}, '264652648':{'en': 'Oshikango'}, '264652649':{'en': 'Oshikango'}, '1970587':{'en': 'Johnstown, CO'}, '1970586':{'en': 'Estes Park, CO'}, '3313069':{'en': 'Trappes', 'fr': 'Trappes'}, '3313068':{'en': u('\u00c9lancourt'), 'fr': u('\u00c9lancourt')}, '3313066':{'en': 'Trappes', 'fr': 'Trappes'}, '3313065':{'en': 'Poissy', 'fr': 'Poissy'}, '3313064':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '3313063':{'en': 'Mantes-la-Jolie', 'fr': 'Mantes-la-Jolie'}, '3313062':{'en': 'Trappes', 'fr': 'Trappes'}, '3313061':{'en': 'Saint-Germain-en-Laye', 'fr': 'Saint-Germain-en-Laye'}, '3313060':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '1914864':{'en': 'Mount Kisco, NY'}, '1970724':{'en': 'Kremmling, CO'}, '1970723':{'en': 'Walden, CO'}, '2682528':{'en': 'Malkerns, Manzini district'}, '1910522':{'en': 'Pembroke, NC'}, '1910521':{'en': 'Pembroke, NC'}, '1910520':{'en': 'Wilmington, NC'}, '1910525':{'en': 'Roseboro, NC'}, '1970728':{'en': 'Telluride, CO'}, '3314259':{'en': 'Paris', 'fr': 'Paris'}, '1905438':{'en': 'Oshawa, ON'}, '1905436':{'en': 'Oshawa, ON'}, '1905434':{'en': 'Oshawa, ON'}, '1905433':{'en': 'Oshawa, ON'}, '1905432':{'en': 'Oshawa, ON'}, '1905430':{'en': 'Whitby, ON'}, '3314258':{'en': 'Paris', 'fr': 'Paris'}, '263329':{'en': 'Nyanga'}, '1951509':{'en': 'Riverside, CA'}, '1951506':{'en': 'Temecula, CA'}, '1870921':{'en': 'Lewisville, AR'}, '264662579':{'en': 'Kahenge'}, '31172':{'en': 'Alphen aan den Rijn', 'nl': 'Alphen aan den Rijn'}, '1915921':{'en': 'El Paso, TX'}, '23488':{'en': 'Umuahia'}, '23489':{'en': 'Yenegoa'}, '23486':{'en': 'Ahoada'}, '23487':{'en': 'Calabar'}, '23484':{'en': 'Port Harcourt'}, '23485':{'en': 'Uyo'}, '23482':{'en': 'Aba'}, '23483':{'en': 'Owerri'}, '264662573':{'en': 'Bunia'}, '3314957':{'en': 'Vincennes', 'fr': 'Vincennes'}, '25122338':{'en': 'Sagure, South-East Region'}, '25122339':{'en': 'Diksis, South-East Region'}, '25122332':{'en': 'Bokoji, South-East Region'}, '25122333':{'en': 'Dera, South-East Region'}, '25122330':{'en': 'Sire, South-East Region'}, '25122331':{'en': 'Asela, South-East Region'}, '25122336':{'en': 'Assasa, South-East Region'}, '25122337':{'en': 'Kersa, South-East Region'}, '25122334':{'en': 'Huruta, South-East Region'}, '25122335':{'en': 'Iteya, South-East Region'}, '2742':{'en': 'Jeffreys Bay/Humansdorp'}, '1904388':{'en': 'Jacksonville, FL'}, '1904389':{'en': 'Jacksonville, FL'}, '1904387':{'en': 'Jacksonville, FL'}, '1850258':{'en': 'Panama City, FL'}, '1904383':{'en': 'Jacksonville, FL'}, '1904381':{'en': 'Jacksonville, FL'}, '1910948':{'en': 'Robbins, NC'}, '1910944':{'en': 'Aberdeen, NC'}, '1910947':{'en': 'Carthage, NC'}, '22535':{'en': 'Abengourou', 'fr': 'Abengourou'}, '1870255':{'en': 'Hazen, AR'}, '1870256':{'en': 'Des Arc, AR'}, '1870257':{'en': 'Cherokee Village, AR'}, '22531':{'en': u('Bouak\u00e9'), 'fr': u('Bouak\u00e9')}, '1870251':{'en': 'Batesville, AR'}, '22533':{'en': 'Man', 'fr': 'Man'}, '1858822':{'en': 'La Jolla, CA'}, '21673':{'en': 'Chebba/Hamman-Sousse/Khenis/Mahdia/Monastir/Sousse'}, '264672320':{'en': 'Abenab'}, '26120722':{'en': 'Manakara'}, '1985475':{'en': 'Golden Meadow, LA'}, '25111544':{'en': 'ECA, Addis Ababa'}, '1954596':{'en': 'Deerfield Beach, FL'}, '1954597':{'en': 'Tamarac, FL'}, '1860249':{'en': 'Hartford, CT'}, '1860714':{'en': 'Hartford, CT'}, '1860247':{'en': 'Hartford, CT'}, '1860244':{'en': 'Hartford, CT'}, '1860242':{'en': 'Bloomfield, CT'}, '1860243':{'en': 'Bloomfield, CT'}, '1860240':{'en': 'Hartford, CT'}, '1860241':{'en': 'Hartford, CT'}, '1906387':{'en': 'Munising, MI'}, '26462523':{'en': 'Rehoboth'}, '26462522':{'en': 'Rehoboth'}, '2682344':{'en': 'Siphofaneni, Lubombo district'}, '2682343':{'en': 'Siteki, Lubombo district'}, '26462525':{'en': 'Rehoboth'}, '26462524':{'en': 'Rehoboth'}, '1913764':{'en': 'Olathe, KS'}, '3314250':{'en': 'Paris', 'fr': 'Paris'}, '1913768':{'en': 'Olathe, KS'}, '1919237':{'en': 'Durham, NC'}, '2333724':{'en': 'Yendi'}, '264651739':{'en': 'Omungwelume'}, '1937754':{'en': 'Fairborn, OH'}, '233327':{'en': 'Ashanti Region'}, '1937208':{'en': 'Dayton, OH'}, '3314108':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '1901433':{'en': 'Memphis, TN'}, '264662600':{'en': 'Mpungu'}, '1908964':{'en': 'Union, NJ'}, '1908965':{'en': 'Elizabeth, NJ'}, '263667':{'en': 'Raffingora'}, '1901435':{'en': 'Memphis, TN'}, '1973761':{'en': 'Maplewood, NJ'}, '2082':{'en': 'Beni Suef'}, '2086':{'en': 'Minia'}, '2084':{'en': 'Fayoum'}, '1902446':{'en': 'Halifax, NS'}, '1902445':{'en': 'Halifax, NS'}, '1902444':{'en': 'Halifax, NS'}, '1902443':{'en': 'Halifax, NS'}, '1902442':{'en': 'Halifax, NS'}, '1979773':{'en': 'Lexington, TX'}, '3314647':{'en': 'Paris', 'fr': 'Paris'}, '1931243':{'en': 'Celina, TN'}, '1979776':{'en': 'Bryan, TX'}, '1972675':{'en': 'Garland, TX'}, '1979774':{'en': 'Bryan, TX'}, '1906524':{'en': 'L\'Anse, MI'}, '1925777':{'en': 'Antioch, CA'}, '264651730':{'en': 'Okatope'}, '1906523':{'en': 'Chassell, MI'}, '1925778':{'en': 'Antioch, CA'}, '1925779':{'en': 'Antioch, CA'}, '1913371':{'en': 'Kansas City, KS'}, '244272':{'en': 'Benguela', 'pt': 'Benguela'}, '1973491':{'en': 'Newark, NJ'}, '1949764':{'en': 'Newport Beach, CA'}, '1901388':{'en': 'Memphis, TN'}, '1949760':{'en': 'Newport Beach, CA'}, '1901385':{'en': 'Memphis, TN'}, '1901384':{'en': 'Memphis, TN'}, '1901387':{'en': 'Memphis, TN'}, '1901386':{'en': 'Memphis, TN'}, '1901381':{'en': 'Memphis, TN'}, '1901380':{'en': 'Memphis, TN'}, '1901383':{'en': 'Memphis, TN'}, '1901382':{'en': 'Memphis, TN'}, '264645508':{'en': 'Tsaobis/Karibib'}, '1925551':{'en': 'Dublin, CA'}, '1925556':{'en': 'Dublin, CA'}, '1925803':{'en': 'Dublin, CA'}, '1914776':{'en': 'Yonkers, NY'}, '264672616':{'en': 'Uchab'}, '1914993':{'en': 'White Plains, NY'}, '1918492':{'en': 'Tulsa, OK'}, '264672615':{'en': 'Uchab'}, '23722229':{'en': 'Maroua'}, '1856358':{'en': 'Elmer, NJ'}, '2333521':{'en': 'Bechem'}, '23722222':{'en': 'Yaounde'}, '23722223':{'en': 'Yaounde'}, '23722227':{'en': 'Garoua'}, '1858623':{'en': 'San Diego, CA'}, '1858622':{'en': 'San Diego, CA'}, '1858621':{'en': 'San Diego, CA'}, '1858625':{'en': 'San Diego, CA'}, '1973940':{'en': 'Newton, NJ'}, '1978557':{'en': 'Lawrence, MA'}, '2262049':{'en': 'Kaya'}, '1973948':{'en': 'Branchville, NJ'}, '1915231':{'en': 'El Paso, TX'}, '1919261':{'en': 'Knightdale, NC'}, '1910313':{'en': 'Wilmington, NC'}, '1919267':{'en': 'Apex, NC'}, '1919266':{'en': 'Knightdale, NC'}, '1904674':{'en': 'Jacksonville, FL'}, '1970263':{'en': 'Grand Junction, CO'}, '1970261':{'en': 'Grand Junction, CO'}, '1970266':{'en': 'Fort Collins, CO'}, '1931766':{'en': 'Lawrenceburg, TN'}, '1970264':{'en': 'Pagosa Springs, CO'}, '331537':{'en': 'Paris', 'fr': 'Paris'}, '331534':{'en': 'Paris', 'fr': 'Paris'}, '331533':{'en': 'Paris', 'fr': 'Paris'}, '331532':{'en': 'Paris', 'fr': 'Paris'}, '1864716':{'en': 'Anderson, SC'}, '331530':{'en': 'Paris', 'fr': 'Paris'}, '331539':{'en': 'Paris', 'fr': 'Paris'}, '331538':{'en': 'Paris', 'fr': 'Paris'}, '1972429':{'en': 'Wylie, TX'}, '1931762':{'en': 'Lawrenceburg, TN'}, '1905984':{'en': 'St. Catharines, ON'}, '1876957':{'en': 'Negril'}, '237222479':{'en': 'Meyomessala/Efoulan'}, '264632260':{'en': 'Keetmanshoop'}, '264632261':{'en': 'Keetmanshoop'}, '264632267':{'en': 'Feldschuhorn'}, '264632264':{'en': 'Deurstamp'}, '1931802':{'en': 'Clarksville, TN'}, '1972422':{'en': 'Plano, TX'}, '1972423':{'en': 'Plano, TX'}, '1972420':{'en': 'Lewisville, TX'}, '1920388':{'en': 'Kewaunee, WI'}, '1985641':{'en': 'Slidell, LA'}, '1989893':{'en': 'Bay City, MI'}, '1985643':{'en': 'Slidell, LA'}, '1989895':{'en': 'Bay City, MI'}, '1985645':{'en': 'Slidell, LA'}, '1985646':{'en': 'Slidell, LA'}, '1985863':{'en': 'Pearl River, LA'}, '1920380':{'en': 'Appleton, WI'}, '1985649':{'en': 'Slidell, LA'}, '1985868':{'en': 'Houma, LA'}, '1920386':{'en': 'Juneau, WI'}, '1920387':{'en': 'Mayville, WI'}, '1956523':{'en': 'Laredo, TX'}, '1919484':{'en': 'Durham, NC'}, '1904269':{'en': 'Orange Park, FL'}, '1904268':{'en': 'Jacksonville, FL'}, '1919481':{'en': 'Cary, NC'}, '1904264':{'en': 'Orange Park, FL'}, '1903547':{'en': 'Hooks, TX'}, '1904261':{'en': 'Fernandina Beach, FL'}, '1904260':{'en': 'Jacksonville, FL'}, '1919489':{'en': 'Durham, NC'}, '1904262':{'en': 'Jacksonville, FL'}, '1859936':{'en': 'Danville, KY'}, '264652459':{'en': 'Oluno'}, '264652458':{'en': 'Oluno'}, '264652457':{'en': 'Oluno'}, '264652456':{'en': 'Oluno'}, '264652455':{'en': 'Ongha'}, '264652454':{'en': 'Ongha'}, '264652453':{'en': 'Haiyandja'}, '264652452':{'en': 'Haiyandja'}, '264652451':{'en': 'Oshitayi'}, '264652450':{'en': 'Oshitayi'}, '233303':{'en': 'Tema'}, '264657165':{'en': 'Oshakati'}, '264662591':{'en': 'Bagani'}, '264662590':{'en': 'Bagani'}, '1865993':{'en': 'Bean Station, TN'}, '1865992':{'en': 'Maynardville, TN'}, '1865995':{'en': 'Friendsville, TN'}, '264662597':{'en': 'Sambyu'}, '1865448':{'en': 'Townsend, TN'}, '1850623':{'en': 'Milton, FL'}, '1865446':{'en': 'Sevierville, TN'}, '1913573':{'en': 'Kansas City, KS'}, '1850627':{'en': 'Quincy, FL'}, '1850626':{'en': 'Milton, FL'}, '1920652':{'en': 'Manitowoc, WI'}, '1913682':{'en': 'Leavenworth, KS'}, '1913681':{'en': 'Overland Park, KS'}, '1913680':{'en': 'Leavenworth, KS'}, '1904845':{'en': 'Hilliard, FL'}, '1913685':{'en': 'Overland Park, KS'}, '1937432':{'en': 'Dayton, OH'}, '1937433':{'en': 'Dayton, OH'}, '1937431':{'en': 'Beavercreek, OH'}, '1903813':{'en': 'Sherman, TX'}, '1937437':{'en': 'New Paris, OH'}, '1937434':{'en': 'Dayton, OH'}, '1937435':{'en': 'Dayton, OH'}, '1931379':{'en': 'Mount Pleasant, TN'}, '1979543':{'en': 'El Campo, TX'}, '1979548':{'en': 'Sweeny, TX'}, '1931372':{'en': 'Cookeville, TN'}, '1902634':{'en': 'Lunenburg, NS'}, '1907463':{'en': 'Juneau, AK'}, '1902637':{'en': 'Barrington, NS'}, '1907465':{'en': 'Juneau, AK'}, '264625688':{'en': 'Epukiro'}, '264625689':{'en': 'Babi-Babi'}, '264625684':{'en': 'Sandveld'}, '264625685':{'en': 'Sandveld'}, '264625686':{'en': 'Epukiro'}, '264625687':{'en': 'Epukiro'}, '264625680':{'en': 'Drimiopsis'}, '264625681':{'en': 'Drimiopsis'}, '264625682':{'en': 'Plessisplaas'}, '264625683':{'en': 'Plessisplaas'}, '251113310':{'en': 'Endibir, Addis Ababa'}, '302433':{'el': u('\u03a6\u03b1\u03c1\u03ba\u03b1\u03b4\u03cc\u03bd\u03b1'), 'en': 'Farkadona'}, '264645221':{'en': u('R\u00f6ssing Mine')}, '2205725':{'en': 'Iliasa'}, '2205720':{'en': 'Kerewan'}, '1949376':{'en': 'Laguna Beach, CA'}, '25111277':{'en': 'Addis Ketema IV, Addis Ababa'}, '1936348':{'en': 'Madisonville, TX'}, '1870445':{'en': 'Bull Shoals, AR'}, '1870446':{'en': 'Jasper, AR'}, '1870449':{'en': 'Yellville, AR'}, '1870448':{'en': 'Marshall, AR'}, '1912764':{'en': 'Statesboro, GA'}, '1936344':{'en': 'New Waverly, TX'}, '1972378':{'en': 'Plano, TX'}, '1937692':{'en': 'Arcanum, OH'}, '1972370':{'en': 'The Colony, TX'}, '1972377':{'en': 'Frisco, TX'}, '1937698':{'en': 'West Milton, OH'}, '1904461':{'en': 'St. Augustine, FL'}, '1904460':{'en': 'St. Augustine, FL'}, '302843':{'el': u('\u03a3\u03b7\u03c4\u03b5\u03af\u03b1'), 'en': 'Sitia'}, '1973533':{'en': 'Livingston, NJ'}, '1989687':{'en': 'Sanford, MI'}, '1973535':{'en': 'Livingston, NJ'}, '264621763':{'en': 'Rehoboth'}, '1954786':{'en': 'Pompano Beach, FL'}, '1954785':{'en': 'Pompano Beach, FL'}, '1954784':{'en': 'Pompano Beach, FL'}, '1954783':{'en': 'Pompano Beach, FL'}, '1954782':{'en': 'Pompano Beach, FL'}, '1954781':{'en': 'Pompano Beach, FL'}, '264621769':{'en': 'Steinhausen'}, '1902853':{'en': 'Alberton, PE'}, '1954788':{'en': 'Pompano Beach, FL'}, '2333222':{'en': 'Ashanti Mampong'}, '2333223':{'en': 'Ejura'}, '2333220':{'en': 'Kumasi'}, '2333221':{'en': 'Konongo'}, '2333224':{'en': 'Bekwai'}, '2333225':{'en': 'Obuasi'}, '1920':{'en': 'Wisconsin'}, '1925':{'en': 'California'}, '3271':{'de': 'Charleroi', 'en': 'Charleroi', 'fr': 'Charleroi', 'nl': 'Charleroi'}, '1928':{'en': 'Arizona'}, '1929':{'en': 'New York'}, '2612053':{'en': 'Toamasina'}, '2612057':{'en': 'Maroantsetra/Sainte Marie'}, '2612056':{'en': 'Moramanga'}, '2612054':{'en': 'Ambatondrazaka'}, '25111276':{'en': 'Addis Ketema III, Addis Ababa'}, '1918502':{'en': 'Tulsa, OK'}, '1919678':{'en': 'Cary, NC'}, '264632385':{'en': 'Oranjemund'}, '264632384':{'en': 'Oranjemund'}, '1919676':{'en': 'Raleigh, NC'}, '1919677':{'en': 'Cary, NC'}, '264632381':{'en': 'Oranjemund'}, '264632380':{'en': 'Oranjemund'}, '264632383':{'en': 'Luderitz'}, '264632382':{'en': 'Luderitz'}, '1859239':{'en': 'Danville, KY'}, '1859238':{'en': 'Danville, KY'}, '1859233':{'en': 'Lexington, KY'}, '1859231':{'en': 'Lexington, KY'}, '1859236':{'en': 'Danville, KY'}, '1859727':{'en': 'Erlanger, KY'}, '1859234':{'en': 'Cynthiana, KY'}, '3313049':{'en': u('Coigni\u00e8res'), 'fr': u('Coigni\u00e8res')}, '3313048':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '1914332':{'en': 'Tarrytown, NY'}, '1914333':{'en': 'Tarrytown, NY'}, '3313041':{'en': 'Rambouillet', 'fr': 'Rambouillet'}, '3313040':{'en': 'Taverny', 'fr': 'Taverny'}, '3313043':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '3313042':{'en': 'Rosny-sur-Seine', 'fr': 'Rosny-sur-Seine'}, '3313045':{'en': u('Saint-Cyr-l\'\u00c9cole'), 'fr': u('Saint-Cyr-l\'\u00c9cole')}, '3313044':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '3313047':{'en': u('Saint-R\u00e9my-l\u00e8s-Chevreuse'), 'fr': u('Saint-R\u00e9my-l\u00e8s-Chevreuse')}, '3313046':{'en': 'Houdan', 'fr': 'Houdan'}, '264637181':{'en': 'Keetmanshoop'}, '3314273':{'en': 'Paris', 'fr': 'Paris'}, '264637182':{'en': 'Keetmanshoop'}, '1970704':{'en': 'Carbondale, CO'}, '264652598':{'en': 'Eunda'}, '1954360':{'en': 'Deerfield Beach, FL'}, '264652596':{'en': 'Etunda'}, '237222335':{'en': 'Abong-Bang'}, '264652595':{'en': 'Etunda'}, '264652590':{'en': 'Mahenene'}, '264637185':{'en': 'Keetmanshoop'}, '264621768':{'en': 'Spatzenfeld'}, '3314272':{'en': 'Paris', 'fr': 'Paris'}, '1859246':{'en': 'Lexington, KY'}, '3314853':{'en': 'Choisy-le-Roi', 'fr': 'Choisy-le-Roi'}, '3314852':{'en': 'Choisy-le-Roi', 'fr': 'Choisy-le-Roi'}, '1905415':{'en': 'Markham, ON'}, '3314851':{'en': 'Montreuil', 'fr': 'Montreuil'}, '1905417':{'en': 'Maple, ON'}, '3314850':{'en': 'Bondy', 'fr': 'Bondy'}, '263308':{'en': 'Chatsworth'}, '29931':{'en': 'Nuuk'}, '29932':{'en': 'Nuuk'}, '29933':{'en': 'Nuuk'}, '29934':{'en': 'Nuuk'}, '29935':{'en': 'Nuuk'}, '29936':{'en': 'Nuuk'}, '3314337':{'en': 'Paris', 'fr': 'Paris'}, '1904764':{'en': 'Jacksonville, FL'}, '3314855':{'en': 'Villemomble', 'fr': 'Villemomble'}, '1863285':{'en': 'Fort Meade, FL'}, '1863284':{'en': 'Lakeland, FL'}, '263628':{'en': 'Selous'}, '263688':{'en': 'Chakari'}, '331492':{'en': 'Paris', 'fr': 'Paris'}, '1915577':{'en': 'El Paso, TX'}, '238222':{'en': u('Porto Novo, Santo Ant\u00e3o'), 'pt': u('Porto Novo, Santo Ant\u00e3o')}, '238221':{'en': u('Ribeira Grande, Santo Ant\u00e3o'), 'pt': u('Ribeira Grande, Santo Ant\u00e3o')}, '238227':{'en': u('Ribeira das Patas, Santo Ant\u00e3o'), 'pt': u('Ribeira das Patas, Santo Ant\u00e3o')}, '238226':{'en': u('Ch\u00e3 da Igreja, Santo Ant\u00e3o'), 'pt': u('Ch\u00e3 da Igreja, Santo Ant\u00e3o')}, '238225':{'en': u('Ponta do Sol, Santo Ant\u00e3o'), 'pt': u('Ponta do Sol, Santo Ant\u00e3o')}, '238224':{'en': u('Cocoli, Santo Ant\u00e3o'), 'pt': u('Cocoli, Santo Ant\u00e3o')}, '1850729':{'en': 'Niceville, FL'}, '1910509':{'en': 'Wilmington, NC'}, '1940779':{'en': 'Graford, TX'}, '1936646':{'en': 'Onalaska, TX'}, '1936647':{'en': 'Conroe, TX'}, '1936642':{'en': 'Groveton, TX'}, '3314900':{'en': 'Puteaux', 'fr': 'Puteaux'}, '3314909':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '3314908':{'en': 'Gentilly', 'fr': 'Gentilly'}, '3314276':{'en': 'Paris', 'fr': 'Paris'}, '1864457':{'en': 'Landrum, SC'}, '1864456':{'en': 'Ware Shoals, SC'}, '1864455':{'en': 'Greenville, SC'}, '1864454':{'en': 'Greenville, SC'}, '1864458':{'en': 'Greenville, SC'}, '3315502':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3315506':{'en': 'Paris', 'fr': 'Paris'}, '3315507':{'en': 'Paris', 'fr': 'Paris'}, '264652710':{'en': 'Etoto'}, '302395':{'el': u('\u03a3\u03bf\u03c7\u03cc\u03c2'), 'en': 'Sochos'}, '1865851':{'en': 'Knoxville, TN'}, '302397':{'el': u('\u0391\u03c3\u03c0\u03c1\u03bf\u03b2\u03ac\u03bb\u03c4\u03b1'), 'en': 'Asprovalta'}, '302396':{'el': u('\u0392\u03b1\u03c3\u03b9\u03bb\u03b9\u03ba\u03ac'), 'en': 'Vasilika'}, '302391':{'el': u('\u03a7\u03b1\u03bb\u03ba\u03b7\u03b4\u03cc\u03bd\u03b1'), 'en': 'Chalkidona'}, '1865856':{'en': 'Maryville, TN'}, '302392':{'el': u('\u03a0\u03b5\u03c1\u03b1\u03af\u03b1'), 'en': 'Peraia, Thessaloniki'}, '1903482':{'en': 'Van Alstyne, TX'}, '302399':{'el': u('\u039a\u03b1\u03bb\u03bb\u03b9\u03ba\u03c1\u03ac\u03c4\u03b5\u03b9\u03b1'), 'en': 'Kallikrateia'}, '1918207':{'en': 'Tahlequah, OK'}, '1870275':{'en': 'Jonesboro, AR'}, '1918756':{'en': 'Okmulgee, OK'}, '25157778':{'en': 'Guliso, West Region'}, '25157776':{'en': 'Mendi, West Region'}, '25157777':{'en': 'Billa, West Region'}, '25157774':{'en': 'Nedjo, West Region'}, '25157775':{'en': 'Assosa, West Region'}, '25157771':{'en': 'Ghimbi, West Region'}, '1985327':{'en': 'Covington, LA'}, '1918758':{'en': 'Okmulgee, OK'}, '1985325':{'en': 'Cut Off, LA'}, '1941388':{'en': 'Sarasota, FL'}, '1914235':{'en': 'New Rochelle, NY'}, '2292241':{'en': 'Lokossa', 'fr': 'Lokossa'}, '2125356':{'en': u('F\u00e8s'), 'fr': u('F\u00e8s')}, '1903731':{'en': 'Palestine, TX'}, '1903737':{'en': 'Paris, TX'}, '1903734':{'en': 'Gilmer, TX'}, '26461':{'en': 'Windhoek'}, '1903739':{'en': 'Paris, TX'}, '1951780':{'en': 'Riverside, CA'}, '1951781':{'en': 'Riverside, CA'}, '1951782':{'en': 'Riverside, CA'}, '1951784':{'en': 'Riverside, CA'}, '1951785':{'en': 'Riverside, CA'}, '1951786':{'en': 'Riverside, CA'}, '1951787':{'en': 'Riverside, CA'}, '1951788':{'en': 'Riverside, CA'}, '1951789':{'en': 'Riverside, CA'}, '1860229':{'en': 'New Britain, CT'}, '1954578':{'en': 'Sunrise, FL'}, '1954575':{'en': 'Coral Springs, FL'}, '1860223':{'en': 'New Britain, CT'}, '1954570':{'en': 'Deerfield Beach, FL'}, '1860225':{'en': 'New Britain, CT'}, '1954572':{'en': 'Sunrise, FL'}, '264651715':{'en': 'Kaoko Otavi'}, '26462501':{'en': 'Okahandja'}, '26462500':{'en': 'Okahandja'}, '26462503':{'en': 'Okahandja/Ovitoto/Wilhelmstal'}, '1937596':{'en': 'Jackson Center, OH'}, '26462505':{'en': 'Okahandja'}, '1905286':{'en': 'Mississauga, ON'}, '1937593':{'en': 'Bellefontaine, OH'}, '1937592':{'en': 'Bellefontaine, OH'}, '2682322':{'en': 'Tshaneni, Lubombo district'}, '2682323':{'en': 'Tshaneni, Lubombo district'}, '1937599':{'en': 'Bellefontaine, OH'}, '2333424':{'en': 'Donkorkrom'}, '264632733':{'en': 'Aminuis'}, '3314279':{'en': 'Paris', 'fr': 'Paris'}, '1865273':{'en': 'Maryville, TN'}, '1972600':{'en': 'Irving, TX'}, '25125661':{'en': 'Alemaya, East Region'}, '264632807':{'en': 'Aroab'}, '25125662':{'en': 'Aweday, East Region'}, '25125665':{'en': 'Babile, East Region'}, '264632803':{'en': 'Dawiab'}, '25125667':{'en': 'Harar II, East Region'}, '25125666':{'en': 'Harar I, East Region'}, '25125669':{'en': 'Kebribeyah, East Region'}, '1979282':{'en': 'Wharton, TX'}, '1919405':{'en': 'Durham, NC'}, '1979285':{'en': 'Lake Jackson, TX'}, '264632809':{'en': 'Ariamsvlei'}, '1919403':{'en': 'Durham, NC'}, '1919402':{'en': 'Durham, NC'}, '1937773':{'en': 'Piqua, OH'}, '1919401':{'en': 'Durham, NC'}, '1905257':{'en': 'Oakville, ON'}, '1937778':{'en': 'Piqua, OH'}, '264662627':{'en': 'Katima-Mulilo'}, '1973701':{'en': 'Chatham, NJ'}, '1973702':{'en': 'Sussex, NJ'}, '1908904':{'en': 'Hillsborough Township, NJ'}, '2292132':{'en': u('J\u00e9richo'), 'fr': u('J\u00e9richo')}, '1973706':{'en': 'Wayne, NJ'}, '264651716':{'en': 'Kunene River Lodge'}, '1901417':{'en': 'Memphis, TN'}, '1901416':{'en': 'Memphis, TN'}, '1902461':{'en': 'Dartmouth, NS'}, '1902463':{'en': 'Dartmouth, NS'}, '1902464':{'en': 'Dartmouth, NS'}, '1902466':{'en': 'Dartmouth, NS'}, '1902469':{'en': 'Dartmouth, NS'}, '1902468':{'en': 'Dartmouth, NS'}, '2292380':{'en': 'Djougou', 'fr': 'Djougou'}, '1970547':{'en': 'Breckenridge, CO'}, '1860738':{'en': 'Winsted, CT'}, '260213':{'en': 'Livingstone/Southern Province'}, '260212':{'en': 'Ndola/Copperbelt and Luapula Provinces'}, '260211':{'en': 'Lusaka Province'}, '260217':{'en': 'Solwezi/Western Province'}, '260216':{'en': 'Chipata/Eastern Province'}, '260215':{'en': 'Kabwe/Central Province'}, '260214':{'en': 'Kasama/Northern Province'}, '1941235':{'en': 'Port Charlotte, FL'}, '260218':{'en': 'Mongu/North-Western Province'}, '1913352':{'en': 'Pleasanton, KS'}, '1949748':{'en': 'Irvine, CA'}, '2333421':{'en': 'Nsawam'}, '263222':{'en': 'Wedza'}, '1905792':{'en': 'Brampton, ON'}, '1925828':{'en': 'Dublin, CA'}, '1925829':{'en': 'Dublin, CA'}, '1925827':{'en': 'Concord, CA'}, '1925825':{'en': 'Concord, CA'}, '1905822':{'en': 'Mississauga, ON'}, '1925820':{'en': 'Danville, CA'}, '1941444':{'en': 'Sarasota, FL'}, '1978392':{'en': 'Westford, MA'}, '25111349':{'en': 'Keranyo, Addis Ababa'}, '1905823':{'en': 'Mississauga, ON'}, '25111348':{'en': 'Jimmaber (Ayer Tena), Addis Ababa'}, '1905796':{'en': 'Brampton, ON'}, '3314539':{'en': 'Paris', 'fr': 'Paris'}, '25111618':{'en': 'Bole I, Addis Ababa'}, '1905794':{'en': 'Castlemore, ON'}, '1903592':{'en': 'Tyler, TX'}, '1905827':{'en': 'Oakville, ON'}, '3313962':{'en': 'Maisons-Laffitte', 'fr': 'Maisons-Laffitte'}, '1856764':{'en': 'Delran, NJ'}, '1856765':{'en': 'Millville, NJ'}, '3313963':{'en': 'Le Chesnay', 'fr': 'Le Chesnay'}, '1856769':{'en': 'Woodstown, NJ'}, '33144':{'en': 'Paris', 'fr': 'Paris'}, '1912598':{'en': 'Savannah, GA'}, '3314240':{'en': 'Paris', 'fr': 'Paris'}, '1941493':{'en': 'Venice, FL'}, '1941492':{'en': 'Venice, FL'}, '1859987':{'en': 'Paris, KY'}, '1941497':{'en': 'Venice, FL'}, '1941496':{'en': 'Venice, FL'}, '1858605':{'en': 'San Diego, CA'}, '3314246':{'en': 'Paris', 'fr': 'Paris'}, '3314247':{'en': 'Paris', 'fr': 'Paris'}, '2422229':{'en': 'Pointe-Noire', 'fr': 'Pointe-Noire'}, '2422228':{'en': 'Brazzaville', 'fr': 'Brazzaville'}, '3314532':{'en': 'Paris', 'fr': 'Paris'}, '2422221':{'en': 'Cuvette', 'fr': 'Cuvette'}, '2422223':{'en': 'Pool', 'fr': 'Pool'}, '2422222':{'en': 'Likouala/Sangha', 'fr': 'Likouala/Sangha'}, '2422225':{'en': 'Bouenza/Lekoumou/Niari', 'fr': 'Bouenza/Lekoumou/Niari'}, '2422224':{'en': 'Plateaux', 'fr': 'Plateaux'}, '1904619':{'en': 'Jacksonville, FL'}, '1910338':{'en': 'Wilmington, NC'}, '1910339':{'en': 'Fayetteville, NC'}, '1940549':{'en': 'Graham, TX'}, '1910332':{'en': 'Wilmington, NC'}, '1910333':{'en': 'Jacksonville, NC'}, '1919240':{'en': 'Chapel Hill, NC'}, '1919242':{'en': 'Fremont, NC'}, '1863709':{'en': 'Lakeland, FL'}, '264621743':{'en': 'Hochland'}, '1863875':{'en': 'Winter Haven, FL'}, '1860928':{'en': 'Putnam, CT'}, '1856582':{'en': 'Sewell, NJ'}, '331553':{'en': 'Paris', 'fr': 'Paris'}, '331552':{'en': 'Paris', 'fr': 'Paris'}, '302244':{'el': u('\u0391\u03c1\u03c7\u03ac\u03b3\u03b3\u03b5\u03bb\u03bf\u03c2'), 'en': 'Archangelos, Rhodes'}, '237222455':{'en': 'Mokolo'}, '25133444':{'en': 'Ansokia, North-East Region'}, '25133440':{'en': 'Sekota, North-East Region'}, '331404':{'en': 'Paris', 'fr': 'Paris'}, '1864848':{'en': 'Greer, SC'}, '1864849':{'en': 'Greer, SC'}, '1985662':{'en': 'Hammond, LA'}, '1985847':{'en': 'Slidell, LA'}, '1864843':{'en': 'Liberty, SC'}, '1864845':{'en': 'Piedmont, SC'}, '1864847':{'en': 'Williamston, SC'}, '1956548':{'en': 'Brownsville, TX'}, '1956542':{'en': 'Brownsville, TX'}, '1956541':{'en': 'Brownsville, TX'}, '1956546':{'en': 'Brownsville, TX'}, '1956544':{'en': 'Brownsville, TX'}, '264625410':{'en': 'Otjihase'}, '1905883':{'en': 'Richmond Hill, ON'}, '1905881':{'en': 'Thornhill, ON'}, '25261':{'en': 'Mogadishu'}, '3313909':{'en': u('Saint-Ouen-l\'Aum\u00f4ne'), 'fr': u('Saint-Ouen-l\'Aum\u00f4ne')}, '1905884':{'en': 'Richmond Hill, ON'}, '1905885':{'en': 'Port Hope, ON'}, '3313904':{'en': 'Saint-Germain-en-Laye', 'fr': 'Saint-Germain-en-Laye'}, '3314597':{'en': 'Villeneuve-le-Roi', 'fr': 'Villeneuve-le-Roi'}, '1905888':{'en': 'Bethesda, ON'}, '1905889':{'en': 'Thornhill, ON'}, '3314592':{'en': 'Noisy-le-Grand', 'fr': 'Noisy-le-Grand'}, '237233215':{'en': 'Nkambe'}, '3313902':{'en': 'Versailles', 'fr': 'Versailles'}, '3314591':{'en': 'Le Blanc Mesnil', 'fr': 'Le Blanc Mesnil'}, '1850607':{'en': 'Pensacola, FL'}, '264632653':{'en': 'Hoachanas'}, '264632651':{'en': 'Schilp'}, '264632650':{'en': 'Schilp'}, '264632657':{'en': 'Tsumispark'}, '264632656':{'en': 'Tsumispark'}, '264632655':{'en': 'Tsumispark'}, '264632654':{'en': 'Hoachanas'}, '263924':{'en': 'Hillside'}, '1865463':{'en': 'Clinton, TN'}, '1931680':{'en': 'Shelbyville, TN'}, '1931686':{'en': 'Rock Island, TN'}, '1931685':{'en': 'Shelbyville, TN'}, '1931684':{'en': 'Shelbyville, TN'}, '1904371':{'en': 'Jacksonville, FL'}, '1867645':{'en': 'Rankin Inlet, NU'}, '1941957':{'en': 'Sarasota, FL'}, '1864596':{'en': 'Spartanburg, SC'}, '26315':{'en': 'Binga'}, '1864595':{'en': 'Spartanburg, SC'}, '1864592':{'en': 'Inman, SC'}, '1864591':{'en': 'Spartanburg, SC'}, '1903839':{'en': 'Whitehouse, TX'}, '1903838':{'en': 'Texarkana, TX'}, '1904829':{'en': 'St. Augustine, FL'}, '1931424':{'en': 'Pulaski, TN'}, '2410167':{'en': 'Franceville'}, '2410166':{'en': 'Moanda'}, '2410165':{'en': 'Koulamoutou'}, '2410164':{'en': 'Lastoursville'}, '1904823':{'en': 'St. Augustine, FL'}, '2292255':{'en': u('Sav\u00e8'), 'fr': u('Sav\u00e8')}, '1904821':{'en': 'Jacksonville, FL'}, '1903832':{'en': 'Texarkana, TX'}, '1931359':{'en': 'Lewisburg, TN'}, '1904826':{'en': 'St. Augustine, FL'}, '1904825':{'en': 'St. Augustine, FL'}, '1904824':{'en': 'St. Augustine, FL'}, '25158446':{'en': 'Worota, North-West Region'}, '1979567':{'en': 'Caldwell, TX'}, '25158440':{'en': 'Ebinat, North-West Region'}, '25158443':{'en': 'Hamusit, North-West Region'}, '1989743':{'en': 'Corunna, MI'}, '1989742':{'en': 'Hillman, MI'}, '1928638':{'en': 'Grand Canyon Village, AZ'}, '1928639':{'en': 'Cottonwood, AZ'}, '1850837':{'en': 'Destin, FL'}, '1928634':{'en': 'Cottonwood, AZ'}, '1928635':{'en': 'Williams, AZ'}, '1928636':{'en': 'Chino Valley, AZ'}, '1858592':{'en': 'San Diego, CA'}, '1916734':{'en': 'Sacramento, CA'}, '3315316':{'en': 'Paris', 'fr': 'Paris'}, '1916736':{'en': 'Sacramento, CA'}, '1916737':{'en': 'Sacramento, CA'}, '1916731':{'en': 'Sacramento, CA'}, '3315311':{'en': 'Paris', 'fr': 'Paris'}, '1916733':{'en': 'Sacramento, CA'}, '1916739':{'en': 'Sacramento, CA'}, '3315319':{'en': 'Paris', 'fr': 'Paris'}, '264632407':{'en': 'Mariental'}, '1860693':{'en': 'Canton, CT'}, '1906753':{'en': 'Stephenson, MI'}, '1912748':{'en': 'Pooler, GA'}, '1870423':{'en': 'Berryville, AR'}, '1870425':{'en': 'Mountain Home, AR'}, '1870424':{'en': 'Mountain Home, AR'}, '302553':{'el': u('\u0394\u03b9\u03b4\u03c5\u03bc\u03cc\u03c4\u03b5\u03b9\u03c7\u03bf'), 'en': 'Didymoteicho'}, '1902876':{'en': 'Halifax, NS'}, '1904448':{'en': 'Jacksonville, FL'}, '1902875':{'en': 'Shelburne, NS'}, '1860963':{'en': 'Putnam, CT'}, '3252':{'de': 'Dendermonde', 'en': 'Dendermonde', 'fr': 'Termonde', 'nl': 'Dendermonde'}, '3253':{'de': 'Aalst', 'en': 'Aalst', 'fr': 'Alost', 'nl': 'Aalst'}, '3255':{'de': 'Ronse', 'en': 'Ronse', 'fr': 'Renaix', 'nl': 'Ronse'}, '1908':{'en': 'New Jersey'}, '1909':{'en': 'California'}, '1906':{'en': 'Michigan'}, '1907':{'en': 'Alaska'}, '1904':{'en': 'Florida'}, '1905':{'en': 'Ontario'}, '1902':{'en': 'Nova Scotia'}, '1903':{'en': 'Texas'}, '1901':{'en': 'Tennessee'}, '1972938':{'en': 'Waxahachie, TX'}, '1972939':{'en': 'Carrollton, TX'}, '1972932':{'en': 'Kaufman, TX'}, '1972934':{'en': 'Dallas, TX'}, '1972935':{'en': 'Waxahachie, TX'}, '1972937':{'en': 'Waxahachie, TX'}, '1978762':{'en': 'Danvers, MA'}, '2612075':{'en': 'Fianarantsoa'}, '1978768':{'en': 'Essex, MA'}, '2612073':{'en': 'Farafangana'}, '1856935':{'en': 'Salem, NJ'}, '1856931':{'en': 'Bellmawr, NJ'}, '1859746':{'en': 'Florence, KY'}, '1859745':{'en': 'Winchester, KY'}, '1859744':{'en': 'Winchester, KY'}, '1919380':{'en': 'Cary, NC'}, '1919381':{'en': 'Durham, NC'}, '1919382':{'en': 'Durham, NC'}, '1919383':{'en': 'Durham, NC'}, '1859219':{'en': 'Lexington, KY'}, '1970542':{'en': 'Fort Morgan, CO'}, '2292252':{'en': u('Cov\u00e8'), 'fr': u('Cov\u00e8')}, '1919387':{'en': 'Apex, NC'}, '3313023':{'en': 'Bois-d\'Arcy', 'fr': 'Bois-d\'Arcy'}, '1925456':{'en': 'Livermore, CA'}, '1925455':{'en': 'Livermore, CA'}, '1925454':{'en': 'Livermore, CA'}, '3313026':{'en': 'Herblay', 'fr': 'Herblay'}, '3313025':{'en': 'Argenteuil', 'fr': 'Argenteuil'}, '3313024':{'en': 'Viroflay', 'fr': 'Viroflay'}, '3313029':{'en': 'Luzarches', 'fr': 'Luzarches'}, '3313028':{'en': 'Chambly', 'fr': 'Chambly'}, '1925458':{'en': 'Bay Point, CA'}, '1918382':{'en': 'Tulsa, OK'}, '1941552':{'en': 'Sarasota, FL'}, '1941554':{'en': 'Sarasota, FL'}, '1914355':{'en': 'New Rochelle, NY'}, '1941556':{'en': 'Sarasota, FL'}, '1914358':{'en': 'White Plains, NY'}, '3313057':{'en': 'Montigny-le-Bretonneux', 'fr': 'Montigny-le-Bretonneux'}, '1970769':{'en': 'Durango, CO'}, '1919690':{'en': 'Oxford, NC'}, '1970764':{'en': 'Durango, CO'}, '1905473':{'en': 'Mount Albert, ON'}, '1905472':{'en': 'Markham, ON'}, '1905471':{'en': 'Markham, ON'}, '1905470':{'en': 'Markham, ON'}, '1905477':{'en': 'Markham, ON'}, '1905476':{'en': 'Keswick, ON'}, '1905475':{'en': 'Markham, ON'}, '1905474':{'en': 'Markham, ON'}, '3314695':{'en': 'Nanterre', 'fr': 'Nanterre'}, '3314694':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1905479':{'en': 'Markham, ON'}, '1905478':{'en': 'Queensville, ON'}, '3314691':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '1908464':{'en': 'Berkeley Heights, NJ'}, '1908469':{'en': 'Elizabeth, NJ'}, '1910295':{'en': 'Pinehurst, NC'}, '1910297':{'en': 'Wilmington, NC'}, '1910296':{'en': 'Kenansville, NC'}, '1910293':{'en': 'Warsaw, NC'}, '1910299':{'en': 'Clinton, NC'}, '1910298':{'en': 'Beulaville, NC'}, '1919658':{'en': 'Mount Olive, NC'}, '26463345':{'en': 'Mariental'}, '1864699':{'en': 'Spartanburg, SC'}, '25122112':{'en': 'Nazreth II, South-East Region'}, '25122113':{'en': 'Wolenchiti, South-East Region'}, '25122111':{'en': 'Nazreth I, South-East Region'}, '25122116':{'en': 'Modjo, South-East Region'}, '25122114':{'en': 'Melkawarer, South-East Region'}, '25122115':{'en': 'Alem Tena, South-East Region'}, '25122118':{'en': 'Meki, South-East Region'}, '25122119':{'en': 'Nazreth, South-East Region'}, '264652640':{'en': 'Eenhana'}, '264652641':{'en': 'Eenhana'}, '1940759':{'en': 'Muenster, TX'}, '264652646':{'en': 'Oshikango'}, '264652647':{'en': 'Oshikango'}, '26463693':{'en': 'South'}, '1936628':{'en': 'Shepherd, TX'}, '1864472':{'en': 'Inman, SC'}, '1937225':{'en': 'Dayton, OH'}, '1864476':{'en': 'Woodruff, SC'}, '1916929':{'en': 'Sacramento, CA'}, '1916928':{'en': 'Sacramento, CA'}, '1916921':{'en': 'Sacramento, CA'}, '1916920':{'en': 'Sacramento, CA'}, '1916923':{'en': 'Sacramento, CA'}, '1916922':{'en': 'Sacramento, CA'}, '1916925':{'en': 'Sacramento, CA'}, '1916924':{'en': 'Sacramento, CA'}, '1916927':{'en': 'Sacramento, CA'}, '1870215':{'en': 'Paragould, AR'}, '25111467':{'en': 'Keira IV, Addis Ababa'}, '1989358':{'en': 'Alpena, MI'}, '1989356':{'en': 'Alpena, MI'}, '1989354':{'en': 'Alpena, MI'}, '1989352':{'en': 'Lakeview, MI'}, '25134559':{'en': 'Mekele, North Region'}, '25134551':{'en': 'Korem, North Region'}, '25133334':{'en': 'Kobo, North-East Region'}, '25134552':{'en': 'Betemariam, North Region'}, '25134555':{'en': 'Rama, North Region'}, '25134554':{'en': 'A. Selam, North Region'}, '25134556':{'en': 'Adi Daero, North Region'}, '2682303':{'en': 'Nsoko, Lubombo district'}, '1903537':{'en': 'Mount Vernon, TX'}, '26462566':{'en': 'Gobabis'}, '26462565':{'en': 'Gobabis'}, '26462564':{'en': 'Gobabis'}, '26462563':{'en': 'Gobabis'}, '26462562':{'en': 'Gobabis'}, '1937578':{'en': 'Marysville, OH'}, '1904992':{'en': 'Jacksonville, FL'}, '1928289':{'en': 'Winslow, AZ'}, '1916358':{'en': 'El Dorado Hills, CA'}, '1913721':{'en': 'Kansas City, KS'}, '1928283':{'en': 'Tuba City, AZ'}, '1928282':{'en': 'Sedona, AZ'}, '1913724':{'en': 'Basehor, KS'}, '1928284':{'en': 'Sedona, AZ'}, '1913727':{'en': 'Lansing, KS'}, '1907349':{'en': 'Anchorage, AK'}, '1907346':{'en': 'Anchorage, AK'}, '1907345':{'en': 'Anchorage, AK'}, '1907344':{'en': 'Anchorage, AK'}, '1907343':{'en': 'Anchorage, AK'}, '1972580':{'en': 'Irving, TX'}, '1972239':{'en': 'Dallas, TX'}, '1972238':{'en': 'Richardson, TX'}, '1972237':{'en': 'Grand Prairie, TX'}, '1972235':{'en': 'Richardson, TX'}, '1972234':{'en': 'Richardson, TX'}, '1972233':{'en': 'Dallas, TX'}, '1972231':{'en': 'Richardson, TX'}, '1972230':{'en': 'DeSoto, TX'}, '1905279':{'en': 'Mississauga, ON'}, '1905278':{'en': 'Mississauga, ON'}, '1905271':{'en': 'Mississauga, ON'}, '1905270':{'en': 'Mississauga, ON'}, '1905273':{'en': 'Mississauga, ON'}, '1905272':{'en': 'Mississauga, ON'}, '1905275':{'en': 'Mississauga, ON'}, '1905274':{'en': 'Mississauga, ON'}, '1905277':{'en': 'Mississauga, ON'}, '1905276':{'en': 'Mississauga, ON'}, '1973728':{'en': 'West Milford, NJ'}, '1973729':{'en': 'Sparta Township, NJ'}, '1973726':{'en': 'Sparta Township, NJ'}, '1908925':{'en': 'Linden, NJ'}, '1860206':{'en': 'Hartford, CT'}, '251113380':{'en': 'Sebeta, Addis Ababa'}, '302264':{'el': u('\u0394\u03cc\u03bc\u03b2\u03c1\u03b1\u03b9\u03bd\u03b1'), 'en': 'Thisvi'}, '1860757':{'en': 'Hartford, CT'}, '1973247':{'en': 'Paterson, NJ'}, '1902407':{'en': 'Halifax, NS'}, '1907694':{'en': 'Eagle River, AK'}, '1902405':{'en': 'Halifax, NS'}, '1907696':{'en': 'Eagle River, AK'}, '1906563':{'en': 'Norway, MI'}, '1925736':{'en': 'Danville, CA'}, '1925734':{'en': 'Pleasanton, CA'}, '1925735':{'en': 'San Ramon, CA'}, '1949723':{'en': 'Newport Beach, CA'}, '1949722':{'en': 'Costa Mesa, CA'}, '1949721':{'en': 'Newport Beach, CA'}, '1949720':{'en': 'Newport Beach, CA'}, '1949727':{'en': 'Irvine, CA'}, '1949726':{'en': 'Irvine, CA'}, '1949725':{'en': 'Irvine, CA'}, '1949724':{'en': 'Irvine, CA'}, '1954332':{'en': 'Fort Lauderdale, FL'}, '264652894':{'en': 'Oshikunde'}, '1912234':{'en': 'Savannah, GA'}, '1979279':{'en': 'Hearne, TX'}, '1925849':{'en': 'Concord, CA'}, '1925846':{'en': 'Pleasanton, CA'}, '1925847':{'en': 'Pleasanton, CA'}, '1908258':{'en': 'Union, NJ'}, '1940937':{'en': 'Childress, TX'}, '1978374':{'en': 'Haverhill, MA'}, '1978371':{'en': 'Concord, MA'}, '1978372':{'en': 'Haverhill, MA'}, '1978373':{'en': 'Haverhill, MA'}, '302268':{'el': u('\u0391\u03bb\u03af\u03b1\u03c1\u03c4\u03bf\u03c2'), 'en': 'Aliartos'}, '26724':{'en': 'Francistown'}, '1973984':{'en': 'Morristown, NJ'}, '1908782':{'en': 'Flemington, NJ'}, '26726':{'en': 'Selebi-Phikwe'}, '1918249':{'en': 'Tulsa, OK'}, '1918246':{'en': 'Sand Springs, OK'}, '1918245':{'en': 'Sand Springs, OK'}, '1941964':{'en': 'Boca Grande, FL'}, '1918712':{'en': 'Tulsa, OK'}, '1918241':{'en': 'Sand Springs, OK'}, '1904632':{'en': 'Jacksonville, FL'}, '1940567':{'en': 'Jacksboro, TX'}, '1940564':{'en': 'Olney, TX'}, '1940565':{'en': 'Denton, TX'}, '1904636':{'en': 'Jacksonville, FL'}, '1904634':{'en': 'Jacksonville, FL'}, '1940569':{'en': 'Burkburnett, TX'}, '1863853':{'en': 'Lakeland, FL'}, '1863858':{'en': 'Lakeland, FL'}, '1863859':{'en': 'Lakeland, FL'}, '1908496':{'en': 'Columbia, NJ'}, '3314241':{'en': 'Paris', 'fr': 'Paris'}, '1940691':{'en': 'Wichita Falls, TX'}, '1940692':{'en': 'Wichita Falls, TX'}, '1940696':{'en': 'Wichita Falls, TX'}, '1850994':{'en': 'Milton, FL'}, '1850997':{'en': 'Monticello, FL'}, '264651777':{'en': 'Ruacana'}, '1859689':{'en': 'Hebron, KY'}, '264651776':{'en': 'Ruacana'}, '1956565':{'en': 'Mercedes, TX'}, '31294':{'en': 'Weesp', 'nl': 'Weesp'}, '31297':{'en': 'Aalsmeer', 'nl': 'Aalsmeer'}, '31299':{'en': 'Purmerend', 'nl': 'Purmerend'}, '1956568':{'en': 'Laredo, TX'}, '1970375':{'en': 'Durango, CO'}, '1970377':{'en': 'Fort Collins, CO'}, '264667030':{'en': 'Rundu'}, '1970378':{'en': 'Greeley, CO'}, '3314206':{'en': 'Paris', 'fr': 'Paris'}, '3313927':{'en': 'Triel-sur-Seine', 'fr': 'Triel-sur-Seine'}, '3313924':{'en': 'Versailles', 'fr': 'Versailles'}, '3313925':{'en': 'Versailles', 'fr': 'Versailles'}, '3313922':{'en': u('Ach\u00e8res'), 'fr': u('Ach\u00e8res')}, '3313923':{'en': 'Le Chesnay', 'fr': 'Le Chesnay'}, '3313920':{'en': 'Versailles', 'fr': 'Versailles'}, '3313921':{'en': 'Saint-Germain-en-Laye', 'fr': 'Saint-Germain-en-Laye'}, '1859971':{'en': 'Lexington, KY'}, '3120':{'en': 'Amsterdam', 'nl': 'Amsterdam'}, '3126':{'en': 'Arnhem', 'nl': 'Arnhem'}, '3124':{'en': 'Nijmegen', 'nl': 'Nijmegen'}, '1859977':{'en': 'Lexington, KY'}, '1905868':{'en': 'Newmarket, ON'}, '1905864':{'en': 'Milton, ON'}, '237233277':{'en': 'Bandjoun'}, '1905862':{'en': 'Uxbridge, ON'}, '1910715':{'en': 'Pinehurst, NC'}, '31478':{'en': 'Venray', 'nl': 'Venray'}, '1937296':{'en': 'Dayton, OH'}, '1865408':{'en': 'Loudon, TN'}, '1937297':{'en': 'Dayton, OH'}, '1863324':{'en': 'Winter Haven, FL'}, '1867667':{'en': 'Whitehorse, YT'}, '1867669':{'en': 'Yellowknife, NT'}, '1867668':{'en': 'Whitehorse, YT'}, '1864862':{'en': 'Fountain Inn, SC'}, '264651772':{'en': 'Oshitayi'}, '26466251':{'en': 'Katima-Mulilo'}, '1864868':{'en': 'Six Mile, SC'}, '1920347':{'en': 'De Pere, WI'}, '26466255':{'en': 'Rundu'}, '26466254':{'en': 'Katima-Mulilo'}, '1980819':{'en': 'Charlotte, NC'}, '1951353':{'en': 'Riverside, CA'}, '1951352':{'en': 'Riverside, CA'}, '1951351':{'en': 'Riverside, CA'}, '2410148':{'en': 'Libreville'}, '1951354':{'en': 'Riverside, CA'}, '2410145':{'en': 'Libreville'}, '2410144':{'en': 'Libreville'}, '1951359':{'en': 'Riverside, CA'}, '1951358':{'en': 'Riverside, CA'}, '1912652':{'en': 'Savannah, GA'}, '1902678':{'en': 'Kentville, NS'}, '1902679':{'en': 'Kentville, NS'}, '1985872':{'en': 'Houma, LA'}, '3314211':{'en': 'Villejuif', 'fr': 'Villejuif'}, '237233492':{'en': 'Nkongsamba'}, '237233493':{'en': 'Nkongsamba'}, '237233490':{'en': 'Nkongsamba'}, '237233491':{'en': 'Nkongsamba'}, '237233496':{'en': 'Nkongsamba'}, '237233497':{'en': 'Loum/Mbanga'}, '237233494':{'en': 'Nkongsamba'}, '237233495':{'en': 'Nkongsamba'}, '26465203':{'en': 'Oshakati'}, '26465202':{'en': 'Oshakati'}, '26465201':{'en': 'Oshakati'}, '26465200':{'en': 'Ombalantu'}, '26465207':{'en': 'Oshakati'}, '26465206':{'en': 'Oshakati'}, '26465205':{'en': 'Oshakati'}, '26465204':{'en': 'Oshakati'}, '26465209':{'en': 'Oshakati'}, '26465208':{'en': 'Oshakati'}, '1910848':{'en': 'Raeford, NC'}, '1910844':{'en': 'Maxton, NC'}, '1910842':{'en': 'Supply, NC'}, '1910843':{'en': 'Red Springs, NC'}, '1912629':{'en': 'Savannah, GA'}, '1858966':{'en': 'San Diego, CA'}, '264625420':{'en': u('Groot\u2013Aub')}, '2442364':{'en': 'Porto Amboim', 'pt': 'Porto Amboim'}, '1903677':{'en': 'Athens, TX'}, '1903852':{'en': 'Brownsboro, TX'}, '1937962':{'en': 'Lewisburg, OH'}, '1937964':{'en': 'Springfield, OH'}, '1903856':{'en': 'Pittsburg, TX'}, '1903670':{'en': 'Athens, TX'}, '1916714':{'en': 'Elk Grove, CA'}, '1904808':{'en': 'St. Augustine, FL'}, '2442363':{'en': 'Sumbe', 'pt': 'Sumbe'}, '24544394':{'en': 'Bula'}, '24544397':{'en': 'Bigene'}, '24544396':{'en': u('Ingor\u00e9')}, '24544391':{'en': 'Canchungo'}, '24544393':{'en': 'S. Domingos'}, '24544392':{'en': 'Cacheu'}, '1912727':{'en': 'Richmond Hill, GA'}, '1912729':{'en': 'Kingsland, GA'}, '3314215':{'en': 'Paris', 'fr': 'Paris'}, '1906779':{'en': 'Iron Mountain, MI'}, '1906774':{'en': 'Iron Mountain, MI'}, '1906776':{'en': 'Iron Mountain, MI'}, '1928344':{'en': 'Yuma, AZ'}, '1928345':{'en': 'Yuma, AZ'}, '1928341':{'en': 'Yuma, AZ'}, '1928342':{'en': 'Yuma, AZ'}, '1928343':{'en': 'Yuma, AZ'}, '1928348':{'en': 'Safford, AZ'}, '2682382':{'en': 'Simunye, Lubombo district'}, '1860945':{'en': 'Watertown, CT'}, '1902894':{'en': 'Charlottetown, PE'}, '1902895':{'en': 'Truro, NS'}, '1902897':{'en': 'Truro, NS'}, '1902892':{'en': 'Charlottetown, PE'}, '1902893':{'en': 'Truro, NS'}, '2682517':{'en': 'Matsapha, Manzini district'}, '1860':{'en': 'Connecticut'}, '1863':{'en': 'Florida'}, '1862':{'en': 'New Jersey'}, '1865':{'en': 'Tennessee'}, '1864':{'en': 'South Carolina'}, '3314217':{'en': 'Paris', 'fr': 'Paris'}, '2682518':{'en': 'Matsapha, Manzini district'}, '1937384':{'en': 'Miamisburg, OH'}, '1937386':{'en': 'Seaman, OH'}, '1937382':{'en': 'Wilmington, OH'}, '1937383':{'en': 'Wilmington, OH'}, '3313492':{'en': 'Les Mureaux', 'fr': 'Les Mureaux'}, '3313493':{'en': 'Maisons-Laffitte', 'fr': 'Maisons-Laffitte'}, '3313490':{'en': 'Conflans-Sainte-Honorine', 'fr': 'Conflans-Sainte-Honorine'}, '2224550':{'en': u('Bogh\u00e9'), 'fr': u('Bogh\u00e9')}, '3314216':{'en': 'Paris', 'fr': 'Paris'}, '1856486':{'en': 'Pennsauken Township, NJ'}, '1856482':{'en': 'Cherry Hill, NJ'}, '1856489':{'en': 'Cherry Hill, NJ'}, '2204410':{'en': 'Brufut'}, '1972910':{'en': 'Irving, TX'}, '1925691':{'en': 'Concord, CA'}, '2204416':{'en': 'Tujereng'}, '2204417':{'en': 'Sanyang'}, '2204419':{'en': 'Kartong'}, '1972918':{'en': 'Richardson, TX'}, '1978749':{'en': 'Andover, MA'}, '1978745':{'en': 'Salem, MA'}, '1978744':{'en': 'Salem, MA'}, '1978741':{'en': 'Salem, MA'}, '1978740':{'en': 'Salem, MA'}, '1970569':{'en': 'Edwards, CO'}, '1970568':{'en': 'Wellington, CO'}, '1860450':{'en': 'Willimantic, CT'}, '264652620':{'en': 'Onuno'}, '264652621':{'en': 'Onuno'}, '264652622':{'en': 'Okatope'}, '264652623':{'en': 'Okatope'}, '1941722':{'en': 'Palmetto, FL'}, '1970563':{'en': 'Ignacio, CO'}, '1970565':{'en': 'Cortez, CO'}, '1970564':{'en': 'Cortez, CO'}, '1925473':{'en': 'Pittsburg, CA'}, '1925472':{'en': 'Walnut Creek, CA'}, '3313009':{'en': 'Chatou', 'fr': 'Chatou'}, '3313008':{'en': 'Marly-le-Roi', 'fr': 'Marly-le-Roi'}, '3313005':{'en': u('Coigni\u00e8res'), 'fr': u('Coigni\u00e8res')}, '1925478':{'en': 'Walnut Creek, CA'}, '3313007':{'en': 'Plaisir', 'fr': 'Plaisir'}, '3313006':{'en': 'Poissy', 'fr': 'Poissy'}, '1914378':{'en': 'Yonkers, NY'}, '1914376':{'en': 'Yonkers, NY'}, '1914377':{'en': 'Yonkers, NY'}, '1941575':{'en': 'Punta Gorda, FL'}, '264631701':{'en': 'Aminuis'}, '1905459':{'en': 'Brampton, ON'}, '1905458':{'en': 'Brampton, ON'}, '1905455':{'en': 'Brampton, ON'}, '1905454':{'en': 'Brampton, ON'}, '1905457':{'en': 'Brampton, ON'}, '1905456':{'en': 'Brampton, ON'}, '1905451':{'en': 'Brampton, ON'}, '1905450':{'en': 'Brampton, ON'}, '1905453':{'en': 'Brampton, ON'}, '1905452':{'en': 'Brampton, ON'}, '1909673':{'en': 'Ontario, CA'}, '1910278':{'en': 'Oak Island, NC'}, '1910277':{'en': 'Laurinburg, NC'}, '1910276':{'en': 'Laurinburg, NC'}, '1956791':{'en': 'Laredo, TX'}, '1956796':{'en': 'Laredo, TX'}, '1956973':{'en': 'Weslaco, TX'}, '1956795':{'en': 'Laredo, TX'}, '26467313':{'en': 'Outjo'}, '26467312':{'en': 'Outjo'}, '26467317':{'en': 'Okakarara'}, '331429':{'en': 'Paris', 'fr': 'Paris'}, '264671779':{'en': 'Outjo'}, '264671778':{'en': 'Outjo'}, '264671775':{'en': 'Otjiwarongo'}, '1864676':{'en': 'Greenville, SC'}, '1864675':{'en': 'Greenville, SC'}, '1864674':{'en': 'Jonesville, SC'}, '264671771':{'en': 'Otavi'}, '264671770':{'en': 'Otavi'}, '264671773':{'en': 'Otjiwarongo'}, '1940228':{'en': 'Wichita Falls, TX'}, '1915533':{'en': 'El Paso, TX'}, '1915532':{'en': 'El Paso, TX'}, '2125232':{'en': 'Mohammedia', 'fr': 'Mohammedia'}, '2125233':{'en': 'El Jedida/Mohammedia', 'fr': 'Mohammedia/El Jadida'}, '1970749':{'en': 'Durango, CO'}, '1970748':{'en': 'Avon, CO'}, '1915534':{'en': 'El Paso, TX'}, '245393':{'pt': 'S. Domingos'}, '245392':{'pt': 'Cacheu'}, '245391':{'pt': 'Canchungo'}, '25157555':{'en': 'Dembidolo, West Region'}, '245396':{'pt': u('Ingor\u00e9')}, '25157550':{'en': 'Ejaji, West Region'}, '245394':{'pt': 'Bula'}, '1916941':{'en': 'El Dorado Hills, CA'}, '26464272':{'en': 'Walvis Bay'}, '1916944':{'en': 'Carmichael, CA'}, '26464275':{'en': 'Walvis Bay'}, '1919284':{'en': 'Kenly, NC'}, '302825':{'el': u('\u0392\u03ac\u03bc\u03bf\u03c2'), 'en': 'Vamos'}, '302824':{'el': u('\u039a\u03bf\u03bb\u03c5\u03bc\u03b2\u03ac\u03c1\u03b9'), 'en': 'Kolymvari'}, '302823':{'el': u('\u039a\u03ac\u03bd\u03c4\u03b1\u03bd\u03bf\u03c2'), 'en': 'Kandanos'}, '1952924':{'en': 'Minneapolis, MN'}, '302821':{'el': u('\u03a7\u03b1\u03bd\u03b9\u03ac'), 'en': 'Chania'}, '1903447':{'en': 'Quinlan, TX'}, '1904321':{'en': 'Fernandina Beach, FL'}, '264625391':{'en': 'Klein Aub'}, '1870238':{'en': 'Wynne, AR'}, '1870239':{'en': 'Paragould, AR'}, '1870898':{'en': 'Ashdown, AR'}, '1920406':{'en': 'Green Bay, WI'}, '1920405':{'en': 'Green Bay, WI'}, '1870231':{'en': 'Camden, AR'}, '1870892':{'en': 'Pocahontas, AR'}, '1870234':{'en': 'Magnolia, AR'}, '1985369':{'en': 'Napoleonville, LA'}, '1985493':{'en': 'Thibodaux, LA'}, '1919530':{'en': 'Durham, NC'}, '3314146':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '25125441':{'en': 'Hirna, East Region'}, '25125444':{'en': 'Miesso, East Region'}, '25125447':{'en': 'Hurso, East Region'}, '25125446':{'en': 'Erer, East Region'}, '1916366':{'en': 'Sacramento, CA'}, '1916364':{'en': 'Sacramento, CA'}, '1916363':{'en': 'Sacramento, CA'}, '1916362':{'en': 'Sacramento, CA'}, '1916361':{'en': 'Sacramento, CA'}, '1973680':{'en': 'Bloomfield, NJ'}, '26462540':{'en': 'Neudamm/Hosea Kutako INT Airport'}, '1916369':{'en': 'Sacramento, CA'}, '1916368':{'en': 'Sacramento, CA'}, '1954565':{'en': 'Fort Lauderdale, FL'}, '1937558':{'en': 'Dayton, OH'}, '1850416':{'en': 'Pensacola, FL'}, '264652651':{'en': 'Oshikango'}, '23723337':{'en': 'Bassa'}, '1979245':{'en': 'Bay City, TX'}, '1865233':{'en': 'Maryville, TN'}, '23723339':{'en': u('Bonab\u00e9ri')}, '1979242':{'en': 'La Grange, TX'}, '1978657':{'en': 'Wilmington, MA'}, '1902798':{'en': 'Windsor, NS'}, '23722231':{'en': 'Biyem Assi'}, '3314637':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '1902245':{'en': 'Digby, NS'}, '1902794':{'en': 'North Sydney, NS'}, '1972219':{'en': 'Lewisville, TX'}, '1972218':{'en': 'Lancaster, TX'}, '1905216':{'en': 'Brampton, ON'}, '1972216':{'en': 'Mesquite, TX'}, '264652653':{'en': 'Oshikango'}, '1985778':{'en': 'Mandeville, LA'}, '1904384':{'en': 'Jacksonville, FL'}, '264651729':{'en': 'Okangwati'}, '1902425':{'en': 'Halifax, NS'}, '1979798':{'en': 'Brazoria, TX'}, '1902421':{'en': 'Halifax, NS'}, '1902420':{'en': 'Halifax, NS'}, '1902423':{'en': 'Halifax, NS'}, '1902422':{'en': 'Halifax, NS'}, '1979793':{'en': 'Needville, TX'}, '1902429':{'en': 'Halifax, NS'}, '1954531':{'en': 'Deerfield Beach, FL'}, '1954532':{'en': 'Pompano Beach, FL'}, '1954537':{'en': 'Fort Lauderdale, FL'}, '3314111':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '25146660':{'en': 'Kebado, South Region'}, '264652655':{'en': 'Oshikango'}, '1949706':{'en': 'Newport Beach, CA'}, '1949253':{'en': 'Irvine, CA'}, '1949258':{'en': 'Newport Beach, CA'}, '2205665':{'en': 'Kuntaur'}, '2205666':{'en': 'Numeyel'}, '1908276':{'en': 'Cranford, NJ'}, '1908277':{'en': 'Summit, NJ'}, '1978354':{'en': 'Salem, MA'}, '1978355':{'en': 'Barre, MA'}, '1908272':{'en': 'Cranford, NJ'}, '1908273':{'en': 'Summit, NJ'}, '264652657':{'en': 'Oshikango'}, '302594':{'el': u('\u039d\u03ad\u03b1 \u03a0\u03ad\u03c1\u03b1\u03bc\u03bf\u03c2 \u039a\u03b1\u03b2\u03ac\u03bb\u03b1\u03c2'), 'en': 'Nea Peramos, Kavala'}, '302593':{'el': u('\u0398\u03ac\u03c3\u03bf\u03c2'), 'en': 'Thasos'}, '302592':{'el': u('\u0395\u03bb\u03b5\u03c5\u03b8\u03b5\u03c1\u03bf\u03cd\u03c0\u03bf\u03bb\u03b7'), 'en': 'Eleftheroupoli'}, '302591':{'el': u('\u03a7\u03c1\u03c5\u03c3\u03bf\u03cd\u03c0\u03bf\u03bb\u03b7'), 'en': 'Chrysoupoli'}, '1906233':{'en': 'Escanaba, MI'}, '1918259':{'en': 'Broken Arrow, OK'}, '1973305':{'en': 'Wayne, NJ'}, '1978531':{'en': 'Peabody, MA'}, '1973300':{'en': 'Newton, NJ'}, '1973301':{'en': 'Florham Park, NJ'}, '1978534':{'en': 'Leominster, MA'}, '1978535':{'en': 'Peabody, MA'}, '2068':{'en': 'El-Arish'}, '1978538':{'en': 'Peabody, MA'}, '1918224':{'en': 'Sapulpa, OK'}, '1918225':{'en': 'Cushing, OK'}, '1918227':{'en': 'Sapulpa, OK'}, '22534':{'en': 'San Pedro', 'fr': 'San Pedro'}, '1918258':{'en': 'Broken Arrow, OK'}, '22536':{'en': 'Korhogo', 'fr': 'Korhogo'}, '22530':{'en': 'Yamoussoukro', 'fr': 'Yamoussoukro'}, '1912352':{'en': 'Savannah, GA'}, '1910488':{'en': 'Fayetteville, NC'}, '1925866':{'en': 'San Ramon, CA'}, '22532':{'en': 'Daloa', 'fr': 'Daloa'}, '1912356':{'en': 'Savannah, GA'}, '1915774':{'en': 'El Paso, TX'}, '1905997':{'en': 'Mississauga, ON'}, '1909902':{'en': 'Chino, CA'}, '1913287':{'en': 'Kansas City, KS'}, '25158229':{'en': 'Tilili, North-West Region'}, '1941906':{'en': 'Sarasota, FL'}, '1913281':{'en': 'Kansas City, KS'}, '1907474':{'en': 'Fairbanks, AK'}, '1910484':{'en': 'Fayetteville, NC'}, '1910485':{'en': 'Fayetteville, NC'}, '1910486':{'en': 'Fayetteville, NC'}, '1910487':{'en': 'Fayetteville, NC'}, '1910482':{'en': 'Fayetteville, NC'}, '1910483':{'en': 'Fayetteville, NC'}, '26464502':{'en': 'Henties Bay'}, '1956585':{'en': 'Mission, TX'}, '1956584':{'en': 'Mission, TX'}, '1956583':{'en': 'Mission, TX'}, '1956581':{'en': 'Mission, TX'}, '1956580':{'en': 'Mission, TX'}, '3140':{'en': 'Eindhoven', 'nl': 'Eindhoven'}, '29981':{'en': 'Maniitsoq'}, '3143':{'en': 'Maastricht', 'nl': 'Maastricht'}, '3145':{'en': 'Heerlen', 'nl': 'Heerlen'}, '3146':{'en': 'Sittard', 'nl': 'Sittard'}, '1970356':{'en': 'Greeley, CO'}, '1970352':{'en': 'Greeley, CO'}, '1970353':{'en': 'Greeley, CO'}, '1970350':{'en': 'Greeley, CO'}, '1970351':{'en': 'Greeley, CO'}, '1925314':{'en': 'Danville, CA'}, '1905847':{'en': 'Oakville, ON'}, '1905844':{'en': 'Oakville, ON'}, '1905845':{'en': 'Oakville, ON'}, '1905842':{'en': 'Oakville, ON'}, '1905840':{'en': 'Brampton, ON'}, '1905841':{'en': 'Aurora, ON'}, '3313949':{'en': 'Versailles', 'fr': 'Versailles'}, '1905848':{'en': 'Mississauga, ON'}, '1905849':{'en': 'Oakville, ON'}, '264625698':{'en': 'Blumfelde'}, '29987':{'en': 'Kangaatsiaq'}, '1941637':{'en': 'Punta Gorda, FL'}, '1941639':{'en': 'Punta Gorda, FL'}, '3314764':{'en': 'Paris', 'fr': 'Paris'}, '31418':{'en': 'Zaltbommel', 'nl': 'Zaltbommel'}, '1865429':{'en': 'Sevierville, TN'}, '1865428':{'en': 'Sevierville, TN'}, '1910738':{'en': 'Lumberton, NC'}, '1931648':{'en': 'Clarksville, TN'}, '1931647':{'en': 'Clarksville, TN'}, '31413':{'en': 'Uden', 'nl': 'Uden'}, '1931645':{'en': 'Clarksville, TN'}, '1865426':{'en': 'Lake City, TN'}, '31416':{'en': 'Waalwijk', 'nl': 'Waalwijk'}, '264625693':{'en': 'Leonardville'}, '264625692':{'en': 'Leonardville'}, '264625691':{'en': 'Leonardville'}, '3314088':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314089':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '1920361':{'en': 'Berlin, WI'}, '3314084':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314085':{'en': 'Gennevilliers', 'fr': 'Gennevilliers'}, '3314086':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3314087':{'en': 'Clichy', 'fr': 'Clichy'}, '3314080':{'en': u('Asni\u00e8res-sur-Seine'), 'fr': u('Asni\u00e8res-sur-Seine')}, '3314082':{'en': 'Paris', 'fr': 'Paris'}, '264625696':{'en': 'Leonardville'}, '1864888':{'en': 'Seneca, SC'}, '1989839':{'en': 'Midland, MI'}, '1989837':{'en': 'Midland, MI'}, '1864885':{'en': 'Seneca, SC'}, '1864886':{'en': 'Seneca, SC'}, '1985809':{'en': 'Covington, LA'}, '1989832':{'en': 'Midland, MI'}, '1864882':{'en': 'Seneca, SC'}, '1865689':{'en': 'Knoxville, TN'}, '1865688':{'en': 'Knoxville, TN'}, '212525':{'en': 'Southern Morocco', 'fr': 'Maroc Sud'}, '1951808':{'en': 'Corona, CA'}, '1865681':{'en': 'Maryville, TN'}, '1931461':{'en': 'Tullahoma, TN'}, '1951371':{'en': 'Corona, CA'}, '1865687':{'en': 'Knoxville, TN'}, '1865686':{'en': 'Knoxville, TN'}, '3314884':{'en': 'Choisy-le-Roi', 'fr': 'Choisy-le-Roi'}, '3314885':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314886':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314887':{'en': 'Paris', 'fr': 'Paris'}, '3314880':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '3314881':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '3314882':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '3314883':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314888':{'en': 'Paris', 'fr': 'Paris'}, '1902657':{'en': 'Tatamagouche, NS'}, '251116870':{'en': 'Sheno, Addis Ababa'}, '1860246':{'en': 'Hartford, CT'}, '302422':{'el': u('\u0391\u03bb\u03bc\u03c5\u03c1\u03cc\u03c2'), 'en': 'Almyros'}, '1989781':{'en': 'Saginaw, MI'}, '1916550':{'en': 'Sacramento, CA'}, '24971':{'en': 'Kosti'}, '1989786':{'en': 'Lewiston, MI'}, '1910867':{'en': 'Fayetteville, NC'}, '1910864':{'en': 'Fayetteville, NC'}, '1910865':{'en': 'St. Pauls, NC'}, '1910862':{'en': 'Elizabethtown, NC'}, '1910863':{'en': 'Bladenboro, NC'}, '1910860':{'en': 'Fayetteville, NC'}, '302427':{'el': u('\u03a3\u03ba\u03b9\u03ac\u03b8\u03bf\u03c2'), 'en': 'Skiathos'}, '1910868':{'en': 'Fayetteville, NC'}, '302426':{'el': u('\u0396\u03b1\u03b3\u03bf\u03c1\u03ac'), 'en': 'Zagora'}, '1909790':{'en': 'Yucaipa, CA'}, '302425':{'el': u('\u0392\u03b5\u03bb\u03b5\u03c3\u03c4\u03af\u03bd\u03bf'), 'en': 'Feres, Magnesia'}, '264673054':{'en': 'Okorusu'}, '264673055':{'en': 'Okorusu'}, '264673052':{'en': 'Otjiwarongo'}, '264673053':{'en': 'Otjiwarongo'}, '264673050':{'en': 'Waterberg Plateau Park'}, '264631774':{'en': 'Stampriet'}, '1920898':{'en': 'New Holstein, WI'}, '3314238':{'en': 'Paris', 'fr': 'Paris'}, '1864338':{'en': 'Belton, SC'}, '1920892':{'en': 'Plymouth, WI'}, '1864335':{'en': 'Greenville, SC'}, '1912644':{'en': 'Savannah, GA'}, '1920897':{'en': 'Coleman, WI'}, '3315359':{'en': 'Paris', 'fr': 'Paris'}, '3315358':{'en': 'Paris', 'fr': 'Paris'}, '1903655':{'en': 'Henderson, TX'}, '1903654':{'en': 'Corsicana, TX'}, '1903657':{'en': 'Henderson, TX'}, '264631778':{'en': 'Uhabis'}, '1903875':{'en': 'Corsicana, TX'}, '1916771':{'en': 'Roseville, CA'}, '1916772':{'en': 'Roseville, CA'}, '1916773':{'en': 'Roseville, CA'}, '1916774':{'en': 'Roseville, CA'}, '1903870':{'en': 'Sherman, TX'}, '1916776':{'en': 'Walnut Grove, CA'}, '1916777':{'en': 'Isleton, CA'}, '264662640':{'en': 'Nyangana'}, '24544370':{'en': 'Buba'}, '2341':{'en': 'Lagos'}, '2342':{'en': 'Ibadan'}, '1972682':{'en': 'Mesquite, TX'}, '1909483':{'en': 'Rancho Cucamonga, CA'}, '1972680':{'en': 'Richardson, TX'}, '1909481':{'en': 'Rancho Cucamonga, CA'}, '1972686':{'en': 'Mesquite, TX'}, '1909484':{'en': 'Rancho Cucamonga, CA'}, '1918358':{'en': 'Cleveland, OK'}, '1928368':{'en': 'Lakeside, AZ'}, '26465221':{'en': 'Oshakati'}, '1928367':{'en': 'Pinetop, AZ'}, '26465223':{'en': 'Oshakati'}, '26465222':{'en': 'Oshakati'}, '26465225':{'en': 'Oshakati'}, '26465224':{'en': 'Oshakati'}, '26465227':{'en': 'Oshakati'}, '26465226':{'en': 'Oshakati'}, '1860430':{'en': 'Glastonbury, CT'}, '1860432':{'en': 'Manchester, CT'}, '1860434':{'en': 'Old Lyme, CT'}, '1860437':{'en': 'New London, CT'}, '1860439':{'en': 'New London, CT'}, '302695':{'el': u('\u0396\u03ac\u03ba\u03c5\u03bd\u03b8\u03bf\u03c2'), 'en': 'Zakynthos'}, '302696':{'el': u('\u0391\u03ba\u03c1\u03ac\u03c4\u03b1'), 'en': 'Akrata'}, '302691':{'el': u('\u0391\u03af\u03b3\u03b9\u03bf'), 'en': 'Aigio'}, '302692':{'el': u('\u039a\u03b1\u03bb\u03ac\u03b2\u03c1\u03c5\u03c4\u03b1'), 'en': 'Kalavryta'}, '302693':{'el': u('\u039a\u03ac\u03c4\u03c9 \u0391\u03c7\u03b1\u0390\u03b1'), 'en': 'Kato Achaia'}, '1980207':{'en': 'Charlotte, NC'}, '2682538':{'en': 'Mankayane, Manzini district'}, '264652822':{'en': 'Ondangwa'}, '1901308':{'en': 'Memphis, TN'}, '1910892':{'en': 'Dunn, NC'}, '3314233':{'en': 'Paris', 'fr': 'Paris'}, '1856467':{'en': 'Swedesboro, NJ'}, '1925679':{'en': 'Oakley, CA'}, '1925676':{'en': 'Concord, CA'}, '1925674':{'en': 'Concord, CA'}, '1925673':{'en': 'Clayton, CA'}, '1925672':{'en': 'Clayton, CA'}, '1925671':{'en': 'Concord, CA'}, '1901226':{'en': 'Memphis, TN'}, '264657100':{'en': 'Oshakati'}, '31180':{'en': 'Barendrecht', 'nl': 'Barendrecht'}, '31182':{'en': 'Gouda', 'nl': 'Gouda'}, '1916447':{'en': 'Sacramento, CA'}, '1856205':{'en': 'Vineland, NJ'}, '1989697':{'en': 'Linwood, MI'}, '1925417':{'en': 'Pleasanton, CA'}, '1925416':{'en': 'Pleasanton, CA'}, '1989695':{'en': 'Freeland, MI'}, '237222322':{'en': 'Soa'}, '237222321':{'en': 'Mfou'}, '1918696':{'en': 'Stilwell, OK'}, '1916449':{'en': 'Sacramento, CA'}, '1904777':{'en': 'Jacksonville, FL'}, '3314840':{'en': 'Pantin', 'fr': 'Pantin'}, '1904772':{'en': 'Jacksonville, FL'}, '1904771':{'en': 'Jacksonville, FL'}, '3314841':{'en': u('\u00c9pinay-sur-Seine'), 'fr': u('\u00c9pinay-sur-Seine')}, '263637':{'en': 'Chirundu'}, '3314842':{'en': 'Paris', 'fr': 'Paris'}, '1904779':{'en': 'Jacksonville, FL'}, '1904778':{'en': 'Jacksonville, FL'}, '1910259':{'en': 'Burgaw, NC'}, '3314667':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '1970506':{'en': 'Greeley, CO'}, '269779':{'en': 'Foumbouni', 'fr': 'Foumbouni'}, '269778':{'en': 'Mitsamiouli', 'fr': 'Mitsamiouli'}, '1910251':{'en': 'Wilmington, NC'}, '263289':{'en': 'Jotsholo'}, '1910253':{'en': 'Bolivia, NC'}, '269774':{'en': 'Moroni', 'fr': 'Moroni'}, '1919340':{'en': 'Louisburg, NC'}, '1910254':{'en': 'Wilmington, NC'}, '269771':{'en': 'Mutsamudu', 'fr': 'Mutsamudu'}, '1910256':{'en': 'Wilmington, NC'}, '1904751':{'en': 'Jacksonville, FL'}, '3314846':{'en': 'Pantin', 'fr': 'Pantin'}, '1910232':{'en': 'Wilmington, NC'}, '3314847':{'en': 'Bondy', 'fr': 'Bondy'}, '264671753':{'en': 'Kombat'}, '1914939':{'en': 'Port Chester, NY'}, '264671751':{'en': 'Khorixas'}, '1918968':{'en': 'Stroud, OK'}, '264671757':{'en': 'Etosha Rurtel'}, '264671756':{'en': 'Maroelaboom'}, '264671754':{'en': 'Lindequest'}, '1914930':{'en': 'Peekskill, NY'}, '1918962':{'en': 'Spiro, OK'}, '1864653':{'en': 'Clemson, SC'}, '1918967':{'en': 'Stigler, OK'}, '1914935':{'en': 'Port Chester, NY'}, '1914937':{'en': 'Port Chester, NY'}, '1940243':{'en': 'Denton, TX'}, '2205710':{'en': 'Barra'}, '2333426':{'en': 'Asamankese'}, '1940716':{'en': 'Wichita Falls, TX'}, '2333420':{'en': 'Koforidua'}, '1904757':{'en': 'Jacksonville, FL'}, '2333423':{'en': 'Mpraeso'}, '263281':{'en': 'Hwange'}, '1919361':{'en': 'Durham, NC'}, '2333428':{'en': 'Aburi'}, '1864433':{'en': 'Duncan, SC'}, '245370':{'pt': 'Buba'}, '1904306':{'en': 'Jacksonville, FL'}, '264641746':{'en': 'Usakos'}, '1903465':{'en': 'Denison, TX'}, '264641743':{'en': 'Tsaobis'}, '1903463':{'en': 'Denison, TX'}, '264641741':{'en': 'Swakopmund'}, '1916965':{'en': 'Fair Oaks, CA'}, '1916967':{'en': 'Fair Oaks, CA'}, '1916966':{'en': 'Fair Oaks, CA'}, '1904308':{'en': 'Jacksonville, FL'}, '1916962':{'en': 'Fair Oaks, CA'}, '302841':{'el': u('\u0386\u03b3\u03b9\u03bf\u03c2 \u039d\u03b9\u03ba\u03cc\u03bb\u03b1\u03bf\u03c2'), 'en': 'Agios Nikolaos'}, '1952949':{'en': 'Eden Prairie, MN'}, '302842':{'el': u('\u0399\u03b5\u03c1\u03ac\u03c0\u03b5\u03c4\u03c1\u03b1'), 'en': 'Ierapetra'}, '302844':{'el': u('\u03a4\u03b6\u03b5\u03c1\u03bc\u03b9\u03ac\u03b4\u03bf'), 'en': 'Tzermadio'}, '1952942':{'en': 'Eden Prairie, MN'}, '1952941':{'en': 'Eden Prairie, MN'}, '1952944':{'en': 'Eden Prairie, MN'}, '26467331':{'en': 'Kamanjab/Khorixas'}, '26467330':{'en': 'Kamanjab'}, '26467333':{'en': 'Kamanjab'}, '26467332':{'en': 'Kamanjab'}, '26467335':{'en': 'Kamanjab/Khorixas'}, '26467334':{'en': 'Kamanjab'}, '1985345':{'en': 'Hammond, LA'}, '1985340':{'en': 'Hammond, LA'}, '1989642':{'en': 'Hemlock, MI'}, '1989643':{'en': 'Merrill, MI'}, '1920424':{'en': 'Oshkosh, WI'}, '1920426':{'en': 'Oshkosh, WI'}, '1850784':{'en': 'Panama City, FL'}, '1903791':{'en': 'Texarkana, TX'}, '1903792':{'en': 'Texarkana, TX'}, '1940864':{'en': 'Haskell, TX'}, '1903794':{'en': 'Texarkana, TX'}, '1903796':{'en': 'Atlanta, TX'}, '1903798':{'en': 'Texarkana, TX'}, '1903799':{'en': 'Atlanta, TX'}, '3314747':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314746':{'en': 'Montrouge', 'fr': 'Montrouge'}, '3314745':{'en': 'Neuilly-sur-Seine', 'fr': 'Neuilly-sur-Seine'}, '3314743':{'en': 'Paris', 'fr': 'Paris'}, '3314742':{'en': 'Paris', 'fr': 'Paris'}, '3314741':{'en': 'Garches', 'fr': 'Garches'}, '3314740':{'en': 'Cachan', 'fr': 'Cachan'}, '1850937':{'en': 'Cantonment, FL'}, '1918762':{'en': 'Pawnee, OK'}, '3314749':{'en': 'Rueil-Malmaison', 'fr': 'Rueil-Malmaison'}, '3314748':{'en': 'Levallois-Perret', 'fr': 'Levallois-Perret'}, '1864984':{'en': 'Laurens, SC'}, '1864987':{'en': 'Greenville, SC'}, '1865212':{'en': 'Knoxville, TN'}, '1850438':{'en': 'Pensacola, FL'}, '1865215':{'en': 'Knoxville, TN'}, '1850436':{'en': 'Pensacola, FL'}, '1850437':{'en': 'Pensacola, FL'}, '1865218':{'en': 'Knoxville, TN'}, '1865219':{'en': 'Knoxville, TN'}, '1850432':{'en': 'Pensacola, FL'}, '1850433':{'en': 'Pensacola, FL'}, '1850431':{'en': 'Tallahassee, FL'}, '1902224':{'en': u('Ch\u00e9ticamp, NS')}, '1951491':{'en': 'Temecula, CA'}, '1979265':{'en': 'Clute, TX'}, '1979779':{'en': 'Bryan, TX'}, '1915833':{'en': 'El Paso, TX'}, '1979778':{'en': 'Bryan, TX'}, '26462573':{'en': 'Dordabis'}, '302324':{'el': u('\u039d\u03ad\u03b1 \u0396\u03af\u03c7\u03bd\u03b7'), 'en': 'Nea Zichni'}, '1905239':{'en': 'Ajax, ON'}, '1905238':{'en': 'Mississauga, ON'}, '1905235':{'en': 'Newmarket, ON'}, '1905237':{'en': 'Richmond Hill, ON'}, '1905231':{'en': 'Ajax, ON'}, '1905230':{'en': 'Brampton, ON'}, '1905232':{'en': 'Mississauga, ON'}, '1951637':{'en': 'Riverside, CA'}, '2292361':{'en': 'Parakou', 'fr': 'Parakou'}, '1985652':{'en': 'LaPlace, LA'}, '2292362':{'en': 'Nikki/Ndali', 'fr': 'Nikki/Ndali'}, '2292365':{'en': 'Banikoara', 'fr': 'Banikoara'}, '2292367':{'en': 'Malanville', 'fr': 'Malanville'}, '1979775':{'en': 'Bryan, TX'}, '1954510':{'en': 'Coral Springs, FL'}, '1925776':{'en': 'Antioch, CA'}, '1928425':{'en': 'Globe, AZ'}, '1985651':{'en': 'LaPlace, LA'}, '1928428':{'en': 'Safford, AZ'}, '3171':{'en': 'Leiden', 'nl': 'Leiden'}, '3170':{'en': 'The Hague', 'nl': 'Den Haag'}, '3173':{'en': '\'s-Hertogenbosch', 'nl': '\'s-Hertogenbosch'}, '25111626':{'en': 'Bole Michael, Addis Ababa'}, '3172':{'en': 'Alkmaar', 'nl': 'Alkmaar'}, '1863687':{'en': 'Lakeland, FL'}, '3174':{'nl': 'Hengelo'}, '1972272':{'en': 'Garland, TX'}, '1972271':{'en': 'Garland, TX'}, '1972270':{'en': 'Mesquite, TX'}, '1972276':{'en': 'Garland, TX'}, '1972274':{'en': 'DeSoto, TX'}, '1972279':{'en': 'Mesquite, TX'}, '1972278':{'en': 'Garland, TX'}, '1908213':{'en': 'Phillipsburg, NJ'}, '264645711':{'en': 'Omaruru'}, '264671760':{'en': 'Okakarara'}, '1904548':{'en': 'Yulee, FL'}, '1904540':{'en': 'St. Augustine, FL'}, '1904541':{'en': 'Orange Park, FL'}, '1904542':{'en': 'Jacksonville, FL'}, '3314501':{'en': 'Paris', 'fr': 'Paris'}, '3314500':{'en': 'Paris', 'fr': 'Paris'}, '1905765':{'en': 'Caledonia, ON'}, '1973326':{'en': 'Morristown, NJ'}, '1973324':{'en': 'West Orange, NJ'}, '1973325':{'en': 'West Orange, NJ'}, '1973322':{'en': 'Livingston, NJ'}, '1973321':{'en': 'Paterson, NJ'}, '264621756':{'en': 'Otjihase'}, '1905761':{'en': 'Concord, ON'}, '1940521':{'en': 'Graham, TX'}, '1863816':{'en': 'Lakeland, FL'}, '1863815':{'en': 'Lakeland, FL'}, '1918270':{'en': 'Tulsa, OK'}, '1952556':{'en': 'Chaska, MN'}, '1956618':{'en': 'McAllen, TX'}, '1856694':{'en': 'Franklinville, NJ'}, '1856696':{'en': 'Vineland, NJ'}, '1856690':{'en': 'Vineland, NJ'}, '1856691':{'en': 'Vineland, NJ'}, '1856692':{'en': 'Vineland, NJ'}, '1909920':{'en': 'Upland, CA'}, '1909923':{'en': 'Ontario, CA'}, '1907895':{'en': 'Delta Junction, AK'}, '1941383':{'en': 'Longboat Key, FL'}, '1941929':{'en': 'Sarasota, FL'}, '1941928':{'en': 'Sarasota, FL'}, '1941387':{'en': 'Longboat Key, FL'}, '1914238':{'en': 'Chappaqua, NY'}, '1941925':{'en': 'Sarasota, FL'}, '1941924':{'en': 'Sarasota, FL'}, '1941927':{'en': 'Sarasota, FL'}, '1941926':{'en': 'Sarasota, FL'}, '1941921':{'en': 'Sarasota, FL'}, '1914232':{'en': 'Katonah, NY'}, '1941923':{'en': 'Sarasota, FL'}, '1941922':{'en': 'Sarasota, FL'}, '26464520':{'en': u('R\u00f6ssing Mine')}, '1940387':{'en': 'Denton, TX'}, '1940384':{'en': 'Denton, TX'}, '1919404':{'en': 'Zebulon, NC'}, '1940382':{'en': 'Denton, TX'}, '1940383':{'en': 'Denton, TX'}, '1940380':{'en': 'Denton, TX'}, '1940381':{'en': 'Denton, TX'}, '1970339':{'en': 'Greeley, CO'}, '1949769':{'en': 'Irvine, CA'}, '1970330':{'en': 'Greeley, CO'}, '264641729':{'en': 'Swakopmund'}, '1970332':{'en': 'Wray, CO'}, '1970336':{'en': 'Greeley, CO'}, '1905820':{'en': 'Mississauga, ON'}, '1905793':{'en': 'Brampton, ON'}, '1905790':{'en': 'Brampton, ON'}, '1905791':{'en': 'Brampton, ON'}, '1905824':{'en': 'Mississauga, ON'}, '1905825':{'en': 'Oakville, ON'}, '1905826':{'en': 'Mississauga, ON'}, '1905795':{'en': 'Mississauga, ON'}, '1905828':{'en': 'Mississauga, ON'}, '1905829':{'en': 'Oakville, ON'}, '3313960':{'en': 'Taverny', 'fr': 'Taverny'}, '1925335':{'en': 'Martinez, CA'}, '3313966':{'en': 'Le Chesnay', 'fr': 'Le Chesnay'}, '3313967':{'en': 'Versailles', 'fr': 'Versailles'}, '3313964':{'en': 'Montmorency', 'fr': 'Montmorency'}, '3313965':{'en': 'Poissy', 'fr': 'Poissy'}, '1931668':{'en': 'McMinnville, TN'}, '264625819':{'en': 'Dordabis'}, '264625818':{'en': 'Dordabis'}, '1920303':{'en': 'Oshkosh, WI'}, '1858597':{'en': 'San Diego, CA'}, '264625811':{'en': 'Leonardville'}, '264625810':{'en': 'Leonardville'}, '264625813':{'en': 'Blumfelde'}, '264625812':{'en': 'Blumfelde'}, '264625815':{'en': 'Nouas'}, '264625814':{'en': 'Nouas'}, '264625817':{'en': 'Nina'}, '264625816':{'en': 'Nina'}, '31255':{'en': 'IJmuiden', 'nl': 'IJmuiden'}, '31251':{'en': 'Beverwijk', 'nl': 'Beverwijk'}, '31252':{'en': 'Nieuw-Vennep', 'nl': 'Nieuw-Vennep'}, '1904367':{'en': 'Jacksonville, FL'}, '1904368':{'en': 'Starke, FL'}, '264625604':{'en': 'Buitepos'}, '264625605':{'en': 'Otjiwa'}, '264625606':{'en': 'Otjiwa'}, '264625607':{'en': 'Otjiwa'}, '264625600':{'en': 'Seeis'}, '264625601':{'en': 'Seeis'}, '264625602':{'en': 'Omitara'}, '264625603':{'en': 'Omitara'}, '264625608':{'en': 'Otjiwa'}, '264625609':{'en': 'Otjiwa'}, '25111465':{'en': 'Keria II, Addis Ababa'}, '25111466':{'en': 'Keria III, Addis Ababa'}, '1850332':{'en': 'Pensacola, FL'}, '25111468':{'en': 'Keria V, Addis Ababa'}, '264637184':{'en': 'Keetmanshoop'}, '3314536':{'en': 'Bagneux', 'fr': 'Bagneux'}, '1859854':{'en': 'Junction City, KY'}, '3314320':{'en': 'Paris', 'fr': 'Paris'}, '1978537':{'en': 'Leominster, MA'}, '264625802':{'en': 'Epukiro'}, '1903639':{'en': 'Hughes Springs, TX'}, '264625803':{'en': 'Epukiro'}, '2442535':{'en': 'Saurimo', 'pt': 'Saurimo'}, '1903322':{'en': 'Buffalo, TX'}, '1903636':{'en': 'Big Sandy, TX'}, '264625801':{'en': 'Epukiro'}, '264625806':{'en': 'Summerdown'}, '1860635':{'en': 'Cromwell, CT'}, '1860633':{'en': 'Glastonbury, CT'}, '1860632':{'en': 'Cromwell, CT'}, '264625807':{'en': 'Plessisplaas'}, '264625805':{'en': 'Drimiopsis'}, '264677173':{'en': 'Otjiwarongo'}, '26465243':{'en': 'Ondangwa'}, '26465242':{'en': 'Ondangwa'}, '26465241':{'en': 'Ondangwa'}, '26465240':{'en': 'Ondangwa'}, '1954255':{'en': 'Coral Springs, FL'}, '31227':{'en': 'Medemblik', 'nl': 'Medemblik'}, '1954704':{'en': 'Pembroke Pines, FL'}, '2224513':{'en': u('N\u00e9ma'), 'fr': u('N\u00e9ma')}, '2224515':{'en': 'Aioun', 'fr': u('A\u00eeoun')}, '1980224':{'en': 'Charlotte, NC'}, '3314537':{'en': 'Clamart', 'fr': 'Clamart'}, '24544351':{'en': 'Gabu'}, '24544353':{'en': 'Pirada'}, '24544352':{'en': 'Sonaco'}, '24544354':{'en': 'Pitche'}, '31591':{'en': 'Emmen', 'nl': 'Emmen'}, '1856447':{'en': 'Cedarville, NJ'}, '263213':{'en': 'Victoria Falls'}, '1989667':{'en': 'Bay City, MI'}, '2612022':{'en': 'Antananarivo'}, '1925432':{'en': 'Pittsburg, CA'}, '1925439':{'en': 'Pittsburg, CA'}, '23722220':{'en': 'Jamot'}, '23722221':{'en': 'Jamot'}, '264647172':{'en': 'Swakopmund'}, '1949515':{'en': 'Costa Mesa, CA'}, '1850951':{'en': 'DeFuniak Springs, FL'}, '1952707':{'en': 'Burnsville, MN'}, '23334292':{'en': 'Akim Oda'}, '1978475':{'en': 'Andover, MA'}, '1978474':{'en': 'Andover, MA'}, '1978470':{'en': 'Andover, MA'}, '1919366':{'en': 'Wendell, NC'}, '1919367':{'en': 'Apex, NC'}, '1956283':{'en': 'Pharr, TX'}, '1919362':{'en': 'Apex, NC'}, '1919363':{'en': 'Apex, NC'}, '1910235':{'en': 'Pinehurst, NC'}, '1956287':{'en': 'Edinburg, TX'}, '1956289':{'en': 'Edinburg, TX'}, '1856225':{'en': 'Camden, NJ'}, '1856223':{'en': 'Mullica Hill, NJ'}, '1856222':{'en': 'Mount Laurel, NJ'}, '1970524':{'en': 'Gypsum, CO'}, '1970527':{'en': 'Paonia, CO'}, '1970834':{'en': 'Ault, CO'}, '1970521':{'en': 'Sterling, CO'}, '1970523':{'en': 'Grand Junction, CO'}, '1970522':{'en': 'Sterling, CO'}, '1858450':{'en': 'San Diego, CA'}, '1858451':{'en': 'San Diego, CA'}, '1864631':{'en': 'Greenville, SC'}, '1858453':{'en': 'San Diego, CA'}, '1858454':{'en': 'La Jolla, CA'}, '237233354':{'en': 'Kumba'}, '1858456':{'en': 'La Jolla, CA'}, '1858457':{'en': 'San Diego, CA'}, '1858458':{'en': 'San Diego, CA'}, '1858459':{'en': 'La Jolla, CA'}, '1864639':{'en': 'Central, SC'}, '1864638':{'en': 'Walhalla, SC'}, '1918949':{'en': 'Tulsa, OK'}, '1862772':{'en': 'Irvington, NJ'}, '264645710':{'en': 'Omaruru'}, '1941423':{'en': 'North Port, FL'}, '264645712':{'en': 'Omaruru'}, '264645713':{'en': 'Omaruru'}, '264645714':{'en': 'Omaruru'}, '1978556':{'en': 'Haverhill, MA'}, '1910582':{'en': 'Hamlet, NC'}, '1970785':{'en': 'Platteville, CO'}, '1989486':{'en': 'Midland, MI'}, '264641728':{'en': 'Swakopmund'}, '264641725':{'en': 'Swakopmund'}, '264641724':{'en': 'Swakopmund'}, '264641727':{'en': 'Swakopmund'}, '264641726':{'en': 'Swakopmund'}, '264641721':{'en': u('R\u00f6ssing Mine')}, '264641723':{'en': 'Swakopmund'}, '264641722':{'en': u('R\u00f6ssing Mine')}, '1956424':{'en': 'Mission, TX'}, '1956425':{'en': 'Harlingen, TX'}, '1904363':{'en': 'Jacksonville, FL'}, '1956421':{'en': 'Harlingen, TX'}, '1956423':{'en': 'Harlingen, TX'}, '1903408':{'en': 'Greenville, TX'}, '1956428':{'en': 'Harlingen, TX'}, '1970593':{'en': 'Loveland, CO'}, '3314760':{'en': 'Colombes', 'fr': 'Colombes'}, '1919890':{'en': 'Raleigh, NC'}, '1919894':{'en': 'Benson, NC'}, '1919896':{'en': 'Raleigh, NC'}, '1859858':{'en': 'Wilmore, KY'}, '3314187':{'en': 'Bourg-la-Reine', 'fr': 'Bourg-la-Reine'}, '3314181':{'en': u('Saint-Maur-des-Foss\u00e9s'), 'fr': u('Saint-Maur-des-Foss\u00e9s')}, '3314180':{'en': 'Rungis Complexe', 'fr': 'Rungis Complexe'}, '3314183':{'en': 'Pantin', 'fr': 'Pantin'}, '3314765':{'en': 'Issy-les-Moulineaux', 'fr': 'Issy-les-Moulineaux'}, '245352':{'pt': 'Sonaco'}, '264637100':{'en': 'Keetmanshoop'}, '1941488':{'en': 'Venice, FL'}, '1910763':{'en': 'Wilmington, NC'}, '1954985':{'en': 'Hollywood, FL'}, '1850325':{'en': 'Tallahassee, FL'}, '1989662':{'en': 'Auburn, MI'}, '263219':{'en': 'Plumtree'}, '3314985':{'en': 'Arcueil', 'fr': 'Arcueil'}, '1954455':{'en': 'Hallandale Beach, FL'}, '1865584':{'en': 'Knoxville, TN'}, '3314984':{'en': 'Fresnes', 'fr': 'Fresnes'}, '1865588':{'en': 'Knoxville, TN'}, '1954986':{'en': 'Hollywood, FL'}, '3314986':{'en': 'Gentilly', 'fr': 'Gentilly'}, '3314980':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '3314761':{'en': 'Boulogne-Billancourt', 'fr': 'Boulogne-Billancourt'}, '1936931':{'en': 'Waller, TX'}, '3314763':{'en': 'Paris', 'fr': 'Paris'}, '245354':{'pt': 'Pitche'}, '245353':{'pt': 'Pirada'}, '1905582':{'en': 'Oakville, ON'}, '245351':{'pt': u('Gab\u00fa')}, '3314766':{'en': 'Paris', 'fr': 'Paris'}, '3314769':{'en': 'Colombes', 'fr': 'Colombes'}, '3314768':{'en': 'Courbevoie', 'fr': 'Courbevoie'}, '1865909':{'en': 'Knoxville, TN'}, '3314981':{'en': u('Cr\u00e9teil'), 'fr': u('Cr\u00e9teil')}, '1919269':{'en': 'Zebulon, NC'}, '3314983':{'en': 'Champigny-sur-Marne', 'fr': 'Champigny-sur-Marne'}, '3314982':{'en': 'Sucy-en-Brie', 'fr': 'Sucy-en-Brie'}, }
39.887359
221
0.562324
74813f743e5771b5f1dd5e66b70e52c02c44e50f
699
py
Python
noxfile.py
SethMichaelLarson/rfc6555
b63778b5b5553e9848d7f26916618d755240c0ff
[ "Apache-2.0" ]
4
2019-05-14T04:43:15.000Z
2022-02-05T06:59:58.000Z
noxfile.py
SethMichaelLarson/rfc6555
b63778b5b5553e9848d7f26916618d755240c0ff
[ "Apache-2.0" ]
4
2019-02-13T10:34:22.000Z
2022-03-29T22:25:22.000Z
noxfile.py
SethMichaelLarson/rfc6555
b63778b5b5553e9848d7f26916618d755240c0ff
[ "Apache-2.0" ]
5
2019-02-14T15:10:27.000Z
2022-03-01T04:35:37.000Z
import nox SOURCE_FILES = [ "rfc6555.py", "tests/", "noxfile.py", "setup.py", ] @nox.session() def test(session): session.install("pytest", "pytest-cov") session.run("pytest", "--cov-config=.coveragerc", "tests/") @nox.session() def format(session): session.install("black", "isort") session.run("black", *SOURCE_FILES) session.run("isort", "--profile=black", *SOURCE_FILES) lint(session) @nox.session def lint(session): session.install("black", "isort", "flake8") session.run("black", "--check", *SOURCE_FILES) session.run("isort", "--check", "--profile=black", *SOURCE_FILES) session.run("flake8", "--ignore=E501", *SOURCE_FILES)
19.971429
69
0.62804
af601fdc35af5dcb934a1984c7b530d540f41496
1,529
py
Python
python/arepl_user_error.py
Almenon/AREPL-backend
e29effa4bc3975b3cec220e29cbe8209f33b8614
[ "MIT" ]
10
2019-04-28T00:17:49.000Z
2021-05-13T06:01:38.000Z
python/arepl_user_error.py
Almenon/AREPL-backend
e29effa4bc3975b3cec220e29cbe8209f33b8614
[ "MIT" ]
157
2017-12-24T06:55:29.000Z
2022-01-08T17:53:56.000Z
python/arepl_user_error.py
Almenon/AREPL-backend
e29effa4bc3975b3cec220e29cbe8209f33b8614
[ "MIT" ]
7
2019-03-22T12:30:05.000Z
2021-05-13T06:01:35.000Z
from arepl_pickler import pickle_user_vars from traceback import TracebackException, FrameSummary from types import TracebackType from arepl_settings import get_settings class UserError(Exception): """ user errors should be caught and re-thrown with this Be warned that this exception can throw an exception. Yes, you read that right. I apologize in advance. :raises: ValueError (varsSoFar gets pickled into JSON, which may result in any number of errors depending on what types are inside) """ def __init__(self, exc_obj: BaseException, exc_tb: TracebackType, varsSoFar={}, execTime=0): # skip arepl traceback - the user should just see their own error exc_tb = exc_tb.tb_next self.traceback_exception = TracebackException(type(exc_obj), exc_obj, exc_tb) self.friendly_message = "".join(self.traceback_exception.format()) self.varsSoFar = pickle_user_vars( varsSoFar, get_settings().default_filter_vars, get_settings().default_filter_types ) self.execTime = execTime # stack is empty in event of a syntax error # This is problematic because frontend has to handle syntax/regular error differently # to make it easier populate stack so frontend can handle them the same way if self.traceback_exception.exc_type is SyntaxError: self.traceback_exception.stack.append( FrameSummary(self.traceback_exception.filename, int(self.traceback_exception.lineno), "") )
47.78125
135
0.724003
9631597ff1ed7b94189643853f77e2b4dc041fa8
23,318
py
Python
seerpy/seerpy.py
matias-seer/seer-py
fbb018e683817d108f2e1ee3162680de06ce110c
[ "MIT" ]
null
null
null
seerpy/seerpy.py
matias-seer/seer-py
fbb018e683817d108f2e1ee3162680de06ce110c
[ "MIT" ]
null
null
null
seerpy/seerpy.py
matias-seer/seer-py
fbb018e683817d108f2e1ee3162680de06ce110c
[ "MIT" ]
null
null
null
# Copyright 2017 Seer Medical Pty Ltd, Inc. or its affiliates. All Rights Reserved. import math import time from gql import gql, Client as GQLClient from gql.transport.requests import RequestsHTTPTransport import pandas as pd from pandas.io.json import json_normalize import requests from .auth import SeerAuth from . import utils from . import graphql class SeerConnect: # pylint: disable=too-many-public-methods def __init__(self, api_url='https://api.seermedical.com', email=None, password=None): """Creates a GraphQL client able to interact with the Seer database, handling login and authorisation Parameters ---------- None Returns ------- Notes ----- Example ------- """ self.api_url = api_url self.login(email, password) self.last_query_time = time.time() self.api_limit_expire = 300 self.api_limit = 580 def login(self, email=None, password=None): self.seer_auth = SeerAuth(self.api_url, email, password) cookie = self.seer_auth.cookie header = {'Cookie': list(cookie.keys())[0] + '=' + cookie['seer.sid']} def graphql_client(party_id=None): url_suffix = '?partyId=' + party_id if party_id else '' url = self.api_url + '/api/graphql' + url_suffix return GQLClient( transport=RequestsHTTPTransport( url=url, headers=header, use_json=True, timeout=30 ) ) self.graphql_client = graphql_client self.last_query_time = time.time() def execute_query(self, query_string, party_id=None, invocations=0): resolvable_api_errors = ['503 Server Error', '502 Server Error', 'Read timed out.', 'NOT_AUTHENTICATED'] try: time.sleep(max(0, ((self.api_limit_expire / self.api_limit) - (time.time() - self.last_query_time)))) response = self.graphql_client(party_id).execute(gql(query_string)) self.last_query_time = time.time() return response except Exception as ex: if invocations > 4: print('Too many failed query invocations. raising error') raise error_string = str(ex) if any(api_error in error_string for api_error in resolvable_api_errors): if 'NOT_AUTHENTICATED' in error_string: self.seer_auth.destroy_cookie() else: print('"', error_string, '" raised, trying again after a short break') time.sleep(min(30 * (invocations+1)**2, max(self.last_query_time + self.api_limit_expire - time.time(), 0))) invocations += 1 self.login() return self.execute_query(query_string, party_id, invocations=invocations) raise def get_paginated_response(self, query_string, object_name, limit=250, party_id=None): offset = 0 objects = [] while True: formatted_query_string = query_string.format(limit=limit, offset=offset) response = self.execute_query(formatted_query_string, party_id)[object_name] if not response: break else: objects = objects + response offset += limit return objects @staticmethod # maybe this could move to a utility class def pandas_flatten(parent, parent_name, child_name): child_list = [] for i in range(len(parent)): parent_id = parent[parent_name+'id'][i] child = json_normalize(parent[parent_name+child_name][i]).sort_index(axis=1) child.columns = [child_name+'.' + str(col) for col in child.columns] child[parent_name+'id'] = parent_id child_list.append(child) if child_list: child = pd.concat(child_list).reset_index(drop=True) if not child_list or child.empty: columns = [parent_name + 'id', child_name + '.id'] child = pd.DataFrame(columns=columns) return child def add_label_group(self, study_id, name, description, label_type=None, party_id=None): """Add Label Group to study Parameters ---------- study_id : string Seer study ID name : string name of label description : string description of label label_type (Optional) : string Seer label type ID party_id (Optional) : string, the party id of the context for the query (e.g. organisation) Returns ------- labelGroupID : string ID of label group Notes ----- Example ------- labelGroup = add_label_group(study_id, name, description) """ query_string = graphql.get_add_label_group_mutation_string(study_id, name, description, label_type) response = self.execute_query(query_string, party_id) return response['addLabelGroupToStudy']['id'] def del_label_group(self, group_id): """Delete Label Group from study Parameters ---------- group_id : string Seer label group ID to delete Returns ------- label_group_id : string ID of deleted label group Notes ----- Example ------- delLG = del_label_group(group_id) """ query_string = graphql.get_remove_label_group_mutation_string(group_id) return self.execute_query(query_string) def add_labels_batched(self, label_group_id, labels, batch_size=500): """Add labels to label group in batches Parameters ---------- label_group_id : string Seer label group ID labels: list of: note: string label note startTime : float label start time in epoch time duration : float duration of event in milliseconds timezone : float local UTC timezone (eg. Melbourne = 11.0) tagIds: [String!] list of tag ids confidence: float Confidence given to label between 0 and 1 batch_size: int number of labels to add in a batch. Optional, defaults to 500. Returns ------- None Notes ----- """ number_of_batches = math.ceil(len(labels) / batch_size) for i in range(number_of_batches): start = i * batch_size end = start + batch_size self.add_labels(label_group_id, labels[start:end]) def add_labels(self, group_id, labels): """Add labels to label group Parameters ---------- group_id : string Seer label group ID labels: list of: note: string label note startTime : float label start time in epoch time duration : float duration of event in milliseconds timezone : float local UTC timezone (eg. Melbourne = 11.0) tagIds: [String!] list of tag ids confidence: float Confidence given to label between 0 and 1 Returns ------- None Notes ----- """ if isinstance(labels, pd.DataFrame): labels = labels.to_dict('records') query_string = graphql.get_add_labels_mutation_string(group_id, labels) return self.execute_query(query_string) def add_document(self, study_id, document_name, document_path): query_string = graphql.get_add_document_mutation_string(study_id, document_name) response_add = self.execute_query(query_string)['createStudyDocuments'][0] with open(document_path, 'rb') as f: response_put = requests.put(response_add['uploadFileUrl'], data=f) if response_put.status_code == 200: query_string = graphql.get_confirm_document_mutation_string(study_id, response_add['id']) response_confirm = self.execute_query(query_string) return response_confirm['confirmStudyDocuments'][0]['downloadFileUrl'] else: raise RuntimeError('Error uploading document: status code ' + str(response_put.status_code)) def get_tag_ids(self): query_string = graphql.get_tag_id_query_string() response = self.execute_query(query_string) return response['labelTags'] def get_tag_ids_dataframe(self): tag_ids = self.get_tag_ids() tag_ids = json_normalize(tag_ids).sort_index(axis=1) return tag_ids def get_study_ids(self, limit=50, search_term='', party_id=None): studies = self.get_studies(limit, search_term, party_id) return [study['id'] for study in studies] def get_studies(self, limit=50, search_term='', party_id=None): studies_query_string = graphql.get_studies_by_search_term_paged_query_string(search_term) return self.get_paginated_response(studies_query_string, 'studies', limit, party_id) def get_studies_dataframe(self, limit=50, search_term='', party_id=None): studies = self.get_studies(limit, search_term, party_id) studies_dataframe = json_normalize(studies).sort_index(axis=1) return studies_dataframe.drop('patient', errors='ignore', axis='columns') def get_study_ids_from_names_dataframe(self, study_names, party_id=None): if isinstance(study_names, str): study_names = [study_names] studies = self.get_studies_dataframe(party_id=party_id) return studies[studies['name'].isin(study_names)][['name', 'id']].reset_index(drop=True) def get_study_ids_from_names(self, study_names, party_id=None): return self.get_study_ids_from_names_dataframe(study_names, party_id)['id'].tolist() def get_studies_by_id(self, study_ids, limit=50): if isinstance(study_ids, str): study_ids = [study_ids] studies_query_string = graphql.get_studies_by_study_id_paged_query_string(study_ids) return self.get_paginated_response(studies_query_string, 'studies', limit) def get_channel_groups(self, study_id): query_string = graphql.get_channel_groups_query_string(study_id) response = self.execute_query(query_string) return response['study']['channelGroups'] def get_segment_urls(self, segment_ids, limit=10000): if not segment_ids: return pd.DataFrame(columns=['baseDataChunkUrl', 'segments.id']) segments = [] counter = 0 while int(counter * limit) < len(segment_ids): segment_ids_batch = segment_ids[int(counter * limit):int((counter + 1) * limit)] query_string = graphql.get_segment_urls_query_string(segment_ids_batch) response = self.execute_query(query_string) segments.extend([segment for segment in response['studyChannelGroupSegments'] if segment is not None]) counter += 1 segment_urls = pd.DataFrame(segments) segment_urls = segment_urls.rename(columns={'id': 'segments.id'}) return segment_urls def get_labels(self, study_id, label_group_id, from_time=0, # pylint:disable=too-many-arguments to_time=9e12, limit=200, offset=0): label_results = None while True: query_string = graphql.get_labels_query_string(study_id, label_group_id, from_time, to_time, limit, offset) response = self.execute_query(query_string)['study'] labels = response['labelGroup']['labels'] if not labels: break if label_results is None: label_results = response else: label_results['labelGroup']['labels'].extend(labels) offset += limit return label_results def get_labels_dataframe(self, study_id, label_group_id, # pylint:disable=too-many-arguments from_time=0, to_time=9e12, limit=200, offset=0): label_results = self.get_labels(study_id, label_group_id, from_time, to_time, limit, offset) if label_results is None: return label_results label_group = json_normalize(label_results).sort_index(axis=1) labels = self.pandas_flatten(label_group, 'labelGroup.', 'labels') tags = self.pandas_flatten(labels, 'labels.', 'tags') label_group = label_group.drop('labelGroup.labels', errors='ignore', axis='columns') labels = labels.drop('labels.tags', errors='ignore', axis='columns') label_group = label_group.merge(labels, how='left', on='labelGroup.id', suffixes=('', '_y')) label_group = label_group.merge(tags, how='left', on='labels.id', suffixes=('', '_y')) return label_group def get_label_groups_for_studies(self, study_ids, limit=50): if isinstance(study_ids, str): study_ids = [study_ids] labels_query_string = graphql.get_label_groups_for_study_ids_paged_query_string(study_ids) return self.get_paginated_response(labels_query_string, 'studies', limit) def get_label_groups_for_studies_dataframe(self, study_ids, limit=50): label_groups = [] for study in self.get_label_groups_for_studies(study_ids, limit): for label_group in study['labelGroups']: label_group['labelGroup.id'] = label_group.pop('id') label_group['labelGroup.name'] = label_group.pop('name') label_group['labelGroup.labelType'] = label_group.pop('labelType') label_group['labelGroup.numberOfLabels'] = label_group.pop('numberOfLabels') label_group['id'] = study['id'] label_group['name'] = study['name'] label_groups.append(label_group) return pd.DataFrame(label_groups) def get_viewed_times_dataframe(self, study_id, limit=250, offset=0): views = [] while True: query_string = graphql.get_viewed_times_query_string(study_id, limit, offset) response = self.execute_query(query_string) response = json_normalize(response['viewGroups']).sort_index(axis=1) non_empty_views = False for i in range(len(response)): view = json_normalize(response.at[i, 'views']).sort_index(axis=1) view['user'] = response.at[i, 'user.fullName'] if not view.empty: non_empty_views = True views.append(view) if not non_empty_views: break offset += limit if views: views = pd.concat(views).reset_index(drop=True) views['createdAt'] = pd.to_datetime(views['createdAt']) views['updatedAt'] = pd.to_datetime(views['updatedAt']) else: views = None return views def get_organisations(self): query_string = graphql.get_organisations_query_string() response = self.execute_query(query_string)['organisations'] return response def get_organisations_dataframe(self): orgs = self.get_organisations() if orgs is None: return orgs return pd.DataFrame(orgs) def get_patients(self, party_id=None): query_string = graphql.get_patients_query_string() response = self.execute_query(query_string, party_id)['patients'] return response def get_patients_dataframe(self, party_id=None): patients = self.get_patients(party_id) if patients is None: return patients return json_normalize(patients).sort_index(axis=1) def get_documents_for_studies(self, study_ids, limit=50): if isinstance(study_ids, str): study_ids = [study_ids] documents_query_string = graphql.get_documents_for_study_ids_paged_query_string(study_ids) return self.get_paginated_response(documents_query_string, 'studies', limit) def get_documents_for_studies_dataframe(self, study_ids, limit=50): documents = [] for study in self.get_documents_for_studies(study_ids, limit): for document in study['documents']: document['document.id'] = document.pop('id') document['document.name'] = document.pop('name') document['id'] = study['id'] document['name'] = study['name'] documents.append(document) return pd.DataFrame(documents) def get_diary_labels(self, patient_id): query_string = graphql.get_diary_labels_query_string(patient_id) response = self.execute_query(query_string)['patient']['diary']['labelGroups'] return response def get_diary_labels_dataframe(self, patient_id): label_results = self.get_diary_labels(patient_id) if label_results is None: return label_results label_groups = json_normalize(label_results).sort_index(axis=1) labels = self.pandas_flatten(label_groups, '', 'labels') tags = self.pandas_flatten(labels, 'labels.', 'tags') label_groups = label_groups.drop('labels', errors='ignore', axis='columns') labels = labels.drop('labels.tags', errors='ignore', axis='columns') label_groups = label_groups.merge(labels, how='left', on='id', suffixes=('', '_y')) label_groups = label_groups.merge(tags, how='left', on='labels.id', suffixes=('', '_y')) label_groups = label_groups.rename({'id':'labelGroups.id'}) label_groups['id'] = patient_id return label_groups def get_all_study_metadata_by_names(self, study_names=None, party_id=None): """Get all the metadata available about named studies Parameters ---------- study_names (Optional) : a list of study names. If not provided, data will be returned for all studies party_id (Optional) : string, the party id of the context for the query (e.g. organisation) Returns ------- allData : dict a dictionary with a single key 'studies' with a list of studies as it's value Example ------- studies = get_all_study_metadata_by_names()['studies'] """ study_ids = None if study_names: study_ids = self.get_study_ids_from_names(study_names, party_id) return self.get_all_study_metadata_by_ids(study_ids) def get_all_study_metadata_by_ids(self, study_ids=None): """Get all the metadata available about studies with the suppled ids Parameters ---------- study_ids (Optional) : a list of study ids. If not provided, data will be returned for all studies Returns ------- allData : dict a dictionary with a single key 'studies' with a list of studies as it's value Example ------- studies = get_all_study_metadata_by_ids()['studies'] """ if study_ids is None: study_ids = self.get_study_ids() elif not study_ids: # treat empty list as asking for nothing, not everything return {'studies' : []} result = [self.execute_query(graphql.get_study_with_data_query_string(study_id))['study'] for study_id in study_ids] return {'studies' : result} def get_all_study_metadata_dataframe_by_names(self, study_names=None): study_ids = None if study_names: study_ids = self.get_study_ids_from_names(study_names) return self.get_all_study_metadata_dataframe_by_ids(study_ids) def get_all_study_metadata_dataframe_by_ids(self, study_ids=None): metadata = self.get_all_study_metadata_by_ids(study_ids) all_data = json_normalize(metadata['studies']).sort_index(axis=1) channel_groups = self.pandas_flatten(all_data, '', 'channelGroups') channels = self.pandas_flatten(channel_groups, 'channelGroups.', 'channels') segments = self.pandas_flatten(channel_groups, 'channelGroups.', 'segments') segments = segments.drop('segments.dataChunks', errors='ignore', axis='columns') channel_groups = channel_groups.drop(['channelGroups.segments', 'channelGroups.channels'], errors='ignore', axis='columns') all_data = all_data.drop(['channelGroups', 'labelGroups'], errors='ignore', axis='columns') channel_groups = channel_groups.merge(segments, how='left', on='channelGroups.id', suffixes=('', '_y')) channel_groups = channel_groups.merge(channels, how='left', on='channelGroups.id', suffixes=('', '_y')) all_data = all_data.merge(channel_groups, how='left', on='id', suffixes=('', '_y')) return all_data # pylint:disable=too-many-locals def get_channel_data(self, all_data, segment_urls=None, # pylint:disable=too-many-arguments download_function=requests.get, threads=None, from_time=0, to_time=9e12): """Download data chunks and stich them together in one dataframe Parameters ---------- all_data : pandas DataFrame metadata required for downloading and processing raw data segment_urls : pandas DataFrame columns=['segments.id', 'baseDataChunkUrl'] if None, these will be retrieved for each segment in all_data download_function: function the function used to download the channel data. defaults to requests.get threads : int number of threads to use. If > 1 then will use multiprocessing if None (default), it will use 1 on Windows and 5 on Linux/MacOS Returns ------- data : pandas DataFrame dataframe containing studyID, channelGroupIDs, semgmentIDs, time, and raw data Example ------- data = get_channel_data(all_data) """ if segment_urls is None: segment_ids = all_data['segments.id'].drop_duplicates().tolist() segment_urls = self.get_segment_urls(segment_ids) return utils.get_channel_data(all_data, segment_urls, download_function, threads, from_time, to_time)
40.065292
100
0.605884
0a5ebb72957d1761e1fc034cfc2bffa609fe1865
263
py
Python
config.py
laashub-soa/laas-soa-monitor
5c86d8b45f42e03e166e8a3dc13008b208e6e6a4
[ "Apache-2.0" ]
2
2021-03-04T04:11:29.000Z
2021-03-04T05:06:49.000Z
config.py
laashub-soa/laas-soa-monitor
5c86d8b45f42e03e166e8a3dc13008b208e6e6a4
[ "Apache-2.0" ]
null
null
null
config.py
laashub-soa/laas-soa-monitor
5c86d8b45f42e03e166e8a3dc13008b208e6e6a4
[ "Apache-2.0" ]
1
2021-04-29T15:06:19.000Z
2021-04-29T15:06:19.000Z
import os import yaml import config project_root_path = os.getcwd() app_conf = None if not app_conf: app_conf = {} with open(r'configs/application.yaml', encoding='utf-8') as f: config.app_conf = yaml.safe_load(f.read()) def init(): pass
15.470588
66
0.673004
90eda2b261ed724a549a05f6790f825dbe232015
160
py
Python
handler.py
dexter-private/MBO-Line-Bot
2d94c2a412ce981e08a189518df928a64478d15c
[ "MIT" ]
null
null
null
handler.py
dexter-private/MBO-Line-Bot
2d94c2a412ce981e08a189518df928a64478d15c
[ "MIT" ]
null
null
null
handler.py
dexter-private/MBO-Line-Bot
2d94c2a412ce981e08a189518df928a64478d15c
[ "MIT" ]
null
null
null
import json def webhook(event, context): response = { "statusCode": 200, "body": json.dumps({"message": 'ok'}) } return response
14.545455
45
0.55625
be8b8d2161299fff6489f6c51f0d37a56f332982
1,373
py
Python
RealEstateAnalysis/Data/DataJson.py
clbrem/RealEstateAnalysis
b61582d1399ab8f02d678e00d35774bd68318ad1
[ "MIT" ]
null
null
null
RealEstateAnalysis/Data/DataJson.py
clbrem/RealEstateAnalysis
b61582d1399ab8f02d678e00d35774bd68318ad1
[ "MIT" ]
6
2020-01-28T22:10:56.000Z
2020-11-18T21:12:30.000Z
RealEstateAnalysis/Data/DataJson.py
clbrem/RealEstateAnalysis
b61582d1399ab8f02d678e00d35774bd68318ad1
[ "MIT" ]
1
2018-03-15T14:38:36.000Z
2018-03-15T14:38:36.000Z
import json import os from RealEstateAnalysis.Data.DataModel import DataSource def new(file, dataPath=[], encoding=None): return DataJson(file, dataPath, encoding) class DataJson(DataSource): @property def description(self): return "JSON data from {0}".format(self.file) def __iter__(self): return super().__iter__() def __init__(self, file, dataPath=[], encoding=None): DataSource.__init__(self) self.__file = file self.__encoding = encoding self.__dataPath = dataPath fileDir = os.path.dirname(os.path.realpath('__file__')) self.__filePath = os.path.join(fileDir, file) @property def encoding(self): return self.__encoding @property def file(self): return self.__file def reset(self): self.data = [] super().reset() return self def load(self): with open (self.__filePath, "r", encoding=self.encoding) as jsonfile: data = json.load(jsonfile) if self.__dataPath is not None: for path in self.__dataPath: data = data[path] self.data = [ self.selector(self.processor(row) ) for row in data if self.test(row) ] super().load() return self
26.921569
77
0.573197
0a45e91b611bdaf19d31ed31d727a63d15117a8e
6,309
py
Python
generate_p4a_recipe.py
david-fischer/generate-p4a-recipe
393520b28be47994da8f1c5851dbe5316d88e136
[ "MIT" ]
1
2021-09-02T18:15:39.000Z
2021-09-02T18:15:39.000Z
generate_p4a_recipe.py
david-fischer/generate-p4a-recipe
393520b28be47994da8f1c5851dbe5316d88e136
[ "MIT" ]
null
null
null
generate_p4a_recipe.py
david-fischer/generate-p4a-recipe
393520b28be47994da8f1c5851dbe5316d88e136
[ "MIT" ]
null
null
null
import os import re import subprocess import sys import attr import fire import pystache import requests from simple_term_menu import TerminalMenu STACHE_TEMPLATE_PATH = f"{os.path.dirname(__file__)}/recipe_template.stache" RECIPES = [ "PythonRecipe", "CythonRecipe", "TargetPythonRecipe", "CompiledComponentsPythonRecipe", "CppCompiledComponentsPythonRecipe", "BootstrapNDKRecipe", "NDKRecipe", "Recipe", ] @attr.s class RecipeData: """Recipe Generator for python-for-android Obtains the necessary data to fill a recipe template for a package and saves it under <project_dir>/scr/python-for-android/recipes/<package_name>/__init__.py For full functionality <package_name> (in the desired version) and pipdeptree should be installed in the current python environment. For further info see https://github.com/david-fischer/generate-p4a-recipe#-troubleshooting . Args: package_name: Name of the package for which the recipe should be generated. url: Source of the package. If not set, user is prompted with possible options. version: If url is not set, user is prompted with possible options. recipe_class: If not set, user is prompted with possible options. project_dir: Directory where the recipe should be saved. Defaults to ".". """ package_name_upper = attr.ib(default="", init=False) depends_with_version = attr.ib(default="", init=False) depends_without_version = attr.ib(default="", init=False) package_name = attr.ib() url = attr.ib(default="") version = attr.ib(default="** SET VERSION STRING **") recipe_class = attr.ib(default="") project_dir = attr.ib(default=".") def __attrs_post_init__(self): self.package_name_upper = "".join( word.capitalize() for word in re.split(r"[_\-]", self.package_name) ) self.project_dir = os.path.expanduser(self.project_dir) self.set_dependencies() if not self.recipe_class: self.recipe_class = RECIPES[ TerminalMenu( title=f"Choose Recipe-Class for {self.package_name}:", menu_entries=RECIPES, ).show() ] if not self.url: self.set_url_and_version() self.save_recipe() def set_dependencies(self): pipdeptree_out = subprocess.run( f"pipdeptree -f -p {self.package_name}".split(" "), stdout=subprocess.PIPE, stderr=subprocess.DEVNULL, ).stdout.decode("utf-8") dependencies = re.findall(r"^[\s]*([^\s]+)", pipdeptree_out, flags=re.MULTILINE) self.depends_with_version = list(set(dependencies))[1:] self.depends_without_version = [ re.search(r"(^[\w\-\_]+)", dep)[0] for dep in self.depends_with_version ] def get_pypi_url_and_version(self): json_response = requests.get( f"https://pypi.org/pypi/{self.package_name}/json" ).json() current_version = json_response["info"]["version"] summary = json_response["info"]["summary"] versions = list(json_response["releases"].keys()) terminal_menu = TerminalMenu( [current_version + " (current stable)"] + versions[::-1], title=f"{self.package_name}:\n{summary}\n\nSelect version:", ) choice_index = terminal_menu.show() version = current_version if choice_index == 0 else versions[-choice_index] url = json_response["releases"][version][-1]["url"] return url, version def get_github_url_and_version(self): json_response = requests.get( f"https://api.github.com/search/repositories?q={self.package_name}" ).json() num_results = len(json_response["items"]) menu_entries = [ f'{json_response["items"][i]["full_name"]}|{i}' for i in range(num_results) ] preview_function = lambda i: json_response["items"][int(i)]["description"] terminal_menu = TerminalMenu( title="Github:", menu_entries=menu_entries, preview_command=preview_function ) repo_api_url = json_response["items"][terminal_menu.show()]["url"] + "/tags" json_response = requests.get(repo_api_url).json() versions = ["master"] + [item["name"] for item in json_response] terminal_menu = TerminalMenu( title=f"Version of {self.package_name}:", menu_entries=versions ) version = versions[terminal_menu.show()] url = json_response[0]["tarball_url"].rsplit("/", 1)[0] + "/{version}" return url, version def set_url_and_version(self): if TerminalMenu( title=f"Select source for {self.package_name}:", menu_entries=["PyPI", "github"], ).show(): # Github self.url, self.version = self.get_github_url_and_version() else: # PyPI self.url, self.version = self.get_pypi_url_and_version() def recipe_str(self): with open(STACHE_TEMPLATE_PATH, "r") as template_file: recipe_string = template_file.read() recipe_string = pystache.render(recipe_string, vars(self)) return recipe_string def save_recipe(self): dirs = [ self.project_dir, "src", "python-for-android", "recipes", self.package_name, "__init__.py", ] dir_tree = ["/".join(dirs[: i + 1]) for i in range(1, len(dirs))] for directory in dir_tree[:-1]: if not os.path.exists(directory): os.makedirs(directory) out_path = dir_tree[-1] if not os.path.exists(out_path): with open(out_path, "w") as out_file: out_file.write(self.recipe_str()) self.print() else: print(f"Recipe at {out_path} already exists. Delete manually and restart.") exit() def print(self): print( f"Project-Dir: {self.project_dir}\n", f"URL: {self.url}\n", f"Version: {self.version}\n", f"Dependencies: {self.depends_without_version}\n", ) if __name__ == "__main__": fire.Fire(RecipeData)
36.468208
92
0.617055
523d11e318705ac0d1c3d2718d1ec06b2009b286
265
py
Python
app/models/articles.py
UMUTONIRitha/News_API
f5087c2b0564bbbcb06764e0478fac5380e66dda
[ "MIT" ]
null
null
null
app/models/articles.py
UMUTONIRitha/News_API
f5087c2b0564bbbcb06764e0478fac5380e66dda
[ "MIT" ]
null
null
null
app/models/articles.py
UMUTONIRitha/News_API
f5087c2b0564bbbcb06764e0478fac5380e66dda
[ "MIT" ]
null
null
null
class Artcle: def __init__ (self,title,description,url,urlToImage,publishedAt): self.title = title self.description = description self.url = url self.urlToImage = urlToImage self.publishedAt = publishedAt
24.090909
69
0.626415