hexsha
stringlengths
40
40
size
int64
5
2.06M
ext
stringclasses
10 values
lang
stringclasses
1 value
max_stars_repo_path
stringlengths
3
248
max_stars_repo_name
stringlengths
5
125
max_stars_repo_head_hexsha
stringlengths
40
78
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
3
248
max_issues_repo_name
stringlengths
5
125
max_issues_repo_head_hexsha
stringlengths
40
78
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
3
248
max_forks_repo_name
stringlengths
5
125
max_forks_repo_head_hexsha
stringlengths
40
78
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
5
2.06M
avg_line_length
float64
1
1.02M
max_line_length
int64
3
1.03M
alphanum_fraction
float64
0
1
count_classes
int64
0
1.6M
score_classes
float64
0
1
count_generators
int64
0
651k
score_generators
float64
0
1
count_decorators
int64
0
990k
score_decorators
float64
0
1
count_async_functions
int64
0
235k
score_async_functions
float64
0
1
count_documentation
int64
0
1.04M
score_documentation
float64
0
1
b59a516d2e4ba77e47687f54990e9a2e4f955197
1,185
py
Python
LoopStructural/modelling/features/lambda_geological_feature.py
wgorczyk/LoopStructural
bedc7abd4c1868fdbd6ed659c8d72ef19f793875
[ "MIT" ]
67
2020-06-25T06:50:58.000Z
2022-03-29T17:15:43.000Z
LoopStructural/modelling/features/lambda_geological_feature.py
wgorczyk/LoopStructural
bedc7abd4c1868fdbd6ed659c8d72ef19f793875
[ "MIT" ]
60
2020-06-28T22:58:21.000Z
2022-03-24T01:30:59.000Z
LoopStructural/modelling/features/lambda_geological_feature.py
wgorczyk/LoopStructural
bedc7abd4c1868fdbd6ed659c8d72ef19f793875
[ "MIT" ]
9
2020-06-25T13:07:39.000Z
2021-12-01T01:41:24.000Z
""" Geological features """ import logging import numpy as np logger = logging.getLogger(__name__) class LambdaGeologicalFeature: def __init__(self,function = None,name = 'unnamed_lambda', gradient_function = None, model = None): self.function = function self.name = name self.gradient_function = gradient_function self.model = model if self.model is not None: v = function(self.model.regular_grid((10, 10, 10))) self._min = np.nanmin(v)#function(self.model.regular_grid((10, 10, 10)))) self._max = np.nanmax(v) else: self._min = 0 self._max = 0 def evaluate_value(self, xyz): v = np.zeros((xyz.shape[0])) if self.function is None: v[:] = np.nan else: v[:] = self.function(xyz) return v def evaluate_gradient(self,xyz): v = np.zeros((xyz.shape[0],3)) if self.gradient_function is None: v[:,:] = np.nan else: v[:,:] = self.gradient_function(xyz) return v def min(self): return self._min def max(self): return self._max
27.55814
103
0.563713
1,076
0.908017
0
0
0
0
0
0
92
0.077637
b59a84378daec5c068b0ad9a5875001c348356a9
2,137
py
Python
2021/day8.py
Bug38/AoC
576ee0d3745242b71240a62c121c52bc92f7253e
[ "MIT" ]
null
null
null
2021/day8.py
Bug38/AoC
576ee0d3745242b71240a62c121c52bc92f7253e
[ "MIT" ]
null
null
null
2021/day8.py
Bug38/AoC
576ee0d3745242b71240a62c121c52bc92f7253e
[ "MIT" ]
null
null
null
from typing import Set import utils data = utils.getLinesFromFile("day8.input") # data = ['be cfbegad cbdgef fgaecd cgeb fdcge agebfd fecdb fabcd edb | fdgacbe cefdb cefbgd gcbe','edbfga begcd cbg gc gcadebf fbgde acbgfd abcde gfcbed gfec | fcgedb cgb dgebacf gc','fgaebd cg bdaec gdafb agbcfd gdcbef bgcad gfac gcb cdgabef | cg cg fdcagb cbg','fbegcd cbd adcefb dageb afcb bc aefdc ecdab fgdeca fcdbega | efabcd cedba gadfec cb','aecbfdg fbg gf bafeg dbefa fcge gcbea fcaegb dgceab fcbdga | gecf egdcabf bgf bfgea','fgeab ca afcebg bdacfeg cfaedg gcfdb baec bfadeg bafgc acf | gebdcfa ecba ca fadegcb','dbcfg fgd bdegcaf fgec aegbdf ecdfab fbedc dacgb gdcebf gf | cefg dcbef fcge gbcadfe','bdfegc cbegaf gecbf dfcage bdacg ed bedf ced adcbefg gebcd | ed bcgafe cdgba cbgef','egadfb cdbfeg cegd fecab cgb gbdefca cg fgcdab egfdb bfceg | gbdfcae bgc cg cgb','gcafb gcf dcaebfg ecagb gf abcdeg gaef cafbge fdbac fegbdc | fgae cfgab fg bagce'] # data = ['acedgfb cdfbe gcdfa fbcad dab cefabd cdfgeb eafb cagedb ab | cdfeb fcadb cdfeb cdbaf'] inputs, outputs = [], [] for d in data: a, b = d.split('|') inputs.append(a.strip().split()) outputs.append(b.strip().split()) def part1(): ret = 0 for os in outputs: for o in os: if len(o) in [2, 3, 4, 7]: ret += 1 return ret def part2(): ret = 0 for i, ins in enumerate(inputs): ins = sorted(ins, key=len) wires = [0, ins[0], 0, 0, ins[2], 0, 0, ins[1], ins[-1], 0] for w in ins: if len(w) in [2, 3, 4, 7]: continue if len(w) == 5 and set(wires[1]).issubset(set(w)): wires[3] = w continue if len(w) == 6 and set(wires[3]).issubset(set(w)): wires[9] = w continue elif len(w) == 6 and set(wires[1]).issubset(set(w)): wires[0] = w continue elif len(w) == 6: wires[6] = w continue for w in ins: if w in wires: continue if set(w).issubset(set(wires[6])): wires[5] = w else: wires[2] = w value = "" for o in outputs[i]: for i, w in enumerate(wires): if set(o) == set(w): value += str(i) break ret += int(value) return ret print(f'Part1: {part1()}') print(f'Part2: {part2()}')
35.616667
860
0.657932
0
0
0
0
0
0
0
0
1,012
0.473561
b59a9f26b84db7052d875507a0706016c6d4734b
108
py
Python
max_two_numbers.py
sayaliborade/My-Programming-Space
a7ac4436afa76143f4961e043097d33076532b6d
[ "MIT" ]
null
null
null
max_two_numbers.py
sayaliborade/My-Programming-Space
a7ac4436afa76143f4961e043097d33076532b6d
[ "MIT" ]
null
null
null
max_two_numbers.py
sayaliborade/My-Programming-Space
a7ac4436afa76143f4961e043097d33076532b6d
[ "MIT" ]
null
null
null
num1 = 5 num2 = 4 max_num = max(num1,num2) print("Max between {0} and {1} is {2}".format(num1,num2,max_num))
27
65
0.666667
0
0
0
0
0
0
0
0
32
0.296296
b59b156deb529184049dc84975771504d0687be0
298
py
Python
scipy/stats/anova/examples/twoway/sokalrohlf_box11_1.py
WarrenWeckesser/scipywork
e74888e8909022575f3b3effc28f1496f4f3fde6
[ "MIT" ]
null
null
null
scipy/stats/anova/examples/twoway/sokalrohlf_box11_1.py
WarrenWeckesser/scipywork
e74888e8909022575f3b3effc28f1496f4f3fde6
[ "MIT" ]
1
2020-03-07T05:20:36.000Z
2020-03-07T05:20:36.000Z
scipy/stats/anova/examples/twoway/sokalrohlf_box11_1.py
WarrenWeckesser/scipywork
e74888e8909022575f3b3effc28f1496f4f3fde6
[ "MIT" ]
null
null
null
# ANOVA example from Sokal & Rohlf (fourth ed.), Box 11.1 import numpy as np from anova import anova_twoway_balanced consumption = np.array( [[[709, 679, 699], [592, 538, 476]], [[657, 594, 677], [508, 505, 539]]]) result = anova_twoway_balanced(consumption) print(result)
19.866667
57
0.651007
0
0
0
0
0
0
0
0
57
0.191275
b59c0e7ce913172c25c6a249bc299d0133408394
4,951
py
Python
utils/optimizers.py
csalt-research/OpenASR-py
9aea6753689d87d321260d7eb0ea0544e1b3403a
[ "MIT" ]
2
2019-11-29T15:46:14.000Z
2021-05-28T06:54:41.000Z
utils/optimizers.py
csalt-research/OpenASR-py
9aea6753689d87d321260d7eb0ea0544e1b3403a
[ "MIT" ]
null
null
null
utils/optimizers.py
csalt-research/OpenASR-py
9aea6753689d87d321260d7eb0ea0544e1b3403a
[ "MIT" ]
null
null
null
""" Optimizers class """ import torch import torch.optim as optim from torch.nn.utils import clip_grad_norm_ import operator import functools from copy import copy from math import sqrt def build_torch_optimizer(model, opt): params = [p for p in model.parameters() if p.requires_grad] if opt.optim == 'sgd': optimizer = optim.SGD( params, lr=opt.learning_rate) elif opt.optim == 'adagrad': optimizer = optim.Adagrad( params, lr=opt.learning_rate, initial_accumulator_value=opt.adagrad_accumulator_init) elif opt.optim == 'adadelta': optimizer = optim.Adadelta( params, lr=opt.learning_rate) elif opt.optim == 'adam': optimizer = optim.Adam( params, lr=opt.learning_rate, betas=[opt.adam_beta1, opt.adam_beta2], eps=1e-9) else: raise ValueError('Invalid optimizer type: ' + opt.optim) return optimizer def make_lr_decay_fn(opt): if opt.decay_method == 'noam': return functools.partial( noam_decay, warmup_steps=opt.warmup_steps, model_size=opt.dec_rnn_size) elif opt.decay_method == 'noamwd': return functools.partial( noamwd_decay, warmup_steps=opt.warmup_steps, model_size=opt.dec_rnn_size, rate=opt.learning_rate_decay, decay_steps=opt.decay_steps, start_step=opt.start_decay_steps) elif opt.decay_method == 'rsqrt': return functools.partial( rsqrt_decay, warmup_steps=opt.warmup_steps) elif opt.start_decay_steps is not None: return functools.partial( exponential_decay, rate=opt.learning_rate_decay, decay_steps=opt.decay_steps, start_step=opt.start_decay_steps) def noam_decay(step, warmup_steps, model_size): """ Learning rate schedule described in https://arxiv.org/pdf/1706.03762.pdf. """ return ( model_size ** (-0.5) * min(step ** (-0.5), step * warmup_steps**(-1.5))) def noamwd_decay(step, warmup_steps, model_size, rate, decay_steps, start_step=0): """ Learning rate schedule optimized for huge batches """ return ( model_size ** (-0.5) * min(step ** (-0.5), step * warmup_steps**(-1.5)) * rate ** (max(step - start_step + decay_steps, 0) // decay_steps)) def exponential_decay(step, rate, decay_steps, start_step=0): """ A standard exponential decay, scaling the learning rate by :obj:`rate` every :obj:`decay_steps` steps. """ return rate ** (max(step - start_step + decay_steps, 0) // decay_steps) def rsqrt_decay(step, warmup_steps): """ Decay based on the reciprocal of the step square root. """ return 1.0 / sqrt(max(step, warmup_steps)) class Optimizer(object): def __init__(self, optimizer, learning_rate, learning_rate_decay_fn=None, max_grad_norm=None): self._optimizer = optimizer self._learning_rate = learning_rate self._learning_rate_decay_fn = learning_rate_decay_fn self._max_grad_norm = max_grad_norm or 0 self._training_step = 1 self._decay_step = 1 @property def training_step(self): return self._training_step def learning_rate(self): if self._learning_rate_decay_fn is None: return self._learning_rate scale = self._learning_rate_decay_fn(self._decay_step) return scale * self._learning_rate def state_dict(self): return { 'training_step': self._training_step, 'decay_step': self._decay_step, 'optimizer': self._optimizer.state_dict() } def load_state_dict(self, state_dict, device): self._training_step = state_dict['training_step'] # State can be partially restored if 'decay_step' in state_dict: self._decay_step = state_dict['decay_step'] if 'optimizer' in state_dict: self._optimizer.load_state_dict(state_dict['optimizer']) # https://github.com/pytorch/pytorch/issues/2830 for state in self._optimizer.state.values(): for k, v in state.items(): if torch.is_tensor(v): state[k] = v.to(device) def zero_grad(self): self._optimizer.zero_grad() def backward(self, loss): loss.backward() def step(self): learning_rate = self.learning_rate() for group in self._optimizer.param_groups: group['lr'] = learning_rate if self._max_grad_norm > 0: clip_grad_norm_(group['params'], self._max_grad_norm) self._optimizer.step() self._decay_step += 1 self._training_step += 1
31.941935
75
0.613411
2,032
0.410422
0
0
73
0.014744
0
0
643
0.129873
b59da18e5dee5065a74262a17b2223e79fa39bac
3,019
py
Python
src/argcompile/meta.py
artu-hnrq/argcompile
48b8997cc21b861fd090a809a9149d95476edbf8
[ "MIT" ]
null
null
null
src/argcompile/meta.py
artu-hnrq/argcompile
48b8997cc21b861fd090a809a9149d95476edbf8
[ "MIT" ]
null
null
null
src/argcompile/meta.py
artu-hnrq/argcompile
48b8997cc21b861fd090a809a9149d95476edbf8
[ "MIT" ]
null
null
null
import inspect class MetaComposition(type): """Overwrites a target method to behave calling same-type superclasses' implementation orderly""" def __new__(meta, name, bases, attr, __func__='__call__'): attr['__run__'] = attr[__func__] attr[__func__] = meta.__run__ return super(MetaComposition, meta).__new__( meta, name, bases, attr ) def __run__(self, *args, **kwargs): for compound in self.__class__.__compound__: compound.__run__(self, *args, **kwargs) @property def __compound__(cls): return [ element for element in list(cls.__mro__)[::-1] if type(element) is type(cls) ] class MetaArgumentCompiler(MetaComposition): """Tracks __init__ keyword arguments to manage Actions and Attributes configuration""" def __new__(meta, name, bases, attr): __config__ = attr.pop('__config__', {}) __action__ = attr.pop('__action__', {}) __attr__ = attr.pop('__attr__', {}) for keys in [__action__.keys(), __attr__.keys()]: for key in keys: if key not in __config__.keys(): __config__[key] = {} __init__ = attr.pop('__init__', None) def init(self, *a, **kw): config = {} for key, args in __config__.items(): if key in __action__.keys() or key in __attr__.keys(): config[key] = args config[key].update(kw.pop(key, {})) else: kw[key] = args kw[key].update(kw.get(key, {})) if __init__: __init__(self, *a, **kw) for key, args in config.items(): if key in __action__: self.add_argument( *config[key].pop('*', []), action=__action__[key], **config[key] ) else: self.add_attribute( __attr__[key](*config[key].pop('*', []), **config[key]) ) attr['__init__'] = init return super(MetaArgumentCompiler, meta).__new__(meta, name, bases, attr) def __run__(self, namespace): for compiler in self.__class__.__compound__: namespace = compiler.__run__(self, namespace) return namespace class MetaAttribute(type): """Overwrites __call__ method to pop temporary arguments from Namespace in order to process them""" def __new__(meta, name, bases, attr): if __run__ := attr.get('__call__', None): args = inspect.getargspec(__run__).args[1:] def __call__(self, namespace): attr = dict() for arg in args: if value := getattr(namespace, arg, None): attr[arg] = value delattr(namespace, arg) __run__(self, namespace, **attr) return namespace attr['__call__'] = __call__ return super(MetaAttribute, meta).__new__(meta, name, bases, attr) # class Meta(type): # def __new__(meta, name, bases, attr): # """Meta description of class definition""" # return super(Meta, meta).__new__(meta, name, bases, attr) # def __init__(cls, name, bases, attr, compound): # """ Meta intervention on class instantiation """ # return super(Meta, cls).__init__(cls, name, bases, attr) # def __call__(cls, *args): # """ Meta modifications in object instantiation """ # return super(Meta, cls).__call__(cls, *args)
26.716814
100
0.663796
2,524
0.836038
0
0
140
0.046373
0
0
830
0.274925
b5a053b0143ef5854f560bee76e6b4b427176e12
384
py
Python
WAISN/Database/admin.py
willkendall01/WAISN-Fellowship
bf638d9ae124e5e51518b6dc53e32023bb2ca027
[ "MIT" ]
null
null
null
WAISN/Database/admin.py
willkendall01/WAISN-Fellowship
bf638d9ae124e5e51518b6dc53e32023bb2ca027
[ "MIT" ]
null
null
null
WAISN/Database/admin.py
willkendall01/WAISN-Fellowship
bf638d9ae124e5e51518b6dc53e32023bb2ca027
[ "MIT" ]
null
null
null
from django.contrib import admin from .models import Product from .forms import CreateProductForm # Improves upon the basic admin page functionality by # displaying the database as a formatted table class CreateProductAdmin(admin.ModelAdmin): list_display = ["product_name", "product_quantity"] form = CreateProductForm admin.site.register(Product, CreateProductAdmin)
25.6
55
0.796875
128
0.333333
0
0
0
0
0
0
133
0.346354
b5a0cac842fff324e018f25672c1b93817ef376b
761
py
Python
linux/keyman-config/tests/test_gnome_keyboards_util.py
srl295/keyman
4dfd0f71f3f4ccf81d1badbd824900deee1bb6d1
[ "MIT" ]
null
null
null
linux/keyman-config/tests/test_gnome_keyboards_util.py
srl295/keyman
4dfd0f71f3f4ccf81d1badbd824900deee1bb6d1
[ "MIT" ]
null
null
null
linux/keyman-config/tests/test_gnome_keyboards_util.py
srl295/keyman
4dfd0f71f3f4ccf81d1badbd824900deee1bb6d1
[ "MIT" ]
null
null
null
#!/usr/bin/python3 import unittest from unittest.mock import patch from keyman_config.gnome_keyboards_util import is_gnome_shell, _reset_gnome_shell class GnomeKeyboardsUtilTests(unittest.TestCase): def setUp(self): _reset_gnome_shell() @patch('keyman_config.os.system') def test_IsGnomeShell_RunningGnomeShell(self, mockSystem): # Setup mockSystem.return_value = 0 # Execute/Verify self.assertEqual(is_gnome_shell(), True) @patch('keyman_config.os.system') def test_IsGnomeShell_NotRunningGnomeShell(self, mockSystem): # Setup mockSystem.return_value = 1 # Execute/Verify self.assertEqual(is_gnome_shell(), False) if __name__ == '__main__': unittest.main()
26.241379
81
0.710907
559
0.73456
0
0
448
0.588699
0
0
124
0.162943
b5a22c7ed55e816b9317d7d3ca45276bbf0eae8f
4,059
py
Python
ghostwriter/users/forms.py
bbhunter/Ghostwriter
1b684ddd119feed9891e83b39c9b314b41d086ca
[ "BSD-3-Clause" ]
1
2022-02-04T20:24:35.000Z
2022-02-04T20:24:35.000Z
ghostwriter/users/forms.py
bbhunter/Ghostwriter
1b684ddd119feed9891e83b39c9b314b41d086ca
[ "BSD-3-Clause" ]
null
null
null
ghostwriter/users/forms.py
bbhunter/Ghostwriter
1b684ddd119feed9891e83b39c9b314b41d086ca
[ "BSD-3-Clause" ]
null
null
null
"""This contains all of the forms used by the Users application.""" # Django Imports from django.contrib.admin.widgets import FilteredSelectMultiple from django.contrib.auth import forms, get_user_model from django.contrib.auth.forms import UserChangeForm from django.contrib.auth.models import Group from django.core.exceptions import ValidationError from django.forms import ModelForm, ModelMultipleChoiceField from django.utils.translation import gettext_lazy as _ # 3rd Party Libraries from crispy_forms.helper import FormHelper from crispy_forms.layout import HTML, ButtonHolder, Column, Layout, Row, Submit User = get_user_model() class UserChangeForm(UserChangeForm): """ Update details for an individual :model:`users.User`. """ class Meta: model = get_user_model() fields = ( "email", "name", "timezone", "phone", ) def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) self.fields["phone"].widget.attrs["autocomplete"] = "off" self.fields["phone"].widget.attrs["placeholder"] = "Your Work Number" self.fields["phone"].help_text = "Work phone number for work contacts" self.fields["timezone"].help_text = "Timezone in which you work" self.helper = FormHelper() self.helper.form_method = "post" self.helper.form_class = "newitem" self.helper.form_show_labels = False self.helper.layout = Layout( Row( Column("name", css_class="form-group col-md-6 mb-0"), Column("email", css_class="form-group col-md-6 mb-0"), css_class="form-row mt-4", ), Row( Column("phone", css_class="form-group col-md-6 mb-0"), Column("timezone", css_class="form-group col-md-6 mb-0"), css_class="form-row", ), ButtonHolder( Submit("submit", "Submit", css_class="btn btn-primary col-md-4"), HTML( """ <button onclick="window.location.href='{{ cancel_link }}'" class="btn btn-outline-secondary col-md-4" type="button">Cancel</button> """ ), ), ) class UserCreationForm(forms.UserCreationForm): # pragma: no cover """ Create an individual :model:`users.User`. """ error_message = forms.UserCreationForm.error_messages.update( {"duplicate_username": _("This username has already been taken.")} ) class Meta(forms.UserCreationForm.Meta): model = User def clean_username(self): username = self.cleaned_data["username"] try: User.objects.get(username=username) except User.DoesNotExist: return username raise ValidationError(self.error_messages["duplicate_username"]) # Create ModelForm based on the Group model class GroupAdminForm(ModelForm): class Meta: model = Group exclude = [] # Add the users field users = ModelMultipleChoiceField( queryset=User.objects.all(), required=False, # Use the pretty ``filter_horizontal`` widget widget=FilteredSelectMultiple("users", False), label=_( "Users", ), ) def __init__(self, *args, **kwargs): # Do the normal form initialisation super().__init__(*args, **kwargs) # If it is an existing group (saved objects have a pk) if self.instance.pk: # Populate the users field with the current Group users self.fields["users"].initial = self.instance.user_set.all() def save_m2m(self): # pragma: no cover # Add the users to the Group self.instance.user_set.set(self.cleaned_data["users"]) def save(self, *args, **kwargs): # pragma: no cover # Default save instance = super().save() # Save many-to-many data self.save_m2m() return instance
33
151
0.60951
3,366
0.829268
0
0
0
0
0
0
1,291
0.318059
b5a405be96095986ee0bca6128c66be907263013
5,119
py
Python
nxsdk_modules_contrib/pelenet/pelenet/utils/spikes.py
biagiom/models
79489a3c429b3027dd420840bbccfee5e8c9a879
[ "BSD-3-Clause" ]
54
2020-03-04T17:37:17.000Z
2022-02-22T13:16:10.000Z
nxsdk_modules_contrib/pelenet/pelenet/utils/spikes.py
biagiom/models
79489a3c429b3027dd420840bbccfee5e8c9a879
[ "BSD-3-Clause" ]
9
2020-08-26T13:17:54.000Z
2021-11-09T09:02:00.000Z
nxsdk_modules_contrib/pelenet/pelenet/utils/spikes.py
biagiom/models
79489a3c429b3027dd420840bbccfee5e8c9a879
[ "BSD-3-Clause" ]
26
2020-03-18T17:09:34.000Z
2021-11-22T16:23:14.000Z
import numpy as np import scipy.linalg as la from statsmodels.tsa.api import SimpleExpSmoothing, Holt """ @desc: From activity probe, calculate spike patterns """ def getSpikesFromActivity(self, activityProbes): # Get number of probes (equals number of used cores) numProbes = np.shape(activityProbes)[0] # Concatenate all probes activityTrain = [] for i in range(numProbes): activityTrain.extend(activityProbes[i].data) # Transform to numpy array activityTrain = np.array(activityTrain) # Calculate spike train from activity #spikeTrain = activityTrain[:,1:] - activityTrain[:,:-1] activityTrain[:,1:] -= activityTrain[:,:-1] spikeTrain = activityTrain return spikeTrain """ @desc: Calculate cross correlation between spike trains of two neurons """ def cor(self, t1, t2): # Calculate standard devaition of each spike train sd1 = np.sqrt(np.correlate(t1, t1)[0]) sd2 = np.sqrt(np.correlate(t2, t2)[0]) # Check if any standard deviation is zero if (sd1 != 0 and sd2 != 0): return np.correlate(t1, t2)[0]/np.multiply(sd1, sd2) else: return 0 """ @desc: Filter spike train @pars: spikeTrain: has N rows (number of neurons) and T columns (number of time steps) filter: filter method as string, can be: 'single exponential', 'double exponential' or 'gaussian' (symmetric) """ def getFilteredSpikes(self, spikes, filter="single exponential"): if (filter == 'single exponential'): return self.getSingleExponentialFilteredSpikes(spikes) if (filter == 'double exponential'): return self.getHoltDoubleExponentialFilteredSpikes(spikes) if (filter == 'gaussian'): return self.getGaussianFilteredSpikes(spikes) """ @desc: Get symmetric gaussian filtered spikes """ def getGaussianFilteredSpikes(self, spikes): # Define some variables wd = self.p.smoothingWd # width of smoothing, number of influenced neurons to the left and right var = self.p.smoothingVar # variance of the Gaussian kernel # Define the kernel lin = np.linspace(-wd,wd,(wd*2)+1) kernel = np.exp(-(1/(2*var))*lin**2) # Prepare spike window spikeWindow = np.concatenate((spikes[-wd:,:], spikes, spikes[:wd,:])) # Prepare smoothed array nSteps, nNeurons = spikeWindow.shape smoothed = np.zeros((nSteps, nNeurons)) # Add smoothing to every spike for n in range(nNeurons): for t in range(wd, nSteps - wd): # Only add something if there is a spike, otherwise just add zeros add = kernel if spikeWindow[t,n] == 1 else np.zeros(2*wd+1) # Add values to smoothed array smoothed[t-wd:t+wd+1, n] += add # Return smoothed activity return smoothed[wd:-wd,:] """ @desc: Get single exponential filtered spikes """ def getSingleExponentialFilteredSpikes(self, spikes, smoothing_level=0.1): # Get dimensions N, T = np.shape(spikes) filteredSpikes = [] # Iterate over all neurons for i in range(N): # Fit values fit = SimpleExpSmoothing(spikes[i,:]).fit(smoothing_level=smoothing_level) # Append filtered values for current neuron filteredSpikes.append(fit.fittedvalues) # Transform to numpy array and return return np.array(filteredSpikes) """ @desc: Get holt double exponential filtered spikes """ def getHoltDoubleExponentialFilteredSpikes(self, spikes, smoothing_level=0.1, smoothing_slope=0.1): # Get dimensions N, T = np.shape(spikes) filteredSpikes = [] # Iterate over all neurons for i in range(N): # Fit values, if smoothing_slope = 0, result equals single exponential solution fit = Holt(spikes[i,:]).fit(smoothing_level=smoothing_level, smoothing_slope=smoothing_slope) # Append filtered values for current neuron filteredSpikes.append(fit.fittedvalues) # Transform to numpy array and return return np.array(filteredSpikes) """ @desc: Calculate fano factors """ def fano(self, spikes): # Get shape shp = spikes.shape # Iterate over all trials ff = [] for i in range(shp[0]): # Get mean and standard deviation of all spike trains mn = np.mean(spikes[i], axis=1) var = np.var(spikes[i], axis=1) # Get indices of zero-values mask = (mn != 0) # Append mean fano factors from all neurons with spiking activity ff.append(np.mean(var[mask]/mn[mask])) # Return mean fano factors for every trial return ff """ @desc: Calculate coefficient of variation """ def cv(self, spikes): # Get shape shp = spikes.shape # Iterate over all trials cv = [] for i in range(shp[0]): # Get mean and standard deviation of all spike trains mn = np.mean(spikes[i], axis=1) sd = np.std(spikes[i], axis=1) # Get indices of zero-values mask = (mn != 0) # Append mean fano factors from all neurons with spiking activity cv.append(np.mean(sd[mask]/mn[mask])) # Return mean fano factors for every trial return cv
31.99375
116
0.66302
0
0
0
0
0
0
0
0
2,109
0.411995
b5a44828d5483c6c45161cfac8ca00bdef446848
102
py
Python
Ex066.py
leonardoDelefrate/Curso-de-Python
60313563c4d40f24a318a6d24da941730f04b8b0
[ "MIT" ]
null
null
null
Ex066.py
leonardoDelefrate/Curso-de-Python
60313563c4d40f24a318a6d24da941730f04b8b0
[ "MIT" ]
null
null
null
Ex066.py
leonardoDelefrate/Curso-de-Python
60313563c4d40f24a318a6d24da941730f04b8b0
[ "MIT" ]
null
null
null
lanche = ('Hamburguer', 'Suco', 'Pizza', 'Pudim') for c in range(0, len(lanche)): print(lanche[c])
34
49
0.617647
0
0
0
0
0
0
0
0
32
0.313725
b5a5c87aa9d81229a227e759c198a1d1b4eb7d1c
43
py
Python
backend/soap/config.py
stepanov1997/mdp-backend
32cae4ab8c1949c27278fc493ff4a77c03d0d860
[ "MIT" ]
null
null
null
backend/soap/config.py
stepanov1997/mdp-backend
32cae4ab8c1949c27278fc493ff4a77c03d0d860
[ "MIT" ]
null
null
null
backend/soap/config.py
stepanov1997/mdp-backend
32cae4ab8c1949c27278fc493ff4a77c03d0d860
[ "MIT" ]
null
null
null
SOAP_HOST = '127.0.0.1' SOAP_PORT = 8083
14.333333
24
0.651163
0
0
0
0
0
0
0
0
11
0.255814
b5a74044f5f2241591f7f602964eb017fc2ac290
6,429
py
Python
src/bst.py
tranduythanh/algorithm-in-python
b883ea0bc4dcd46b9a9f72f0ca3786aa3545f58a
[ "MIT" ]
null
null
null
src/bst.py
tranduythanh/algorithm-in-python
b883ea0bc4dcd46b9a9f72f0ca3786aa3545f58a
[ "MIT" ]
null
null
null
src/bst.py
tranduythanh/algorithm-in-python
b883ea0bc4dcd46b9a9f72f0ca3786aa3545f58a
[ "MIT" ]
null
null
null
from visualize import pprint class Node: def __init__(self, key): self.left = None self.right = None self.val = key def __repr__(self): ptr = id(self) ret = f'{ptr}:' if self.left: ret = f'{ret} {self.left.val}' else: ret = f'{ret} None' ret = f'{ret} {self.val}' if self.right: ret = f'{ret} {self.right.val}' else: ret = f'{ret} None' return ret def has_no_child(self): return (self.left is None) and (self.right is None) def has_only_left(self): return (self.left is not None) and (self.right is None) def has_only_right(self): return (self.left is None) and (self.right is not None) class Tree: def __init__(self, root = None): self.root = root def insert_recursive(self, x): if self.root is None: self.root = Node(x) return self.__insert_recursive(self.root, x) def __insert_recursive(self, node, x): if node.val == x: return if node.val < x: if node.right is None: node.right = Node(x) return self.__insert_recursive(node.right, x) return # insert to left if node.left is None: node.left = Node(x) self.__insert_recursive(node.left, x) def insert_loop(self, x): if self.root is None: self.root = Node(x) return node = self.root while True: if node.val > x: if node.left: node = node.left continue node.left = Node(x) return if node.right: node = node.right continue node.right = Node(x) return def exist_recursive(self, x): return self.__exist_recursive(self.root, x) def __exist_recursive(self, node, x): if node.val == x: return True if node.val < x: if node.right: return self.__exist_recursive(node.right, x) return False if node.left: return self.__exist_recursive(node.left, x) return False def exist_loop(self, x): node = self.root while True: if not node: return False if node.val == x: return True if node.val < x: node = node.right continue node = node.left def sort_lnr_recursive(self): return self.__lnr_recursive(self.root) def __lnr_recursive(self, node, arr=[]): if node.left: self.__lnr_recursive(node.left, arr) arr.append(node.val) if node.right: self.__lnr_recursive(node.right, arr) return arr def sort_lnr_loop(self): ret = [] node = self.root stack = [] while True: while node: stack.append(node) node = node.left if len(stack) > 0: node = stack.pop() ret.append(node.val) node = node.right continue break return ret def sort_nlr_recursive(self): return self.__nlr_recursive(self.root) def __nlr_recursive(self, node, arr=[]): arr.append(node.val) if node.left: self.__nlr_recursive(node.left, arr) if node.right: self.__nlr_recursive(node.right, arr) return arr def sort_lrn_recursive(self): return self.__lrn_recursive(self.root) def __lrn_recursive(self, node, arr=[]): if node.left: self.__lrn_recursive(node.left, arr) if node.right: self.__lrn_recursive(node.right, arr) arr.append(node.val) return arr def get_min(self): node = self.root while node.left is not None: node = node.left return node.val def get_min_of_node(self, node): while node.left is not None: node = node.left return node.val def get_max(self): node = self.root while node.right is not None: node = node.right return node.val def delete(self, x): self.root = self.__delete(self.root, x) def __delete(self, node, x): if node is None: return None if node.val < x: node.right = self.__delete(node.right, x) return node if node.val > x: node.left = self.__delete(node.left, x) return node if node.val == x: if node.has_no_child(): return None # Handle case: node has a single child if node.has_only_left(): return node.left if node.has_only_right(): return node.right # handle case: node has 2 children # ____C___ # / \ # B E <---- delete this node # / \ # D K # / \ # I L # \ # J # step 1: replace E by I # step 2: delete I min_value = self.get_min_of_node(node.right) node.val = min_value node.right = self.__delete(node.right, min_value) return node return node def traverse(self): return self.__traverse(self.root, []) def __traverse(self, node, arr=[]): arr.append(node) if node.left: self.__traverse(node.left, arr) if node.right: self.__traverse(node.right, arr) return arr def cal_height(self): return self.__cal_height(self.root) def __cal_height(self, node): if node is None: return 0 a = self.__cal_height(node.left) b = self.__cal_height(node.right) if a > b: return (a+1) return (b+1) def build_tree(self, arr=[]): for item in arr: self.insert_recursive(item) def debug(self): pprint(self.root)
27.474359
63
0.492767
6,396
0.994867
0
0
0
0
0
0
460
0.071551
b5a768c1e95c0cadc94391b379feeeb1bdde832a
560
py
Python
babyonboard/api/migrations/0007_breathing_status.py
BabyOnBoard/BabyOnBoard-API
eef34bf4e9649409a3158d6826432acb040afa32
[ "MIT" ]
null
null
null
babyonboard/api/migrations/0007_breathing_status.py
BabyOnBoard/BabyOnBoard-API
eef34bf4e9649409a3158d6826432acb040afa32
[ "MIT" ]
10
2017-11-23T18:28:11.000Z
2021-06-10T19:53:06.000Z
babyonboard/api/migrations/0007_breathing_status.py
BabyOnBoard/BabyOnBoard-API
eef34bf4e9649409a3158d6826432acb040afa32
[ "MIT" ]
null
null
null
# -*- coding: utf-8 -*- # Generated by Django 1.11.5 on 2017-12-02 20:04 from __future__ import unicode_literals from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('api', '0006_auto_20171126_1433'), ] operations = [ migrations.AddField( model_name='breathing', name='status', field=models.CharField(choices=[('absent', 'Absent'), ('breathing', 'Breathing'), ('no_breathing', 'No Breathing')], default='absent', max_length=15), ), ]
26.666667
162
0.621429
402
0.717857
0
0
0
0
0
0
194
0.346429
b5a8ce20825359ee43189cb3855431dba7b2a76f
424
py
Python
structural/adapter/test_client.py
pascalweiss/gof_design_patterns
d142ebf21bb1a1e7925b0e7915eb6d857df58299
[ "Apache-2.0" ]
null
null
null
structural/adapter/test_client.py
pascalweiss/gof_design_patterns
d142ebf21bb1a1e7925b0e7915eb6d857df58299
[ "Apache-2.0" ]
null
null
null
structural/adapter/test_client.py
pascalweiss/gof_design_patterns
d142ebf21bb1a1e7925b0e7915eb6d857df58299
[ "Apache-2.0" ]
null
null
null
import unittest from hamcrest import equal_to, assert_that from structural.adapter.adapter import InvokerTargetAdapter from structural.adapter.target import InvokerTarget def target_invoker(target: InvokerTarget): return target.request() class TestClient(unittest.TestCase): def test(self): target = InvokerTargetAdapter() assert_that(target_invoker(target), equal_to("Response by UserTarget"))
26.5
79
0.785377
177
0.417453
0
0
0
0
0
0
24
0.056604
b5aa67663a42b92a7d170586d7626bb2aa4c2ae4
350
py
Python
problems/reverse-words-in-string/reverse-words-in-string.py
vidyadeepa/the-coding-interview
90171b77b6884176a6c28bdccb5d45bd6929b489
[ "MIT" ]
1,571
2015-12-09T14:08:47.000Z
2022-03-30T21:34:36.000Z
problems/reverse-words-in-string/reverse-words-in-string.py
vidyadeepa/the-coding-interview
90171b77b6884176a6c28bdccb5d45bd6929b489
[ "MIT" ]
117
2015-10-22T05:59:19.000Z
2021-09-17T00:14:38.000Z
problems/reverse-words-in-string/reverse-words-in-string.py
vidyadeepa/the-coding-interview
90171b77b6884176a6c28bdccb5d45bd6929b489
[ "MIT" ]
452
2015-10-21T23:00:58.000Z
2022-03-18T21:16:50.000Z
import re def reverse_str(string): string = string.strip() string = re.sub("\s+", " ", string) result = [word[::-1] for word in string[::-1].split(" ")] return " ".join(result) # "degree CS": print reverse_str(" CS degree") print reverse_str("CS degree") print reverse_str("CS degree ") print reverse_str(" CS degree")
23.333333
61
0.614286
0
0
0
0
0
0
0
0
86
0.245714
b5aa825a7935ba4d77fce082856c1d3665daa828
36
py
Python
tests/__init__.py
SachinLouw/Design
a49c841f9a3e27e2a1ac3edde3c14bb8fdfcabfe
[ "MIT" ]
null
null
null
tests/__init__.py
SachinLouw/Design
a49c841f9a3e27e2a1ac3edde3c14bb8fdfcabfe
[ "MIT" ]
null
null
null
tests/__init__.py
SachinLouw/Design
a49c841f9a3e27e2a1ac3edde3c14bb8fdfcabfe
[ "MIT" ]
1
2020-09-26T17:14:51.000Z
2020-09-26T17:14:51.000Z
"""Unit test package for Design."""
18
35
0.666667
0
0
0
0
0
0
0
0
35
0.972222
b5ab0cc6d56f4bb448790870183992c30226988d
405
py
Python
home/migrations/0012_team_title.py
nurpeiis/RED
0e1f61488f79283749ec11b5d0e5b066dd02bd68
[ "MIT" ]
null
null
null
home/migrations/0012_team_title.py
nurpeiis/RED
0e1f61488f79283749ec11b5d0e5b066dd02bd68
[ "MIT" ]
12
2019-02-03T07:54:32.000Z
2022-03-11T23:33:19.000Z
home/migrations/0012_team_title.py
nurpeiis/RED
0e1f61488f79283749ec11b5d0e5b066dd02bd68
[ "MIT" ]
2
2018-12-28T11:38:17.000Z
2019-09-11T22:45:04.000Z
# Generated by Django 2.1.3 on 2019-05-05 07:38 from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('home', '0011_remove_team_position'), ] operations = [ migrations.AddField( model_name='team', name='title', field=models.CharField(default='title_default', max_length=50), ), ]
21.315789
75
0.604938
312
0.77037
0
0
0
0
0
0
108
0.266667
b5ad8a76a11325ddca7cdc3828c5aa0284e06719
1,926
py
Python
ontology_learning/data_type/knowledge_graph/knowledge_graph_node.py
jromero132/bachelor_thesis_code
1eea2876abdece9628d6fdec115e93bbf2722e99
[ "MIT" ]
null
null
null
ontology_learning/data_type/knowledge_graph/knowledge_graph_node.py
jromero132/bachelor_thesis_code
1eea2876abdece9628d6fdec115e93bbf2722e99
[ "MIT" ]
null
null
null
ontology_learning/data_type/knowledge_graph/knowledge_graph_node.py
jromero132/bachelor_thesis_code
1eea2876abdece9628d6fdec115e93bbf2722e99
[ "MIT" ]
null
null
null
from ..annotation.attribute import Attribute from ..annotation.relation import Relation from .knowledge_graph_edge import KnowledgeGraphEdge from ontology_learning.utils.hash import get_hash class KnowledgeGraphNode(object): def __init__(self, label, type_): self.label = " ".join(sorted(set(label.split(" ")))) self.type = type_ self.edges = set() self.reversed_edges = set() def __repr__(self): return f"{type(self).__name__}(label={self.label}, type={self.type})" def __str__(self): return self.__repr__() def __eq__(self, other): return self.label == other.label and self.type == other.type def __ne__(self, other): return not self.__eq__(other) def __hash__(self): return get_hash(self.__repr__()) def add_edge(self, to_node, label = ""): self.edges.add(KnowledgeGraphEdge(to_node, label)) def add_reversed_edge(self, to_node, label = ""): self.reversed_edges.add(KnowledgeGraphEdge(to_node, label)) class KnowledgeGraphSimpleNode(KnowledgeGraphNode): def __init__(self, keyphrase): super(KnowledgeGraphSimpleNode, self).__init__(keyphrase.lemmatized, keyphrase.label) self.keyphrase = keyphrase class KnowledgeGraphAttributeNode(KnowledgeGraphNode): def __init__(self, node, attributes, type_): def get_attribute_label(label): _label = label.lower() if _label == "uncertain": return "?" elif _label == "negated": return "¬" elif _label == "diminished": return "↓" elif _label == "emphasized": return "↑" return label super(KnowledgeGraphAttributeNode, self).__init__( " ".join([ get_attribute_label(a.label) for a in attributes ] + [ node.label ]), type_ ) self.node = node self.attributes = list(attributes) class KnowledgeGraphCompouseNode(KnowledgeGraphNode): def __init__(self, nodes, type_): super(KnowledgeGraphCompouseNode, self).__init__(" ".join(node.label for node in nodes), type_) self.nodes = list(nodes)
30.571429
97
0.731568
1,733
0.897462
0
0
0
0
0
0
139
0.071983
b5af94b7bf661eb528749316c8d0360da97313c8
1,023
py
Python
pythonModules/plugin_showRainbowAllLEDs.py
mhoelzner/BinaryClock_RP
3dcd6c9369b827c4228c90c8c4da6dd9c21ab632
[ "MIT" ]
null
null
null
pythonModules/plugin_showRainbowAllLEDs.py
mhoelzner/BinaryClock_RP
3dcd6c9369b827c4228c90c8c4da6dd9c21ab632
[ "MIT" ]
null
null
null
pythonModules/plugin_showRainbowAllLEDs.py
mhoelzner/BinaryClock_RP
3dcd6c9369b827c4228c90c8c4da6dd9c21ab632
[ "MIT" ]
null
null
null
from neopixel import Color import time class ShowRainbowAllLEDs(): def __init__(self, strip, config): self.strip = strip self.configuration = config def wheel(self, pos): """Generate rainbow colors across 0-255 positions.""" if pos < 85: return Color(pos * 3, 255 - pos * 3, 0) elif pos < 170: pos -= 85 return Color(255 - pos * 3, 0, pos * 3) else: pos -= 170 return Color(0, pos * 3, 255 - pos * 3) def showRainbowAllLEDs(self): """Draw rainbow that fades across all pixels at once.""" while True: if self.configuration.plugin == 1: return for j in range(256): if self.configuration.plugin == 1: return for i in range(self.strip.numPixels()): self.strip.setPixelColor(i, self.wheel((i+j) & 255)) self.strip.show() time.sleep(0.02)
26.230769
72
0.507331
981
0.958944
0
0
0
0
0
0
109
0.106549
b5b10a9848f882ce50edffdefcb5be881ccbdc3f
347
py
Python
p029.py
jorgemira/euler-py
20406c7accd85e5c917c08cd739134e47d1c5e2f
[ "Apache-2.0" ]
null
null
null
p029.py
jorgemira/euler-py
20406c7accd85e5c917c08cd739134e47d1c5e2f
[ "Apache-2.0" ]
null
null
null
p029.py
jorgemira/euler-py
20406c7accd85e5c917c08cd739134e47d1c5e2f
[ "Apache-2.0" ]
null
null
null
'''Problem 29 from project Euler: Distinct powers https://projecteuler.net/problem=29''' RESULT = 9183 def solve(): '''Main function''' vals = set() limit = 100 for i in xrange(2, limit + 1): for j in xrange(2, limit + 1): vals.add(i**j) return len(vals) if __name__ == '__main__': print solve()
16.52381
49
0.579251
0
0
0
0
0
0
0
0
117
0.337176
b5b23767bc452d1d161330f945974af76c7faa29
3,337
py
Python
tronx/modules/group.py
TronUb/Tron
55b5067a34cf2849913647533d7d035cab64568e
[ "MIT" ]
4
2022-03-07T07:27:04.000Z
2022-03-29T05:59:57.000Z
tronx/modules/group.py
TronUb/Tron
55b5067a34cf2849913647533d7d035cab64568e
[ "MIT" ]
null
null
null
tronx/modules/group.py
TronUb/Tron
55b5067a34cf2849913647533d7d035cab64568e
[ "MIT" ]
3
2022-03-05T15:24:51.000Z
2022-03-14T08:48:05.000Z
import asyncio from pyrogram.raw import functions from pyrogram.types import Message from tronx import app, gen app.CMD_HELP.update( {"group" : ( "group", { "bgroup [group name]" : "Creates a basic group.", "sgroup [group name]" : "Creates a super group.", "unread" : "Mark a chat as unread in your telegram folders.", "channel [channel name]" : "Create a channel through this command." } ) } ) @app.on_message(gen(["bgroup", "bgp"], allow =["sudo"])) async def basicgroup_handler(_, m: Message): grpname = None users = None if app.long() == 1: return await app.send_edit(f"Usage: `{app.PREFIX}bgroup mygroupname`", delme=4) elif app.long() > 1: grpname = m.text.split(None, 1)[1] users = "@TheRealPhoenixBot" elif app.long() > 2: grpname = m.text.split(None, 1)[1] users = m.text.split(None, 2)[2].split() else: grpname = False users = "@TheRealPhoenixBot" # required try: if grpname: await app.send_edit(f"Creating a new basic group: `{grpname}`") group = await app.create_group(title=f"{grpname}", users=users) await app.send_edit(f"**Created a new basic group:** [{grpname}]({(await app.get_chat(group.id)).invite_link})") else: await app.send_edit("No group name is provided.", text_type=["mono"], delme=4) except Exception as e: await app.error(e) @app.on_message(gen(["sgroup", "sgp"], allow =["sudo"])) async def supergroup_handler(_, m: Message): grpname = None about = None if app.long() == 1: return await app.send_edit(f"`Usage: {app.PREFIX}sgroup mygroupname`", delme=4) elif app.long() > 1: grpname = m.text.split(None, 1)[1] about = "" elif app.long() > 2: grpname = m.text.split(None, 1)[1] about = m.text.split(None, 2)[2] else: grpname = False about = "" try: if grpname: await app.send_edit(f"Creating a new super group: `{grpname}`") group = await app.create_supergroup(title=f"{grpname}", description=about) await app.send_edit(f"**Created a new super group:** [{grpname}]({(await app.get_chat(group.id)).invite_link})") else: await app.send_edit("No group name is provided.", text_type=["mono"], delme=4) except Exception as e: await app.error(e) @app.on_message(gen(["unread", "un"], allow =["sudo"])) async def unreadchat_handler(_, m: Message): try: await asyncio.gather( m.delete(), app.invoke( functions.messages.MarkDialogUnread( peer=await app.resolve_peer(m.chat.id), unread=True ) ), ) except Exception as e: await app.error(e) @app.on_message(gen("channel", allow =["sudo"])) async def channel_handler(_, m: Message): chname = None about = None if app.long() == 1: return await app.send_edit(f"Usage: `{app.PREFIX}channel [channel name]`", delme=4) elif app.long() > 1: chname = m.text.split(None, 1)[1] about = "" elif app.long() > 2: chname = m.text.split(None, 1)[1] about = m.text.split(None, 2)[2] try: if chname: await app.send_edit(f"Creating your channel: `{chname}`") response = await app.create_channel(title=f"{chname}", description=about) if response: await app.send_edit(f"**Created a new channel:** [{chname}]({(await app.get_chat(response.id)).invite_link})", disable_web_page_preview=True) else: await app.send_edit("Couldn't create a channel.") except Exception as e: await app.error(e)
26.275591
145
0.66407
0
0
0
0
2,898
0.868445
2,679
0.802817
1,004
0.300869
b5b452ab3b7a17e033f9002b103343c10716d627
27
py
Python
my_env/lib/python3.6/site-packages/affine/tests/__init__.py
wilsonfilhodev/gis
65926fd36460a7a3590ef7511ccae1d64e3d9988
[ "MIT" ]
121
2015-03-26T15:40:37.000Z
2021-10-10T14:19:06.000Z
my_env/lib/python3.6/site-packages/affine/tests/__init__.py
wilsonfilhodev/gis
65926fd36460a7a3590ef7511ccae1d64e3d9988
[ "MIT" ]
53
2015-06-01T23:44:58.000Z
2020-12-14T15:40:47.000Z
my_env/lib/python3.6/site-packages/affine/tests/__init__.py
wilsonfilhodev/gis
65926fd36460a7a3590ef7511ccae1d64e3d9988
[ "MIT" ]
24
2015-06-01T19:30:21.000Z
2021-08-13T19:47:41.000Z
"""Affine tests package"""
13.5
26
0.666667
0
0
0
0
0
0
0
0
26
0.962963
b5b4862f7fdb7c41318549c096be4b0001eba966
109,366
py
Python
ColabTurtlePlus/Turtle.py
mathriddle/MyColabTurtle
214fe35d617689c65276045d2ff8a15bb5afbe0f
[ "MIT" ]
1
2021-07-15T01:02:15.000Z
2021-07-15T01:02:15.000Z
ColabTurtlePlus/Turtle.py
mathriddle/MyColabTurtle
214fe35d617689c65276045d2ff8a15bb5afbe0f
[ "MIT" ]
1
2021-07-15T01:11:26.000Z
2021-09-24T01:06:45.000Z
ColabTurtlePlus/Turtle.py
mathriddle/MyColabTurtle
214fe35d617689c65276045d2ff8a15bb5afbe0f
[ "MIT" ]
null
null
null
from IPython.display import display, HTML import time import math import re import sys import inspect """ Original Created at: 23rd October 2018 by: Tolga Atam v2.1.0 Updated at: 15th March 2021 by: Tolga Atam Module for drawing classic Turtle figures on Google Colab notebooks. It uses html capabilites of IPython library to draw svg shapes inline. Looks of the figures are inspired from Blockly Games / Turtle (blockly-games.appspot.com/turtle) -------- v1.0.0 Modified April/May 2021 by Larry Riddle Added additional functions and capabilities from classic turtle.py package Made use of SVG functions for animating the motion of the turtle v1.4-v1.5 uploaded to PyPI v2.0.0 Sept. 2021, Switched to using classes to allow for multiple turtles Uploaded to PyPI v2.0.1 Oct. 2021 Lines drawn with drawlines() method now included in saved SVG file. Fixes so that graphic window is still displayed when cell executed more than once in Jupyter notebook. """ DEFAULT_WINDOW_SIZE = (800, 600) DEFAULT_SPEED = 5 DEFAULT_TURTLE_VISIBILITY = True DEFAULT_PEN_COLOR = 'black' DEFAULT_TURTLE_DEGREE = 0 DEFAULT_BACKGROUND_COLOR = 'white' DEFAULT_FILL_COLOR = 'black' DEFAULT_BORDER_COLOR = "" DEFAULT_IS_PEN_DOWN = True DEFAULT_SVG_LINES_STRING = "" DEFAULT_PEN_WIDTH = 1 DEFAULT_OUTLINE_WIDTH = 1 DEFAULT_STRETCHFACTOR = (1,1) DEFAULT_SHEARFACTOR = 0 DEFAULT_TILT_ANGLE = 0 DEFAULT_FILL_RULE = 'evenodd' DEFAULT_FILL_OPACITY = 1 # All 140 color names that modern browsers support, plus 'none'. Taken from https://www.w3schools.com/colors/colors_names.asp VALID_COLORS = ('black', 'navy', 'darkblue', 'mediumblue', 'blue', 'darkgreen', 'green', 'teal', 'darkcyan', 'deepskyblue', 'darkturquoise', 'mediumspringgreen', 'lime', 'springgreen', 'aqua', 'cyan', 'midnightblue', 'dodgerblue', 'lightseagreen', 'forestgreen', 'seagreen', 'darkslategray', 'darkslategrey', 'limegreen', 'mediumseagreen', 'turquoise', 'royalblue', 'steelblue', 'darkslateblue', 'mediumturquoise', 'indigo', 'darkolivegreen', 'cadetblue', 'cornflowerblue', 'rebeccapurple', 'mediumaquamarine', 'dimgray', 'dimgrey', 'slateblue', 'olivedrab', 'slategray', 'slategrey', 'lightslategray', 'lightslategrey', 'mediumslateblue', 'lawngreen', 'chartreuse', 'aquamarine', 'maroon', 'purple', 'olive', 'gray', 'grey', 'skyblue', 'lightskyblue', 'blueviolet', 'darkred', 'darkmagenta', 'saddlebrown', 'darkseagreen', 'lightgreen', 'mediumpurple', 'darkviolet', 'palegreen', 'darkorchid', 'yellowgreen', 'sienna', 'brown', 'darkgray', 'darkgrey', 'lightblue', 'greenyellow', 'paleturquoise', 'lightsteelblue', 'powderblue', 'firebrick', 'darkgoldenrod', 'mediumorchid', 'rosybrown', 'darkkhaki', 'silver', 'mediumvioletred', 'indianred', 'peru', 'chocolate', 'tan', 'lightgray', 'lightgrey', 'thistle', 'orchid', 'goldenrod', 'palevioletred', 'crimson', 'gainsboro', 'plum', 'burlywood', 'lightcyan', 'lavender', 'darksalmon', 'violet', 'palegoldenrod', 'lightcoral', 'khaki', 'aliceblue', 'honeydew', 'azure', 'sandybrown', 'wheat', 'beige', 'whitesmoke', 'mintcream', 'ghostwhite', 'salmon', 'antiquewhite', 'linen', 'lightgoldenrodyellow', 'oldlace', 'red', 'fuchsia', 'magenta', 'deeppink', 'orangered', 'tomato', 'hotpink', 'coral', 'darkorange', 'lightsalmon', 'orange', 'lightpink', 'pink', 'gold', 'peachpuff', 'navajowhite', 'moccasin', 'bisque', 'mistyrose', 'blanchedalmond', 'papayawhip', 'lavenderblush', 'seashell', 'cornsilk', 'lemonchiffon', 'floralwhite', 'snow', 'yellow', 'lightyellow', 'ivory', 'white','none','') #VALID_COLORS_SET = set(VALID_COLORS) VALID_MODES = ('standard','logo','world','svg') DEFAULT_TURTLE_SHAPE = 'classic' VALID_TURTLE_SHAPES = ('turtle', 'ring', 'classic', 'arrow', 'square', 'triangle', 'circle', 'turtle2', 'blank') DEFAULT_MODE = 'standard' DEFAULT_ANGLE_MODE = 'degrees' SVG_TEMPLATE = """ <svg width="{window_width}" height="{window_height}"> <rect width="100%" height="100%" style="fill:{backcolor};stroke:{kolor};stroke-width:1"/> {drawlines} {stampsB} {lines} {dots} {stampsT} {turtle} </svg> """ TURTLE_TURTLE_SVG_TEMPLATE = """<g id="turtle" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <path style="stroke:{pcolor};fill-rule:evenodd;fill:{turtle_color};fill-opacity:1;" transform="skewX({sk}) scale({sx},{sy})" d="m 1.1536693,-18.56101 c -2.105469,1.167969 -3.203125,3.441407 -3.140625,6.5 l 0.011719,0.519532 -0.300782,-0.15625 c -1.308594,-0.671875 -2.828125,-0.824219 -4.378906,-0.429688 -1.9375,0.484375 -3.8906253,2.089844 -6.0117193,4.9257825 -1.332031,1.785156 -1.714843,2.644531 -1.351562,3.035156 l 0.113281,0.125 h 0.363281 c 0.71875,0 1.308594,-0.265625 4.6679693,-2.113282 1.199219,-0.660156 2.183594,-1.199218 2.191406,-1.199218 0.00781,0 -0.023437,0.089844 -0.074218,0.195312 -0.472657,1.058594 -1.046876,2.785156 -1.335938,4.042969 -1.054688,4.574219 -0.351562,8.453125 2.101562,11.582031 0.28125,0.355469 0.292969,0.253906 -0.097656,0.722656 -2.046875,2.4609375 -3.027344,4.8984375 -2.734375,6.8046875 0.050781,0.339844 0.042969,0.335938 0.679688,0.335938 2.023437,0 4.15625,-1.316407 6.21875,-3.835938 0.222656,-0.269531 0.191406,-0.261719 0.425781,-0.113281 0.730469,0.46875 2.460938,1.390625 2.613281,1.390625 0.160157,0 1.765625,-0.753906 2.652344,-1.246094 0.167969,-0.09375 0.308594,-0.164062 0.308594,-0.160156 0.066406,0.105468 0.761719,0.855468 1.085937,1.171875 1.613282,1.570312 3.339844,2.402343 5.3593747,2.570312 0.324219,0.02734 0.355469,0.0078 0.425781,-0.316406 0.375,-1.742187 -0.382812,-4.058594 -2.1445307,-6.5585935 l -0.320312,-0.457031 0.15625,-0.183594 c 3.2460927,-3.824218 3.4335927,-9.08593704 0.558593,-15.816406 l -0.050781,-0.125 1.7382807,0.859375 c 3.585938,1.773437 4.371094,2.097656 5.085938,2.097656 0.945312,0 0.75,-0.863281 -0.558594,-2.507812 C 11.458356,-11.838353 8.3333563,-13.268041 4.8607003,-11.721166 l -0.363281,0.164063 0.019531,-0.09375 c 0.121094,-0.550781 0.183594,-1.800781 0.121094,-2.378907 -0.203125,-1.867187 -1.035157,-3.199218 -2.695313,-4.308593 -0.523437,-0.351563 -0.546875,-0.355469 -0.789062,-0.222657" /> </g>""" TURTLE_RING_SVG_TEMPLATE = """<g id="ring" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <ellipse stroke="{pcolor}" transform="skewX({sk})" stroke-width="3" fill="transparent" rx="{rx}" ry = "{ry}" cx="0" cy="{cy}" /> <polygon points="0,5 5,0 -5,0" transform="skewX({sk}) scale({sx},{sy})" style="fill:{turtle_color};stroke:{pcolor};stroke-width:1" /> </g>""" TURTLE_CLASSIC_SVG_TEMPLATE = """<g id="classic" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <polygon points="-5,-4.5 0,-2.5 5,-4.5 0,4.5" transform="skewX({sk}) scale({sx},{sy})" style="stroke:{pcolor};fill:{turtle_color};stroke-width:{pw}" /> </g>""" TURTLE_ARROW_SVG_TEMPLATE = """<g id="arrow" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <polygon points="-10,-5 0,5 10,-5" transform="skewX({sk}) scale({sx},{sy})" style="stroke:{pcolor};fill:{turtle_color};stroke-width:{pw}" /> </g>""" TURTLE_SQUARE_SVG_TEMPLATE = """<g id="square" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <polygon points="10,-10 10,10 -10,10 -10,-10" transform="skewX({sk}) scale({sx},{sy})" style="stroke:{pcolor};fill:{turtle_color};stroke-width:{pw}" /> </g>""" TURTLE_TRIANGLE_SVG_TEMPLATE = """<g id="triangle" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <polygon points="10,-8.66 0,8.66 -10,-8.66" transform="skewX({sk}) scale({sx},{sy})" style="stroke:{pcolor};fill:{turtle_color};stroke-width:{pw}" /> </g>""" TURTLE_CIRCLE_SVG_TEMPLATE = """<g id="ellipse" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <ellipse transform="skewX({sk}) scale({sx},{sy})" style="stroke:{pcolor};fill:{turtle_color};stroke-width:{pw}" rx="{rx}" ry = "{ry}" cx="0" cy="0" /> </g>""" TURTLE_TURTLE2_SVG_TEMPLATE = """<g id="turtle2" visibility="{visibility}" transform="rotate({degrees},{rotation_x},{rotation_y}) translate({turtle_x}, {turtle_y})"> <polygon points="0,16 2,14 1,10 4,7 7,9 9,8 6,5 7,1 5,-3 8,-6 6,-8 4,-5 0,-7 -4,-5 -6,-8 -8,-6 -5,-3 -7,1 -6,5 -9,8 -7,9 -4,7 -1,10 -2,14" transform="skewX({sk}) scale({sx},{sy})" style="stroke:{pcolor};stroke-width:1;fill:{turtle_color}" /> </g>""" SPEED_TO_SEC_MAP = {0: 0, 1: 1.0, 2: 0.8, 3: 0.5, 4: 0.3, 5: 0.25, 6: 0.20, 7: 0.15, 8: 0.125, 9: 0.10, 10: 0.08, 11: 0.04, 12: 0.02, 13: 0.005} #------------------------------------------------------------------------------------------------ def Screen(): """Return the singleton screen object. If none exists at the moment, create a new one and return it, else return the existing one.""" if Turtle._screen is None: Turtle._screen = _Screen() return Turtle._screen class _Screen: def __init__(self): self._turtles = [] self.window_size = DEFAULT_WINDOW_SIZE self._mode = DEFAULT_MODE if self._mode in ['standard','logo']: self.xmin,self.ymin,self.xmax,self.ymax = -self.window_size[0]/2,-self.window_size[1]/2,self.window_size[0]/2,self.window_size[1]/2 self.xscale = self.yscale = 1 else: self.xmin = self.ymax = 0 self.xscale = 1 self.yscale = -1 self._svg_drawlines_string = "" self.background_color = DEFAULT_BACKGROUND_COLOR self.border_color = DEFAULT_BORDER_COLOR self.drawing_window = display(HTML(self._generateSvgDrawing()), display_id=True) # Helper function that maps [0,13] speed values to ms delays def _speedToSec(self, speed): return SPEED_TO_SEC_MAP[speed] # Add to list of turtles when new object created def _add(self, turtle): self._turtles.append(turtle) self._updateDrawing() #======================= # SVG functions #======================= # Helper function for generating svg string of all the turtles def _generateTurtlesSvgDrawing(self): svg = "" for turtle in self._turtles: svg += self._generateOneSvgTurtle(turtle = turtle) return svg # Helper function for generating svg string of one turtle def _generateOneSvgTurtle(self,turtle): svg = "" if turtle.is_turtle_visible: vis = 'visible' else: vis = 'hidden' turtle_x = turtle.turtle_pos[0] turtle_y = turtle.turtle_pos[1] if self._mode == "standard": degrees = turtle.turtle_degree - turtle.tilt_angle elif self._mode == "world": degrees = turtle.turtle_orient - turtle.tilt_angle else: degrees = turtle.turtle_degree + turtle.tilt_angle if turtle.turtle_shape == 'turtle': degrees += 90 elif turtle.turtle_shape == 'ring': turtle_y += 10*turtle.stretchfactor[1]+4 degrees -= 90 else: degrees -= 90 svg = turtle.shapeDict[turtle.turtle_shape].format( turtle_color=turtle.fill_color, pcolor=turtle.pen_color, turtle_x=turtle_x, turtle_y=turtle_y, visibility=vis, degrees=degrees, sx=turtle.stretchfactor[0], sy=turtle.stretchfactor[1], sk=turtle.shear_factor, rx=10*turtle.stretchfactor[0], ry=10*turtle.stretchfactor[1], cy=-(10*turtle.stretchfactor[1]+4), pw = turtle.outline_width, rotation_x=turtle.turtle_pos[0], rotation_y=turtle.turtle_pos[1]) return svg # helper function for linking svg strings of text def _generateSvgLines(self): svg = "" for turtle in self._turtles: svg+=turtle.svg_lines_string return svg # helper function for linking svg strings of text def _generateSvgFill(self): svg = "" for turtle in self._turtles: svg+=turtle.svg_fill_string return svg # helper function for linking svg strings of text def _generateSvgDots(self): svg = "" for turtle in self._turtles: svg+=turtle.svg_dots_string return svg # helper function for linking svg strings of text def _generateSvgStampsB(self): svg = "" for turtle in self._turtles: svg+=turtle.svg_stampsB_string return svg # helper function for linking svg strings of text def _generateSvgStampsT(self): svg = "" for turtle in self._turtles: svg+=turtle.svg_stampsT_string return svg # Helper function for generating the whole svg string def _generateSvgDrawing(self): return SVG_TEMPLATE.format(window_width=self.window_size[0], window_height=self.window_size[1], backcolor=self.background_color, fill=self._generateSvgFill(), lines=self._generateSvgLines(), dots=self._generateSvgDots(), stampsB=self._generateSvgStampsB(), stampsT=self._generateSvgStampsT(), turtle=self._generateTurtlesSvgDrawing(), drawlines=self._svg_drawlines_string, kolor=self.border_color) def showSVG(self, turtle=False): """Shows the SVG code for the image to the screen. Args: turtle: (optional) a boolean that determines if the turtles are included in the svg output The SVG commands can be printed on screen (after the drawing is completed) or saved to a file for use in a program like inkscape or Adobe Illustrator, or displaying the image in a webpage. """ header = ("""<svg width="{w}" height="{h}" viewBox="0 0 {w} {h}" xmlns="http://www.w3.org/2000/svg">\n""").format( w= self.window_size[0], h= self.window_size[1]) header += ("""<rect width="100%" height="100%" style="fill:{fillcolor};stroke:{kolor};stroke-width:1" />\n""").format( fillcolor=self.background_color, kolor=self.border_color) lines = self._svg_drawlines_string.replace("/>","/>\n") image = self._generateSvgLines().replace("/>","/>\n") stampsB = self._generateSvgStampsB().replace("</g>","</g>\n") stampsT = self._generateSvgStampsT().replace("</g>","</g>\n") dots = self._generateSvgDots().replace(">",">\n") turtle_svg = (self._generateTurtlesSvgDrawing() + " \n") if turtle else "" output = header + stampsB + lines + image + dots + stampsT + turtle_svg + "</svg>" print(output) # Save the image as an SVG file using given filename. Set turtle=True to include turtle in svg output def saveSVG(self, file=None, turtle=False): """Saves the image as an SVG file. Args: file: a string giving filename for saved file. The extension ".svg" will be added if missing. If no filename is given, the default name SVGimage.svg will be used. turtle: an optional boolean that determines if the turtles are included in the svg output saved to the file. Default is False. The SVG commands can be printed on screen (after the drawing is completed) or saved to a file for use in a program like inkscape or Adobe Illustrator, or displaying the image in a webpage. """ if file is None: file = "SVGimage.svg" elif not isinstance(file, str): raise ValueError("File name must be a string") if not file.endswith(".svg"): file += ".svg" text_file = open(file, "w") header = ("""<svg width="{w}" height="{h}" viewBox="0 0 {w} {h}" xmlns="http://www.w3.org/2000/svg">\n""").format( w= self.window_size[0], h= self.window_size[1]) header += ("""<rect width="100%" height="100%" style="fill:{fillcolor};stroke:{kolor};stroke-width:1" />\n""").format( fillcolor=self.background_color, kolor=self.border_color) lines = self._svg_drawlines_string.replace("/>","/>\n") image = self._generateSvgLines().replace("/>","/>\n") stampsB = self._generateSvgStampsB().replace("</g>","</g>\n") stampsT = self._generateSvgStampsT().replace("</g>","</g>\n") dots = self._generateSvgDots().replace(">",">\n") turtle_svg = (self._generateTurtlesSvgDrawing() + " \n") if turtle else "" output = header + stampsB + lines + image + dots + stampsT + turtle_svg + "</svg>" text_file.write(output) text_file.close() #========================= # screen drawing functions #========================= # Helper functions for updating the screen using the latest positions/angles/lines etc. # If the turtle speed is 0, the update is skipped so animation is done. # If the delay is False (or 0), update immediately without any delay def _updateDrawing(self, turtle=None, delay=True): if turtle is not None: if turtle.turtle_speed != 0: self.drawing_window.update(HTML(self._generateSvgDrawing())) if delay: time.sleep(turtle.timeout) else: self.drawing_window.update(HTML(self._generateSvgDrawing())) # Helper function for managing any kind of move to a given 'new_pos' and draw lines if pen is down # Animate turtle motion along line def _moveToNewPosition(self, new_pos, units, turtle): # rounding the new_pos to eliminate floating point errors. new_pos = ( round(new_pos[0],3), round(new_pos[1],3) ) timeout_orig = turtle.timeout start_pos = turtle.turtle_pos svg_lines_string_orig = turtle.svg_lines_string s = 1 if units > 0 else -1 if turtle.turtle_speed != 0 and turtle.animate: if round(self.xscale,6) == round(abs(self.yscale),6): # standard, logo, svg mode, or world mode with same aspect ratio for axes and window initial_pos = turtle.turtle_pos alpha = math.radians(turtle.turtle_degree) tenx, teny = 10/self.xscale, 10/abs(self.yscale) dunits = s*10/self.xscale turtle.timeout = turtle.timeout*.20 while s*units > 0: dx = min(tenx,s*units) dy = min(teny,s*units) turtle.turtle_pos = (initial_pos[0] + s * dx * self.xscale * math.cos(alpha), initial_pos[1] + s * dy * abs(self.yscale) * math.sin(alpha)) if turtle.is_pen_down: turtle.svg_lines_string += \ """<line x1="{x1}" y1="{y1}" x2="{x2}" y2="{y2}" stroke-linecap="round" style="stroke:{pcolor};stroke-width:{pwidth}" />""".format( x1=initial_pos[0], y1=initial_pos[1], x2=turtle.turtle_pos[0], y2=turtle.turtle_pos[1], pcolor=turtle.pen_color, pwidth=turtle.pen_width) initial_pos = turtle.turtle_pos self._updateDrawing(turtle=turtle) units -= dunits else: # world mode with aspect ratio of axes different than aspect ratio of the window initial_pos = turtle.position() alpha = math.radians(turtle.turtle_degree) turtle.timeout = turtle.timeout*0.20 xpixunits = self._convertx(1)-self._convertx(0) #length of 1 world unit along x-axis in pixels ypixunits = self._converty(1)-self._converty(0) #length of 1 world unit along y-axis in pixels xstep = 10/(max(xpixunits,ypixunits)) #length of 10 pixels in world units ystep = xstep dunits = s*xstep while s*units > 0: dx = min(xstep,s*units) dy = min(ystep,s*units) temp_turtle_pos = (initial_pos[0] + s * dx * math.cos(alpha), initial_pos[1] - s * dy * math.sin(alpha)) turtle.turtle_pos = (self._convertx(temp_turtle_pos[0]), self._converty(temp_turtle_pos[1])) if turtle.is_pen_down: turtle.svg_lines_string += \ """<line x1="{x1}" y1="{y1}" x2="{x2}" y2="{y2}" stroke-linecap="round" style="stroke:{pcolor};stroke-width:{pwidth}" />""".format( x1=self._convertx(initial_pos[0]), y1=self._converty(initial_pos[1]), x2= turtle.turtle_pos[0], y2= turtle.turtle_pos[1], pcolor=turtle.pen_color, pwidth=turtle.pen_width) initial_pos = temp_turtle_pos self._updateDrawing(turtle=turtle) units -= dunits if turtle.is_pen_down: # now create the permanent svg string that does not display the animation turtle.svg_lines_string = svg_lines_string_orig + \ """<line x1="{x1}" y1="{y1}" x2="{x2}" y2="{y2}" stroke-linecap="round" style="stroke:{pcolor};stroke-width:{pwidth}" />""".format( x1=start_pos[0], y1=start_pos[1], x2=new_pos[0], y2=new_pos[1], pcolor=turtle.pen_color, pwidth=turtle.pen_width) if turtle.is_filling: turtle.svg_fill_string += """ L {x1} {y1} """.format(x1=new_pos[0],y1=new_pos[1]) turtle.turtle_pos = new_pos turtle.timeout = timeout_orig if not turtle.animate: self._updateDrawing(turtle=turtle) # Helper function for drawing arcs of radius 'r' to 'new_pos' and draw line if pen is down. # Modified from aronma/ColabTurtle_2 github to allow arc on either side of turtle. # Positive radius has circle to left of turtle moving counterclockwise. # Negative radius has circle to right of turtle moving clockwise. def _arctoNewPosition(self, r, new_pos, turtle): sweep = 0 if r > 0 else 1 # SVG arc sweep flag rx = r*self.xscale ry = r*abs(self.yscale) start_pos = turtle.turtle_pos if turtle.is_pen_down: turtle.svg_lines_string += \ """<path d="M {x1} {y1} A {rx} {ry} 0 0 {s} {x2} {y2}" stroke-linecap="round" fill="transparent" fill-opacity="0" style="stroke:{pcolor};stroke-width:{pwidth}"/>""".format( x1=start_pos[0], y1=start_pos[1], rx = rx, ry = ry, x2=new_pos[0], y2=new_pos[1], pcolor=turtle.pen_color, pwidth=turtle.pen_width, s=sweep) if turtle.is_filling: turtle.svg_fill_string += """ A {rx} {ry} 0 0 {s} {x2} {y2} """.format(rx=r,ry=r,x2=new_pos[0],y2=new_pos[1],s=sweep) turtle.turtle_pos = new_pos # Helper function to draw a circular arc # Modified from aronma/ColabTurtle_2 github repo # Positive radius has arc to left of turtle, negative radius has arc to right of turtle. def _arc(self, radius, degrees, draw, turtle): alpha = math.radians(turtle.turtle_degree) theta = math.radians(degrees) s = radius/abs(radius) # 1=left, -1=right gamma = alpha-s*theta circle_center = (turtle.turtle_pos[0] + radius*self.xscale*math.sin(alpha), turtle.turtle_pos[1] - radius*abs(self.yscale)*math.cos(alpha)) ending_point = (round(circle_center[0] - radius*self.xscale*math.sin(gamma),3) , round(circle_center[1] + radius*abs(self.yscale)*math.cos(gamma),3)) self._arctoNewPosition(radius,ending_point,turtle) turtle.turtle_degree = (turtle.turtle_degree - s*degrees) % 360 turtle.turtle_orient = turtle._turtleOrientation() if draw: self._updateDrawing(turtle=turtle) # Convert user coordinates to SVG coordinates def _convertx(self, x): return (x-self.xmin)*self.xscale def _converty(self, y): return (self.ymax-y)*self.yscale def drawline(self,x_1,y_1,x_2=None,y_2=None, color=None, width=None): """Draws a line between two points Args: x_1,y_1 : two numbers or a pair of numbers x_2,y_2 : two numbers a pair of numbers drawline(x_1,y_1,x_2,y_2) drawline((x_1,y_1),(x_2,y_2)) color : string color or tuple of RGB values wdith: positive number Draws a line from (x_1,y_1) to (x_2,y_2) in specified color and width. This line is independent of any turtle motion. """ if isinstance(x_1,tuple) and isinstance(y_1,tuple) and x_2==None and y_2==None: if len(x_1) != 2 or len(y_1) != 2: raise ValueError('The tuple argument must be of length 2.') x_1,y = x_1 x_2,y_2 = y_1 y_1 = y if color is None: color = DEFAULT_PEN_COLOR else: color = self._processColor(color) if width is None: width = DEFAULT_PEN_WIDTH self._svg_drawlines_string += """<line x1="{x1}" y1="{y1}" x2="{x2}" y2="{y2}" stroke-lineca="round" style="stroke:{pencolor};stroke-width:{penwidth}" />""".format( x1=self._convertx(x_1), y1=self._converty(y_1), x2=self._convertx(x_2), y2=self._converty(y_2), pencolor = color, penwidth = width) self._updateDrawing() line = drawline #alias #===================== # Window Control #===================== # Change the background color of the drawing area # If color='none', the drawing window will have no background fill. # If no params, return the current background color def bgcolor(self, color = None, c2 = None, c3 = None): """Sets or returns the background color of the drawing area Args: a color string or three numbers in the range 0..255 or a 3-tuple of such numbers. """ if color is None: return self.background_color elif c2 is not None: if c3 is None: raise ValueError('If the second argument is set, the third arguments must be set as well to complete the rgb set.') color = (color, c2, c3) self.background_color = self._processColor(color) self._updateDrawing(delay=False) # Return turtle window width def window_width(self): """Returns the turtle window width""" return self.window_size[0] # Return turtle window height def window_height(self): """Returns the turtle window height""" return self.window_size[1] def setup(self, width=DEFAULT_WINDOW_SIZE[0], height=DEFAULT_WINDOW_SIZE[1]): """Set the size of the graphics window. Args: width: as integer a size in pixels. Default 800. height: as integer the height in pixels. Default is 600 Note: Percentages are not used in this version. """ if (isinstance(width,float) or isinstance(height,float)): raise ValueError('Percentages not used in this turtle version, only integer pixels.') elif not (isinstance(width,int) and isinstance(height,int)): raise ValueError('The width and height must be integers.') self.window_size = width,height w = width h = height if self._mode == "svg": self.xmin = self.ymax = 0 self.xscale = 1 self.yscale = -1 elif self._mode != "world": self.xmin,self.ymin,self.xmax,self.ymax = -w/2,-h/2,w/2,h/2 self.xscale = self.yscale = 1 else: # mode==world self.xmin,self.ymin,self.xmax,self.ymax = -w/2,-h/2,w/2,h/2 self.xscale = width/(self.xmax-self.xmin) self.yscale = height/(self.ymax-self.ymin) for turtle in self._turtles: if self._mode != "world": turtle.turtle_pos = (w/2, h/2) else: turtle.turtle_pos = (self._convertx(0),self._converty(0)) self._updateDrawing(delay=False) # Show a border around the graphics window. Default (no parameters) is gray. A border can be turned off by setting color='none'. def showborder(self, color = None, c2 = None, c3 = None): """Shows a border around the graphics window. Args: a color string or three numbers in the range 0..255 or a 3-tuple of such numbers. Default (no argument values) is gray. A border can be turned off by setting color='none' (or use hideborder()) """ if color is None: color = "gray" elif c2 is not None: if c3 is None: raise ValueError('If the second argument is set, the third arguments must be set as well to complete the rgb set.') color = (color, c2, c3) self.border_color = self._processColor(color) self._updateDrawing() # Hide the border around the graphics window. def hideborder(self): """Hides the border around the graphics window.""" self.border_color = "none" self._updateDrawing() # Clear all text and all turtles on the screen def clear(self): """Clears any text or drawing in the graphics window. Deletes all turtles. No argument. Note: clear() can only be used as a method, not a function. In order to re-run turtle commands in a cell, put clearscreen() as the first command in the cell (after the import command). """ if self._turtles == []: return for turtle in self._turtles: turtle.svg_lines_string = "" turtle.svg_fill_string = "" turtle.svg_dots_string = "" turtle.svg_stampsB_string = "" turtle.svg_stampsT_string = "" turtle.stampdictB = {} turtle.stampdictT = {} turtle.stampnum = 0 turtle.stamplist=[] turtle.is_filling = False self._svg_drawlines_string = "" self._turtles = [] Turtle._pen = None Turtle._screen = None # Reset all Turtles on the Screen to their initial state. def reset(self): """Resets all turtles to their initial state. No argument. Note: This method is not available as a function. Use resetscreen. """ for turtle in self._turtles: turtle.reset() clearscreen = clear resetscreen = reset # Set turtle mode (“standard”, “logo”, “world”, or "svg") and reset the window. If mode is not given, current mode is returned. def mode(self, mode=None): """Sets turtle mode Arg: One of “standard”, “logo”, “world”, or "svg" "standard": Initial turtle heading is to the right (east) and positive angles measured counterclockwise with 0° pointing right. "logo": Initial turtle heading is upward (north) and positive angles are measured clockwise with 0° pointing up. "world": Used with user-defined coordinates. Setup is same as "standard". "svg": This is a special mode to handle how the original ColabTurtle worked. The coordinate system is the same as that used with SVG. The upper left corner is (0,0) with positive x direction going left to right, and the positive y direction going top to bottom. Positive angles are measured clockwise with 0° pointing right. """ if mode is None: return self._mode elif mode.lower() not in VALID_MODES: raise ValueError('Mode is invalid. Valid options are: ' + str(VALID_MODES)) self._mode = mode.lower() w,h = self.window_size if self._mode == "svg": self.xmin = self.ymax = 0 self.xscale = 1 self.yscale = -1 elif self._mode != "world": self.xmin,self.ymin,self.xmax,self.ymax = -w/2,-h/2,w/2,h/2 self.xscale = self.yscale = 1 self.resetscreen() # Set up user-defined coordinate system using lower left and upper right corners. # Screen is reset. # if the xscale and yscale are not equal, the aspect ratio of the axes and the # graphic window will differ. def setworldcoordinates(self, llx, lly, urx, ury, aspect=False): """Sets up a user defined coordinate-system. Args: llx: a number, x-coordinate of lower left corner of window lly: a number, y-coordinate of lower left corner of window urx: a number, x-coordinate of upper right corner of window ury: a number, y-coordinate of upper right corner of window aspect: boolean - if True, window will be resized to maintain proper aspect ratio with the axes """ if (urx-llx <= 0): raise ValueError("Lower left x-coordinate should be less than upper right x-coordinate") elif (ury-lly <= 0): raise ValueError("Lower left y-coordinate should be less than upper right y-coordinate") self.xmin = llx self.ymin = lly self.xmax = urx self.ymax = ury if aspect: if self.ymax-self.ymin > self.xmax-self.xmin: ysize = self.window_size[1] self.window_size = round((self.xmax-self.xmin)/(self.ymax-self.ymin)*ysize),ysize else: xsize = self.window_size[0] self.window_size = xsize, round((self.ymax-self.ymin)/(self.xmax-self.xmin)*xsize) self.xscale = self.yscale = self.window_size[0]/(self.xmax-self.xmin) else: self.xscale = self.window_size[0]/(self.xmax-self.xmin) self.yscale = self.window_size[1]/(self.ymax-self.ymin) self.mode("world") #self.clearscreen() def turtles(self): """Return the list of turtles on the screen.""" return self._turtles def initializescreen(self,window=DEFAULT_WINDOW_SIZE,mode=DEFAULT_MODE): """Initializes the drawing window Args: window: (optional) the (width,height) in pixels mode: (optional) one of "standard, "logo", "world", or "sv The defaults are (800,600) and "standard". """ if window is not None: if not (isinstance(window, tuple) and len(window) == 2 and isinstance( window[0], int) and isinstance(window[1], int)): raise ValueError('Window must be a tuple of 2 integers') else: self.setup(window[0],window[1]) if mode is not None: self.mode(mode) initializeTurtle = initializescreen ######################################################################################## # Helper functions for color control ######################################################################################## # Used to validate a color string def _validateColorString(self, color): if color in VALID_COLORS: # 140 predefined html color names return True if re.search("^#(?:[0-9a-fA-F]{3}){1,2}$", color): # 3 or 6 digit hex color code return True if re.search("rgb\(\s*(?:(?:\d{1,2}|1\d\d|2(?:[0-4]\d|5[0-5]))\s*,?){3}\)$", color): # rgb color code return True return False # Used to validate if a 3 tuple of integers is a valid RGB color def _validateColorTuple(self, color): if len(color) != 3: return False if not isinstance(color[0], int) or not isinstance(color[1], int) or not isinstance(color[2], int): return False if not 0 <= color[0] <= 255 or not 0 <= color[1] <= 255 or not 0 <= color[2] <= 255: return False return True # Helps validate color input to functions def _processColor(self,color): if isinstance(color, str): if color == "": color = "none" color = color.lower().strip() if 'rgb' not in color: color = color.replace(" ","") if not self._validateColorString(color): err = 'Color ' + color + ' is invalid. It can be a known html color name, 3-6 digit hex string, or rgb string.' raise ValueError(err) return color elif isinstance(color, tuple): if not self._validateColorTuple(color): err = 'Color tuple ' + color + ' is invalid. It must be a tuple of three integers, which are in the interval [0,255]' raise ValueError(err) return 'rgb(' + str(color[0]) + ',' + str(color[1]) + ',' + str(color[2]) + ')' else: err = 'The color parameter ' + color + ' must be a color string or a tuple' raise ValueError(err) #---------------------------------------------------------------------------------------------- class RawTurtle: def __init__(self, window=None): if window is None: self.screen = Screen() elif not isinstance(window, _Screen) == True: raise TypeError("window must be a Screen object") else: self.screen = window screen = self.screen self.turtle_speed = DEFAULT_SPEED self.is_turtle_visible = DEFAULT_TURTLE_VISIBILITY self.pen_color = DEFAULT_PEN_COLOR self.fill_color = DEFAULT_FILL_COLOR self.turtle_degree = DEFAULT_TURTLE_DEGREE if (screen._mode in ["standard","world"]) else (270 - DEFAULT_TURTLE_DEGREE) self.turtle_orient = self.turtle_degree self.svg_lines_string = self.svg_fill_string = self.svg_dots_string = "" self.svg_stampsB_string = self.svg_stampsT_string = "" self.svg_lines_string_temp = "" self.is_pen_down = DEFAULT_IS_PEN_DOWN self.pen_width = DEFAULT_PEN_WIDTH self.turtle_shape = DEFAULT_TURTLE_SHAPE self.tilt_angle = DEFAULT_TILT_ANGLE self.stretchfactor = DEFAULT_STRETCHFACTOR self.shear_factor = DEFAULT_SHEARFACTOR self.outline_width = DEFAULT_OUTLINE_WIDTH if screen._mode != "world": self.turtle_pos = (screen.window_size[0] / 2, screen.window_size[1] / 2) else: self.turtle_pos = (screen._convertx(0),screen._converty(0)) self.timeout = screen._speedToSec(DEFAULT_SPEED) self.animate = True self.is_filling = False self.is_pen_down = True self.angle_conv = 1 self.angle_mode = DEFAULT_ANGLE_MODE self.fill_rule = "evenodd" self.fill_opacity = 1 self.stampdictB = {} self.stampdictT = {} self.stampnum = 0 self.stamplist=[] self.shapeDict = {"turtle":TURTLE_TURTLE_SVG_TEMPLATE, "ring":TURTLE_RING_SVG_TEMPLATE, "classic":TURTLE_CLASSIC_SVG_TEMPLATE, "arrow":TURTLE_ARROW_SVG_TEMPLATE, "square":TURTLE_SQUARE_SVG_TEMPLATE, "triangle":TURTLE_TRIANGLE_SVG_TEMPLATE, "circle":TURTLE_CIRCLE_SVG_TEMPLATE, "turtle2":TURTLE_TURTLE2_SVG_TEMPLATE, "blank":""} if screen._mode == "svg": self.shapeDict.update({"circle":TURTLE_RING_SVG_TEMPLATE}) screen._add(self) #================================================================================= # Turtle Motion #================================================================================= #================================ # Turtle Motion - Move and Draw #================================ # Makes the turtle move forward by 'units' units def forward(self,units): """Moves the turtle forward by the specified distance. Aliases: forward | fd Args: units: a number (integer or float) Moves the turtle forward by the specified distance, in the direction the turtle is headed. """ if not isinstance(units, (int,float)): raise ValueError('Units must be a number.') alpha = math.radians(self.turtle_degree) new_pos = (self.turtle_pos[0] + units * self.screen.xscale * math.cos(alpha), self.turtle_pos[1] + units * abs(self.screen.yscale) * math.sin(alpha)) self.screen._moveToNewPosition(new_pos,units, turtle=self) fd = forward # alias # Makes the turtle move backward by 'units' units def backward(self, units): """Moves the turtle backward by the specified distance. Aliases: backward | back | bk Args: units: a number (integer or float) Move the turtle backward by the specified distance, opposite to the direction the turtle is headed. Do not change the turtle's heading. """ if not isinstance(units, (int,float)): raise ValueError('Units must be a number.') self.forward(-1 * units) bk = backward # alias back = backward # alias # Makes the turtle move right by 'angle' degrees or radians # Uses SVG animation to rotate turtle. # But this doesn't work for turtle=ring and if stretch factors are different for x and y directions, # so in that case break the rotation into pieces of at most 30 degrees. def right(self, angle): """Turns the turtle right by angle units. Aliases: right | rt Args: angle: a number (integer or float) Turns the turtle right by angle units. (Units are by default degrees, but can be set via the degrees() and radians() functions.) Angle orientation depends on mode. """ if not isinstance(angle, (int,float)): raise ValueError('Degrees must be a number.') timeout_orig = self.timeout deg = angle*self.angle_conv if self.turtle_speed == 0 or not self.animate: self.turtle_degree = (self.turtle_degree + deg) % 360 self.screen._updateDrawing(turtle=self) elif self.turtle_shape != 'ring' and self.stretchfactor[0]==self.stretchfactor[1]: stretchfactor_orig = self.stretchfactor template = self.shapeDict[self.turtle_shape] tmp = """<animateTransform id = "one" attributeName="transform" type="scale" from="1 1" to="{sx} {sy}" begin="0s" dur="0.01s" repeatCount="1" additive="sum" fill="freeze" /><animateTransform attributeName="transform" type="rotate" from="0 0 0" to ="{extent} 0 0" begin="one.end" dur="{t}s" repeatCount="1" additive="sum" fill="freeze" /></g>""".format(extent=deg, t=self.timeout*abs(deg)/90, sx=self.stretchfactor[0], sy=self.stretchfactor[1]) newtemplate = template.replace("</g>",tmp) self.shapeDict.update({self.turtle_shape:newtemplate}) self.stretchfactor = 1,1 self.timeout = self.timeout*abs(deg)/90+0.001 self.screen._updateDrawing(self) self.turtle_degree = (self.turtle_degree + deg) % 360 self.turtle_orient = self._turtleOrientation() self.shapeDict.update({self.turtle_shape:template}) self.stretchfactor = stretchfactor_orig self.timeout = timeout_orig else: #_turtle_shape == 'ring' or _stretchfactor[0] != _stretchfactor[1] turtle_degree_orig = self.turtle_degree s = 1 if angle > 0 else -1 while s*deg > 0: if s*deg > 30: self.turtle_degree = (self.turtle_degree + s*30) % 360 self.turtle_orient = self._turtleOrientation() else: self.turtle_degree = (self.turtle_degree + deg) % 360 self.turtle_orient = self._turtleOrientation() self.screen._updateDrawing(turtle=self) deg -= s*30 self.timeout = timeout_orig self.turtle_degree = (self.turtle_degree + deg) % 360 self.turtle_orient = self._turtleOrientation() rt = right # alias # Makes the turtle move right by 'angle' degrees or radians def left(self, angle): """Turns the turtle left by angle units. Aliases: left | lt Args: angle: a number (integer or float) Turns turtle left by angle units. (Units are by default degrees, but can be set via the degrees() and radians() functions.) Angle orientation depends on mode. """ if not isinstance(angle, (int,float)): raise ValueError('Degrees must be a number.') self.right(-1 * angle) lt = left # alias # Since SVG has some ambiguity when using an arc path for a complete circle, # the circle function is broken into chunks of at most 90 degrees. # This is modified from aronma/ColabTurtle_2 github. # Positive radius has circle to left of turtle, negative radius has circle to right of turtle. # The step argument is here only for backward compatability with classic turtle.py circle. # To get a true circular arc, do NOT use steps. Can still be used to draw a regular polygon, but better # to use the regularpolygon() function. def circle(self, radius, extent=None, steps=None): """ Draws a circle with the given radius. Args: radius: a number extent: (optional) a number steps: (optional) a positive integer Draws a circle with given radius. The center is radius units left of the turtle. The extent, an angle, determines which part of the circle is drawn. If extent is not given, draws the entire circle. If extent is not a full circle, one endpoint of the arc is the current pen position. Draws the arc in counterclockwise direction if radius is positive, otherwise in clockwise direction. Finally the direction of the turtle is changed by the amount of extent. The step argument is here only for backward compatability with classic turtle.py circle. To get a true circular arc, do NOT use steps since the circle will be drawn using SVG commands. If steps > 20, it will be assumed that an arc of a circle was intended. This function can still be used to draw a regular polygon with 20 or fewer sides, but it is better to use the regularpolygon() function. """ if not isinstance(radius, (int,float)): raise ValueError('Circle radius should be a number') if extent is None: extent = 360 if self.angle_mode == "degrees" else 2*math.pi elif not isinstance(extent, (int,float)): raise ValueError('Extent should be a number') elif extent < 0: raise ValueError('Extent should be a positive number') # If steps is used, only draw polygon if less than 20 sides. # Otherwise, assume user really wants a circular arc. if (steps is not None) and (steps <= 20): alpha = 1.0*extent/steps length = 2*radius*math.sin(alpha/2*math.pi/180) if radius < 0: alpha = -alpha length = -radius self.left(alpha/2) for _ in range(steps-1): self.forward(length) self.left(alpha) self.forward(length) self.left(alpha/2) elif self.turtle_speed != 0 and self.animate: timeout_temp = self.timeout self.timeout = self.timeout*0.5 degrees = extent*self.angle_conv extent = degrees # Use temporary svg strings for animation svg_lines_string_temp = self.svg_lines_string svg_fill_string_temp = self.svg_fill_string turtle_degree_orig = self.turtle_degree turtle_pos_orig = self.turtle_pos while extent > 0: self.screen._arc(radius,min(15,extent),True, turtle=self) extent -= 15 # return to original position and redo circle for svg strings without animation self.svg_lines_string = svg_lines_string_temp self.svg_fill_string = svg_fill_string_temp self.turtle_degree = turtle_degree_orig self.turtle_pos = turtle_pos_orig while degrees > 0: self.screen._arc(radius,min(180,degrees),False, turtle=self) degrees -= 180 self.timeout = timeout_temp else: # no animation extent = extent*self.angle_conv while extent > 0: self.screen._arc(radius,min(180,extent),True, turtle=self) extent -= 180 # Draw a dot with diameter size, using color # If size is not given, the maximum of _pen_width+4 and 2*_pen_width is used. def dot(self, size = None, *color): """Draws a dot with diameter size, using color. Args: size: (optional) a positive integer *color: (optional) a colorstring or a numeric color tuple Draw a circular dot with diameter size, using color. If size is not given, the maximum of pensize+4 and 2*pensize is used. If no color is given, the pencolor is used. """ if not color: if isinstance(size, (str, tuple)): color = self._processColor(size) size = self.pen_width + max(self.pen_width,4) else: color = self.pen_color if not size: size = self.pen_width + max(self.pen_width,4) else: if size is None: size = self.pen_width + max(self.pen_width,4) color = self._processColor(color[0]) self.svg_dots_string += """<circle cx="{cx}" cy="{cy}" r="{radius}" fill="{kolor}" fill-opacity="1" />""".format( radius=size/2, cx=self.turtle_pos[0], cy=self.turtle_pos[1], kolor=color) self.screen._updateDrawing(turtle = self) # Move along a regular polygon of size sides, with length being the length of each side. The steps indicates how many sides are drawn. # The initial and concluding angle is half of the exteral angle. # A positive length draws the polygon to the left of the turtle's current direction and a negative length draws it to the right # of the turtle's current direction. # Sets fillcolor to "none" if necessary and turns on filling so that the polygon is coded as one path for SVG purposes rather than # as a sequence of line segments. def regularPolygon(self, sides, length, steps=None): """Draws a regular polygon Args: sides: an integer giving the number of sides of the polygon, or a string with the name of a regular polygon of at most 10 sides length: a number giving the length of each side steps: an optional integer indicating how many sides of the polygon to draw Moves the turtle along a regular polygon of size sides, with length being the length of each side. The steps indicates how many sides are drawn. The initial and concluding angle is half of the exterior angle. Positive values for sides or length draws the polygon to the left of the turtle's current direction, and a negative value for either sides or length draws it to the right of the turtle's current direction. """ polygons = {"triangle":3, "square":4, "pentagon":5, "hexagon":6, "heptagon":7, "octagon":8, "nonagon":9, "decagon":10} if sides in polygons: sides = polygons[sides] if steps is None: steps = abs(sides) if not isinstance(sides, int): raise ValueError('The number of sides should be an integer.') elif not isinstance(steps, int): raise ValueError('The number of steps should be a positive integer.') elif steps < 1: raise ValueError('The number of steps should be a positive integer.') polyfilling = False if not self.is_filling: polyfilling = True fillcolor_temp = self.fill_color self.begin_fill() alpha = (360/self.angle_conv)/sides if length < 0: alpha = -alpha length = -length self.left(alpha/2) for _ in range(steps-1): self.forward(length) self.left(alpha) self.forward(length) self.left(alpha/2) if polyfilling: self.fill_color = "none" self.end_fill() self.fill_color = fillcolor_temp self.screen._updateDrawing(turtle=self) # Move the turtle to a designated position. def goto(self, x, y=None): """Moves turtle to an absolute position. Aliases: setpos | setposition | goto Args: x: a number or a pair of numbers y: a number or None goto(x, y) or goto((x,y)) Moves turtle to an absolute position. If the pen is down, a line will be drawn. The turtle's orientation does not change. """ if isinstance(x, tuple) and y is None: if len(x) != 2: raise ValueError('The tuple argument must be of length 2.') y = x[1] x = x[0] if not isinstance(x, (int,float)): raise ValueError('New x position must be a number.') if not isinstance(y, (int,float)): raise ValueError('New y position must be a number.') tilt_angle_orig = self.tilt_angle turtle_angle_orig = self.turtle_degree alpha = self.towards(x,y)*self.angle_conv units = self.distance(x,y) if self.screen._mode == "standard": self.turtle_degree = (360 - alpha) % 360 self.tilt_angle = -((turtle_angle_orig-self.tilt_angle+alpha) % 360) elif self.screen._mode == "logo": self.turtle_degree = (270 + alpha) % 360 self.tilt_angle = turtle_angle_orig+self.tilt_angle-alpha-270 elif self.screen._mode == "world": self.turtle_degree = (360 - alpha) % 360 else: # mode = "svg" self.turtle_degree = alpha % 360 self.tilt_angle = turtle_angle_orig+self.tilt_angle-alpha self.screen._moveToNewPosition((self.screen._convertx(x), self.screen._converty(y)), units, turtle=self) self.tilt_angle = tilt_angle_orig self.turtle_degree = turtle_angle_orig setpos = goto # alias setposition = goto # alias # jump to a point without drawing or animation def jumpto(self,x,y=None): """Jumps to a specified point without drawing/animation Args: x: a number or a pair of numbers y: a number or None jumpto(x, y) or jumpto((x,y)) """ if isinstance(x, tuple) and y is None: if len(x) != 2: raise ValueError('The tuple argument must be of length 2.') y = x[1] x = x[0] animate_temp = self.animate self.penup() self.animationOff() self.goto(x,y) self.animate = animate_temp self.pendown() # Move the turtle to a designated 'x' x-coordinate, y-coordinate stays the same def setx(self, x): """Set the turtle's first coordinate to x Args: x: a number (integer or float) Set the turtle's first coordinate to x, leave second coordinate unchanged. """ if not isinstance(x, (int,float)): raise ValueError('new x position must be a number.') self.goto(x, self.gety()) # Move the turtle to a designated 'y' y-coordinate, x-coordinate stays the same def sety(self,y): """Set the turtle's second coordinate to y Args: y: a number (integer or float) Set the turtle's second coordinate to y, leave first coordinate unchanged. """ if not isinstance(y, (int,float)): raise ValueError('New y position must be a number.') self.goto(self.getx(), y) # Makes the turtle face a given direction def setheading(self, angle): """Set the orientation of the turtle to angle Aliases: setheading | seth Args: angle: a number (integer or float) Units are by default degrees, but can be set via the degrees() and radians() functions. Set the orientation of the turtle to angle. This depends on the mode. """ deg = angle*self.angle_conv if not isinstance(angle, (int,float)): raise ValueError('Degrees must be a number.') if self.screen._mode in ["standard","world"]: new_degree = (360 - deg) elif self.screen.mode == "logo": new_degree = (270 + deg) else: # mode = "svg" new_degree = deg % 360 alpha = (new_degree - self.turtle_degree) % 360 if self.turtle_speed !=0 and self.animate: if alpha <= 180: if self.angle_mode == "degrees": self.right(alpha) else: self.right(math.radians(alpha)) else: if self.angle_mode == "degrees": self.left(360-alpha) else: self.left(math.radians(360-alpha)) else: self.turtle_degree = new_degree self.turtle_orient = self._turtleOrientation() self.screen._updateDrawing(turtle=self) seth = setheading # alias face = setheading # alias # Move turtle to the origin and set its heading to its # start-orientation (which depends on the mode). def home(self): """Moves the turtle to the origin - coordinates (0,0). No arguments. Moves the turtle to the origin (0,0) and sets its heading to its start-orientation (which depends on mode). If the mode is "svg", moves the turtle to the center of the drawing window.) """ if self.screen._mode != 'svg': self.goto(0,0) else: self.goto( (self.screen.window_size[0] / 2, self.screen.window_size[1] / 2) ) #_turtle_degree is always in degrees, but angle mode might be radians #divide by _angle_conv so angle sent to left or right is in the correct mode if self.screen._mode in ['standard','world']: if self.turtle_degree <= 180: self.left(self.turtle_degree/self.angle_conv) else: self.right((360-self.turtle_degree)/self.angle_conv) self.turtle_orient = self._turtleOrientation() self.screen._updateDrawing(turtle=self, delay=False) else: if self.turtle_degree < 90: self.left((self.turtle_degree+90)/self.angle_conv) elif self.turtle_degree< 270: self.right((270-self.turtle_degree)/self.angle_conv) else: self.left((self.turtle_degree-270)/self.angle_conv) # Update the speed of the moves, [0,13] # If argument is omitted, it returns the speed. def speed(self, speed = None): """Returns or set the turtle's speed. Args: speed: an integer in the range 0..13 or a speedstring (see below) Sets the turtle's speed to an integer value in the range 0 .. 13. If no argument is given, returns the current speed. If input is a number greater than 13 or smaller than 0.5, speed is set to 13. Speedstrings are mapped to speedvalues in the following way: 'fastest' : 13 'fast' : 10 'normal' : 6 'slow' : 3 'slowest' : 1 Speeds from 1 to 13 enforce increasingly faster animation of line drawing and turtle turning. Attention: speed = 0 displays final image with no animation. Need to call done() at the end so the final image is displayed. Calling animationOff will show the drawing but with no animation. This means forward/back makes the turtle jump and likewise left/right makes the turtle turn instantly. """ if speed is None: return self.turtle_speed speeds = {'fastest':13, 'fast':10, 'normal':5, 'slow':3, 'slowest':1} if speed in speeds: self.turtle_speed = speeds[speed] elif not isinstance(speed,(int,float)): raise ValueError("speed should be a number between 0 and 13") self.turtle_speed = speed if 0.5 < speed < 13.5: self.turtle_speed = int(round(speed)) elif speed != 0: self.turtle_speed = 13 self.timeout = self.screen._speedToSec(self.turtle_speed) # Call this function at end of turtle commands when speed=0 (no animation) so that final image is drawn def done(self): """Shows the final image when speed=0 No argument speed = 0 displays final image with no animation. Need to call done() at the end so the final image is displayed. """ self.screen.drawing_window.update(HTML(self.screen._generateSvgDrawing())) update = done #alias #======================= # Turtle Motion - Stamps #======================= # Stamp a copy of the turtle shape onto the canvas at the current turtle position. # The argument determines whether the stamp appears below other items (layer=0) or above other items (layer=1) in # the order that SVG draws items. So if layer=0, a stamp may be covered by a filled object, for example, even if # the stamp is originally drawn on top of the object during the animation. To prevent this, set layer=1 (or any nonzero number). # Returns a stamp_id for that stamp, which can be used to delete it by calling clearstamp(stamp_id). def stamp(self, layer=0): """Stamps a copy of the turtleshape onto the canvas and return its id. Args: layer (int): an optional integer that determines whether the stamp appears below other items (layer=0) or above other items (layer=1) in the order that SVG draws items. Returns: integer: a stamp_id for that stamp, which can be used to delete it by calling clearstamp(stamp_id). Stamps a copy of the turtle shape onto the canvas at the current turtle position. If layer=0, a stamp may be covered by a filled object, for example, even if the stamp is originally drawn on top of that object during the animation. To prevent this, set layer=1 or any nonzero number. """ self.stampnum += 1 self.stamplist.append(self.stampnum) if layer != 0: self.stampdictT[self.stampnum] = self.screen._generateTurtlesSvgDrawing() self.svg_stampsT_string += self.stampdictT[self.stampnum] else: self.stampdictB[self.stampnum] = self.screen._generateOneSvgTurtle(turtle=self) self.svg_stampsB_string += self.stampdictB[self.stampnum] self.screen._updateDrawing(turtle=self, delay=False) return self.stampnum # Helper function to do the work for clearstamp() and clearstamps() def _clearstamp(self, stampid): tmp = "" if stampid in self.stampdictB.keys(): self.stampdictB.pop(stampid) self.stamplist.remove(stampid) for n in self.stampdictB: tmp += self.stampdictB[n] self.svg_stampsB_string = tmp elif stampid in self.stampdictT.keys(): self.stampdictT.pop(stampid) self.stamplist.remove(stampid) for n in self.stampdictT: tmp += self.stampdictT[n] self.svg_stampsT_string = tmp self.screen._updateDrawing(turtle=self, delay=False) # Delete stamp with given stampid. # stampid – an integer or tuple of integers, which must be return values of previous stamp() calls def clearstamp(self, stampid): """Deletes the stamp with given stampid Args: stampid - an integer, must be return value of previous stamp() call. """ if isinstance(stampid,tuple): for subitem in stampid: self._clearstamp(subitem) else: self._clearstamp(stampid) # Delete all or first/last n of turtle’s stamps. If n is None, delete all stamps, if n > 0 delete first n stamps, # else if n < 0 delete last n stamps. def clearstamps(self, n=None): """Deletes all or first/last n of turtle's stamps. Args: n: an optional integer If n is None, deletes all of the turtle's stamps. If n > 0, deletes the first n stamps. If n < 0, deletes the last n stamps. """ if n is None: toDelete = self.stamplist[:] elif n > 0: toDelete = self.stamplist[:n] elif n < 0: toDelete = self.stamplist[n:] for k in toDelete: self._clearstamp(k) #==================================== # Turtle Motion - Tell Turtle's State #==================================== # Retrieve the turtle's current position as a (x,y) tuple vector in current coordinate system def position(self): """Returns the turtle's current location (x,y) Aliases: pos | position Returns: tuple: the current turtle location (x,y) """ return (self.xcor(),self.ycor()) pos = position # alias # Retrieve the turtle's currrent 'x' x-coordinate in current coordinate system def xcor(self): """Returns the turtle's x coordinate.""" return(self.turtle_pos[0]/self.screen.xscale+self.screen.xmin) getx = xcor # alias # Retrieve the turtle's currrent 'y' y-coordinate in current coordinate system def ycor(self): """Return the turtle's y coordinate.""" return(self.screen.ymax-self.turtle_pos[1]/self.screen.yscale) gety = ycor # alias # Return the angle between the line from turtle position to position specified by (x,y) # This depends on the turtle’s start orientation which depends on the mode - standard/world or logo. def towards(self, x, y=None): """Returns the angle of the line from the turtle's position to (x, y). Args: x: a number or a pair of numbers y: a number or None distance(x, y) or distance((x, y)) Returns: The angle between the line from turtle-position to position specified by x,y and the turtle's start orientation. (Depends on modes - "standard" or "logo" or "svg") """ if isinstance(x, tuple) and y is None: if len(x) != 2: raise ValueError('The tuple argument must be of length 2.') y = x[1] x = x[0] if not isinstance(x, (int,float)): raise ValueError('The x position must be a number.') if not isinstance(y, (int,float)): raise ValueError('The y position must be a number.') dx = x - self.getx() dy = y - self.gety() if self.screen._mode == "svg": dy = -dy result = round(math.atan2(dy,dx)*180.0/math.pi, 10) % 360.0 if self.screen._mode in ["standard","world"]: angle = result elif self.screen._mode == "logo": angle = (90 - result) % 360 else: # mode = "svg" angle = (360 - result) % 360 if self.angle_mode == "degrees": return round(angle,7) else: return round(math.radians(angle),7) # Retrieve the turtle's current angle in current _angle_mode def heading(self): """Returns the turtle's current heading""" if self.screen._mode in ["standard","world"]: angle = (360 - self.turtle_degree) % 360 elif self.screen._mode == "logo": angle = (self.turtle_degree - 270) % 360 else: # mode = "svg" angle = self.turtle_degree % 360 if self.angle_mode == "degrees": return angle else: return math.radians(angle) getheading = heading # alias # Calculate the distance between the turtle and a given point def distance(self, x, y=None): """Return the distance from the turtle to (x,y) in turtle step units. Args: x: a number or a pair of numbers y: a number or None distance(x, y) or distance((x, y)) """ if isinstance(x, tuple) and y is None: if len(x) != 2: raise ValueError('The tuple argument must be of length 2.') y = x[1] x = x[0] if not isinstance(x, (int,float)): raise ValueError('The x position must be a number.') if not isinstance(y, (int,float)): raise ValueError('The y position must be a number.') return round(math.sqrt( (self.getx() - x) ** 2 + (self.gety() - y) ** 2 ), 8) # If world coordinates are such that the aspect ratio of the axes does not match the # aspect ratio of the graphic window (xscale != yscale), then this helper function is used to # set the orientation of the turtle to line up with the direction of motion in the # world coordinates. def _turtleOrientation(self): if self.screen.xscale == abs(self.screen.yscale): return self.turtle_degree else: alpha = math.radians(self.heading()*self.angle_conv) Dxy = (self.screen._convertx(self.getx()+math.cos(alpha))-self.screen._convertx(self.getx()), self.screen._converty(self.gety()+math.sin(alpha))-self.screen._converty(self.gety())) deg = math.degrees(math.atan2(-Dxy[1],Dxy[0])) % 360 return 360-deg #======================================== # Turtle Motion - Setting and Measurement #======================================== # Set the angle measurement units to radians. def radians(self): """ Sets the angle measurement units to radians.""" self.angle_mode = 'radians' self.angle_conv = 180/math.pi # Set the angle measurement units to degrees. def degrees(self): """ Sets the angle measurement units to radians.""" self.angle_mode = 'degrees' self.angle_conv = 1 #=============================================================================== # Pen Control #=============================================================================== #============================ # Pen Control - Drawing State #============================ # Lowers the pen such that following turtle moves will now cause drawings def pendown(self): """Pulls the pen down -- drawing when moving. Aliases: pendown | pd | down """ self.is_pen_down = True pd = pendown # alias down = pendown # alias # Raises the pen such that following turtle moves will not cause any drawings def penup(self): """Pulls the pen up -- no drawing when moving. Aliases: penup | pu | up """ self.is_pen_down = False pu = penup # alias up = penup # alias # Change the width of the lines drawn by the turtle, in pixels # If the function is called without arguments, it returns the current width def pensize(self, width = None): """Sets or returns the line thickness. Aliases: pensize | width Args: width: positive number Set the line thickness to width or return it. If no argument is given, current pensize is returned. """ if width is None: return self.pen_width else: if not isinstance(width, (int,float)): raise ValueError('New width value must be an integer.') if not width > 0: raise ValueError('New width value must be positive.') self.pen_width = width self.screen._updateDrawing(turtle=self, delay=False) width = pensize #alias # Return or set the pen's attributes def pen(self, dictname=None, **pendict): """Returns or set the pen's attributes. Args: pen: a dictionary with some or all of the below listed keys. **pendict: one or more keyword-arguments with the below listed keys as keywords. Returns or sets the pen's attributes in a 'pen-dictionary' with the following key/value pairs: "shown" : True/False "pendown" : True/False "pencolor" : color-string or color-tuple "fillcolor" : color-string or color-tuple "pensize" : positive number "speed" : number in range 0..13 "stretchfactor" : (positive number, positive number) "shearfactor" : number "outline" : positive number "tilt" : number This dictionary can be used as argument for a subsequent pen()-call to restore the former pen-state. Moreover one or more of these attributes can be provided as keyword-arguments. This can be used to set several pen attributes in one statement. """ _pd = {"shown" : self.is_turtle_visible, "pendown" : self.is_pen_down, "pencolor" : self.pen_color, "fillcolor" : self.fill_color, "pensize" : self.pen_width, "speed" : self.turtle_speed, "stretchfactor" : self.stretchfactor, "shearfactor" : self.shear_factor, "tilt" : self.tilt_angle, "outline" : self.outline_width } if not (dictname or pendict): sf_tmp = self.shear_factor _pd["shearfactor"] = round(math.tan((360-self.shear_factor)*math.pi/180),8) return _pd _pd["shearfactor"] = sf_tmp if isinstance(dictname,dict): p = dictname else: p = {} p.update(pendict) if "shown" in p: self.is_turtle_visible = p["shown"] if "pendown" in p: self.is_pen_down = p["pendown"] if "pencolor" in p: self.pen_color = self._processColor(p["pencolor"]) if "fillcolor" in p: self.fill_color = self._processColor(p["fillcolor"]) if "pensize" in p: self.pen_width = p["pensize"] if "speed" in p: self.turtle_speed = p["speed"] self.timeout = self.screen._speedToSec(self.turtle_speed) if "stretchfactor" in p: sf = p["stretchfactor"] if isinstance(sf, (int,float)): sf = (sf,sf) self.stretchfactor = sf if "shearfactor" in p: alpha = math.atan(p["shearfactor"])*180/math.pi self.shear_factor = (360 - alpha) % 360 p["shearfactor"] = self.shear_factor if "tilt" in p: self.tilt_angle = p["tilt"]*self.angle_conv if "outline" in p: self.outline_width = p["outline"] self.screen._updateDrawing(turtle=self, delay=False) def isdown(self): """Return True if pen is down, False if it's up.""" return self.is_pen_down #============================ # Pen Control - Color Control #============================ # Return or set pencolor and fillcolor def color(self, *args): """Returns or sets the pencolor and fillcolor. Args: Several input formats are allowed. They use 0, 1, 2, or 3 arguments as follows: color() Return the current pencolor and the current fillcolor as a pair of color specification strings as are returned by pencolor and fillcolor. color(colorstring), color((r,g,b)), color(r,g,b) inputs as in pencolor, set both, fillcolor and pencolor, to the given value. color(colorstring1, colorstring2), color((r1,g1,b1), (r2,g2,b2)) equivalent to pencolor(colorstring1) and fillcolor(colorstring2) and analogously, if the other input format is used. """ if args: narg = len(args) if narg == 1: self.pen_color = self.fill_color = self._processColor(args[0]) elif narg == 2: self.pen_color = self._processColor(args[0]) self.fill_color = self._processColor(args[1]) elif narg == 3: kolor = (args[0],args[1],args[2]) self.pen_color = self.fill_color = self._processColor(kolor) else: raise ValueError('Syntax: color(colorstring), color((r,g,b)), color(r,g,b), color(string1,string2), color((r1,g1,b1),(r2,g2,b2))') else: return self.pen_color, self.fill_color self.screen._updateDrawing(turtle=self, delay=False) # Change the color of the pen # If no params, return the current pen color def pencolor(self, color = None, c2 = None, c3 = None): """Returns or sets the pencolor. Args: Four input formats are allowed: pencolor(): Return the current pencolor as color specification string, possibly in hex-number format. May be used as input to another color/pencolor/fillcolor call. pencolor(colorstring): Colorstring is an htmlcolor specification string, such as "red" or "yellow". pencolor((r, g, b)): A tuple of r, g, and b, which represent an RGB color, and each of r, g, and b are in the range 0..255. pencolor(r, g, b): r, g, and b represent an RGB color, and each of r, g, and b are in the range 0..255 """ if color is None: return self.pen_color elif c2 is not None: if c3 is None: raise ValueError('If the second argument is set, the third arguments must be set as well to complete the rgb set.') color = (color, c2, c3) self.pen_color = self._processColor(color) self.screen._updateDrawing(turtle=self, delay=False) # Change the fill color # If no params, return the current fill color def fillcolor(self, color = None, c2 = None, c3 = None): """ Returns or sets the fillcolor. Args: Four input formats are allowed: pencolor(): Return the current pencolor as color specification string, possibly in hex-number format. May be used as input to another color/pencolor/fillcolor call. pencolor(colorstring): Colorstring is an htmlcolor specification string, such as "red" or "yellow". pencolor((r, g, b)): A tuple of r, g, and b, which represent an RGB color, and each of r, g, and b are in the range 0..255. pencolor(r, g, b): r, g, and b represent an RGB color, and each of r, g, and b are in the range 0..255. The interior of the turtle is drawn with the newly set fillcolor. """ if color is None: return _fill_color elif c2 is not None: if c3 is None: raise ValueError('If the second argument is set, the third arguments must be set as well to complete the rgb set.') color = (color, c2, c3) self.fill_color = self._processColor(color) self.screen._updateDrawing(turtle=self, delay=False) #============================= # Turtle Pen Control - Filling #============================= # Return fillstate (True if filling, False else) def filling(self): """Return fillstate (True if filling, False else).""" return self.is_filling # Initialize the string for the svg path of the filled shape. # Modified from aronma/ColabTurtle_2 github repo # The current _svg_lines_string is stored to be used when the fill is finished because the svg_fill_string will include # the svg code for the path generated between the begin and end fill commands. # When calling begin_fill, a value for the _fill_rule can be given that will apply only to that fill. def begin_fill(self, rule=None, opacity=None): """Called just before drawing a shape to be filled. Args: rule: (optional) either evenodd or nonzero opacity: (optional) a number between 0 and 1 Because the fill is controlled by svg rules, the result may differ from classic turtle fill. The fill-rule and fill-opacity can be set as arguments to the begin_fill() function and will apply only to objects filled before the end_fill is called. There are two possible arguments to specify for the SVG fill-rule: 'nonzero' (default) and 'evenodd'. The fill-opacity attribute ranges from 0 (transparent) to 1 (solid). """ if rule is None: rule = self.fill_rule if opacity is None: opacity = self.fill_opacity rule = rule.lower() if not rule in ['evenodd','nonzero']: raise ValueError("The fill-rule must be 'nonzero' or 'evenodd'.") if (opacity < 0) or (opacity > 1): raise ValueError("The fill-opacity should be between 0 and 1.") if not self.is_filling: self.svg_lines_string_temp = self.svg_lines_string self.svg_fill_string = """<path fill-rule="{rule}" fill-opacity="{opacity}" d="M {x1} {y1} """.format( x1=self.turtle_pos[0], y1=self.turtle_pos[1], rule=rule, opacity = opacity) self.is_filling = True # Terminate the string for the svg path of the filled shape # Modified from aronma/ColabTurtle_2 github repo # The original _svg_lines_string was previously stored to be used when the fill is finished because the svg_fill_string will include # the svg code for the path generated between the begin and end fill commands. # the svg code for the path generated between the begin and end fill commands. def end_fill(self): """Fill the shape drawn after the call begin_fill().""" if self.is_filling: self.is_filling = False if self.is_pen_down: bddry = self.pen_color else: bddry = 'none' self.svg_fill_string += """" stroke-linecap="round" style="stroke:{pen};stroke-width:{size}" fill="{fillcolor}" />""".format( fillcolor=self.fill_color, pen = bddry, size = self.pen_width) self.svg_lines_string = self.svg_lines_string_temp + self.svg_fill_string self.screen._updateDrawing(turtle=self, delay=False) # Allow user to set the svg fill-rule. Options are only 'nonzero' or 'evenodd'. If no argument, return current fill-rule. # This can be overridden for an individual object by setting the fill-rule as an argument to begin_fill(). def fillrule(self, rule=None): """Allows user to set the global svg fill-rule. Args: rule: (optional) Either evenodd or nonzero Default is current fill-rule """ if rule is None: return self.fill_rule if not isinstance(rule,str): raise ValueError("The fill-rule must be 'nonzero' or 'evenodd'.") rule = rule.lower() if not rule in ['evenodd','nonzero']: raise ValueError("The fill-rule must be 'nonzero' or 'evenodd'.") self.fill_rule = rule # Allow user to set the svg fill-opacity. If no argument, return current fill-opacity. # This can be overridden for an individual object by setting the fill-opacity as an argument to begin_fill(). def fillopacity(self, opacity=None): """Allows user to set the global svg fill-opacity. Args: opacity: (optional) a number between 0 and 1 Default is current fill-opacity """ if opacity is None: return self.fill_opacity if not isinstance(opacity,(int,float)): raise ValueError("The fill-opacity must be a number between 0 and 1.") if (opacity < 0) or (opacity > 1): raise ValueError("The fill-opacity should be between 0 and 1.") self.fill_opacity = opacity #=========================== # More drawing contols #=========================== # Delete the turtle’s drawings from the screen, re-center the turtle and set (most) variables to the default values. def reset(self): """Resets the turtle to its initial state and clears drawing.""" self.is_turtle_visible = True self.pen_color = DEFAULT_PEN_COLOR self.fill_color = DEFAULT_FILL_COLOR self.is_pen_down = True self.pen_width = DEFAULT_PEN_WIDTH self.stretchfactor = DEFAULT_STRETCHFACTOR self.shear_factor = DEFAULT_SHEARFACTOR self.tilt_angle = DEFAULT_TILT_ANGLE self.outline_width = DEFAULT_OUTLINE_WIDTH self.svg_lines_string = "" self.svg_fill_string = "" self.svg_dots_string = "" self.svg_stampsB_string = "" self.svg_stampsT_string = "" self.stampdictB = {} self.stampdictT = {} self.stampnum = 0 self.stamplist = [] self.turtle_degree = DEFAULT_TURTLE_DEGREE if (self.screen._mode in ["standard","world"]) else (270 - DEFAULT_TURTLE_DEGREE) self.turtle_orient = self.turtle_degree if self.screen._mode != "world": self.turtle_pos = (self.screen.window_size[0] / 2, self.screen.window_size[1] / 2) else: self.turtle_pos = (self.screen._convertx(0),self.screen._converty(0)) self.screen._updateDrawing(turtle=self, delay=False) # Clear text and turtle def clear(self): """Delete the turtle's drawings from the screen. Do not move turtle. No arguments. Delete the turtle's drawings from the screen. Do not move turtle. State and position of the turtle as well as drawings of other turtles are not affected. """ self.svg_lines_string = "" self.svg_fill_string = "" self.svg_dots_string = "" self.svg_stampsB_string = "" self.svg_stampsT_string = "" self.stampdictB = {} self.stampdictT = {} self.stampnum = 0 self.stamplist=[] self.is_filling = False self.screen._updateDrawing(turtle=self, delay=False) def write(self, obj, **kwargs): """Write text at the current turtle position. Args: obj: string which is to be written to the TurtleScreen **kwargs should be align: (optional) one of the strings "left", "center" or right" font: (optional) a triple (fontname, fontsize, fonttype) fonttype can be 'bold', 'italic', 'underline', or 'normal' Write the string text at the current turtle position according to align ("left", "center" or right") and with the given font. Defaults are left, ('Arial',12, 'normal') """ # The move argument in turtle.py is ignored here. The ImageFont in the Pillow package does not # seem to work in Colab because it cannot access the necessary font metric information. # Perhaps there is way to use SVG attributes to determine the length of the string. text = str(obj) font_size = 12 font_family = 'Arial' font_type = 'normal' align = 'start' anchor = {'left':'start','center':'middle','right':'end'} if 'align' in kwargs: if kwargs['align'] in ('left', 'center', 'right'): align = anchor[kwargs['align']] else: raise ValueError('Align parameter must be one of left, center, or right.') if 'font' in kwargs: font = kwargs["font"] if len(font) != 3 or font[2] not in {'bold','italic','underline','normal'}: raise ValueError('Font parameter must be a triplet consisting of font family (str), font size (int), and font type (str). Font type can be one of {bold, italic, underline, normal}') elif isinstance(font[0], str) == True and isinstance(font[1], int) == True: font_family = font[0] font_size = font[1] font_type = font[2] elif isinstance(font[0], int) == True and isinstance(font[1], str) == True: font_family = font[1] font_size = font[0] font_type = font[2] else: raise ValueError('Font parameter must be a triplet consisting of font family (str), font size (int), and font type (str).') style_string = "" style_string += "font-size:" + str(font_size) + "px;" style_string += "font-family:'" + font_family + "';" if font_type == 'bold': style_string += "font-weight:bold;" elif font_type == 'italic': style_string += "font-style:italic;" elif font_type == 'underline': style_string += "text-decoration: underline;" self.svg_lines_string += """<text x="{x}" y="{y}" fill="{strcolor}" text-anchor="{align}" style="{style}">{text}</text>""".format( x=self.turtle_pos[0], y=self.turtle_pos[1], text=text, strcolor=self.pen_color, align=align, style=style_string) self.screen._updateDrawing(turtle=self) #======================================================================== # Turtle State #======================================================================== #========================== # Turtle State - Visibility #========================== # Switch turtle visibility to ON def showturtle(self): """Makes the turtle visible. Aliases: showturtle | st """ self.is_turtle_visible = True self.screen._updateDrawing(turtle=self, delay=False) st = showturtle # alias # Switch turtle visibility to OFF def hideturtle(self): """Makes the turtle invisible. Aliases: hideturtle | ht """ self.is_turtle_visible = False self.screen._updateDrawing(turtle=self, delay=False) ht = hideturtle # alias def isvisible(self): """Return True if the Turtle is shown, False if it's hidden.""" return self.is_turtle_visible #========================== # Turtle State - Appearance #========================== # Set turtle shape to shape with given name or, if name is not given, return name of current shape def shape(self, name=None): """Sets turtle shape to shape with given name / return current shapename. Args: name: an optional string, which is a valid shapename Sets the turtle shape to shape with given name or, if name is not given, returns the name of current shape. The possible turtle shapes include the ones from turtle.py: 'classic' (the default), 'arrow', 'triangle', 'square', 'circle', 'blank'. The 'turtle' shape is the one that Tolga Atam included in his original ColabTurtle version. Use 'turtle2' for the polygonal turtle shape form turtle.py. The circle shape from the original ColabTurtle was renamed 'ring'. """ if name is None: return self.turtle_shape elif name.lower() not in VALID_TURTLE_SHAPES: raise ValueError('Shape is invalid. Valid options are: ' + str(VALID_TURTLE_SHAPES)) self.turtle_shape = name.lower() self.screen._updateDrawing(turtle=self) # Scale the size of the turtle # stretch_wid scales perpendicular to orientation # stretch_len scales in direction of turtle's orientation def shapesize(self, stretch_wid=None, stretch_len=None, outline=None): """Sets/returns turtle's stretchfactors/outline. Args: stretch_wid: positive number stretch_len: positive number outline: positive number Returns or sets the pen's attributes x/y-stretchfactors and/or outline. The turtle will be displayed stretched according to its stretchfactors. stretch_wid is _stretchfactor perpendicular to orientation stretch_len is _stretchfactor in direction of turtles orientation. outline determines the width of the shapes's outline. """ if stretch_wid is stretch_len is outline is None: return self.stretchfactor[0], self.stretchfactor[1], self.outline_width if stretch_wid == 0 or stretch_len == 0: raise ValueError("stretch_wid/stretch_len must not be zero") if stretch_wid is not None: if not isinstance(stretch_wid, (int,float)): raise ValueError('The stretch_wid position must be a number.') if stretch_len is None: self.stretchfactor = stretch_wid, stretch_wid else: if not isinstance(stretch_len, (int,float)): raise ValueError('The stretch_len position must be a number.') self.stretchfactor = stretch_wid, stretch_len elif stretch_len is not None: if not isinstance(stretch_len, (int,float)): raise ValueError('The stretch_len position must be a number.') self.stretchfactor = stretch_len, stretch_len if outline is None: outline = self.outline_width elif not isinstance(outline, (int,float)): raise ValueError('The outline must be a positive number.') self.outline_width = outline turtlesize = shapesize #alias # Set or return the current shearfactor. Shear the turtleshape according to the given shearfactor shear, which is the tangent of the shear angle. # Do not change the turtle’s heading (direction of movement). If shear is not given: return the current shearfactor, i. e. # the tangent of the shear angle, by which lines parallel to the heading of the turtle are sheared. def shearfactor(self, shear=None): """Sets or returns the current shearfactor. Args: shear: number, tangent of the shear angle Shears the turtleshape according to the given shearfactor shear, which is the tangent of the shear angle. DOES NOT change the turtle's heading (direction of movement). If shear is not given, returns the current shearfactor, i. e. the tangent of the shear angle, by which lines parallel to the heading of the turtle are sheared. """ if shear is None: return round(math.tan((360-_shear_factor)*math.pi/180),8) alpha = math.atan(shear)*180/math.pi self.shear_factor = (360 - alpha) % 360 # Rotate the turtleshape to point in the direction specified by angle, regardless of its current tilt-angle. # DO NOT change the turtle's heading (direction of movement). Deprecated since Python version 3.1. def settiltangle(self, angle): """Rotates the turtleshape to point in the specified direction Args: angle: number Rotates the turtleshape to point in the direction specified by angle, regardless of its current tilt-angle. DOES NOT change the turtle's heading (direction of movement). Deprecated since Python version 3.1. """ self.tilt_angle = angle*self.angle_conv self.screen._updateDrawing(turtle=self,delay=False) # Set or return the current tilt-angle. # If angle is given, rotate the turtleshape to point in the direction specified by angle, regardless of its current tilt-angle. # Do not change the turtle’s heading (direction of movement). If angle is not given: return the current tilt-angle, # i. e. the angle between the orientation of the turtleshape and the heading of the turtle (its direction of movement). def tiltangle(self, angle=None): """Sets or returns the current tilt-angle. Args: angle: number Rotates the turtle shape to point in the direction specified by angle, regardless of its current tilt-angle. DOES NOT change the turtle's heading (direction of movement). If angle is not given: returns the current tilt-angle, i. e. the angle between the orientation of the turtleshape and the heading of the turtle (its direction of movement). """ if angle == None: return self.tilt_angle if self.turtle_speed != 0 and self.animate: turtle_degree_temp = self.turtle_degree if self.screen._mode in ["standard","world"]: self.left(-(self.tilt_angle-angle*self.angle_conv)) else: self.right(self.tilt_angle-angle*self.angle_conv) self.turtle_degree = turtle_degree_temp self.tilt_angle = angle*self.angle_conv else: self.tilt_angle = angle*_angle_conv self.screen._updateDrawing(turtle=self, delay=False) # Rotate the turtle shape by angle from its current tilt-angle, but do not change the turtle’s heading (direction of movement). def tilt(self, angle): """Rotates the turtleshape by angle. Args: angle: a number Rotates the turtle shape by angle from its current tilt-angle, but does NOT change the turtle's heading (direction of movement). """ if self.turtle_speed != 0 and self.animate and self.screen._mode != "world": turtle_degree_temp = self.turtle_degree if self.screen._mode == "standard": self.left(angle*self.angle_conv) else: self.right(angle*self.angle_conv) self.turtle_degree = turtle_degree_temp self.tilt_angle += angle*self.angle_conv else: self.tilt_angle += angle*self.angle_conv self.screen._updateDrawing(turtle=self, delay=False) def delete(self): """Deletes the turtle from the drawing window""" self.screen._turtles.remove(self) self.screen._updateDrawing(turtle=self, delay=False) #=========================== # Animation Controls #=========================== # Delay execution of next object for given delay time (in seconds) def delay(self, delay_time): """Delays execution of next object Args: delay_time: positive number giving time in seconds """ time.sleep(delay_time) # Turn off animation. Forward/back/circle makes turtle jump and likewise left/right make the turtle turn instantly. def animationOff(self): """Turns off animation Forward/back/circle makes the turtle jump and likewise left/right makes the turtle turn instantly. """ self.animate = False # Turn animation on. def animationOn(self): """Turns animation on""" self.animate = True def clone(self): screen = self.screen cloneTurtle = Turtle() cloneTurtle.ht() x,y = self.position() cloneTurtle.turtle_pos = screen._convertx(x),screen._converty(y) cloneTurtle.shape(self.shape()) cloneTurtle.pen(self.pen()) return cloneTurtle ######################################################################################## # Helper functions for color control ######################################################################################## # Used to validate a color string def _validateColorString(self,color): return self.screen._validadeColorString(color) # Used to validate if a 3 tuple of integers is a valid RGB color def _validateColorTuple(self, color): return self.screen._validateColorTuple(color) # Helps validate color input to functions def _processColor(self, color): return self.screen._processColor(color) class Turtle(RawTurtle): _pen = None _screen = None def __init__(self): if Turtle._screen is None: Turtle._screen = Screen() RawTurtle.__init__(self, Turtle._screen) # Set the defaults used in the original version of ColabTurtle package def oldDefaults(): """Set the defaults used in the original version of ColabTurtle package.""" global DEFAULT_BACKGROUND_COLOR global DEFAULT_PEN_COLOR global DEFAULT_PEN_WIDTH global DEFAULT_MODE global DEFAULT_TURTLE_SHAPE global DEFAULT_WINDOW_SIZE global DEFAULT_SPEED DEFAULT_BACKGROUND_COLOR = "black" DEFAULT_PEN_COLOR = "white" DEFAULT_PEN_WIDTH = 4 DEFAULT_MODE = 'svg' DEFAULT_TURTLE_SHAPE = "turtle" DEFAULT_WINDOW_SIZE = (800, 500) DEFAULT_SPEED = 4 # Get the color corresponding to position n in the valid color list def getcolor(n): """ Returns the color string in the valid color list at position n Args: n: an integer between 0 and 139 Returns: str: color string in the valid color list at position n """ if not isinstance(n,(int,float)): raise ValueError("color index must be an integer between 0 and 139") n = int(round(n)) if (n < 0) or (n > 139): raise valueError("color index must be an integer between 0 and 139") return VALID_COLORS[n] _tg_screen_functions = ['bgcolor', 'clearscreen', 'drawline', 'hideborder', 'initializescreen','initializeTurtle', 'showSVG', 'saveSVG', 'line', 'mode', 'resetscreen', 'setup', 'setworldcoordinates', 'showborder', 'turtles', 'window_width', 'window_height' ] _tg_turtle_functions = ['animationOff', 'animationOn', 'bk', 'back', 'backward', 'begin_fill', 'circle', 'clear', 'clearstamp', 'clearstamps', 'color', 'degrees', 'delay', 'distance', 'done', 'dot', 'down', 'end_fill', 'face', 'fd', 'fillcolor', 'filling', 'fillopacity', 'fillrule', 'forward', 'getheading', 'getx', 'gety', 'goto', 'heading', 'hideturtle', 'home', 'ht', 'isdown', 'isvisible', 'jumpto', 'left', 'lt', 'pd', 'pen', 'pencolor', 'pensize', 'pendown', 'penup', 'pos', 'position', 'pu', 'radians', 'regularPolygon', 'reset', 'right', 'rt', 'setheading', 'seth', 'setpos', 'setposition', 'settiltangle', 'setx','sety', 'shape', 'shapesize', 'shearfactor', 'showturtle', 'speed', 'st', 'stamp', 'tilt', 'tiltangle', 'turtlesize', 'towards', 'up', 'update', 'width', 'write', 'xcor', 'ycor' ] def _getmethparlist(ob): """Get strings describing the arguments for the given object Returns a pair of strings representing function parameter lists including parenthesis. The first string is suitable for use in function definition and the second is suitable for use in function call. The "self" parameter is not included. """ defText = callText = "" # bit of a hack for methods - turn it into a function # but we drop the "self" param. # Try and build one for Python defined functions args, varargs, varkw = inspect.getargs(ob.__code__) items2 = args[1:] realArgs = args[1:] defaults = ob.__defaults__ or [] defaults = ["=%r" % (value,) for value in defaults] defaults = [""] * (len(realArgs)-len(defaults)) + defaults items1 = [arg + dflt for arg, dflt in zip(realArgs, defaults)] if varargs is not None: items1.append("*" + varargs) items2.append("*" + varargs) if varkw is not None: items1.append("**" + varkw) items2.append("**" + varkw) defText = ", ".join(items1) defText = "(%s)" % defText callText = ", ".join(items2) callText = "(%s)" % callText return defText, callText def _turtle_docrevise(docstr): """To reduce docstrings from RawTurtle class for functions """ if docstr is None: return None turtlename = "turtle" newdocstr = docstr.replace("%s." % turtlename,"") parexp = re.compile(r' \(.+ %s\):' % turtlename) newdocstr = parexp.sub(":", newdocstr) return newdocstr def _screen_docrevise(docstr): """To reduce docstrings from TurtleScreen class for functions """ if docstr is None: return None screenname = "screen" newdocstr = docstr.replace("%s." % screenname,"") parexp = re.compile(r' \(.+ %s\):' % screenname) newdocstr = parexp.sub(":", newdocstr) return newdocstr __func_body = """\ def {name}{paramslist}: if {obj} is None: {obj} = {init} return {obj}.{name}{argslist} """ def _make_global_funcs(functions, cls, obj, init, docrevise): for methodname in functions: try: method = getattr(cls, methodname) except AttributeError: print("method name missing:", methodname) continue pl1, pl2 = _getmethparlist(method) defstr = __func_body.format(obj=obj, init=init, name=methodname, paramslist=pl1, argslist=pl2) exec(defstr, globals()) globals()[methodname].__doc__ = docrevise(method.__doc__) _make_global_funcs(_tg_turtle_functions, Turtle, 'Turtle._pen', 'Turtle()',_turtle_docrevise) _make_global_funcs(_tg_screen_functions, _Screen, 'Turtle._screen', 'Screen()',_screen_docrevise)
44.206144
1,897
0.586517
94,856
0.867001
0
0
0
0
0
0
53,745
0.491239
b5b4a7c2bcf95fde6a181a23d3adc5de69780240
5,152
py
Python
benchmark/bit_task/input_pipeline.py
Fanxingye/AutoDL
6f409aefc8b81e5fe47df57b82332c8df427875d
[ "Apache-2.0" ]
1
2021-11-04T09:19:14.000Z
2021-11-04T09:19:14.000Z
benchmark/bit_task/input_pipeline.py
Fanxingye/AutoDL
6f409aefc8b81e5fe47df57b82332c8df427875d
[ "Apache-2.0" ]
null
null
null
benchmark/bit_task/input_pipeline.py
Fanxingye/AutoDL
6f409aefc8b81e5fe47df57b82332c8df427875d
[ "Apache-2.0" ]
null
null
null
# Copyright 2020 Google LLC # # 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 tensorflow as tf import tensorflow_probability as tfp import tensorflow_datasets as tfds import bit_hyperrule # A workaround to avoid crash because tfds may open too many files. import resource low, high = resource.getrlimit(resource.RLIMIT_NOFILE) resource.setrlimit(resource.RLIMIT_NOFILE, (high, high)) # Adjust depending on the available RAM. MAX_IN_MEMORY = 200_000 # vim /home/yiran.wu/.local/lib/python3.7/site-packages/tensorflow_datasets/core/dataset_info.py : # added in line 449 : return def get_data(dataset, train_split): resize_size, crop_size = bit_hyperrule.get_resolution_from_dataset(dataset) # build from folder data_builder = tfds.folder_dataset.ImageFolder(dataset) # get numbers num_classes = data_builder.info.features['label'].num_classes num_train = data_builder.info.splits['train'].num_examples num_test = data_builder.info.splits['test'].num_examples num_valid = data_builder.info.splits['val'].num_examples # to dataset train_data = data_builder.as_dataset(split='train', decoders={'image': tfds.decode.SkipDecoding()}) test_data = data_builder.as_dataset(split='test', decoders={'image' : tfds.decode.SkipDecoding()}) valid_data = data_builder.as_dataset(split='val', decoders={'image' : tfds.decode.SkipDecoding()}) decoder = data_builder.info.features['image'].decode_example mixup_alpha=bit_hyperrule.get_mixup(num_train) # get returns train_data = data_aug(data=train_data, mode='train', num_examples=num_train, decoder=decoder, num_classes=num_classes, resize_size=resize_size, crop_size=crop_size, mixup_alpha=mixup_alpha) valid_data = data_aug(data=valid_data, mode='valid', num_examples=num_valid, decoder=decoder, num_classes=num_classes, resize_size=resize_size, crop_size=crop_size, mixup_alpha=mixup_alpha) test_data = data_aug(data=test_data, mode='test', num_examples=num_test, decoder=decoder, num_classes=num_classes, resize_size=resize_size, crop_size=crop_size, mixup_alpha=mixup_alpha) return train_data, valid_data, test_data, num_train, num_classes # shadow function of get_data def data_aug(data, mode, num_examples, decoder, num_classes, resize_size, crop_size, mixup_alpha): def _pp(data): im = decoder(data['image']) if mode == 'eee': im = tf.image.resize(im, [resize_size, resize_size]) im = tf.image.random_crop(im, [crop_size, crop_size, 3]) im = tf.image.flip_left_right(im) else: # usage of crop_size here is intentional im = tf.image.resize(im, [crop_size, crop_size]) im = (im - 127.5) / 127.5 label = tf.one_hot(data['label'], num_classes) return {'image': im, 'label': label} def _mixup(data): beta_dist = tfp.distributions.Beta(mixup_alpha, mixup_alpha) beta = tf.cast(beta_dist.sample([]), tf.float32) data['image'] = (beta * data['image'] + (1 - beta) * tf.reverse(data['image'], axis=[0])) data['label'] = (beta * data['label'] + (1 - beta) * tf.reverse(data['label'], axis=[0])) return data def reshape_for_keras(features, crop_size): features["image"] = tf.reshape(features["image"], (1, crop_size, crop_size, 3)) features["label"] = tf.reshape(features["label"], (1, -1)) return (features["image"], features["label"]) data = data.cache() if mode == 'train': data = data.repeat(None).shuffle(min(num_examples, MAX_IN_MEMORY)) data = data.map(_pp, tf.data.experimental.AUTOTUNE) data = data.batch(1) # if mixup_alpha is not None and mixup_alpha > 0.0 and mode == 'train': # data = data.map(_mixup, tf.data.experimental.AUTOTUNE) data = data.map(lambda x: reshape_for_keras(x, crop_size=crop_size)) return data
38.162963
103
0.606366
0
0
0
0
0
0
0
0
1,321
0.256405
b5b4c824ddba4f2d18052e43c4be91b69f16e79d
5,997
py
Python
accrpc/maps.py
manucabral/accrpc
8b8f3d47751732706570fded73cdc64bf1edb41d
[ "MIT" ]
3
2022-01-18T01:11:21.000Z
2022-01-25T01:04:42.000Z
accrpc/maps.py
manucabral/accrpc
8b8f3d47751732706570fded73cdc64bf1edb41d
[ "MIT" ]
null
null
null
accrpc/maps.py
manucabral/accrpc
8b8f3d47751732706570fded73cdc64bf1edb41d
[ "MIT" ]
null
null
null
from ctypes import Structure, sizeof, c_int, c_int32, c_float, c_wchar # Credits # https://github.com/dabde/acc_shared_mem_access_python # https://github.com/rrennoir/PyAccSharedMemory class Statics(Structure): _fields_ = [ ("smVersion", c_wchar * 15), ("acVersion", c_wchar * 15), ("numberOfSessions", c_int), ("numCars", c_int), ("carModel", c_wchar * 33), ("track", c_wchar * 33), ("playerName", c_wchar * 33), ("playerSurname", c_wchar * 33), ("playerNick", c_wchar * 33), ("sectorCount", c_int), ("maxTorque", c_float), ("maxPower", c_float), ("maxRpm", c_int), ("maxFuel", c_float), ("suspensionMaxTravel", c_float * 4), ("tyreRadius", c_float * 4), ("maxTurboBoost", c_float * 4), ("deprecated_1", c_float), ("deprecated_2", c_float), ("penaltiesEnabled", c_int), ("aidFuelRate", c_float), ("aidTireRate", c_float), ("aidMechanicalDamage", c_float), ("aidAllowTyreBlankets", c_int), ("aidStability", c_float), ("aidAutoClutch", c_int), ("aidAutoBlip", c_int), ("hasDRS", c_int), ("hasERS", c_int), ("hasKERS", c_int), ("kersMaxJ", c_float), ("engineBrakeSettingsCount", c_int), ("ersPowerControllerCount", c_int), ("trackSPlineLength", c_float), ("trackConfiguration", c_wchar * 33), ("ersMaxJ", c_float), ("isTimedRace", c_int), ("hasExtraLap", c_int), ("carSkin", c_wchar * 33), ("reversedGridPositions", c_int), ("PitWindowStart", c_int), ("PitWindowEnd", c_int), ("isOnline", c_int), ] class Physics(Structure): _fields_ = [ ("packetId", c_int), ("gas", c_float), ("brake", c_float), ("fuel", c_float), ("gear", c_int), ("rpms", c_int), ("steerAngle", c_float), ("speedKmh", c_float), ("velocity", c_float * 3), ("accG", c_float * 3), ("wheelSlip", c_float * 4), ("wheelLoad", c_float * 4), ("wheelsPressure", c_float * 4), ("wheelAngularSpeed", c_float * 4), ("tyreWear", c_float * 4), ("tyreDirtyLevel", c_float * 4), ("tyreCoreTemperature", c_float * 4), ("camberRAD", c_float * 4), ("suspensionTravel", c_float * 4), ("drs", c_float), ("tc", c_float), ("heading", c_float), ("pitch", c_float), ("roll", c_float), ("cgHeight", c_float), ("carDamage", c_float * 5), ("numberOfTyresOut", c_int), ("pitLimiterOn", c_int), ("abs", c_float), ("kersCharge", c_float), ("kersInput", c_float), ("autoShifterOn", c_int), ("rideHeight", c_float * 2), ("turboBoost", c_float), ("ballast", c_float), ("airDensity", c_float), ("airTemp", c_float), ("roadTemp", c_float), ("localAngularVel", c_float * 3), ("finalFF", c_float), ("performanceMeter", c_float), ("engineBrake", c_int), ("ersRecoveryLevel", c_int), ("ersPowerLevel", c_int), ("ersHeatCharging", c_int), ("ersIsCharging", c_int), ("kersCurrentKJ", c_float), ("drsAvailable", c_int), ("drsEnabled", c_int), ("brakeTemp", c_float * 4), ("clutch", c_float), ("tyreTempI", c_float * 4), ("tyreTempM", c_float * 4), ("tyreTempO", c_float * 4), ("isAIControlled", c_int), ("tyreContactPoint", c_float * 4 * 3), ("tyreContactNormal", c_float * 4 * 3), ("tyreContactHeading", c_float * 4 * 3), ("brakeBias", c_float), ("localVelocity", c_float * 3), ("P2PActivations", c_int), ("P2PStatus", c_int), ("currentMaxRpm", c_int), ("mz", c_float * 4), ("fx", c_float * 4), ("fy", c_float * 4), ("slipRatio", c_float * 4), ("slipAngle", c_float * 4), ("tcinAction", c_int), ("absInAction", c_int), ("suspensionDamage", c_float * 4), ("tyreTemp", c_float * 4), ] class Graphics(Structure): _fields_ = [ ("packetId", c_int), ("AC_STATUS", c_int), ("AC_SESSION_TYPE", c_int), ("currentTime", c_wchar * 15), ("lastTime", c_wchar * 15), ("bestTime", c_wchar * 15), ("split", c_wchar * 15), ("completedLaps", c_int), ("position", c_int), ("iCurrentTime", c_int), ("iLastTime", c_int), ("iBestTime", c_int), ("sessionTimeLeft", c_float), ("distanceTraveled", c_float), ("isInPit", c_int), ("currentSectorIndex", c_int), ("lastSectorTime", c_int), ("numberOfLaps", c_int), ("tyreCompound", c_wchar * 33), ("replayTimeMultiplier", c_float), ("normalizedCarPosition", c_float), ("activeCars", c_int), ("carCoordinates", c_float * 60 * 3), ("carID", c_int * 60), ("playerCarID", c_int), ("penaltyTime", c_float), ("flag", c_int), ("penalty", c_int), ("idealLineOn", c_int), ("isInPitLane", c_int), ("surfaceGrip", c_float), ("mandatoryPitDone", c_int), ("windSpeed", c_float), ("windDirection", c_float), ("isSetupMenuVisible", c_int), ("mainDisplayIndex", c_int), ("secondaryDisplayIndex", c_int), ("TC", c_int), ("TCCut", c_int), ("EngineMap", c_int), ("ABS", c_int), ("fuelXLap", c_int), ("rainLights", c_int), ("flashingLights", c_int), ("lightsStage", c_int), ("exhaustTemperature", c_float), ("wiperLV", c_int), ("DriverStintTotalTimeLeft", c_int), ("DriverStintTimeLeft", c_int), ("rainTypes", c_int), ]
32.416216
70
0.516925
5,803
0.96765
0
0
0
0
0
0
2,226
0.371186
b5b4c9c1dbb3216905a27aa4ce2edea78394a9e2
2,554
py
Python
scripts/plot_fc_bc.py
dpmerrell/TrialMDP-analyses
07e7d2b8aa918e6d314a315be487afc28659a00e
[ "MIT" ]
null
null
null
scripts/plot_fc_bc.py
dpmerrell/TrialMDP-analyses
07e7d2b8aa918e6d314a315be487afc28659a00e
[ "MIT" ]
null
null
null
scripts/plot_fc_bc.py
dpmerrell/TrialMDP-analyses
07e7d2b8aa918e6d314a315be487afc28659a00e
[ "MIT" ]
null
null
null
import matplotlib.pyplot as plt import script_util as su import pandas as pd import numpy as np import argparse def get_score(tsv_file, pA, pB, score_name): df = pd.read_csv(tsv_file, sep="\t") df.set_index(["pA", "pB"], inplace=True) return float(df.loc[(pA, pB), score_name]) def get_N(tsv_file, pA, pB): df = pd.read_csv(tsv_file, sep="\t") df.set_index(["pA", "pB"], inplace=True) return int(df.loc[(pA, pB), "pat"]) def collect_scores(tsv_files, pA, pB, score_name): path_info = [su.parse_path(tsv) for tsv in tsv_files] fcs = [pi["fc"] for pi in path_info] bcs = [pi["bc"] for pi in path_info] scores = [get_score(tsv, pA, pB, score_name) for tsv in tsv_files] fc_ls = sorted(list(set(fcs))) bc_ls = sorted(list(set(bcs))) fc_to_idx = {str(fc): i for i, fc in enumerate(fc_ls)} bc_to_idx = {str(bc): i for i, bc in enumerate(bc_ls)} score_mat = np.empty((len(fc_ls), len(bc_ls))) score_mat[:,:] = np.nan for fc, bc, score in zip(fcs, bcs, scores): score_mat[fc_to_idx[str(fc)], bc_to_idx[str(bc)]] = score return fc_ls, bc_ls, score_mat def plot_scores(fc_ls, bc_ls, score_mat): #plt.imshow(score_mat, vmin=0.0, vmax=1.0, origin="lower", cmap="binary") plt.imshow(np.transpose(score_mat), origin="lower", cmap="binary") plt.xticks(range(len(fc_ls)), fc_ls) plt.yticks(range(len(bc_ls)), bc_ls) plt.xlabel(su.NICE_NAMES["fc"]) plt.ylabel(su.NICE_NAMES["bc"]) return if __name__=="__main__": parser = argparse.ArgumentParser() parser.add_argument("design") parser.add_argument("pA", type=float) parser.add_argument("pB", type=float) parser.add_argument("score_name") parser.add_argument("out_png") parser.add_argument("--score_tsvs", nargs="+") args = parser.parse_args() fc, bc, scores = collect_scores(args.score_tsvs, args.pA, args.pB, args.score_name) N = get_N(args.score_tsvs[0], args.pA, args.pB) plot_scores(fc, bc, scores) plt.colorbar() plt.title("{}\n{}; {}={}; {}={}, {}={}".format(su.NICE_NAMES[args.score_name], su.NICE_NAMES[args.design], su.NICE_NAMES["pat"], N, su.NICE_NAMES["pA"], args.pA, su.NICE_NAMES["pB"], args.pB) ) plt.tight_layout() plt.savefig(args.out_png)
27.462366
82
0.583399
0
0
0
0
0
0
0
0
239
0.093579
b5b5bab4def1ed3509dd85a680dfad03dc1b2fa0
5,466
py
Python
pyai/search/minimax.py
bpesquet/pyai
09f6e9989c9c3d3619b45a0aab2bd363141dfe58
[ "MIT" ]
null
null
null
pyai/search/minimax.py
bpesquet/pyai
09f6e9989c9c3d3619b45a0aab2bd363141dfe58
[ "MIT" ]
null
null
null
pyai/search/minimax.py
bpesquet/pyai
09f6e9989c9c3d3619b45a0aab2bd363141dfe58
[ "MIT" ]
null
null
null
""" Minimax algorithm with alpha-beta pruning applied to the Connect 4 game. Inspired by https://youtu.be/l-hh51ncgDI """ import os import copy import math def minimax(game, depth, maximize, alpha=None, beta=None): """Minimax algorithm, using (optionally) alpha-beta pruning.""" if depth == 0: # Maximum depth reached: evaluate current position return evaluate(game), game, 1, alpha, beta color = get_player_color(maximize) # Init best score with worst possible value # -∞ if maximizing, +∞ if minimizing best_score = -math.inf if maximize else math.inf best_position = [] total_evaluated_positions = 0 for position in next_valid_positions(game, color): # Recursive minimax call for next positions of current player score, _, num_evaluated_positions, _, _ = minimax( position, depth - 1, not maximize, alpha, beta ) total_evaluated_positions += num_evaluated_positions # Store evaluation and best possible position # (the one which improves score if maximizing, or diminish score if minimizing) if (maximize and score > best_score) or (not maximize and score < best_score): best_score = score best_position = position if alpha is not None and beta is not None: # Alpha-beta pruning # alpha is the minimum guaranteed score for the maximizing player # beta is the maximum guaranteed score for the minimizing player if maximize: alpha = max(alpha, best_score) else: beta = min(beta, best_score) if beta < alpha: # Further positions cannot improve score: skip them break return best_score, best_position, total_evaluated_positions, alpha, beta def get_player_color(maximize): """Return the color (R or Y) for a player. The maximizing player plays red, the minimizing player plays yellow. """ return "R" if maximize else "Y" def compute_disc_row(game, y): """Compute at which row a disc will fall when played in a column.""" x = -1 while x < len(game) - 1 and game[x + 1][y] == " ": x += 1 return x def next_valid_positions(game, color): """Return a list of all next valid positions for playing a color.""" positions = [] for y in range(len(game[0])): x = compute_disc_row(game, y) if x != -1: # A play is possible in column y # Clone game (which is a list of lists, hence the need for deep copy) # to obtain a new, independant list # https://stackoverflow.com/a/28684234 nouveau_game = copy.deepcopy(game) nouveau_game[x][y] = color positions.append(nouveau_game) return positions def evaluate(game): """Evaluate a game position. Evaluation method is as follows: - a winning position is either +100 (for red) or -100 (for yellow). - otherwise, the number of red triplets (aligned red discs) is substracted from the number of yellow triplets. """ if count_alignments(game, "R", 4) == 1: return 100 if count_alignments(game, "Y", 4) == 1: return -100 red_triplets = count_alignments(game, "R", 3) yellow_triplets = count_alignments(game, "Y", 3) return red_triplets - yellow_triplets def count_alignments(game, color, target_number): """Count the number of alignments of target_number discs for a color.""" alignments = 0 # Horizontal alignments for x, _ in enumerate(game): for y in range(len(game[x]) - target_number + 1): if game[x][y : y + target_number] == [color] * target_number: # print(f"Horizontal alignment of {target_number} {color} in ({x}, {y})") alignments += 1 # Vertical alignments for x in range(len(game) - target_number + 1): for y in range(len(game[x])): # game[x : x + target_number] returns a list of lists # We retrieve the yth element of each one: a vertical line if [ligne[y] for ligne in game[x : x + target_number]] == [ color ] * target_number: # print(f"Vertical alignment of {target_number} {color} in ({x}, {y})") alignments += 1 # Diagonal alignments for x, _ in enumerate(game): for y in range(len(game[x]) - target_number + 1): # game[x : x + target_number] returns a list of lists # We retrieve the (y+i)th element of each one: a diagonal line if [ ligne[y + i] for i, ligne in enumerate(game[x : x + target_number]) ] == [color] * target_number: # print(f"Diagonal alignment of {target_number} {color} in ({x}, {y})") alignments += 1 return alignments def init_game(n_rows, n_columns, red_discs, yellow_discs): """Init an empty game with some initial moves. Game is a 2D grid indexed from top left (0,0) to bottom right. """ game = [[" " for _ in range(n_columns)] for _ in range(n_rows)] for x, y in red_discs: game[x][y] = "R" for x, y in yellow_discs: game[x][y] = "Y" return game def to_string(game): """Return a string representation of a game position.""" return os.linesep.join([" | ".join([f"{disc}" for disc in row]) for row in game])
32.730539
89
0.612697
0
0
0
0
0
0
0
0
2,203
0.402742
b5b7e6c47eafcf7703a0e022d44052d760708267
2,346
py
Python
test/run_registration.py
wjchen84/rapprentice
9232a6a21e2c80f00854912f07dcdc725b0be95a
[ "BSD-2-Clause" ]
23
2015-08-25T19:40:18.000Z
2020-12-27T09:23:06.000Z
test/run_registration.py
wjchen84/rapprentice
9232a6a21e2c80f00854912f07dcdc725b0be95a
[ "BSD-2-Clause" ]
null
null
null
test/run_registration.py
wjchen84/rapprentice
9232a6a21e2c80f00854912f07dcdc725b0be95a
[ "BSD-2-Clause" ]
8
2016-05-18T20:13:06.000Z
2020-11-03T16:09:50.000Z
import argparse parser = argparse.ArgumentParser() parser.add_argument("--group") args = parser.parse_args() import yaml import numpy as np from lfd import registration, tps import os.path as osp tps.VERBOSE=False np.seterr(all='raise') np.set_printoptions(precision=3) def axisanglepart(m): if np.linalg.det(m) < 0 or np.isnan(m).any(): raise Exception u,s,vh = np.linalg.svd(m) rotpart = u.dot(vh) theta = np.arccos((np.trace(rotpart) - 1)/2) print "theta", theta return (1/(2*np.sin(theta))) * np.array([[rotpart[2,1] - rotpart[1,2], rotpart[0,2]-rotpart[2,0], rotpart[1,0]-rotpart[0,1]]]) with open("ground_truth.yaml","r") as fh: gtdata = yaml.load(fh) grouplist = gtdata if args.group is None else [group for group in gtdata if group["name"] == args.group] for group in grouplist: print "group: ", group["name"] xyz_base = np.loadtxt(osp.join("../test/test_pcs",group["base"])) def plot_cb(x_nd, y_md, targ_nd, corr_nm, wt_n, f): return #return from mayavi import mlab fignum=0 fignum = mlab.figure(0) mlab.clf(figure=fignum) x,y,z = x_nd.T mlab.points3d(x,y,z, color=(1,0,0),scale_factor=.01,figure=fignum) x,y,z, = f.transform_points(x_nd).T mlab.points3d(x,y,z, color=(0,1,0),scale_factor=.01,figure=fignum) x,y,z = y_md.T mlab.points3d(x,y,z, color=(0,0,1),scale_factor=.01,figure=fignum) #raw_input() for other in group["others"]: xyz_other = np.loadtxt(osp.join("../test/test_pcs", other["file"])) f = registration.tps_rpm_zrot(xyz_base, xyz_other,reg_init=2,reg_final=.5,n_iter=9, verbose=True, rot_param = (0.01,0.01,0.0025),scale_param=.01, plot_cb = plot_cb, plotting=1) T_calc = np.c_[ f.lin_ag.T, f.trans_g.reshape(3,1) ] # (.01,.01,.005) print "result" print T_calc print "axis-angle:", print axisanglepart(T_calc[:3,:3]) if "transform" in other: T_other_base = np.array(other["transform"]).reshape(4,4) print "actual" print T_other_base import transform_gui transformer = transform_gui.CloudAffineTransformer(xyz_base, xyz_other, T_calc) transformer.configure_traits()
36.092308
130
0.617221
0
0
0
0
0
0
0
0
208
0.088662
b5b832c7207c148b4f89c1e17e84f452793c1e36
3,397
py
Python
src/preparation/2_prepare_0_tokens.py
wietsedv/gpt2-recycle
7d1dbac01f111d87445de5b950c88971c0a1b733
[ "Apache-2.0" ]
42
2020-12-11T09:21:10.000Z
2022-02-20T01:44:32.000Z
src/preparation/2_prepare_0_tokens.py
wietsedv/gpt2-recycle
7d1dbac01f111d87445de5b950c88971c0a1b733
[ "Apache-2.0" ]
2
2020-12-15T14:40:33.000Z
2021-08-02T07:04:42.000Z
src/preparation/2_prepare_0_tokens.py
wietsedv/gpt2-recycle
7d1dbac01f111d87445de5b950c88971c0a1b733
[ "Apache-2.0" ]
5
2020-12-13T16:03:03.000Z
2021-08-09T14:18:37.000Z
from argparse import ArgumentParser from pathlib import Path import pickle import os from tqdm import tqdm from tokenizers import Tokenizer from tokenizers.processors import RobertaProcessing from transformers import AutoTokenizer def init_tokenizer(lang, n, m): if n is None and m is None: print('size nor model are specified, but one of them is required') exit(1) if m is not None: tokenizer = AutoTokenizer.from_pretrained(m, use_fast=True) return tokenizer tokenizer = Tokenizer.from_file( str( Path('data') / lang / 'preparation' / 'vocabularies' / f'{lang}-{str(n).zfill(3)}k.tokenizer.json')) tokenizer.post_processor = RobertaProcessing( ('</s>', tokenizer.token_to_id('</s>')), ('<s>', tokenizer.token_to_id('<s>')), trim_offsets=True) return tokenizer def tokenize_doc(tokenizer: Tokenizer, doc): enc = tokenizer.encode(doc) if type(enc) == list: return enc return enc.ids def tokenize_file(tokenizer, src_path, eot=None): examples = [] doc = '' with open(src_path) as f: for line in tqdm(f): if eot is None and line == '\n': examples.append(tokenize_doc(tokenizer, doc)) doc = '' continue elif eot is not None and line == eot + '\n': examples.append(tokenize_doc(tokenizer, doc.strip())) doc = '' continue doc += line if doc != '': examples.append(tokenize_doc(tokenizer, doc)) return examples def main(): parser = ArgumentParser() parser.add_argument('lang') parser.add_argument('--size', type=int, default=None, help='vocab size (in thousands)') parser.add_argument('--model', default=None, help='HuggingFace model identifier') parser.add_argument('--eot', default=None) args = parser.parse_args() prep_dir = Path('data') / args.lang / 'preparation' / 'prepared' dst_path = prep_dir / ('data.pkl' if args.size is None else f'data-{str(args.size).zfill(3)}k.pkl') if not dst_path.parent.exists(): os.makedirs(dst_path.parent) print(f' > preparing {dst_path}') tokenizer = init_tokenizer(args.lang, args.size, args.model) examples = [] src_paths = sorted((Path('data') / args.lang / 'preparation' / 'plaintext').glob('**/*.txt')) for src_path in src_paths: print('🔥', src_path) new_examples = tokenize_file(tokenizer, src_path, eot=args.eot) if src_path.name in ['train.txt', 'valid.txt', 'test.txt']: subset = src_path.name.split('.')[0] out_path = dst_path.parent / dst_path.name.replace( 'data', f'data-{subset}') print(f' > exporting {len(new_examples):,} examples to {out_path}') with open(out_path, 'wb') as f: pickle.dump(new_examples, f) examples.extend(new_examples) print(f' ::: {len(examples):,} examples loaded') print(f'{len(examples):,} examples') print(f' > exporting {dst_path}') with open(dst_path, 'wb') as f: pickle.dump(examples, f) if __name__ == '__main__': main()
30.603604
79
0.578746
0
0
0
0
0
0
0
0
640
0.188235
b5b8963f6516bffc7a6999cc9be33b3103b93631
1,175
py
Python
src/notifi/consumers.py
earth-emoji/love
3617bd47c396803c411e136b3e1de87c18e03890
[ "BSD-2-Clause" ]
null
null
null
src/notifi/consumers.py
earth-emoji/love
3617bd47c396803c411e136b3e1de87c18e03890
[ "BSD-2-Clause" ]
7
2021-03-19T10:46:09.000Z
2022-03-12T00:28:55.000Z
src/notifi/consumers.py
earth-emoji/love
3617bd47c396803c411e136b3e1de87c18e03890
[ "BSD-2-Clause" ]
null
null
null
from channels.generic.websocket import WebsocketConsumer import json from asgiref.sync import async_to_sync class NotificationConsumer(WebsocketConsumer): # Function to connect to the websocket def connect(self): # Checking if the User is logged in if self.scope["user"].is_anonymous: # Reject the connection self.close() else: # print(self.scope["user"]) # Can access logged in user details by using self.scope.user, Can only be used if AuthMiddlewareStack is used in the routing.py self.group_name = str(self.scope["user"].pk) # Setting the group name as the pk of the user primary key as it is unique to each user. The group name is used to communicate with the user. async_to_sync(self.channel_layer.group_add)(self.group_name, self.channel_name) self.accept() # Function to disconnet the Socket def disconnect(self, close_code): self.close() # pass # Custom Notify Function which can be called from Views or api to send message to the frontend def notify(self, event): self.send(text_data=json.dumps(event["text"]))
43.518519
199
0.685106
1,065
0.906383
0
0
0
0
0
0
546
0.464681
a9085ff8566d990dfd43c879277cd4b73db4ecb9
185
py
Python
exercicios1/ex017A_hypotensue.py
GabrielaCardosoSilva/python
51d2733c3f3378427f025633d7d0d623fb6c2d73
[ "MIT" ]
1
2021-12-21T21:46:31.000Z
2021-12-21T21:46:31.000Z
exercicios1/ex017A_hypotensue.py
GabrielaCardosoSilva/python
51d2733c3f3378427f025633d7d0d623fb6c2d73
[ "MIT" ]
null
null
null
exercicios1/ex017A_hypotensue.py
GabrielaCardosoSilva/python
51d2733c3f3378427f025633d7d0d623fb6c2d73
[ "MIT" ]
null
null
null
co = float(input('Comprimento do cateto oposto: ')) ca = float(input('Comprimento do cateto adjacente: ')) hy = ((co**2 + ca**2) ** (1/2)) print('A hipotenusa mede {:.2f}'.format(hy))
30.833333
54
0.632432
0
0
0
0
0
0
0
0
93
0.502703
a90935ea9eaeec17fd69395a2c757ba3a6870196
45
py
Python
chapter03/array.py
gothedistance/python-book
18d82b96e8336e2a26608e25b2c2424e19dab2a3
[ "MIT" ]
17
2016-08-12T13:15:43.000Z
2021-03-22T13:35:33.000Z
chapter03/array.py
gothedistance/python-book
18d82b96e8336e2a26608e25b2c2424e19dab2a3
[ "MIT" ]
null
null
null
chapter03/array.py
gothedistance/python-book
18d82b96e8336e2a26608e25b2c2424e19dab2a3
[ "MIT" ]
13
2016-08-12T13:31:47.000Z
2021-01-28T11:06:48.000Z
array = [1,2,3] for v in array: print(v)
11.25
15
0.555556
0
0
0
0
0
0
0
0
0
0
a909774bf8b8ead0a6b26b707982f6f0737bb165
1,479
py
Python
animations/vertical/vanimation.py
juliendelplanque/lcddaemon
77fe0587fe88418aa72897c3a60eff8e7be01372
[ "MIT" ]
null
null
null
animations/vertical/vanimation.py
juliendelplanque/lcddaemon
77fe0587fe88418aa72897c3a60eff8e7be01372
[ "MIT" ]
21
2015-05-30T16:17:02.000Z
2015-07-29T17:30:12.000Z
animations/vertical/vanimation.py
juliendelplanque/lcddaemon
77fe0587fe88418aa72897c3a60eff8e7be01372
[ "MIT" ]
null
null
null
#-*- coding: utf-8 -*- import time from animations.abstractanimation import AbstractAnimation from animations.noanimation.noanimation import MultiLineNoAnimation class VerticalAnimation(AbstractAnimation): def __init__(self, driver): # Call super class constructor. super().__init__(driver) # Re-use an animation already created. self.multi_no_animation = MultiLineNoAnimation(driver) def animate(self, message): strings = message.contents.split('\n') if len(strings) > self.driver.line_count(): self.display(message, strings) else: self.multi_no_animation.animate(message) def display(self, strings): raise NotImplementedError() class TopToBottomAnimation(VerticalAnimation): def display(self, message, strings): time_per_frame = message.duration/len(strings) for i in range(len(strings)): strings_to_display = strings[i:i+self.driver.line_count()] self.driver.clear() self.driver.write_lines(strings_to_display) time.sleep(time_per_frame) class BottomToTopAnimation(VerticalAnimation): def display(self, message, strings): time_per_frame = message.duration/len(strings) for i in range(len(strings), 1, -1): strings_to_display = strings[i-2: i] self.driver.clear() self.driver.write_lines(strings_to_display) time.sleep(time_per_frame)
36.073171
70
0.676133
1,310
0.885734
0
0
0
0
0
0
95
0.064233
a90997632623c70526b57f88d63354bc898f0759
5,056
py
Python
django_backbone/healthchecks/viewsets.py
Jordan-Kowal/django-backbone
19d123adf00b3f7d22e6ef75ba6da0fe7b5e00b0
[ "MIT" ]
1
2020-10-05T21:44:18.000Z
2020-10-05T21:44:18.000Z
django_backbone/healthchecks/viewsets.py
Jordan-Kowal/django-backbone
19d123adf00b3f7d22e6ef75ba6da0fe7b5e00b0
[ "MIT" ]
null
null
null
django_backbone/healthchecks/viewsets.py
Jordan-Kowal/django-backbone
19d123adf00b3f7d22e6ef75ba6da0fe7b5e00b0
[ "MIT" ]
null
null
null
"""Viewsets for the 'healthchecks' app""" # Built-in import logging from enum import Enum from functools import wraps from secrets import token_urlsafe # Django from django.core.cache import cache from django.core.exceptions import FieldError, ImproperlyConfigured, ObjectDoesNotExist from django.db import connection from django.db.migrations.executor import MigrationExecutor from rest_framework.decorators import action from rest_framework.response import Response from rest_framework.status import HTTP_200_OK, HTTP_500_INTERNAL_SERVER_ERROR # Personal from jklib.django.drf.permissions import IsAdminUser from jklib.django.drf.viewsets import ImprovedViewSet # Local from .models import HealthcheckDummy # -------------------------------------------------------------------------------- # > Utilities # -------------------------------------------------------------------------------- LOGGER = logging.getLogger("healthcheck") class Service(Enum): """List of services with healthchecks""" API = "API" CACHE = "CACHE" DATABASE = "DATABASE" MIGRATIONS = "MIGRATIONS" def error_catcher(service): """ Decorator for the healthchecks API endpoints Logs the API call result, and returns a 500 if the service crashes :param Service service: Which service is called :return: Either the service success Response or a 500 :rtype: Response """ def decorator(function): @wraps(function) def wrapper(request, *args, **kwargs): try: response = function(request, *args, **kwargs) LOGGER.info(f"Service {service.name} is OK") return response except Exception as error: LOGGER.error(f"Service {service.name} is KO: {error}") return Response(None, status=HTTP_500_INTERNAL_SERVER_ERROR) return wrapper return decorator # -------------------------------------------------------------------------------- # > ViewSets # -------------------------------------------------------------------------------- class HealthcheckViewSet(ImprovedViewSet): """Viewset for our various healthchecks""" viewset_permission_classes = (IsAdminUser,) serializer_classes = {"default": None} @action(detail=False, methods=["get"]) @error_catcher(Service.API) def api(self, request): """Checks if the API is up and running""" return Response(None, status=HTTP_200_OK) @action(detail=False, methods=["get"]) @error_catcher(Service.CACHE) def cache(self, request): """Checks we can write/read/delete in the cache system""" random_cache_key = token_urlsafe(30) random_cache_value = token_urlsafe(30) # Set value cache.set(random_cache_key, random_cache_value) cached_value = cache.get(random_cache_key, None) if cached_value is None: raise KeyError(f"Failed to set a key/value pair in the cache") if cached_value != random_cache_value: raise ValueError( f"Unexpected value stored in the '{random_cache_key}' cache key" ) # Get value cache.delete(random_cache_value) cached_value = cache.get(random_cache_value, None) if cached_value is not None: raise AttributeError( f"Failed to properly delete the '{random_cache_key}' key in the cache" ) return Response(None, status=HTTP_200_OK) @action(detail=False, methods=["get"]) @error_catcher(Service.DATABASE) def database(self, request): """Checks we can write/read/delete in the database""" # Create content = token_urlsafe(50) instance = HealthcheckDummy.objects.create(content=content) if instance is None: raise LookupError("Failed to create the HealthcheckDummy instance") # Get fetched_instance = HealthcheckDummy.objects.get(pk=instance.id) if fetched_instance is None: raise ObjectDoesNotExist( "Failed to fetch the created HealthcheckDummy instance" ) if fetched_instance.content != content: raise FieldError( "Unexpected field value for the fetched HealthcheckDummy instance" ) # Delete HealthcheckDummy.objects.all().delete() if HealthcheckDummy.objects.count() > 0: raise RuntimeError( "Failed to properly delete all HealthcheckDummy instances" ) return Response(None, status=HTTP_200_OK) @action(detail=False, methods=["get"]) @error_catcher(Service.MIGRATIONS) def migrations(self, request): """Checks if all migrations have been applied to our database""" executor = MigrationExecutor(connection) plan = executor.migration_plan(executor.loader.graph.leaf_nodes()) if plan: raise ImproperlyConfigured("There are migrations to apply") return Response(None, status=HTTP_200_OK)
36.114286
87
0.625791
3,131
0.619264
0
0
3,190
0.630934
0
0
1,616
0.31962
a90a3b893c4a5282243641ddfdb4b678a42dfab0
595
py
Python
slack-notification.py
JSourabh/codepipeline
77b7fb5963199f7d235861a7aed68631d192147d
[ "Apache-2.0" ]
null
null
null
slack-notification.py
JSourabh/codepipeline
77b7fb5963199f7d235861a7aed68631d192147d
[ "Apache-2.0" ]
null
null
null
slack-notification.py
JSourabh/codepipeline
77b7fb5963199f7d235861a7aed68631d192147d
[ "Apache-2.0" ]
null
null
null
def send_message_to_slack(text): from urllib import request, parse import json post = {"text": "{0}".format(text)} try: json_data = json.dumps(post) req = request.Request("https://hooks.slack.com/services/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", data=json_data.encode('ascii'), headers={'Content-Type': 'application/json'}) resp = request.urlopen(req) except Exception as em: print("EXCEPTION: " + str(em)) send_message_to_slack('Deployment has been completed.... ')
31.315789
114
0.608403
0
0
0
0
0
0
0
0
182
0.305882
a90a5cf5add76b19b473f9f00bc495423c4006b7
2,418
py
Python
src/adawat/transforms.py
rafidka/adawat
81828bbea2c3d06d560d6bdbea698b2427dd9917
[ "MIT" ]
null
null
null
src/adawat/transforms.py
rafidka/adawat
81828bbea2c3d06d560d6bdbea698b2427dd9917
[ "MIT" ]
4
2020-08-02T23:50:50.000Z
2020-08-29T02:19:34.000Z
src/adawat/transforms.py
rafidka/adawat
81828bbea2c3d06d560d6bdbea698b2427dd9917
[ "MIT" ]
null
null
null
from typing import Any, TypeVar, Generic, Callable, List import numpy as np import torch class Compose(object): """ Compose multiple transforms together, applying the first, then the second, and so on until the last. """ def __init__(self, *args): self.transforms = args def __call__(self, obj): for transform in self.transforms: obj = transform(obj) return obj TWord = TypeVar('TWord') TIdx = TypeVar('TIdx') class WordToIndex(Generic[TWord, TIdx]): """ Converts words to indices based on a dictionary. """ def __init__(self, word2idx: Callable[[TWord], TIdx]): """ word2idx -- A function that retrieves a unique index for a word. """ self.word2idx = word2idx def __call__(self, word: TWord) -> TIdx: return self.word2idx(word) class WordsToIndices(Generic[TWord, TIdx]): """ List-version of WordToIndex transform, i.e. coverts multiple words to their corresponding indices. """ def __init__(self, word2idx: Callable[[TWord], TIdx]): """ word2idx -- A function that retrieves a unique index for a word. """ self.word2idx = word2idx def __call__(self, words: List[TWord]) -> List[TIdx]: return [self.word2idx(word) for word in words] class WordToOneHot(Generic[TWord, TIdx]): """ Converts words to one-hot encoding based on a dictionary. """ def __init__(self, word2idx: Callable[[TWord], TIdx], vocab_size: int): """ word2idx -- A function that retrieves a unique index for a word. vocab_size -- The size of the dictionary. This is used to decide the size of the one-hot vector. """ self.word2idx = word2idx self.vocab_size = vocab_size def __call__(self, word: TWord) -> TIdx: idx = self.word2idx(word) onehot = [0] * self.vocab_size onehot[idx] = 1 return onehot class ToPyTorchTensor(object): """ Converts a Python list or a NumPy list to a PyTorch vector. """ def __init__(self, dtype, device=None): self.dtype = dtype self.device = device def __call__(self, list): if self.device is not None: return torch.tensor(list, dtype=self.dtype, device=self.device) else: return torch.tensor(list, dtype=self.dtype)
26.282609
79
0.61828
2,263
0.935897
0
0
0
0
0
0
854
0.353184
a90b6c7a5acda4657cfa1d865f79e1eaf7650120
1,701
py
Python
django/apps/attachment/migrations/0006_auto_20200509_1151.py
wykys/project-thesaurus
f700396b30ed44e6b001c15397a25450ac068af4
[ "MIT" ]
null
null
null
django/apps/attachment/migrations/0006_auto_20200509_1151.py
wykys/project-thesaurus
f700396b30ed44e6b001c15397a25450ac068af4
[ "MIT" ]
93
2020-05-19T18:14:12.000Z
2022-03-29T00:26:39.000Z
django/apps/attachment/migrations/0006_auto_20200509_1151.py
wykys/project-thesaurus
f700396b30ed44e6b001c15397a25450ac068af4
[ "MIT" ]
1
2020-11-21T20:24:35.000Z
2020-11-21T20:24:35.000Z
# Generated by Django 3.0.6 on 2020-05-09 11:51 import django.contrib.postgres.fields from django.db import migrations, models import apps.attachment.models.attachment class Migration(migrations.Migration): dependencies = [ ('attachment', '0005_auto_20200507_2306'), ] operations = [ migrations.AddField( model_name='attachment', name='content_type', field=models.CharField(choices=[('application/pdf', 'pdf'), ('image/png', 'png'), ('application/zip', 'zip'), ('application/x-rar-compressed', 'rar'), ('application/x-tar', 'tar'), ('application/gzip', 'gz')], default='application/pdf', max_length=64), preserve_default=False, ), migrations.AlterField( model_name='typeattachment', name='allowed_content_types', field=django.contrib.postgres.fields.ArrayField(base_field=models.CharField(choices=[('application/pdf', 'pdf'), ('image/png', 'png'), ('application/zip', 'zip'), ('application/x-rar-compressed', 'rar'), ('application/x-tar', 'tar'), ('application/gzip', 'gz')], max_length=64), blank=True, default=apps.attachment.models.attachment._default_allowed_content_types, size=None, verbose_name='List of allowed mime/content types'), ), migrations.AlterField( model_name='typeattachment', name='identifier', field=models.CharField(choices=[('thesis_text', 'Thesis text'), ('thesis_assigment', 'Thesis assigment'), ('supervisor_review', 'Supervisor review'), ('opponent_review', 'Opponent review'), ('thesis_poster', 'Thesis poster')], max_length=128, unique=True, verbose_name='Identifier'), ), ]
53.15625
439
0.661376
1,528
0.898295
0
0
0
0
0
0
688
0.404468
a90c404f04036069bd2082d181651a2189166074
2,788
py
Python
tests/test_valve.py
rdehuyss/showerloop
1a9bd9069886f698b5e2ddf6125469eabb050014
[ "MIT" ]
12
2018-08-02T13:40:22.000Z
2022-03-01T09:08:32.000Z
tests/test_valve.py
rdehuyss/showerloop
1a9bd9069886f698b5e2ddf6125469eabb050014
[ "MIT" ]
null
null
null
tests/test_valve.py
rdehuyss/showerloop
1a9bd9069886f698b5e2ddf6125469eabb050014
[ "MIT" ]
1
2020-10-24T13:11:13.000Z
2020-10-24T13:11:13.000Z
import math import os import time from unittest import TestCase import mock from tests.StubTimer import StubTimer from tests.StubUTime import StubUTime class TestValve(TestCase): def setUp(self): self.mock_machine = mock.Mock() self.mock_utime = StubUTime() self.mock_machine.Timer.return_value = StubTimer() def test_init(self): self.valve = self.create_valve(1, 2, 0.0) self.mock_machine.Pin.assert_any_call(1, self.mock_machine.Pin.OUT) self.mock_machine.Pin.assert_any_call(2, self.mock_machine.Pin.OUT) self.mock_machine.Timer.assert_called_with(101) def test_open(self): self.valve = self.create_valve(1, 2, 0.0) self.valve.open(self.open_callback) self.valve.open_relay.pin.value.assert_any_call(0) self.valve.close_relay.pin.value.assert_any_call(0) self.valve.open_relay.pin.value.assert_any_call(1) StubTimer.wait_for_timers() def test_close_does_nothing_when_already_closed(self): self.valve = self.create_valve(1, 2, 0.0) self.valve.close() self.valve.open_relay.pin.value.assert_any_call(0) self.valve.close_relay.pin.value.assert_any_call(0) self.valve.open_relay.pin.value.assert_not_called_with(1) self.valve.close_relay.pin.value.assert_not_called_with(1) StubTimer.wait_for_timers() def test_move_partially(self): self.valve = self.create_valve(1, 2, 0.0) self.valve.move(0.20) StubTimer.wait_for_timers() self.assertEqual(230, round(self.valve.timer.time_in_millis())) # extra time for starting self.valve.move(0.30) StubTimer.wait_for_timers() self.assertEqual(90, round(self.valve.timer.time_in_millis())) # no extra time for starting def test_open_close(self): self.valve = self.create_valve(1, 2, 0.0) self.valve.open() self.valve.close() # TODO: make opening and closing right after each other work def open_callback(self, valve_counter, state): self.assertEqual(valve_counter, 1) self.assertEqual(state, 1.0) self.valve.open_relay.pin.value.assert_called_with(0) def create_valve(self, pinOpen, pinClose, default_state, time_to_open=1000): with mock.patch.dict('sys.modules', machine=self.mock_machine), mock.patch.dict('sys.modules', utime=self.mock_utime): from main.valve import Valve return Valve(pinOpen, pinClose, default_state, time_to_open) def assert_not_called_with(self, arg): if ((arg,),) in self.call_args_list: raise Exception('Error expected not be called with', arg, '. All calls: ', self.call_args_list) mock.Mock.assert_not_called_with = assert_not_called_with
36.684211
126
0.694763
2,632
0.944046
0
0
0
0
0
0
189
0.067791
a90d8ca252bf2267c50c432c7ac883793403748f
7,085
py
Python
clustering.py
audy/clump
e0715fa0d1f1ef4cf2cdd39531aa82d323474665
[ "MIT" ]
null
null
null
clustering.py
audy/clump
e0715fa0d1f1ef4cf2cdd39531aa82d323474665
[ "MIT" ]
null
null
null
clustering.py
audy/clump
e0715fa0d1f1ef4cf2cdd39531aa82d323474665
[ "MIT" ]
null
null
null
#!/usr/local/bin/python import sys import Pycluster as pc from pylab import * from collections import defaultdict colors = ('green', 'blue', 'orange', 'cyan', 'magenta', 'red', 'yellow', 'pink', 'purple', 'brown') def main(): """docstring for main""" filename = sys.argv[1] # Load tables with open(filename) as handle: data, flat_data = load_table(handle) distance_functions = { 'Pearson Correlation': 'c', 'Absolute Pearson Correlation': 'a', 'Uncentered Pearson Correlation': 'u', 'Absolute uncentered Pearson Correlation': 'x', 'Spearman\'s Rank Correlation': 's', 'Kendall\'s T': 'k', 'Euclidean distance': 'e', 'City-block distance': 'b', } nclusters, method, distance = 10, 'm', 'a' clusters = k_means(flat_data, data, nclusters, method, distance) make_plots('k-means: n=%s, m=%s, d=%s' % \ (nclusters, method, distance), clusters, flat_data) hierarchical(flat_data, data, nclusters, method, distance) make_plots('hierarchical: n=%s, m=%s, d=%s' % \ (nclusters, method, distance), clusters, flat_data) def k_means(flat_data, data, nclusters, method, distance): """ K-Means Clustering """ clusterid, error, nfound = pc.kcluster( flat_data.values(), nclusters=nclusters, mask=None, weight=None, transpose=0, npass=100, method=method, dist=distance, initialid=None) # load clusters into dictionary clusters = defaultdict(list) for i, j in zip(clusterid, data): clusters[i].append(j) return clusters def hierarchical(flat_data, data, nclusters, method, distance): """ Hierarchical clustering """ tree = pc.treecluster(data=flat_data.values(), mask=None, weight=None, transpose=0, method=method, dist=distance, distancematrix=None) clusterid = tree.cut(nclusters) clusters = defaultdict(list) for i, j in zip(clusterid, data): clusters[i].append(j) return clusters def self_organizing_map(flat_data, data): """ """ # Self-organizing maps clusterid, celldata = pc.somcluster( data=flat_data.values(), transpose=0, nxgrid=5, nygrid=5, inittau=0.02, niter=100, dist='e') # load clusters into dictionary clusters = defaultdict(list) for i, j in zip(clusterid, data): clusters[tuple(i)].append(j) make_plots('SOM (c=%s, m=%s, d=%s)' % (nclusters, method, distance), clusters, flat_data) def make_plots(title, nclusters, flat_data): """ Makes your plots """ ma_plot(title, nclusters, flat_data) plot_clusters(title, nclusters, flat_data) lr_plot(title, nclusters, flat_data) def print_clusters(clusters): """ Prints something that makes sense. """ for i in clusters: print ' Cluster %s:' % i for j in sorted(clusters[i]): print ' %s' % (j) def lr_plot(title, clusters, flat_data): """ log(2) ratio plot """ fig = figure() ax = fig.add_subplot(111) ax.set_xlabel('log(2)[avg(cases, controls)]') ax.set_ylabel('log(2)[cases]+1/log(2)[controls]+1') ax.set_title(title) vectors = {} for c in clusters: color = colors[c] vectors[color] = [] for g in clusters[c]: v = flat_data[g] j = math.log((v[0]+1)/(v[1]+1.0), 2) i = math.log((v[0] + v[1])/2.0, 2) vectors[color].append((i, j)) plt.scatter([v[0] for v in vectors[color]], [v[1] for v in vectors[color]], s=50, c=color, alpha=0.5) show() def ma_plot(title, clusters, flat_data): """ Plots data in an MA plot M = log(2)[case] - log(2)[control] A = .5(log(2)[case] + log(2)[control]) """ fig = figure() ax = fig.add_subplot(111) ax.set_xlabel('log(2)[cases] - log(2)[controls]') ax.set_ylabel('1/2(log(2)[cases] + log(2)[controls])') ax.set_title(title) vectors = {} for c in clusters: color = colors[c] vectors[color] = [] for g in clusters[c]: v = (flat_data[g][0]+1, flat_data[g][1]+1) x = math.log(v[0], 2) - math.log(v[1], 2) y = (0.5)*(math.log(v[0], 2) + math.log(v[1], 2)) vectors[color].append((x, y)) plt.scatter([v[0] for v in vectors[color]], [v[1] for v in vectors[color]], s=50, c=color, alpha=0.5) show() def plot_clusters(title, clusters, flat_data): """ plots clustering output """ fig = figure() ax = fig.add_subplot(111) ax.set_xlabel('# cases') ax.set_ylabel('# controls') ax.set_title(title) vectors = {} for c in clusters: color = colors[c] vectors[color] = [] for g in clusters[c]: v = flat_data[g] vectors[color].append(v) plt.scatter([v[0] for v in vectors[color]], [v[1] for v in vectors[color]], s=50, c=color, alpha=0.5) show() def load_table(handle): """ Loads Data Table """ data = {} for line in handle: if line.startswith('#'): continue line = line.strip().split(',') values = line[:-1] gene = line[-1] if '#' in gene: continue if gene.count(';') < 4: continue gene = gene.split(',')[-1] # Let's try relative "expresion" levels # Ie. normalize at the row level data[gene] = { 'cases': [int(i) for i in values[4:]], 'controls': [int(i) for i in values[:4]] } # We only want to consider {cases} versus {controls} flat_data = {} for k in data: i = data[k] flat_data[k] = [sum(i['cases'])/4.0, sum(i['controls'])/4.0] return data, flat_data def normalize_table(table): """ Normalizes you a table by dividing each entry in a column by the sum of that column """ sums = [0]*len(table.values()[0]) for k in table: for i in range(len(table[k])): sums[i] += table[k][i] for k in table: for i in range(len(table[k])): table[k][i] = table[k][i]/float(sums[i]) return table if __name__ == '__main__': main()
27.784314
73
0.500494
0
0
0
0
0
0
0
0
1,329
0.187579
a9110b5c0117f2af8467c6b63060a19e830d3f66
3,381
py
Python
data/image_folder.py
VuongTuanKhanh/Brain-MRI-GAN
c115b9aa92aac9efe11710df38e0312b3a508b4c
[ "MIT" ]
null
null
null
data/image_folder.py
VuongTuanKhanh/Brain-MRI-GAN
c115b9aa92aac9efe11710df38e0312b3a508b4c
[ "MIT" ]
null
null
null
data/image_folder.py
VuongTuanKhanh/Brain-MRI-GAN
c115b9aa92aac9efe11710df38e0312b3a508b4c
[ "MIT" ]
null
null
null
"""A modified image folder class We modify the official PyTorch image folder (https://github.com/pytorch/vision/blob/master/torchvision/datasets/folder.py) so that this class can load images from both current directory and its subdirectories. """ import torch.utils.data as data from PIL import Image import nibabel as nib from shutil import rmtree import numpy as np import cv2 import os IMG_EXTENSIONS = [ '.jpg', '.JPG', '.jpeg', '.JPEG', '.png', '.PNG', '.ppm', '.PPM', '.bmp', '.BMP', '.tif', '.TIF', '.tiff', '.TIFF', ] def is_image_file(filename): return any(filename.endswith(extension) for extension in IMG_EXTENSIONS) def make_dataset(dir, max_dataset_size=float("inf")): images = [] assert os.path.isdir(dir), '%s is not a valid directory' % dir for root, _, fnames in sorted(os.walk(dir)): for fname in fnames: if is_image_file(fname): path = os.path.join(root, fname) images.append(path) images = images[:min(max_dataset_size, len(images))] images.sort(key=lambda x: int(x.split('_')[-1].split('.')[0])) return images def default_loader(path): return Image.open(path).convert('RGB') def get_mri_images(file): img = nib.load(file) data = img.get_fdata() maxx = data.max() data = data/maxx return data, data.shape[-1] def save_image_data(image_folder, target_folder): image_file_format = '{}{}_{}.nii.gz' file_path_t1 = image_file_format.format(image_folder, image_folder.split('/')[-2], 't1') file_path_t2 = image_file_format.format(image_folder, image_folder.split('/')[-2], 't1ce') t1_img, _ = get_mri_images(file_path_t1) t2_img, _ = get_mri_images(file_path_t2) file_name = image_folder.split('/')[-2].split('_')[-1] image_size = t1_img.shape[0] for i in range(30, 110): canvas = np.empty((image_size, image_size*2), np.uint8) canvas[:, :image_size] = (t1_img[:, :, i] * 255).astype('int') canvas[:, image_size:] = (t2_img[:, :, i] * 255).astype('int') cv2.imwrite(target_folder + file_name + '_' + str(i) + '.jpg', canvas) def make_test_dataset(validation_folder, save_folder): all_images_folder = [validation_folder + f + '/' for f in os.listdir(validation_folder)][:-2] if os.path.isdir(save_folder): rmtree(save_folder) os.mkdir(save_folder) os.mkdir(save_folder + 'test/') rand_fld = np.random.choice(all_images_folder) save_image_data(rand_fld, save_folder + 'test/') class ImageFolder(data.Dataset): def __init__(self, root, transform=None, return_paths=False, loader=default_loader): imgs = make_dataset(root) if len(imgs) == 0: raise(RuntimeError("Found 0 images in: " + root + "\n" "Supported image extensions are: " + ",".join(IMG_EXTENSIONS))) self.root = root self.imgs = imgs self.transform = transform self.return_paths = return_paths self.loader = loader def __getitem__(self, index): path = self.imgs[index] img = self.loader(path) if self.transform is not None: img = self.transform(img) if self.return_paths: return img, path else: return img def __len__(self): return len(self.imgs)
31.305556
122
0.631174
844
0.24963
0
0
0
0
0
0
516
0.152618
a91339cbacf313c26ddda2e22c112331ab363a81
448
py
Python
tests/test_powrap.py
awecx/powrap
d96763e5838d7b105a672a9dacea70e270290b22
[ "MIT" ]
1
2021-01-03T01:54:23.000Z
2021-01-03T01:54:23.000Z
tests/test_powrap.py
awecx/powrap
d96763e5838d7b105a672a9dacea70e270290b22
[ "MIT" ]
null
null
null
tests/test_powrap.py
awecx/powrap
d96763e5838d7b105a672a9dacea70e270290b22
[ "MIT" ]
null
null
null
from pathlib import Path import pytest from powrap import powrap FIXTURE_DIR = Path(__file__).resolve().parent @pytest.mark.parametrize("po_file", (FIXTURE_DIR / "bad").glob("*.po")) def test_fail_on_bad_wrapping(po_file): assert powrap.check_style([po_file]) == [po_file] @pytest.mark.parametrize("po_file", (FIXTURE_DIR / "good").glob("*.po")) def test_succees_on_good_wrapping(po_file): assert powrap.check_style([po_file]) == []
24.888889
72
0.734375
0
0
0
0
328
0.732143
0
0
41
0.091518
a916d3cf1a3dfecb0957b149dfe4924022d506c7
472
py
Python
cryptidy/__init__.py
netinvent/cryptidy
091e8100787f43a8457944030f96dc0c4c7d798f
[ "BSD-3-Clause" ]
null
null
null
cryptidy/__init__.py
netinvent/cryptidy
091e8100787f43a8457944030f96dc0c4c7d798f
[ "BSD-3-Clause" ]
null
null
null
cryptidy/__init__.py
netinvent/cryptidy
091e8100787f43a8457944030f96dc0c4c7d798f
[ "BSD-3-Clause" ]
null
null
null
#! /usr/bin/env python # -*- coding: utf-8 -*- # This file is part of cryptidy module """ The cryptidy module wraps PyCrpytodome(x) functions into simple symmetric and asymmetric functions """ __intname__ = "cryptidy" __author__ = "Orsiris de Jong" __copyright__ = "Copyright (C) 2018-2021 Orsiris de Jong" __description__ = "Python high level library for symmetric & asymmetric encryption" __licence__ = "BSD 3 Clause" __version__ = "1.0.7" __build__ = "2021100601"
24.842105
83
0.739407
0
0
0
0
0
0
0
0
357
0.756356
a9183d49bf73710dff21d0bf9ba6860835767866
5,323
pyw
Python
change_desktop.pyw
vlouvet/change_desktopy
b0ec2b829126221514a6ec6c3306a22ef20703a8
[ "MIT" ]
null
null
null
change_desktop.pyw
vlouvet/change_desktopy
b0ec2b829126221514a6ec6c3306a22ef20703a8
[ "MIT" ]
1
2019-04-13T14:47:06.000Z
2019-04-14T13:22:31.000Z
change_desktop.pyw
vlouvet/change_desktopy
b0ec2b829126221514a6ec6c3306a22ef20703a8
[ "MIT" ]
null
null
null
import praw import ctypes import shutil import requests import requests_cache from PIL import Image import os import io requests_cache.install_cache('bg_cache') filepath = "reddit.creds.txt" with open(filepath, "r") as fin: client_id = fin.readline().replace("\n", "") # TODO: update code to accept command line argument (or ini file?) specifying the location of working folder if not os.path.isdir(os.path.join(os.path.expanduser("~"), "Desktop", "bgs")): os.mkdir(os.path.join(os.path.expanduser("~"), "Desktop", "bgs")) #directory created directory = os.path.join(os.path.expanduser("~"), "Desktop", "bgs") imagePath = os.path.join(directory, "test.png") # TODO: update code to accept command line argument for whether or not to change bg when running script change_bg = 0 def changeBG(imagePath): ctypes.windll.user32.SystemParametersInfoW(20, 0, imagePath, 0) # TODO: update function to accept desired height and width as input parameters def img_resize(raw_img): basewidth = 1920 baseheight = 1080 img = Image.open(io.BytesIO(raw_img)) if img.size[0] < 1920: #resize img to a width of 1920p height wpercent = (basewidth / float(img.size[0])) hsize = int((float(img.size[1]) * float(wpercent))) img = img.resize((basewidth, hsize), Image.ANTIALIAS) if img.size[1] < 1080: pass else: #resize img to a maximum of 1080p height hpercent = (baseheight / float(img.size[1])) wsize = int((float(img.size[0]) * float(hpercent))) img = img.resize((wsize, baseheight), Image.ANTIALIAS) return img def url_parse(url_string): filename = url_string if "https://i.redd.it/" in url_string: filename = url_string.replace("https://i.redd.it/", "") elif "https://i.imgur.com/" in url_string: filename = url_string.replace("https://i.imgur.com/", "") elif "https://imgur.com/" in url_string: filename = url_string.replace("https://i.imgur.com/", "") elif "https://live.staticflickr" in url_string: filename = url_string.replace("https://live.staticflickr.com/", "") else: print("unknown file host, skipping") print(url_string) return False return filename def sanitize_filename(filename_string): filename_string = filename_string.strip("/") return filename def get_submission(subreddit_name, limit): reddit = praw.Reddit(client_id=client_id, client_secret="", password="", user_agent='vdesktopchange by /u/louvetvicente', username='louvetvicente') subreddit = reddit.subreddit(subreddit_name) for sub in subreddit.new(limit=limit): submission = sub # subreddit.random() if 'comments' not in submission.url: r = requests.get(submission.url, stream=True) if not submission.over_18: filename = url_parse(submission.url) if filename != "": exclude_list = [".gif", "gallery", "comments"] include_list = ["jpeg", "png", "jpg", "PNG", "JPEG", "JPG"] for ex_word in exclude_list: if ex_word not in submission.url: for word in include_list: if word in submission.url: if r.status_code == 200: r.raw.decode_content = True img = img_resize(r.content) if not filename in os.listdir(directory): filename = sanitize_filename(filename) imagePath = os.path.join(directory, filename) print(submission.title) print(submission.url) print(imagePath) img.save(imagePath) if change_bg != 0: changeBG(imagePath) else: pass else: print("ERROR: "+str(r.status_code)) print(submission.url) # exit() break else: # print("no match found in inclusion_list") # print(submission.url) pass else: # print("match found in exclusion_list") pass else: # print("image was NSFW, retrying") pass else: pass # TODO: update code to accept command line arguement specifying how many images(submissions) to query from Reddit. get_submission('wallpapers', 1000)
42.927419
115
0.507233
0
0
0
0
0
0
0
0
1,149
0.215856
a91c4d71080e49a5432f9894381a21354fd82539
6,450
py
Python
benchmark.py
kwang2049/benchmarking-ann
8b98331181286ace0216c7079a38af337a65557d
[ "Apache-2.0" ]
null
null
null
benchmark.py
kwang2049/benchmarking-ann
8b98331181286ace0216c7079a38af337a65557d
[ "Apache-2.0" ]
null
null
null
benchmark.py
kwang2049/benchmarking-ann
8b98331181286ace0216c7079a38af337a65557d
[ "Apache-2.0" ]
null
null
null
import json import faiss import pickle import os import tqdm import numpy as np import argparse import time from functools import wraps parser = argparse.ArgumentParser() parser.add_argument('--d', type=int, default=768, help='dimension size') parser.add_argument('--buffer_size', type=int, default=50000) parser.add_argument('--topk', type=int, default=10) parser.add_argument('--batch_size', type=int, default=128, help='for retrieval') parser.add_argument('--embedded_dir', type=str, default='msmarco-embedded') parser.add_argument('--output_dir', type=str, default='msmarco-benchmarking') parser.add_argument('--eval_string', type=str, required=True, help='e.g. pq(384, 8)') args_cli = parser.parse_args() path_doc_embedding = os.path.join(args_cli.embedded_dir, 'embeddings.documents.pkl') path_query_embedding = os.path.join(args_cli.embedded_dir, 'embeddings.queries.pkl') path_ids = os.path.join(args_cli.embedded_dir, 'ids.txt') path_qrels = os.path.join(args_cli.embedded_dir, 'qrels.json') print('>>> Loading query embeddings') with open(path_query_embedding, 'rb') as f: queries = pickle.load(f) print('>>> Loading qrels') with open(path_qrels, 'r') as f: qrels = json.load(f) print('>>> Loading document embeddings') with open(path_doc_embedding, 'rb') as f: xb = pickle.load(f) print('>>> Loading ids') with open(path_ids, 'r') as f: ids = [] for line in f: ids.append(line.strip()) os.makedirs(args_cli.output_dir, exist_ok=True) def faiss_wrapper(indexing_setup_func): @wraps(indexing_setup_func) def wrapped_function(*args, **kwargs): index, index_name = indexing_setup_func(*args, **kwargs) loaded = False index_path = os.path.join(args_cli.output_dir, index_name) if not os.path.exists(index_path): print(f'>>> Doing training for {index_path}') for _ in tqdm.trange(1): index.train(xb) print(f'>>> Adding embeddings to {index_path}') for start in tqdm.trange(0, len(xb), args_cli.buffer_size): index.add(xb[start : start + args_cli.buffer_size]) faiss.write_index(index, index_path) else: index = faiss.read_index(index_path) loaded = True return index, index_name, loaded return wrapped_function ######################## All the candidate methods ######################## @faiss_wrapper def flat(): index = faiss.IndexFlatIP(args_cli.d) index_name = 'flat.index' return index, index_name @faiss_wrapper def flat_sq(qname): assert qname in dir(faiss.ScalarQuantizer) # QT_fp16, QT_8bit_uniform, QT_4bit_uniform ... index_name = f'flat-{qname}.index' qtype = getattr(faiss.ScalarQuantizer, qname) index = faiss.IndexScalarQuantizer(args_cli.d, qtype, faiss.METRIC_INNER_PRODUCT) return index, index_name @faiss_wrapper def flat_pcq_sq(qname, d_target=args_cli.d // 2): assert qname in dir(faiss.ScalarQuantizer) # QT_fp16, QT_8bit_uniform, QT_4bit_uniform ... index_name = f'flat-{qname}.index' qtype = getattr(faiss.ScalarQuantizer, qname) index = faiss.IndexScalarQuantizer(args_cli.d, qtype, faiss.METRIC_INNER_PRODUCT) ################ index_name = index_name.replace('flat-', 'flat-pca-') pca_matrix = faiss.PCAMatrix(args_cli.d, d_target, 0, True) index = faiss.IndexPreTransform(pca_matrix, index) return index, index_name @faiss_wrapper def flat_ivf(qname, nlist, nprobe): assert qname in dir(faiss.ScalarQuantizer) # QT_fp16, QT_8bit_uniform, QT_4bit_uniform ... index_name = f'flat-{qname}.index' qtype = getattr(faiss.ScalarQuantizer, qname) ################ index_name = index_name.replace('flat-', 'flat-ivf-') quantizer = faiss.IndexFlatIP(args_cli.d) index = faiss.IndexIVFScalarQuantizer(quantizer, args_cli.d, nlist, qtype, faiss.METRIC_INNER_PRODUCT) index.nprobe = nprobe return index, index_name @faiss_wrapper def pq(m, nbits): # m: How many chunks for splitting each vector # nbits: How many clusters (2 ** nbits) for each chunked vectors assert args_cli.d % m == 0 index_name = f'pq-{m}-{nbits}b.index' index = faiss.IndexPQ(args_cli.d, m, nbits, faiss.METRIC_INNER_PRODUCT) return index, index_name @faiss_wrapper def opq(m, nbits): assert args_cli.d % m == 0 index_name = f'pq-{m}-{nbits}b.index' index = faiss.IndexPQ(args_cli.d, m, nbits, faiss.METRIC_INNER_PRODUCT) ################ index_name = index_name.replace('pq-', 'opq-') opq_matrix = faiss.OPQMatrix(args_cli.d, m) index = faiss.IndexPreTransform(opq_matrix, index) return index, index_name @faiss_wrapper def hnsw(store_n, ef_search, ef_construction): index_name = f'hnsw-{store_n}-{ef_search}-{ef_construction}.index' index = faiss.IndexHNSWFlat(args_cli.d, store_n, faiss.METRIC_INNER_PRODUCT) index.hnsw.efSearch = ef_search index.hnsw.efConstruction = ef_construction return index, index_name ########################################################################## def mrr(index): mrr = 0 qids = list(qrels.keys()) print('>>> Doing retrieval') for start in tqdm.trange(0, len(qrels), args_cli.batch_size): qid_batch = qids[start : start + args_cli.batch_size] qembs = np.vstack([queries[qid] for qid in qid_batch]) _, I = index.search(qembs, args_cli.topk) # (batch_size, topk) for i in range(I.shape[0]): for j in range(I.shape[1]): qid = qid_batch[i] did = ids[I[i, j]] # The ids returned by FAISS are just positions!!! if did in qrels[qid]: mrr += 1.0 / (j + 1) break return mrr / len(qrels) results = {} results['batch size'] = args_cli.batch_size results['eval_string'] = args_cli.eval_string start = time.time() index, index_name, loaded = eval(args_cli.eval_string) end = time.time() results['indexing (s)'] = end - start if loaded: results['indexing (s)'] = None results['size (GB)'] = os.path.getsize(os.path.join(args_cli.output_dir, index_name)) / 1024 ** 3 start = time.time() _mrr = mrr(index) end = time.time() results['retrieval (s)'] = end - start results['per query (s)'] = (end - start) / len(qrels) results['mrr'] = _mrr with open(os.path.join(args_cli.output_dir, f'results-{index_name}.json'), 'w') as f: json.dump(results, f, indent=4)
36.647727
106
0.666667
0
0
0
0
3,363
0.521395
0
0
1,329
0.206047
a91cd484fb7ee6f69e7e02fdf7a857174e746328
295
py
Python
Labs/Wave_3_labs/unzip.py
Babawale/WeJapaInternship
0a8ada12c08d5129934868b0e2c80d72f3045ed0
[ "MIT" ]
null
null
null
Labs/Wave_3_labs/unzip.py
Babawale/WeJapaInternship
0a8ada12c08d5129934868b0e2c80d72f3045ed0
[ "MIT" ]
null
null
null
Labs/Wave_3_labs/unzip.py
Babawale/WeJapaInternship
0a8ada12c08d5129934868b0e2c80d72f3045ed0
[ "MIT" ]
null
null
null
#Unzip Tuples #Unzip the cast tuple into two names and heights tuples. cast = (("Barney", 72), ("Robin", 68), ("Ted", 72), ("Lily", 66), ("Marshall", 76)) # define names and heights here names, heights = zip(*cast) # unzips cast into two tuples(names and heights) print(names) print(heights)
26.818182
83
0.677966
0
0
0
0
0
0
0
0
184
0.623729
a9243210b5050d1609507b8edecbe58a2ea18c39
2,243
py
Python
meta/management/commands/bulkcreateusers.py
mepsd/CLAC
ee15111e9ad12e51fe349d3339319e30b3b69d9e
[ "CC0-1.0" ]
126
2015-03-24T17:37:33.000Z
2022-03-29T18:37:39.000Z
meta/management/commands/bulkcreateusers.py
mepsd/CLAC
ee15111e9ad12e51fe349d3339319e30b3b69d9e
[ "CC0-1.0" ]
1,815
2015-03-16T21:01:30.000Z
2019-09-09T18:47:29.000Z
meta/management/commands/bulkcreateusers.py
mepsd/CLAC
ee15111e9ad12e51fe349d3339319e30b3b69d9e
[ "CC0-1.0" ]
69
2015-03-27T23:44:26.000Z
2021-02-14T09:45:28.000Z
import djclick as click from django.contrib.auth.models import User, Group from django.db import transaction from django.core.management.base import CommandError class DryRunFinished(Exception): pass def get_or_create_users(email_addresses): users = [] for email in email_addresses: if not email: continue try: user = User.objects.get(email=email) except User.DoesNotExist: user = User.objects.create_user( username=email.split('@')[0], email=email ) users.append(user) return users def add_users_to_group(group, users): for u in users: group.user_set.add(u) group.save() @click.command() @click.argument('user_file', type=click.File('r')) @click.option('--group', 'groupname', type=click.STRING, help='Name of group to which all users should be added') @click.option('--dryrun', default=False, is_flag=True, help='If set, no changes will be made to the database') def command(user_file, groupname, dryrun): ''' Bulk creates users from email addresses in the the specified text file, which should contain one email address per line. If the optional "--group <GROUPNAME>" argument is specified, then all the users (either found or created) are added to the matching group. ''' if dryrun: click.echo('Starting dry run (no database records will be modified).') if groupname: try: group = Group.objects.get(name=groupname) except Group.DoesNotExist: raise CommandError( '"{}" group does not exist. Exiting.'.format(groupname)) email_addresses = [s.strip() for s in user_file.readlines()] try: with transaction.atomic(): users = get_or_create_users(email_addresses) click.echo( 'Created (or found) {} user accounts.'.format(len(users))) if group: add_users_to_group(group, users) click.echo('Added users to "{}" group.'.format(groupname)) if dryrun: raise DryRunFinished() except DryRunFinished: click.echo("Dry run complete.")
31.591549
78
0.623718
41
0.018279
0
0
1,517
0.676326
0
0
613
0.273295
a92832dc73ab475a159970bd2c9e45e28feec5c7
544
py
Python
args.py
Pragyanstha/ImageRecognition
94626185b24ef1406896c81f5a583a5e1898ae29
[ "MIT" ]
null
null
null
args.py
Pragyanstha/ImageRecognition
94626185b24ef1406896c81f5a583a5e1898ae29
[ "MIT" ]
null
null
null
args.py
Pragyanstha/ImageRecognition
94626185b24ef1406896c81f5a583a5e1898ae29
[ "MIT" ]
null
null
null
import configargparse def parse(commands = None): p = configargparse.ArgParser() p.add('-c', '--config', is_config_file = True) p.add('--mode', default='test', type=str) p.add('--num_cosines', type = int) p.add('--dim_subspace', type = int) p.add('--dim_diffspace', type = int) p.add('--method', type = str) p.add('--expname', type=str) p.add('--sigma', type=float) p.add('--kernel', type=str) if commands: opt = p.parse_args(commands) else: opt = p.parse_args() return opt
27.2
50
0.582721
0
0
0
0
0
0
0
0
116
0.213235
a92ab375e3c0927ad6ddd2ae99cba78e73a59cc7
3,767
py
Python
mmhuman3d/data/data_structures/human_data_cache.py
ykk648/mmhuman3d
26af92bcf6abbe1855e1a8a48308621410f9c047
[ "Apache-2.0" ]
472
2021-12-03T03:12:55.000Z
2022-03-31T01:33:13.000Z
mmhuman3d/data/data_structures/human_data_cache.py
ykk648/mmhuman3d
26af92bcf6abbe1855e1a8a48308621410f9c047
[ "Apache-2.0" ]
127
2021-12-03T05:00:14.000Z
2022-03-31T13:47:33.000Z
mmhuman3d/data/data_structures/human_data_cache.py
ykk648/mmhuman3d
26af92bcf6abbe1855e1a8a48308621410f9c047
[ "Apache-2.0" ]
37
2021-12-03T03:23:22.000Z
2022-03-31T08:41:58.000Z
from typing import List import numpy as np from mmhuman3d.utils.path_utils import ( Existence, check_path_existence, check_path_suffix, ) from .human_data import HumanData class HumanDataCacheReader(): def __init__(self, npz_path: str): self.npz_path = npz_path npz_file = np.load(npz_path, allow_pickle=True) self.slice_size = npz_file['slice_size'].item() self.data_len = npz_file['data_len'].item() self.keypoints_info = npz_file['keypoints_info'].item() self.non_sliced_data = None self.npz_file = None def __del__(self): if self.npz_file is not None: self.npz_file.close() def get_item(self, index, required_keys: List[str] = []): if self.npz_file is None: self.npz_file = np.load(self.npz_path, allow_pickle=True) cache_key = str(int(index / self.slice_size)) base_data = self.npz_file[cache_key].item() base_data.update(self.keypoints_info) for key in required_keys: non_sliced_value = self.get_non_sliced_data(key) if isinstance(non_sliced_value, dict) and\ key in base_data and\ isinstance(base_data[key], dict): base_data[key].update(non_sliced_value) else: base_data[key] = non_sliced_value ret_human_data = HumanData.new(source_dict=base_data) # data in cache is compressed ret_human_data.__keypoints_compressed__ = True # set missing values and attributes by default method ret_human_data.__set_default_values__() return ret_human_data def get_non_sliced_data(self, key: str): if self.non_sliced_data is None: if self.npz_file is None: npz_file = np.load(self.npz_path, allow_pickle=True) self.non_sliced_data = npz_file['non_sliced_data'].item() else: self.non_sliced_data = self.npz_file['non_sliced_data'].item() return self.non_sliced_data[key] class HumanDataCacheWriter(): def __init__(self, slice_size: int, data_len: int, keypoints_info: dict, non_sliced_data: dict, key_strict: bool = True): self.slice_size = slice_size self.data_len = data_len self.keypoints_info = keypoints_info self.non_sliced_data = non_sliced_data self.sliced_data = {} self.key_strict = key_strict def update_sliced_dict(self, sliced_dict): self.sliced_data.update(sliced_dict) def dump(self, npz_path: str, overwrite: bool = True): """Dump keys and items to an npz file. Args: npz_path (str): Path to a dumped npz file. overwrite (bool, optional): Whether to overwrite if there is already a file. Defaults to True. Raises: ValueError: npz_path does not end with '.npz'. FileExistsError: When overwrite is False and file exists. """ if not check_path_suffix(npz_path, ['.npz']): raise ValueError('Not an npz file.') if not overwrite: if check_path_existence(npz_path, 'file') == Existence.FileExist: raise FileExistsError dict_to_dump = { 'slice_size': self.slice_size, 'data_len': self.data_len, 'keypoints_info': self.keypoints_info, 'non_sliced_data': self.non_sliced_data, 'key_strict': self.key_strict, } dict_to_dump.update(self.sliced_data) np.savez_compressed(npz_path, **dict_to_dump)
35.205607
78
0.609238
3,575
0.949031
0
0
0
0
0
0
704
0.186886
a92aefa88c9e1677341b516fd325e4f5ca942f90
10,174
py
Python
code/instance_tests.py
ahillbs/minimum_scan_cover
e41718e5a8e0e3039d161800da70e56bd50a1b97
[ "MIT" ]
null
null
null
code/instance_tests.py
ahillbs/minimum_scan_cover
e41718e5a8e0e3039d161800da70e56bd50a1b97
[ "MIT" ]
null
null
null
code/instance_tests.py
ahillbs/minimum_scan_cover
e41718e5a8e0e3039d161800da70e56bd50a1b97
[ "MIT" ]
null
null
null
from typing import List import math import configargparse import numpy as np import sqlalchemy import yaml import sys import tqdm from IPython import embed from celery import group from angular_solver import solve, bulk_solve from database import Config, ConfigHolder, Graph, Task, TaskJobs, get_session from solver import ALL_SOLVER from utils import is_debug_env class OnMessageCB: def __init__(self, progressbar: tqdm.tqdm) -> None: super().__init__() self.progressbar = progressbar def __call__(self, body: dict) -> None: if body["status"] in ['SUCCESS', 'FAILURE']: if body["status"] == 'FAILURE': print("Found an error:", body) try: self.progressbar.update() except AttributeError: pass def _load_config(): parser = configargparse.ArgumentParser(description="Parser for the solver tests") parser.add_argument( '--config', type=str, help='Path to config file', is_config_file_arg=True) parser.add_argument('--create-only', action="store_true", help="Only creates task and jobs; not process them") parser.add_argument('--solvers', required=True, type=str, nargs='+', help="Name of the solvers that shall be used") parser.add_argument('--solvers-args', nargs='+', type=yaml.safe_load, help="Arguments for solver instatiation") parser.add_argument('--url-path', type=str, help="Path to database") parser.add_argument('--min-n', type=int, default=5, help="Minimal amount of vertices a graph can have") parser.add_argument('--max-n', type=int, default=None, help="Maximal amount of vertices a graph can have") parser.add_argument('--min-m', type=int, default=0, help="Minimal amount of edges a graph can have") parser.add_argument('--max-m', type=int, default=sys.maxsize, help="Maximal amount of vertices a graph can have") parser.add_argument('--instance-types', type=str, nargs="*", default=[], help="Types of instances you want to select. Default will be all instance types") parser.add_argument('--task-id', type=int, default=None, help="Only select instances belonging to a specific task. Default will select from all tasks.") parser.add_argument('--max-amount', type=int, help="Maximum amount of instances that will be tested") parser.add_argument('--repetitions', type=int, default=1, help="Amount of repetitions for every test for every solver") parser.add_argument('--slice-size', type=str, default="auto", help="Slice sizes for bulk solves if needed (Default: auto)") parser.add_argument('--manual-query', action="store_true", help="Instead of standard query arguments, open ipython to construct custom query") parser.add_argument('--name', type=str, default="Main_instance_test", help="Describing name for the task") parser.add_argument('--with-start-sol', action="store_true", default=False, help="NEED: Preious solution from task-id instances! Starts solving with start solution") parsed = parser.parse_args() return parsed def _create_task(arg_config, session): solvers = arg_config.solvers solvers_args = arg_config.solvers_args assert len(solvers) == len(solvers_args),\ "The amount of solver arguments must match the amount of solvers" for solver in solvers: assert solver in ALL_SOLVER,\ f"Solver {solver} not found! Please make sure that all solver are properly named." task = Task(task_type="instance_test", status=Task.STATUS_OPTIONS.CREATED, name=arg_config.name) config = ConfigHolder.fromNamespace(arg_config, task=task, ignored_attributes=["url_path", "solvers", "solvers_args", "create_only", "config", "name"]) jobs = _get_instances(task, config, session) for solver, solver_args in zip(solvers, solvers_args): subtask = Task(parent=task, name=f"{solver}_test", task_type="instance_test", status=Task.STATUS_OPTIONS.CREATED) task.children.append(subtask) subconfig_namespace = configargparse.Namespace(solver=solver, solver_args=solver_args) subconfig = ConfigHolder.fromNamespace(subconfig_namespace, task=subtask) add_prev_job = (subconfig.with_start_sol is not None and subconfig.with_start_sol) if isinstance(jobs[0], TaskJobs): for task_job in jobs: prev_job = task_job if add_prev_job else None for i in range(config.repetitions): subtask.jobs.append(TaskJobs(task=subtask, graph=task_job.graph, prev_job=prev_job)) else: for graph in jobs: for i in range(config.repetitions): subtask.jobs.append(TaskJobs(task=subtask, graph=graph)) session.add(task) session.commit() return task, config def _get_instances(task, config: ConfigHolder, session: sqlalchemy.orm.Session): if config.manual_query: query = None print("Manual query chosen. Please fill a query. After finishing the query just end ipython.\n\ Query result must be of type Graph or TaskJobs!") embed() assert query is not None, "query must be filled!" session.add(Config(task=task, value=query.statement(), param="statement")) return query.all() if config.task_id is None: query = session.query(Graph) else: query = session.query(TaskJobs).join(Graph).filter(TaskJobs.task_id == config.task_id) if config.min_n is not None: query = query.filter(Graph.vert_amount >= config.min_n) if config.max_n is not None: query = query.filter(Graph.vert_amount <= config.max_n) if config.min_m is not None: query = query.filter(Graph.edge_amount >= config.min_m) if config.max_m is not None: query = query.filter(Graph.edge_amount <= config.max_m) if config.instance_types: query = query.filter(Graph.i_type.in_(config.instance_types)) if config.max_amount is not None: query = query[:config.max_amount] return query[:] def process_task(config: ConfigHolder, task: Task, session: sqlalchemy.orm.Session): try: task.status = Task.STATUS_OPTIONS.PROCESSING session.commit() for subtask in tqdm.tqdm(task.children, desc=f"Task {task.id}: Processing subtasks"): if subtask.status not in [Task.STATUS_OPTIONS.ERROR, Task.STATUS_OPTIONS.INTERRUPTED, Task.STATUS_OPTIONS.FINISHED]: subconfig = ConfigHolder(subtask) if config.local: subconfig.local = True process_task(subconfig, subtask, session) to_process = [job for job in task.jobs if job.solution is None] process_jobs(to_process, config, session) task.status = Task.STATUS_OPTIONS.FINISHED except Exception as e: print(e) to_process = [job for job in task.jobs if job.solution is None] if str(e).lower() != "Backend does not support on_message callback".lower() and to_process: task.status = Task.STATUS_OPTIONS.ERROR task.error_message = str(e) if is_debug_env(): raise e else: task.status = Task.STATUS_OPTIONS.FINISHED finally: session.commit() def _get_slicing(unsolved, slicing): if slicing == 'auto': slice_size = 16 slice_amount = math.ceil(len(unsolved) / 5) else: slice_size = slicing slice_amount = math.ceil(len(unsolved) / slice_size) return slice_size, slice_amount def process_jobs(jobs: List[TaskJobs], config: ConfigHolder, session: sqlalchemy.orm.Session): if not jobs: return processbar = tqdm.tqdm(total=len(jobs), desc=f"Task {jobs[0].task_id}: Process jobs") on_message = OnMessageCB(progressbar=processbar) # ToDo: To speed up solving time, maybe use bulksolve slice_size, slice_amount = _get_slicing(jobs, config.slice_size) slices = [(i*slice_size, (i+1)*slice_size) for i in range(slice_amount-1)] if slice_amount > 0: slices.append(tuple([(slice_amount-1)*slice_size, len(jobs)])) solver_args = config.solver_args if "time_limit" in solver_args: time_limit = solver_args["time_limit"] else: time_limit = 900 if hasattr(config, "local") and config.local: for job in jobs: sol = solve( job.graph, config.solver, solver_config=config.solver_args, solve_config={ "start_solution":(None if job.prev_job is None else job.prev_job.solution.order), "time_limit":(time_limit if job.prev_job is None else time_limit - job.prev_job.solution.runtime) } ) job.solution = sol processbar.update() session.commit() else: for start, end in slices: results = group(solve.s( job.graph, config.solver, solver_config=config.solver_args, solve_config={ "start_solution":(None if job.prev_job is None else job.prev_job.solution.order), "time_limit":(time_limit if job.prev_job is None else time_limit - job.prev_job.solution.runtime) } ) for job in jobs[start:end])().get(on_message=on_message) for job, result in zip(jobs[start:end], results): result.graph = job.graph if job.prev_job is not None: result.runtime = float(result.runtime) + float(job.prev_job.solution.runtime) job.solution = result if session: session.commit() def main(): parsed_config = _load_config() session = get_session(parsed_config.url_path) task, config = _create_task(parsed_config, session) if not parsed_config.create_only: process_task(config, task, session) if __name__ == "__main__": main()
47.32093
169
0.650285
448
0.044034
0
0
0
0
0
0
1,940
0.190682
a92c71e28235d4a2efca0061d489e377536349be
322
py
Python
distrib/kotlin_kernel/detect_jars_location.py
strangepleasures/kotlin-jupyter
01b5d4327422919305a7538e331cee7e3762fe49
[ "Apache-2.0" ]
512
2019-11-28T08:39:23.000Z
2022-03-31T01:49:27.000Z
distrib/kotlin_kernel/detect_jars_location.py
strangepleasures/kotlin-jupyter
01b5d4327422919305a7538e331cee7e3762fe49
[ "Apache-2.0" ]
177
2019-12-03T17:50:21.000Z
2022-03-17T11:58:01.000Z
distrib/kotlin_kernel/detect_jars_location.py
erokhins/kotlin-jupyter
895528926ab14f0f2d15fcbc8a88b0ea1259632a
[ "Apache-2.0" ]
66
2019-12-21T20:35:53.000Z
2022-02-14T21:34:25.000Z
import os from typing import AnyStr from run_kotlin_kernel.run_kernel import module_install_path def detect_jars_location() -> None: run_kernel_path = module_install_path() jars_dir: AnyStr = os.path.join(run_kernel_path, "jars") print(str(jars_dir)) if __name__ == "__main__": detect_jars_location()
21.466667
60
0.757764
0
0
0
0
0
0
0
0
16
0.049689
a92d996e996a1ad325d7ff8b5ebcfa9511fd291d
78
py
Python
value_functions/__init__.py
daniellawson9999/compositional_reinforcement_learning
aa20413485d654d29cfcaad8ddb8fd07efcafc8c
[ "MIT" ]
7
2020-04-18T01:31:26.000Z
2021-12-23T13:58:55.000Z
value_functions/__init__.py
daniellawson9999/compositional_reinforcement_learning
aa20413485d654d29cfcaad8ddb8fd07efcafc8c
[ "MIT" ]
1
2020-11-17T03:39:21.000Z
2021-05-06T04:09:24.000Z
value_functions/__init__.py
daniellawson9999/compositional_reinforcement_learning
aa20413485d654d29cfcaad8ddb8fd07efcafc8c
[ "MIT" ]
4
2020-03-20T01:38:55.000Z
2021-09-14T03:50:44.000Z
from .value_function import NNVFunction, NNQFunction, NNDiscriminatorFunction
39
77
0.884615
0
0
0
0
0
0
0
0
0
0
a92f10539fc879fc6144252e415f0ed5e662c25e
7,679
py
Python
frads/room.py
LBNL-ETA/frads
dbd9980c7cfebd363089180d8fb1b7107e73ec92
[ "BSD-3-Clause-LBNL" ]
8
2019-11-13T22:26:45.000Z
2022-03-23T15:30:37.000Z
frads/room.py
LBNL-ETA/frads
dbd9980c7cfebd363089180d8fb1b7107e73ec92
[ "BSD-3-Clause-LBNL" ]
null
null
null
frads/room.py
LBNL-ETA/frads
dbd9980c7cfebd363089180d8fb1b7107e73ec92
[ "BSD-3-Clause-LBNL" ]
2
2021-08-10T18:22:04.000Z
2021-08-30T23:16:27.000Z
"""Generic room model""" import argparse import os from frads import radgeom from frads import radutil, util class Room(object): """Make a shoebox.""" def __init__(self, width, depth, height, origin=radgeom.Vector()): self.width = width self.depth = depth self.height = height self.origin = origin flr_pt2 = origin + radgeom.Vector(width, 0, 0) flr_pt3 = flr_pt2 + radgeom.Vector(0, depth, 0) self.floor = radgeom.Polygon.rectangle3pts(origin, flr_pt2, flr_pt3) extrusion = self.floor.extrude(radgeom.Vector(0, 0, height)) self.clng = extrusion[1] self.wall_south = Surface(extrusion[2], 'wall.south') self.wall_east = Surface(extrusion[3], 'wall.east') self.wall_north = Surface(extrusion[4], 'wall.north') self.wall_west = Surface(extrusion[5], 'wall.west') self.surfaces = [ self.clng, self.floor, self.wall_west, self.wall_north, self.wall_east, self.wall_south ] def surface_prim(self): self.srf_prims = [] ceiling = radutil.Primitive( 'white_paint_70', 'polygon', 'ceiling', '0', self.clng.to_real()) self.srf_prims.append(ceiling) floor = radutil.Primitive( 'carpet_20', 'polygon', 'floor', '0', self.floor.to_real()) self.srf_prims.append(floor) nwall = radutil.Primitive( 'white_paint_50', 'polygon', self.wall_north.name, '0', self.wall_north.polygon.to_real()) self.srf_prims.append(nwall) ewall = radutil.Primitive('white_paint_50', 'polygon', self.wall_east.name, '0', self.wall_east.polygon.to_real()) self.srf_prims.append(ewall) wwall = radutil.Primitive('white_paint_50', 'polygon', self.wall_west.name, '0', self.wall_west.polygon.to_real()) self.srf_prims.append(wwall) # Windows on south wall only, for now. for idx, swall in enumerate(self.wall_south.facade): _identifier = '{}.{:02d}'.format(self.wall_south.name, idx) _id = radutil.Primitive( 'white_paint_50', 'polygon', _identifier, '0', swall.to_real()) self.srf_prims.append(_id) def window_prim(self): self.wndw_prims = {} for wpolygon in self.wall_south.windows: _real_args = self.wall_south.windows[wpolygon].to_real() win_prim = radutil.Primitive('glass_60', 'polygon', wpolygon, '0', _real_args) self.wndw_prims[wpolygon] = win_prim class Surface(object): """Room wall object.""" def __init__(self, polygon, name): self.centroid = polygon.centroid() self.polygon = polygon self.vertices = polygon.vertices self.vect1 = (self.vertices[1] - self.vertices[0]).normalize() self.vect2 = (self.vertices[2] - self.vertices[1]).normalize() self.name = name self.windows = {} def make_window(self, dist_left, dist_bot, width, height, wwr=None): if wwr is not None: assert type(wwr) == float, 'WWR must be float' win_polygon = self.polygon.scale(radgeom.Vector(*[wwr] * 3), self.centroid) else: win_pt1 = self.vertices[0]\ + self.vect1.scale(dist_bot)\ + self.vect2.scale(dist_left) win_pt2 = win_pt1 + self.vect1.scale(height) win_pt3 = win_pt1 + self.vect2.scale(width) win_polygon = radgeom.Polygon.rectangle3pts(win_pt3, win_pt1, win_pt2) return win_polygon def add_window(self, name, window_polygon): self.polygon = self.polygon - window_polygon self.windows[name] = window_polygon def facadize(self, thickness): direction = self.polygon.normal().scale(thickness) if thickness > 0: self.facade = self.polygon.extrude(direction)[:2] [self.facade.extend(self.windows[wname].extrude(direction)[2:]) for wname in self.windows] uniq = [] uniq = self.facade.copy() for idx in range(len(self.facade)): for re in self.facade[:idx]+self.facade[idx+1:]: if set(self.facade[idx].to_list()) == set(re.to_list()): uniq.remove(re) self.facade = uniq else: self.facade = [self.polygon] offset_wndw = {} for wndw in self.windows: offset_wndw[wndw] = radgeom.Polygon( [v + direction for v in self.windows[wndw].vertices]) self.windows = offset_wndw def make_room(dimension: dict): """Make a side-lit shoebox room as a Room object.""" theroom = Room(float(dimension['width']), float(dimension['depth']), float(dimension['height'])) wndw_names = [i for i in dimension if i.startswith('window')] for wd in wndw_names: wdim = map(float, dimension[wd].split()) theroom.wall_south.add_window(wd, theroom.wall_south.make_window(*wdim)) theroom.wall_south.facadize(float(dimension['facade_thickness'])) theroom.surface_prim() theroom.window_prim() return theroom def genradroom(): """Commandline interface for generating a generic room. Resulting Radiance .rad files will be written to a local Objects directory, which will be created if not existed before.""" parser = argparse.ArgumentParser( prog='genradroom', description='Generate a generic room') parser.add_argument('width', type=float, help='room width along X axis, starting from x=0') parser.add_argument('depth', type=float, help='room depth along Y axis, starting from y=0') parser.add_argument('height', type=float, help='room height along Z axis, starting from z=0') parser.add_argument('-w', dest='window', metavar=('start_x', 'start_z', 'width', 'height'), nargs=4, action='append', type=float, help='Define a window from lower left corner') parser.add_argument('-n', dest='name', help='Model name', default='model') parser.add_argument('-t', dest='facade_thickness', metavar='Facade thickness', type=float) args = parser.parse_args() dims = vars(args) for idx, window in enumerate(dims['window']): dims['window_%s' % idx] = ' '.join(map(str, window)) dims.pop('window') room = make_room(dims) name = args.name material_primitives = radutil.material_lib() util.mkdir_p('Objects') with open(os.path.join('Objects', f'materials_{name}.mat'), 'w') as wtr: for prim in material_primitives: wtr.write(str(prim)+'\n') with open(os.path.join('Objects', f'ceiling_{name}.rad'), 'w') as wtr: for prim in room.srf_prims: if prim.identifier.startswith('ceiling'): wtr.write(str(prim)+'\n') with open(os.path.join('Objects', f'floor_{name}.rad'), 'w') as wtr: for prim in room.srf_prims: if prim.identifier.startswith('floor'): wtr.write(str(prim)+'\n') with open(os.path.join('Objects', f'wall_{name}.rad'), 'w') as wtr: for prim in room.srf_prims: if prim.identifier.startswith('wall'): wtr.write(str(prim)+'\n') for key, prim in room.wndw_prims.items(): with open(os.path.join('Objects', f'{key}_{name}.rad'), 'w') as wtr: wtr.write(str(prim)+'\n')
42.192308
90
0.594218
4,600
0.599036
0
0
0
0
0
0
1,265
0.164735
a92f6dae240175ed04d97420af8139933f7227f7
83
py
Python
wine/apps.py
zenith0/vinum-db
d601b1e1da6d748450f454e6f6d6803d7a4ecea8
[ "Apache-2.0" ]
null
null
null
wine/apps.py
zenith0/vinum-db
d601b1e1da6d748450f454e6f6d6803d7a4ecea8
[ "Apache-2.0" ]
null
null
null
wine/apps.py
zenith0/vinum-db
d601b1e1da6d748450f454e6f6d6803d7a4ecea8
[ "Apache-2.0" ]
null
null
null
from django.apps import AppConfig class WineConfig(AppConfig): name = 'wine'
13.833333
33
0.73494
46
0.554217
0
0
0
0
0
0
6
0.072289
a9303881f52bbb7f52abc64facc0144ae2221c86
2,073
py
Python
test.py
ypraveen/barchart-ondemand-client-python
2224aef0d60b0fa66974fe909fb1a856c146f61e
[ "MIT" ]
66
2017-07-25T04:02:59.000Z
2022-02-24T21:15:10.000Z
test.py
ypraveen/barchart-ondemand-client-python
2224aef0d60b0fa66974fe909fb1a856c146f61e
[ "MIT" ]
6
2017-09-04T18:05:54.000Z
2020-11-19T22:32:43.000Z
test.py
ypraveen/barchart-ondemand-client-python
2224aef0d60b0fa66974fe909fb1a856c146f61e
[ "MIT" ]
23
2017-08-28T18:18:14.000Z
2021-11-13T06:41:52.000Z
""" python test.py my-api-key """ import ondemand import sys od = ondemand.OnDemandClient(api_key=sys.argv[1]) od.debug = True # Get that Crypto resp = od.crypto('^BTCUSD,^LTCUSD') print('') print(resp) print('') # Get a Quote resp = od.quote('AAPL', 'bid,ask') print('') print(resp) print('') for q in resp['results']: print('Symbol: %s, Last Price: %s' % (q['symbol'], q['lastPrice'])) # Get Historical Data resp = od.history('AAPL', 'minutes', maxRecords=50, interval=1) # print('') # print('getHistory', resp) # print('') resp = od.profile('AAPL', fields='qtrOneEarnings,qtrTwoEarnings') print('') print('getProfile', resp) print('') resp = od.financial_highlights('AAPL', fields='lastQtrEPS') print('') print('getFinancialHighlights', resp) print('') resp = od.financial_ratios('AAPL') print('') print('getFinancialRatios', resp) print('') resp = od.income_statements('AAPL', 'Quarter', rawData=1) print('') print('getIncomeStatements', resp) resp = od.competitors('AAPL', fields='fiftyTwoWkLowDate', maxRecords=1) print('') print('getCompetitors', resp) print('') resp = od.ratings('AAPL', 'strongBuy') print('') print('getRatings', resp) print('') resp = od.index_members('$SPX') print('') print('getIndexMembers', resp) print('') resp = od.cash_flow('AAPL,GOOG', reportPeriod='12M', numberOfYears=2) print('') print('getCashFlow', resp) print('') # resp = od.futures_options('ES') # print('') # print('getFuturesOptions', resp) # print('') # resp = od.equity_options('AAPL', optionType='Monthly') # print('') # print('getEquityOptions', resp) # print('') resp = od.usda_grain_prices(commodityTypes='SWW') print('') print('getUSDAGrainPrices', resp) print('') resp = od.chart('AAPL', height=400, width=400, type='LINE') print('') print('getChart', resp) print('') resp = od.get('getQuote', symbols='AAPL,EXC', fields='bid,ask') print('') print('generic get', resp) print('') resp = od.insiders('AAPL', 'H') print('') print('getInsiders', resp)
20.939394
72
0.639653
0
0
0
0
0
0
0
0
890
0.429329
a93139d8990a5f884a5f91950142a530d39d5797
170
py
Python
correctiv_auth/urls.py
correctiv/django-allauth-correctiv
833e1f6e019834df04146c25198a93f411d66b79
[ "MIT" ]
null
null
null
correctiv_auth/urls.py
correctiv/django-allauth-correctiv
833e1f6e019834df04146c25198a93f411d66b79
[ "MIT" ]
null
null
null
correctiv_auth/urls.py
correctiv/django-allauth-correctiv
833e1f6e019834df04146c25198a93f411d66b79
[ "MIT" ]
null
null
null
from allauth.socialaccount.providers.oauth2.urls import default_urlpatterns from .provider import CorrectivProvider urlpatterns = default_urlpatterns(CorrectivProvider)
34
75
0.882353
0
0
0
0
0
0
0
0
0
0
a931b52e06e6999322f4b50a1f8d242014570def
198
py
Python
instabot/random_utils.py
gioelecrispo/instabot
ab0fa919cddbc6767327ce2d8e366438b8807761
[ "Apache-2.0" ]
1
2019-11-17T03:03:04.000Z
2019-11-17T03:03:04.000Z
instabot/random_utils.py
gioelecrispo/instabot
ab0fa919cddbc6767327ce2d8e366438b8807761
[ "Apache-2.0" ]
null
null
null
instabot/random_utils.py
gioelecrispo/instabot
ab0fa919cddbc6767327ce2d8e366438b8807761
[ "Apache-2.0" ]
null
null
null
import random def choose_random(values, k=1): if len(values) < k: k = len(values) results = random.choices(values, k=k) if k == 1: return results[0] return results
18
41
0.590909
0
0
0
0
0
0
0
0
0
0
a931b982d8994d2cd901db4713baba148c9468eb
10,825
py
Python
src/mcsdk/git/client.py
Stick97/mcsdk-automation-framework-core
5c7cc798fd4e0d54dfb3e0b900a828db4a72034e
[ "BSD-3-Clause" ]
9
2019-11-03T10:15:06.000Z
2022-02-26T06:16:10.000Z
src/mcsdk/git/client.py
Stick97/mcsdk-automation-framework-core
5c7cc798fd4e0d54dfb3e0b900a828db4a72034e
[ "BSD-3-Clause" ]
2
2020-07-08T18:23:02.000Z
2022-01-17T17:31:18.000Z
src/mcsdk/git/client.py
Stick97/mcsdk-automation-framework-core
5c7cc798fd4e0d54dfb3e0b900a828db4a72034e
[ "BSD-3-Clause" ]
5
2020-07-06T16:28:15.000Z
2022-02-22T00:51:48.000Z
import os import requests from requests.auth import HTTPBasicAuth from ..integration.os.process import Command from ..integration.os.utils import chdir class RepoClient: """ The class handles the GIT processes """ def __init__(self, root_dir, token, owner, repo, repo_dir): """ Git class constructor """ self.__root_dir = root_dir self.__github_token = token self.__repo_owner = owner self.__repo_name = repo self.__repo_dir = repo_dir self.__repo_remote = 'origin' # TODO: Make optional parameter def clone(self): """ Executes a git clone command on the target repository """ chdir(self.__root_dir) # logging the working directory for debug print('----- Repo clone: -----') if os.path.isdir(self.__repo_dir) and os.path.isdir(os.path.join(self.__repo_dir, '.git')): print('Repository {repo_name} is already cloned'.format(repo_name=self.__repo_name) + '\n') return 0 # Command to clone the repo cmd = 'git clone https://{owner}:{token}@github.com/{owner}/{repo}.git {repo_folder}'.format( owner=self.__repo_owner, token=self.__github_token, repo=self.__repo_name, repo_folder=self.__repo_dir ) command = Command(cmd) command.run() if command.returned_errors(): print('Error: ' + command.get_output()) return 255 print('Cloned repo {repo} to directory {dir}'.format(repo=self.__repo_name, dir=self.__repo_dir)) return 0 def __get_branches(self): """ Returns a list of current branches """ if not os.path.isdir(self.__repo_dir): return '' chdir(self.__repo_dir) # Go to repo dir command = Command('git branch --all', False) command.run() chdir(self.__root_dir) # Go to root dir branches = command.get_output() branches = branches.split('\n') print("List of branches: " + '\n'.join(branches)) return branches def branch_exists(self, branch): """ Checks if the branch exists """ if not len(branch): raise ValueError('Branch name not provided') # Logging print('Searching for branch: ' + branch) lines = self.__get_branches() for line in lines: line = line.strip() for variant in ['* ' + branch, branch, 'remotes/' + self.__repo_remote + '/' + branch]: if len(line) == len(variant) and line == variant: print('Branch found!') return True print('Branch not found!') return False def branch_current(self): """ Returns the current branch """ # Logging print('Getting the current branch') lines = self.__get_branches() for line in lines: if line.find('*') == 0: return line.lstrip('* ') raise RuntimeError("Could not determine current branch") def branch_delete(self, branch): """ Runs the branch delete command branch """ if not len(branch): raise ValueError('Branch name not provided') # Logging print('Deleting branch `{branch}`'.format(branch=branch)) self.checkout('master') chdir(self.__repo_dir) # The checkout above changes the directory # Local delete command = Command('git branch -D {branch}'.format(branch=branch)) command.run() print("Branch delete (local): " + command.get_output()) if not command.returned_errors(): # Remote delete command = Command('git push origin --delete {branch}'.format(branch=branch)) command.run() print("Branch delete (remote): " + command.get_output()) chdir(self.__root_dir) # Get back to previous directory return command.returned_errors() def fetch(self): """ Runs the fetch command branch """ chdir(self.__repo_dir) command = Command('git fetch --all') command.run() print("GIT fetch: " + command.get_output()) chdir(self.__root_dir) # Get back to previous directory return command.returned_errors() def push(self, remote, branch, new=False): """ Executes a git push command of the given branch """ if not len(branch): raise ValueError('Branch name not provided') chdir(self.__repo_dir) # logging the working directory for debug print('----- Branch push: -----') print('Repo name: ' + self.__repo_name) print('Push to Branch: ' + branch) # Command spec cmd = 'git push {remote} {branch}'.format(remote=remote, branch=branch) if new: cmd = 'git push -u {remote} {branch}'.format(remote=remote, branch=branch) # Command to push to the repo command = Command(cmd) command.run() chdir(self.__root_dir) # Get back to previous directory if command.returned_errors(): print('Could not create a new branch {branch}: '.format(branch=branch) + command.get_output()) return 255 print('Branch {branch} has been pushed to {remote}'.format(remote=remote, branch=branch)) return 0 def checkout(self, branch, force=False, auto_create=False): """ Executes a git checkout command of the given branch """ # logging the working directory for debug print('----- Branch checkout: -----') print('Repo name: ' + self.__repo_name) print('Checkout branch: ' + branch) current_branch = self.branch_current() if branch == current_branch: print('Already on branch `{branch}`'.format(branch=branch)) return 0 branch_exists = self.branch_exists(branch) if not auto_create and not branch_exists: print('Branch does not exist and will not be created') return 255 chdir(self.__repo_dir) # Command spec cmd = 'git checkout{flag}{branch}'.format( flag=' -b ' if auto_create and not branch_exists else ' -f ' if force else ' ', branch=branch ) # Command to checkout the repo command = Command(cmd) command.run() if command.returned_errors(): if command.get_output().find('did not match any file(s) known to git') != -1: print('Branch does not exist. Trying to create it...\n') self.checkout(branch, False, True) # Creating the branch else: print('Unknown error occurred') print(command.get_output()) return 255 else: print(command.get_output()) print('Working branch: {branch}'.format(branch=self.branch_current()) + '\n') chdir(self.__root_dir) # Get back to previous directory return 0 def stage_changes(self): """ Executes a git add command on the working branch """ chdir(self.__repo_dir) # logging the working directory for debug print('----- Stage changes: -----') # Command to checkout the repo command = Command('git add --all') command.run() chdir(self.__root_dir) # Get back to previous directory if command.returned_errors(): print('Could not stage changes: ' + command.get_output()) return 255 else: print('Staged all the changes') print(command.get_output()) return 0 def commit(self, message): """ Executes a git commit on the working branch """ chdir(self.__repo_dir) # logging the working directory for debug print('----- Committing changes: -----') # Command to checkout the repo command = Command('git commit -m {message}'.format(message=message)) command.run() chdir(self.__root_dir) # Get back to previous directory if command.returned_errors(): print('Could not commit changes: ' + command.get_output()) return 255 else: print('Commit OK') output = command.get_output() if output.find('nothing to commit, working tree clean') != -1: print('There are no changes on the code, so the branch will not be pushed!') print(output) # No longer return error when no changes are detected return -1 return 0 def make_pull_request(self, base_branch, head_branch, title="Automated release"): """ The method creates a PR on the target repository """ # logging the working directory for debug print('----- Creating a pull request: -----') headers = { "Accept": "application/vnd.github.v3+json", "Content-type": "application/json" } # Added the version to the title to make it easier to see title += ' ' + base_branch # Check if a PR is already present in the target branch response = requests.get( "https://api.github.com/repos/{owner}/{repo}/pulls".format(owner=self.__repo_owner, repo=self.__repo_name), auth=HTTPBasicAuth(self.__repo_owner, self.__github_token), headers=headers, params={"head": "{owner}:{head_branch}".format(owner=self.__repo_owner, head_branch=head_branch)} ) if response.status_code != 200: print("Error response: " + response.content.decode("utf-8")) return response.status_code # Check if we have PR's open for the branch pull_requests = response.json() if len(pull_requests) > 0: for pr in pull_requests: if pr.get("title") == title: print("Automated PR already exists") return 0 # Creating the pull request body = { "title": title, "body": "This release was done because the API spec may have changed", "head": "{owner}:{head_branch}".format(owner=self.__repo_owner, head_branch=head_branch), "base": base_branch } response = requests.post( "https://api.github.com/repos/{owner}/{repo}/pulls".format(owner=self.__repo_owner, repo=self.__repo_name), auth=HTTPBasicAuth(self.__repo_owner, self.__github_token), headers=headers, json=body ) if response.status_code != 201: print("Error response: " + response.content.decode("utf-8")) return response.status_code print("Created the PR") return 0
33.410494
119
0.584388
10,668
0.985497
0
0
0
0
0
0
3,593
0.331917
a934ac7175537d5e0f644f854f7833119ee2a065
4,697
py
Python
dfa_App/migrations/0020_auto_20200805_2155.py
aejsi5/digifaa
e178986ba556db6175ede3fa1a2c1c39489b7e68
[ "MIT" ]
null
null
null
dfa_App/migrations/0020_auto_20200805_2155.py
aejsi5/digifaa
e178986ba556db6175ede3fa1a2c1c39489b7e68
[ "MIT" ]
null
null
null
dfa_App/migrations/0020_auto_20200805_2155.py
aejsi5/digifaa
e178986ba556db6175ede3fa1a2c1c39489b7e68
[ "MIT" ]
null
null
null
# Generated by Django 3.0.1 on 2020-08-05 19:55 from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('dfa_App', '0019_auto_20200805_2140'), ] operations = [ migrations.AddField( model_name='constraint', name='Constraint_Vehicle_EXTERNAL_ID_FROM', field=models.CharField(blank=True, max_length=15, null=True, verbose_name='Flottennummer von'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_EXTERNAL_ID_FROM_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_EXTERNAL_ID_TO', field=models.CharField(blank=True, max_length=15, null=True, verbose_name='Flottennummer bis'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_EXTERNAL_ID_TO_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_FIRST_REGISTRATION_DATE_TO', field=models.DateField(blank=True, null=True, verbose_name='Erstzulassungsdatum bis'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_MAKE_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_MODEL_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_SERIES_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_TYPE_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_USER_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_VIN_FROM_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AddField( model_name='constraint', name='Constraint_Vehicle_VIN_TO_CHOICES', field=models.SmallIntegerField(choices=[(0, 'gleich'), (1, 'nicht gleich'), (2, 'enthält'), (3, 'enthält nicht'), (4, 'beginnt mit'), (5, 'beginnt nicht mit'), (6, 'endet mit'), (7, 'endet nicht mit')], default=0, verbose_name='Beschränkung'), ), migrations.AlterField( model_name='constraint', name='Constraint_Vehicle_FIRST_REGISTRATION_DATE_FROM', field=models.DateField(blank=True, null=True, verbose_name='Erstzulassungsdatum von'), ), ]
59.455696
255
0.613157
4,631
0.980313
0
0
0
0
0
0
1,928
0.408129
a935dc2fa82547bf6d3850ba747641cf2ca1a91f
908,364
py
Python
flashcards-data-service/aliok/flashcards/data_service/dictSet.py
aliok/flashcards
9cca41e0b2ec68b329d2030160e505017fcc182c
[ "Apache-2.0" ]
6
2015-11-13T22:13:24.000Z
2021-03-25T01:30:01.000Z
flashcards-data-service/aliok/flashcards/data_service/dictSet.py
aliok/flashcards
9cca41e0b2ec68b329d2030160e505017fcc182c
[ "Apache-2.0" ]
null
null
null
flashcards-data-service/aliok/flashcards/data_service/dictSet.py
aliok/flashcards
9cca41e0b2ec68b329d2030160e505017fcc182c
[ "Apache-2.0" ]
5
2016-02-28T22:11:05.000Z
2020-07-31T02:06:11.000Z
#Found stateFile, trying to restore the crawler state. dictSet_0 = [('das', u'Bearbeiten', u'editing a document'), ('der', u'Politiker', u'politician; centrist'), ('der', u'Januar', u'January'), ('der', u'August', u'August'), ('der', u'Komponist', u'composer'), ('der', u'Mai', u'May'), ('die', u'T\xfcrkei', u'T\xfcrkiye; Turkey'), ('der', u'Schriftsteller', u'novelist; writer; author; writer'), ('das', u'Aus', u'out; out of play; exit; end; finish'), ('der', u'Fu\xdfballspieler', u'football player; footballer; kicker'), ('der', u'Schauspieler', u'Thespian; actor; actress; player (outdated); comedian'), ('der', u'Unter', u'jack; knave (playing card)'), ('der', u'Februar', u'February'), ('der', u'Einer', u'unit; unit place; single scull; (number) one'), ('das', u'Werden', u'genesis; development; becoming'), ('das', u'Jahrhundert', u'century /c; cent./; centenary'), ('die', u'Schauspielerin', u'actor; actress; player (outdated)'), ('das', u'Deutschland', u'Germany'), ('die', u'Seite', u'aspect; beam; page /p./; side'), ('der', u'Artikel', u'article; article; article /art./; feature; item; requisite'), ('der', u'Schweizer', u'milker; dairyman; Swiss'), ('der', u'Maler', u'painter; Pictor; Easel'), ('der', u'Musiker', u'musician'), ('das', u'Set', u'kit'), ('das', u'Sein', u'being; existence; being; essence; suchness'), ('der', u'Kalender', u'calendar; appointment calendar; datebook'), ('das', u'Jahr', u'year'), ('die', u'Stadt', u'municipality; town; city'), ('der', u'S\xe4nger', u'singer; female singer; songster; vocalist'), ('der', u'K\xf6nig', u'king'), ('der', u'Pr\xe4sident', u'president /Pres./; governor; president'), ('der', u'Juli', u'July'), ('der', u'Text', u'words; lyrics; text'), ('die', u'Suche', u'search; hunt; searching; finding; quest (for)'), ('der', u'Page', u'bellboy; bellhop [Am.]; page; pageboy [Br.]; page'), ('die', u'Navigation', u'navigation'), ('der', u'Filter', u'filter; cleaner; strainer'), ('der', u'Cache', u'cache; cache memory'), ('der', u'Autor', u'author; writer'), ('die', u'Schriftstellerin', u'novelist; writer; author; authoress'), ('der', u'General', u'general /Gen./'), ('der', u'Theologe', u'theologian; divine'), ('das', u'K\xf6nnen', u'savvy; proficiency'), ('die', u'Zwei', u'deuce; twain (archaic); (number) two'), ('das', u'Aber', u'but'), ('der', u'Tag', u'closing date [Am.]; day'), ('das', u'Tag', u'tag'), ('die', u'Geschichte', u'concern; narrative; story; tale; history'), ('der', u'Journalist', u'journalist; newsman; newspaperman'), ('die', u'S\xe4ngerin', u'singer; female singer; vocalist; songstress'), ('der', u'Regisseur', u'director; stage director'), ('die', u'Schlacht', u'battle [fig.] (for); battle (of) (for)'), ('der', u'Dichter', u'poet'), ('der', u'Ernst', u'seriousness; earnestness; gravity; solemnity; solemnity; seriousness; seriousness; seriousness; gravity'), ('der', u'Physiker', u'physicist'), ('das', u'Leben', u'existence; life; lifetime; livings; living'), ('das', u'Mehr', u'increase (in); surplus; growth; majority'), ('der', u'M\xe4rz', u'March'), ('der', u'Oktober', u'October'), ('der', u'Dirigent', u'conductor'), ('die', u'Republik', u'republic /rep./'), ('die', u'Zeit', u'bed time; bedtime; time; tense; hours; terms'), ('die', u'Null', u'zero; nought [Br.]; naught [Br.]; null; nil [Br.]'), ('der', u'Kaiser', u'emperor'), ('der', u'Krieg', u'war'), ('die', u'City', u'city centre; town centre; downtown [Am.]; central business district /CBD/'), ('das', u'Weitere', u'further details {pl}'), ('der', u'November', u'November'), ('der', u'George', u'Georgian'), ('die', u'Politikerin', u'politician; centrist'), ('die', u'Politik', u'politics; policy'), ('der', u'April', u'April'), ('der', u'Jurist', u'graduate in law; legal expert; jurist <jurisprudent>'), ('der', u'Philosoph', u'philosopher'), ('der', u'Pianist', u'pianist; piano player'), ('die', u'Literatur', u'literature'), ('die', u'Urauff\xfchrung', u'first release; world premiere'), ('der', u'September', u'September'), ('die', u'Drei', u'(number) three; trey (a card, die, or domino with three pips)'), ('der', u'Kardinal', u'cardinal'), ('die', u'Hilfe', u'relief; help; aid; assistance; succour [Br.]; succor [Am.]; ancilla; assistance (in); agency; rescue; comfort'), ('die', u'Oper', u'opera'), ('der', u'Architekt', u'architect'), ('die', u'Uhr', u'timepiece'), ('der', u'Erzbischof', u'archbishop'), ('der', u'Juni', u'June'), ('der', u'Historiker', u'historian'), ('der', u'Mathematiker', u'mathematician'), ('das', u'Heute', u'today'), ('die', u'Kultur', u'culture; civilization [eAm.]; civilisation [Br.]; preliterate culture'), ('das', u'Buch', u'book; film-tie-in; tie-in edition'), ('das', u'Reich', u'empire; Reich; realm'), ('das', u'Ende', u'end (of); ending; bottom; exit; quietus; tail; expiration; finish; cessation; end; closure'), ('die', u'Wirtschaft', u'inn; pub; bar; restaurant; economy'), ('der', u'Bischof', u'bishop'), ('der', u'Teil', u'component (of sth.); part; portions; whack'), ('das', u'Teil', u'deal; slice; part'), ('die', u'Gesellschaft', u'Society of Friends; society /soc./; company /co./; company; corporation; companion; companionship; party; corporation; lot; association /assoc./'), ('der', u'Papst', u'Pope; Catholic Pope; Pontiff'), ('die', u'Kirche', u'cathedral; church')] dictSet_1 = [('das', u'Mitglied', u'insider; member; vigilante'), ('der', u'Index', u'index; Index; classified index; index; index; consumer price index /CPI/'), ('der', u'Unternehmer', u'road and paving contractor; entrepreneur; mercantilist'), ('der', u'Filmregisseur', u'film director'), ('der', u'Kontakt', u'contact; pin; contact (with sb.); association'), ('die', u'Regierung', u'government /Gov.; Govt./; regimen'), ('die', u'Marke', u'tag; postage stamp; stamp; make (of a product); marker; label; trademark; mark; brand; mark; trade name; brand name; brand; marque; surface marking; bedding plane marking; gap (of a seismogram)'), ('der', u'Marke', u'token'), ('die', u'Ansicht', u'view; sight; notion; sectional view; view; display; conception; apprehension; slant; slanting view [coll.]; topview; top view; plan; opinion (about sth.); estimation; view; mind; elevation'), ('der', u'Rennfahrer', u'racing driver; racing cyclist'), ('der', u'Weltkrieg', u'world war /WW/'), ('die', u'Diskussion', u'discussion; talk; debate; argument; discussion (about; on)'), ('das', u'Mobile', u'mobile'), ('der', u'Trainer', u'trainer; coach'), ('die', u'Lizenz', u'franchise; licence; license [Am.]; concession'), ('der', u'Neue', u'Johnny-come-lately [coll.]'), ('die', u'Enzyklop\xe4die', u'cyclopedia; encyclopedia; encyclopaedia'), ('das', u'Lesen', u'picking; reading'), ('die', u'Versionsgeschichte', u'revision history'), ('der', u'Chemiker', u'chemist; analyst'), ('das', u'Anlegen', u'construction (of sth.)'), ('der', u'Body', u'bodysuit'), ('das', u'Erstellen', u'authoring; authoring'), ('das', u'Anmelden', u'sign-on'), ('das', u'Drucken', u'print; printing'), ('der', u'Datenschutz', u'data protection; data privacy; privacy'), ('der', u'Organist', u'organist'), ('die', u'Hauptseite', u'home page; homepage'), ('das', u'Date', u'rendezvous; date'), ('der', u'Exportieren', u'exporting; exportation'), ('das', u'Zitieren', u'quotation; quote (from sb.)'), ('der', u'Skin', u'skinhead'), ('das', u'Impressum', u'masthead [Am.]; imprint'), ('das', u'Benutzerkonto', u'user account'), ('die', u'Wissenschaft', u'science; scholarship'), ('das', u'Land', u'ground; earth; land; country; country; county; terra'), ('der', u'Leichtathlet', u'athlete'), ('die', u'Schweiz', u'Switzerland'), ('die', u'Armee', u'army'), ('der', u'Gitarrist', u'guitarist; guitar player'), ('der', u'Sport', u'sport'), ('die', u'Partei', u'party; party'), ('die', u'Technik', u'technics; technique; engineering; technology'), ('der', u'Hauptartikel', u'lead story'), ('der', u'Bildhauer', u'sculptor; statuary; Sculptor'), ('der', u'Ministerpr\xe4sident', u'prime minister'), ('das', u'Sterben', u'death; dying; intestacy'), ('die', u'Welt', u'world; world'), ('die', u'Liste', u'laundry list [coll.]; track record; list; listing; roster; register; bill; schedule; shortlist; short-list; roll; world heritage; world heritage list'), ('die', u'Religion', u'religion /rel./'), ('der', u'Spieler', u'gamester; player; gambler'), ('das', u'Inhaltsverzeichnis', u'directory; table of contents'), ('die', u'Gr\xfcndung', u'constitution (of sth.); founding; foundation; launch; launching (of a company); setting up; establishment; flotation; start-up (of a company)'), ('der', u'Premierminister', u'Prime Minister /PM/'), ('der', u'Drehbuchautor', u'screenwriter; scriptwriter'), ('der', u'Tritt', u'kick; footstep'), ('der', u'Jazz', u'jazz'), ('die', u'Vier', u'(number) four'), ('das', u'Italien', u'Italy'), ('das', u'Europa', u'Europe'), ('der', u'Arzt', u'doctor; physician; medical doctor /M.D./; medic [coll.]'), ('der', u'Verlag', u'publisher; publishers; publishing house'), ('das', u'Weltgeschehen', u'world affairs'), ('die', u'Universit\xe4t', u'higer education institute; university; university'), ('die', u'Musik', u'music'), ('der', u'Football', u'American football'), ('das', u'Theater', u'palaver; theatre; theater [Am.]; clambake [coll.]; fuss; to-do; kerfuffle [Br.]; hoo-ha [Br.] [coll.]'), ('die', u'Leichtathletin', u'athlete'), ('der', u'Professor', u'professor /Prof./; full professor'), ('der', u'Herzog', u'duke'), ('die', u'Folge', u'episode; succession; effect (on); sequence; run; consequence; cliffhanger; suite; sequence; consequence; series; spit-out (seismics)'), ('die', u'Film', u'film'), ('der', u'Film', u'picture; film; coat; feature film; film [Br.]; movie [Am.]; coat film'), ('der', u'Diplomat', u'diplomat; diplomatist'), ('der', u'Tod', u'quietus; death'), ('die', u'Bev\xf6lkerung', u'population /pop./'), ('der', u'Mann', u'husband; man; male'), ('das', u'Prozent', u'percent; per cent; percentile; percentage'), ('die', u'Sammlung', u'association; collection; assemblage; library; brainstorming; spitballing [slang]; phrase book'), ('der', u'Astronom', u'astronomer'), ('die', u'Insel', u'island; isle'), ('die', u'Kraft', u'vigour [Br.]; vigor [Am.]; force; force; power; strength; puissance; verdure; vis; vitality; vigour [Br.]; vigor [Am.] (of persons); power'), ('der', u'Nobelpreistr\xe4ger', u'Nobel Prize winner; Nobel laureate'), ('das', u'Baden', u'bathing; swimming'), ('die', u'Band', u'band'), ('der', u'Band', u'volume /vol./ (of a book)'), ('das', u'Band', u'ligament; ribbon; tape; tie; reel; belt; band; assembly line; production line; strap; bar; riband'), ('die', u'Sowjetunion', u'Soviet Union'), ('das', u'Publizist', u'publicist; commentator on politics and current affairs'), ('der', u'K\xfcnstler', u'artist; performer; artiste; artist; longhair [coll.]'), ('das', u'Mal', u'mark; time; mark'), ('der', u'Erfinder', u'inventor; contrivancer; deviser; originator'), ('der', u'Berliner', u'doughnut; donut <doughnaught>'), ('die', u'Leichtathletik', u'athletics'), ('der', u'Graf', u'count; earl [Br.]'), ('der', u'Beginn', u'start; first step; beginning; commencement; outset; onset; inception; advent; dawn'), ('das', u'Amt', u'office; office; administrative office; agency; department; function; post; task; trunk; commission; charge; abbacy; magistracy; curatorship; bureau; agency; appointment; Office for the Protection of the Constitution; exchange; special administrative district; amt'), ('das', u'Bayern', u'Bavaria'), ('das', u'K\xf6nigreich', u'kingdom; realm'), ('das', u'Spanien', u'Spain')] dictSet_2 = [('das', u'Esperanto', u'Esperanto'), ('das', u'Selbst', u'self'), ('die', u'Bundesrepublik', u'federal republic'), ('der', u'P\xe4dagoge', u'teacher; educationist; educationalist; pedagogue; pedagog [Am.]'), ('der', u'Produzent', u'producer; manufacturer (of sth.)'), ('der', u'Staat', u'polity; country; state; country; nation'), ('die', u'Feier', u'celebration; ceremony; party'), ('der', u'Vertrag', u'agreement; contract; indenture; pact; treaty'), ('der', u'Magyar', u'Magyar'), ('die', u'Verfassung', u'trim; make-up; constitution (of a State); state; fettle'), ('die', u'Union', u'union; union'), ('das', u'Sachsen', u'Saxony'), ('das', u'Preu\xdfen', u'Prussia'), ('die', u'F\xfcnf', u'(number) five'), ('der', u'Name', u'name; title'), ('das', u'Museum', u'museum'), ('der', u'Israel', u'Israel'), ('der', u'Eishockeyspieler', u'ice-hockey player'), ('der', u'Lyriker', u'lyric poet; lyricist'), ('die', u'Macht', u'sway; leverage [fig.]; control (over; of); might; power (of); potency; sovereign; office'), ('der', u'Fu\xdfball', u'football; soccer; soccer ball [Am.]; football [Br.]; soccer ball [Am.]'), ('der', u'Mediziner', u'doctor; physician; medical doctor /M.D./; medic [coll.]'), ('der', u'Offizier', u'officer; mate'), ('der', u'Gr\xfcnder', u'founder; floater'), ('das', u'Unternehmen', u'concern; business venture; company; enterprise; corporation; undertaking; venture; operation; undertaking; proposition'), ('das', u'Gegen\xfcber', u'vis-\xe0-vis; the opposite'), ('der', u'Ingenieur', u'engineer (with university degree) /eng./'), ('die', u'K\xf6nigin', u'queen'), ('das', u'Englisch', u'English'), ('das', u'Gebiet', u'department /dept./; area; territory; tract; region; district; field; realm; outwork; outworks; terrain; compass; zone'), ('das', u'Soll', u'debit; debit side; debit; target; kettle hole; morainic lake'), ('die', u'Art', u'kind; type; species; way; fashion; fits; variety; breed; description; mode; variety; sort; species; style'), ('die', u'Hauptstadt', u'capital; capital city; metropolis'), ('der', u'Sohn', u'son'), ('die', u'Entwicklung', u'evolution; expansion; development; deployment; progression; sociogenesis; growth'), ('das', u'Erdbeben', u'earthquake; temblor; seism; shake [Am.]'), ('die', u'Frau', u'woman; wife; Miss; Ms [Br.]; Ms. [Am.]; femme; signora'), ('das', u'England', u'England'), ('der', u'Sieg', u'victory; triumph (over)'), ('der', u'Richter', u'judge; justice; bench'), ('die', u'Komponistin', u'composer'), ('der', u'Dramatiker', u'playwright; dramatist'), ('das', u'Afrikaans', u'Afrikaans [ling.]; Afrikaans; Cape Dutch'), ('die', u'Mode', u'fashion; vogue; fashion; trend; craze'), ('der', u'Tennisspieler', u'tennis player'), ('der', u'Schachspieler', u'chess player'), ('der', u'M\xfcller', u'miller'), ('der', u'Tagalog', u'Tagalog; member (language) of the native people of the Philippines'), ('der', u'Verleger', u'publisher'), ('die', u'Unabh\xe4ngigkeit', u'independence'), ('der', u'Grafiker', u'graphic designer; graphic artist'), ('der', u'Fotograf', u'photographer'), ('der', u'Rom', u'Rom; Romni'), ('der', u'Priester', u'sky pilot [Am.] [mil.] [slang]; priest; priestliness; shaman'), ('der', u'Widerstandsk\xe4mpfer', u'member of the resistance; resistance fighter'), ('das', u'Befinden', u'(state of) health'), ('der', u'Titel', u'heading; title; title; caption; cover; titular; cover'), ('das', u'Geburtsdatum', u'date of birth'), ('die', u'Interlingua', u'interlingua'), ('der', u'Stand', u'profession; trade; booth; level; footing; class; booth; stand; trade-show booth; state of work; state of play [Br.]; state of affairs; score; scoring; standing position; stand; stand; state; as of; as at; level position; stall'), ('der', u'B\xfcrgermeister', u'mayor'), ('der', u'Fischer', u'fisherman; fisher'), ('der', u'Main', u'Main (river in Germany)'), ('der', u'Dollar', u'dollar; buck; clam; smacker [slang]; rock [slang]'), ('der', u'Arch\xe4ologe', u'archeologist; archaeologist'), ('das', u'Hindi', u'Hindi'), ('der', u'Nationalpark', u'national park'), ('der', u'Olympiasieger', u'Olympic champion'), ('der', u'Einwohner', u'denizen (of a place); inhabitant; habitant; Oxonian; Bangladeshi'), ('der', u'Botaniker', u'botanist'), ('das', u'Portal', u'portal; gantry; portal; porch'), ('der', u'Rahmen', u'frame; framework; setting; edge; border; skid; welt; husk; rack; shelf; scope; compass'), ('der', u'Minister', u'minister; Secretary of State [Br.]'), ('die', u'Katastrophe', u'debacle; cataclysm; catastrophe; disaster; calamity'), ('die', u'Sechs', u'(number) six'), ('der', u'Wiener', u'Viennese'), ('der', u'Nachfolger', u'successor; follower'), ('der', u'Horst', u'eyrie; aerie; horst; fault (heaved) block; fault scarp; uplift'), ('die', u'Mark', u'mark; march; mark'), ('das', u'Mark', u'pulp; bone marrow; marrow; pith; core; pith'), ('die', u'Wahl', u'choice; election; option'), ('die', u'Malerin', u'painter'), ('das', u'Haus', u'building; house; home; establishment'), ('der', u'Roman', u'novel; screed'), ('der', u'Euro', u'euro'), ('der', u'Schlagzeuger', u'percussionist; drummer'), ('der', u'Staatsmann', u'statesman'), ('die', u'Kunst', u'art; trick; skill; art'), ('der', u'Jazzmusiker', u'hipster'), ('das', u'Bord', u'board; side (of a ship); shelf'), ('der', u'Bau', u'fabric; construction; building; structure; building; den; hole; lair; burrow; rabbit burrow'), ('das', u'Beispiel', u'example; instance; paradigm; example'), ('die', u'Autorin', u'author; writer'), ('die', u'Revolution', u'revolution'), ('das', u'Parlament', u'parliament'), ('die', u'St\xe4rke', u'thickness; force; power; strength; strength [fig.]; forte; powerfulness; strongness; vigorousness; stiffness; strong point; starch flour; starch; violence'), ('der', u'Norden', u'north /N/'), ('der', u'Start', u'departure /dep./; activation; start; start; starting; launch; take-off; liftoff; takeoff; blastoff; boot; departure; kickoff'), ('die', u'Gemeinde', u'demos; congregational; township; community; parish; municipality'), ('der', u'Skispringer', u'ski jumper')] dictSet_3 = [('der', u'Gouverneur', u'governor /Gov./'), ('der', u'Filmproduzent', u'filmmaker'), ('der', u'Betrieb', u'commission; operation; service; mode; reverse-biasing; bustle; duty; firm; company; non-stop operation; around-the-clock operation; day and night operation; undertaking'), ('das', u'Opfer', u'quarry; flood victim; oblation; sacrifice; victim; offering; immolation; casualty'), ('die', u'Formel', u'formula; formula'), ('die', u'Lee', u'lee; lee side; leeward; lee; lee site'), ('der', u'Soziologe', u'sociologist'), ('das', u'Radio', u'radio; wireless [Br.]'), ('das', u'Gesetz', u'law; act; law; statute; mob law'), ('der', u'Filmschauspieler', u'actor'), ('die', u'Volksrepublik', u"People's Republic /PR/"), ('der', u'Konrad', u'plunger'), ('die', u'Bedeutung', u'magnitude; meaning; importance; prominence; significance; signification; sense (of a word); denotation; weight; interesting; relevance; relevancy; sense (of sth.); meaning; account; importance; interest'), ('das', u'Bedeutung', u'calibre [Br.]; caliber [Am.]'), ('der', u'Park', u'park; Park /Pk/'), ('die', u'Sieben', u'(number) seven'), ('das', u'Sieben', u'sifting; screening; sieving; sizing; bolting'), ('die', u'F\xfchrung', u'duct; guide; leadership; lead; management (of sth.); guided tour; conducted tour (of a museum); guidance; head; conduct; vanguard; van; vaward [obs.]'), ('der', u'Frieden', u'peace; quietude'), ('der', u'Musikwissenschaftler', u'musicologist'), ('der', u'Anfang', u'start; first step; beginning; commencement; entrie; incipience; init; outset; top; onset; inception; advent; origin'), ('der', u'Ort', u'municipality; scene; place'), ('das', u'Ort', u'verge; vergeboard'), ('die', u'Mitte', u'mainstream; midway; middle; centre [Br.]; center [Am.]'), ('der', u'Platz', u'square /Sq./; place; space; stand; pew; point /pt/; room; space; seat; field; pitch; ground; niche; place; room; space; square'), ('die', u'Zehn', u'(number) ten'), ('das', u'Milit\xe4r', u'military'), ('die', u'Natur', u'nature; nature'), ('der', u'Jahreswechsel', u'turn of the year'), ('der', u'Au\xdfenminister', u'foreign minister; Foreign Secretary [Br.]; Secretary of State [Am.]'), ('die', u'Familie', u'family; family; house'), ('das', u'Recht', u'claim; authorization [eAm.]; authorisation [Br.]; justice; justice; right; law; privilege; due; title (to)'), ('das', u'Ziel', u'end (of); object; bourn; bourne [obs.]; goal; objective (goal); target; default; destination; aim; finish'), ('die', u'Erde', u'dirt; Earth; earth; ground; world'), ('die', u'Rolle', u'role; r\xf4le; sheave; caster; castor; character; roll; reel; role; character; theatrical role; part; persona; roller; chute; pass; counterchute; boxhole; drophole; drawhole; sliding hole; bing hole; pull hole (raise); block; pulley; roller; idler'), ('der', u'Zeichner', u'drawer; draftsman; draughtsman [Br.]'), ('das', u'Erhalten', u'receipt'), ('die', u'Mehrheit', u'majority; plurality'), ('die', u'Lage', u'site; layer; coat; site; posture; ply; situation; location; position; quire (bookbinding); position; bearing; layer; bed; stratum; bank; seam; sheet'), ('das', u'Hessen', u'Hesse'), ('der', u'Osten', u'East /E/; orient'), ('der', u'Westen', u'occident; Western World; west'), ('die', u'H\xf6he', u'level; elevation; height /h; ht/; altitude; highness'), ('der', u'Rhein', u'Rhine'), ('die', u'Nato', u'North Atlantic Treaty Organization /NATO/'), ('das', u'Quartal', u'quarter (year); quarterly period; three-month period'), ('die', u'Auflage', u'edition /ed./; circulation; condition; requirement; rest; support; impost; Impression; layer; gold plating; plating; silver plating; overlay; constraint'), ('der', u'Weg', u'way; alley; path; way; walk; lane; road; path'), ('das', u'Werk', u'plant; oevre; work; works; works'), ('die', u'Gruppe', u'bank; posse [coll.]; element group; party; group; group; gang; tern; herd; group (whales); pod; school; group (dolphins; porpoises); lot; section; squad [Am.]; cluster; category; cohort; denomination; faction'), ('das', u'Gruppe', u'posse (of)'), ('die', u'Sprache', u'speech; diction; language /lang./; tongue [fig.]; speech; voice'), ('der', u'Rock', u'(suit) jacket [Br.]; (suit) coat [Am.]; skirt; rock music; rock'), ('die', u'Weltmeisterschaft', u'world championship'), ('der', u'S\xfcden', u'south /S/'), ('die', u'Region', u'region; Bible belt; region; area; zone'), ('der', u'Lehrer', u'housemaster [Br.]; teacher; instructor; indoctrinator; schoolmaster; tutor; preceptor'), ('das', u'Wasser', u'water; eau'), ('das', u'System', u'system; system'), ('die', u'Operation', u'surgery; operation; operation; operation'), ('das', u'Australien', u'down under [coll.]; Australia'), ('die', u'Bildung', u'education; forming; formation; learning; development; creation; constitution (of sth.); literacy; establishment; setting-up (of sth.); nurture; setting up; establishment; genesis'), ('der', u'Kreis', u'district /dist./; circle; circle; circuit; cycle; administrative district; rural district; ring'), ('der', u'Zoologe', u'zoologist'), ('der', u'Geburtsort', u'birthplace; place of birth'), ('der', u'Begr\xfcnder', u'founder; father'), ('der', u'Iran', u'Iran'), ('der', u'Basketballspieler', u'basketball player; hoopster [coll.]'), ('die', u'Herrschaft', u'sway; control (over; of); reign; dominion; lordship; mastery; rule; mob rule; governance (of); power (of); masterhood; regimen; dominance; domination'), ('der', u'Prinz', u'prince; athling; aethling; adling'), ('der', u'Trotz', u'defiance; contrariness'), ('die', u'Journalistin', u'journalist'), ('die', u'Disziplin', u'discipline; discipline'), ('der', u'Bereich', u'array; region; sphere; area; scope; purview; visible range; domain; range; realm; scope; sector; span; zone'), ('die', u'Kurzbeschreibung', u'abstract; brief description'), ('die', u'Stra\xdfe', u'avenue /Ave/; alley (of trees); road /Rd/; street /St/; street address; mews; straight; the Straits of Gibraltar'), ('der', u'Wolf', u'wolf; Lupus'), ('der', u'Berg', u'mountain; mount /Mt/'), ('das', u'Ich', u'self; ego'), ('die', u'Organisation', u'organization [eAm.]; organisation [Br.]; outfit [coll.]'), ('das', u'Brandenburg', u'Brandenburg'), ('der', u'Grund', u'bottom; cause; reason; grounds {pl}; account; cause (for sth.); ground (background colour); base; causing; ground; master; matter; occasion'), ('der', u'Sitz', u'fit; seat'), ('der', u'Vater', u'father; father; begetter; sire'), ('der', u'Philologe', u'teacher (scholar) of language and literature; philologist [Am.]'), ('die', u'Provinz', u'province'), ('die', u'Unterst\xfctzung', u'relief; aid money; promotion; patronage; aid; assistance; backing; support'), ('der', u'B\xfcrgerkrieg', u'civil war'), ('der', u'Kabarettist', u'cabaret artist'), ('der', u'Pfarrer', u'minister; parish priest; priest; vicar; pastor; parson; Reverend; sky pilot [Am.] [mil.] [slang]'), ('die', u'Niederlage', u'defeat; whipping; reverse; shutout; drubbing'), ('der', u'Admiral', u'admiral; red admiral'), ('die', u'Arbeit', u'work; work; job; job; graft [Br.] [coll.]; stint; chore; pursuits'), ('die', u'Pianistin', u'pianist; piano player'), ('das', u'Stellen', u'placement'), ('die', u'Grenze', u'perimeter; frontier; limit; border; boundary; bound; boundary line; bourn; bourne [obs.]; confine; borderline; border; edge; periphery'), ('der', u'Bundesstaat', u'federal state; Federal State of the U.S.'), ('der', u'Vertreter', u'prosecution; counsel for the prosecution; prosecution counsel; agent; exponent; representative; rep [coll.]; substitute; stand-in; deputy; proxy; locum; locum tenens'), ('das', u'Island', u'Iceland'), ('der', u'Regierungschef', u'head of the government')] dictSet_4 = [('der', u'Boxer', u'boxer; pugilist; pug'), ('der', u'Angriff', u'aggression; attack (on); attack; assault; offence; offense [Am.]; onset; onslaught; whammy; charge; attack; offensive move; raid; challenge (to sth.); offensive; descent (on; upon)'), ('der', u'Violinist', u'violinist'), ('die', u'Form', u'form; mold [Am.]; mould; trim; shape'), ('der', u'Kilometer', u'kilometre [Br.]; kilometer [Am.]'), ('das', u'Heer', u'army; host'), ('die', u'Bahn', u'pathway; path; way; course; tram; railway; web; rail; trajectory; alley; path orbit'), ('das', u'Schloss', u'castle; lock; hinge (palaeontology); yoke (of a friction prop)'), ('der', u'Erfolg', u'success; prosperity; prosperousness'), ('die', u'Zeitung', u'newspaper; paper'), ('der', u'Oscar', u'Oscar; Academy Award'), ('das', u'Geb\xe4ude', u'building; edifice; premises {pl}'), ('der', u'Preis', u'award; fee; charges; cost; pot [slang]; price; fee; prize; purchase; prize'), ('die', u'Richtung', u'course; direction; trend; line; route'), ('der', u'Manager', u'manager; acting manager; manager; tycoon'), ('die', u'Operette', u'operetta; light opera'), ('die', u'Einf\xfchrung', u'advent; guide book; introduction; approach; implementation; launch (of a new product); primer; inaugural; inauguration; lead in; initiation (into); rollout'), ('der', u'Don', u'Don'), ('die', u'Karte', u'pass (for using a service); ticket; card; map; playing card; card'), ('die', u'Er\xf6ffnung', u'opening; initiation (into); launch; launching (of a company); vernissage; preview (of an art exhibition)'), ('der', u'Bundestag', u'Bundestag; Lower House of German Parliament; Federal Parliament'), ('die', u'Person', u'character; person receiving basic welfare support; individual; person; character'), ('die', u'Regie', u'production; direction; management; administration; director'), ('die', u'Acht', u'(number) eight'), ('die', u'Bewegung', u'stir; motion; move; movement; stir'), ('der', u'F\xfcrst', u'prince; count; earl [Br.]'), ('der', u'Synchronsprecher', u'voice actor'), ('das', u'Amerika', u'America'), ('das', u'Lassen', u'allowing; granting; giving (of permission); permitting'), ('das', u'Irland', u'Ireland; Eire [Ir.]'), ('die', u'K\xfcste', u'coast; shore; shoreline; waterside; seacoast; sea coast; sea shore; seaboard; shore'), ('der', u'Hamburger', u'hamburger; burger'), ('das', u'Fernsehen', u'television; TV'), ('der', u'Oberb\xfcrgermeister', u'Lord Mayor; Chief Burgomaster'), ('das', u'Abkommen', u'agreement; contract; treaty; accord [Am.]'), ('die', u'Polizei', u'police; "The Old Bill" [Br.] [slang]'), ('der', u'Bob', u'bob; bobsleigh; bobsled'), ('der', u'Wissenschaftler', u'researcher; research scientist; scholar; scientist; academic; boffin [Br.] [slang]'), ('der', u'Bundespr\xe4sident', u'Federal President'), ('der', u'Einfluss', u'influence (on); sway; clout; leverage [fig.]; factor; bottleneck factor; influencing factor; vector; ascendancy; ascendency; inflow'), ('die', u'Fu\xdfballspielerin', u'football player; footballer; kicker'), ('der', u'Aufstand', u'insurgency; revolt; rebellion; uprising; rising; insurgence; insurrection; riot; fuss; to-do; kerfuffle [Br.]; hoo-ha [Br.] [coll.]'), ('die', u'N\xe4he', u'nearness; closeness; proximity; vicinity; adjacencies; contiguousness; propinquity; vicinage'), ('die', u'Bank', u'bank; bench; settle; bank; bank; massive bed; massive layer; measure'), ('der', u'Kampf', u'fight (over/for sth. [mil.]); fight (for sth.) [fig.]; struggle; battle [fig.] (for); combat; fighting; fray; bout; conflict; action; operation; contest; match'), ('der', u'Bundeskanzler', u'Bundeskanzler; Bundeskanzlerin; Federal Chancellor'), ('das', u'Rum\xe4nien', u'Romania, Rumania'), ('die', u'Zahl', u'number (of sth.); number; digit; figure; tally; cipher; cypher'), ('das', u'Jahresende', u'end of the year'), ('die', u'Tochter', u'daughter'), ('die', u'Marine', u'merchant navy; merchant marine; navy'), ('der', u'Nationalsozialismus', u'National Socialism'), ('der', u'Bund', u'confederation; covenant; collar; fret; truss; waistband; flange; league; bond; alliance'), ('das', u'Bund', u'bunch'), ('die', u'Frauenrechtlerin', u'feminist'), ('der', u'Weltmeister', u'world champion'), ('der', u'Einsatz', u'onset; application; exertion; work assignment; assignment; insert; inset; action; operation; mission (operation, visit); tray; entry; entrance; employment; deployment; insert; ante; jackpot; stake; pool; bottle deposit; deposit; use; investment; deployment; cue; compartment'), ('das', u'Zentrum', u'hotspot; hot spot (for sth.); centre [Br.]; center [Am.]; centre [Br.]; center [Am.]; hub'), ('der', u'Hafen', u'harbour [Br.]; harbor [Am.]; port'), ('die', u'Luftwaffe', u'Air Force'), ('der', u'Hochschullehrer', u'university lecturer; college teacher; professor'), ('die', u'Ehefrau', u'wife'), ('das', u'M\xfcnster', u'minster; cathedral'), ('der', u'Komiker', u'comic; comedian'), ('die', u'Linie', u'line; curve'), ('das', u'Boot', u'boat'), ('der', u'F\xfchrer', u'leader; chief; commander; guide; headman; scoutmaster; leader; Fuehrer'), ('der', u'Flughafen', u'airport; aerodrome; airdrome'), ('die', u'Alte', u'old woman; old man'), ('der', u'Alte', u'old woman; old man; gaffer'), ('das', u'Einzige', u'the only thing'), ('der', u'Marschall', u'marshal'), ('der', u'Rechtsanwalt', u'lawyer [Br.]; attorney /att.; atty/ [Am.]; attorney at law [Am.]; solicitor /sol.; solr/ [Br.]; lawyer [Br.]; counsel; counselor; counsellor; barrister /bar./ [Br.]; advocate [Sc.]; attorney [Am.]'), ('die', u'Flagge', u'flag; ensign'), ('die', u'Herkunft', u'origin; birth; parentage; provenance; provenience; sources; descent; line of descent; origin; bloodline; referrer <referer>; origin; background'), ('das', u'Schlie\xdfen', u'closing'), ('die', u'Wehrmacht', u'armed forces; Wehrmacht'), ('das', u'Programm', u'scheme; program; programme [Br.]; program; programme [Br.]; schedule (of events)'), ('die', u'Prinzessin', u'princess'), ('der', u'Anteil', u'part; proportion; allotment; share (in); stake (in); lot; exposure; interest; interest; share; interest (in); content /cont./; interesting; contingent; quota; quantum (of); due; portions; whack; concern; rate'), ('das', u'Album', u'album'), ('der', u'Schutz', u'protection; protection; conservation; cover; guard; lee; shelter; safeguard; safety guard; safety; securing (against sb./sth.); arrestor; packing'), ('der', u'Flug', u'flight'), ('der', u'Fall', u'instance; case; fall; case; issue; circumstance'), ('das', u'Fall', u'halyard; halliard'), ('der', u'Sommer', u'summer'), ('das', u'Feuer', u'lights; lighting; fire; fire; fieriness; spunk; brazier; brasier; mettle'), ('die', u'Umwelt', u'environment'), ('die', u'Version', u'version'), ('die', u'Leiter', u'ladder'), ('der', u'Leiter', u'treasurer; chief financial officer /CFO/; corporate treasurer; chief financial officer /CFO/; corporate treasurer; leader; superintendent; manager; acting manager; head of mission (HOM; HoM); conductor; conductor of electricity; financial head; chief; traffic manager'), ('das', u'Los', u'lot; batch; destiny'), ('die', u'Kleine', u'babe'), ('der', u'Kleine', u'sonny [coll.]'), ('der', u'Psychologe', u'psychologist'), ('der', u'Verkehr', u'traffic; commerce; traffic; contact; communication; intercourse'), ('der', u'Dietrich', u'picklock; skeleton key'), ('die', u'Schule', u'pod; school; group (dolphins; porpoises); school; schoolhouse'), ('die', u'Konferenz', u'conference; conference'), ('der', u'Pius', u'blank centre; centre hole [Br.]; blank center; center hole [Am.]')] dictSet_5 = [('das', u'Afrika', u'Africa'), ('die', u'Physik', u'physics'), ('der', u'Hall', u'reverb; reverberation'), ('die', u'Habe', u'possessions; belongings {pl}; chattel'), ('das', u'Neuseeland', u'down under [coll.]'), ('die', u'Bezeichnung', u'denomination; descriptor (of/for sth.); name; designation; designating; appellation; appellative; notation; denotation; title'), ('das', u'Finale', u'final; final round'), ('die', u'Belagerung', u'besiegement; siege'), ('der', u'Moderator', u'anchorman; anchorwoman; anchor; presenter; facilitator; weatherman'), ('das', u'Fest', u'celebration; festival; feast'), ('die', u'See', u'sea; ocean'), ('der', u'See', u'lake; inland lake; loch [Sc.]; merest (poetical)'), ('die', u'Chemie', u'chemistry'), ('der', u'Begriff', u'conception; apprehension; term; specialist term; concept; perception; notion; idea'), ('der', u'Koch', u'chef; cook'), ('der', u'Chef', u'boss; foreman; honcho; gaffer; governor [Br.] [coll.]; chief; head; chief of staff'), ('der', u'Nikolaus', u'Saint Nicholas; St. Nicholas'), ('das', u'Teilen', u'division'), ('der', u'Cellist', u'cellist; cello player'), ('das', u'Bild', u'picture; image; figure /fig./; image; tableau; sight; video'), ('die', u'Expedition', u'expedition'), ('der', u'Bruder', u'brother; brethren; brother; sibling'), ('der', u'Kaufmann', u'businessman; merchandiser; merchant; grocer'), ('der', u'Geiger', u'violinist; fiddler'), ('der', u'Vogel', u'bird'), ('die', u'Medizin', u'medicine; medicines; medicine; medicine; medical science'), ('der', u'Kameramann', u'cameraman; cinematographer; camera operator'), ('der', u'Tr\xe4ger', u'beam; carrier; porter; support; wearer; tone; strap; bearer; vector; girder'), ('die', u'Akademie', u'academy; academe'), ('der', u'Amerikaner', u'American'), ('der', u'Germanist', u'germanist'), ('der', u'Wagner', u'cartwright; wheelwright; wainwright'), ('der', u'Schneider', u'tailor; cutter'), ('das', u'Niedersachsen', u'Lower Saxony'), ('das', u'Freie', u'the open; the open air'), ('die', u'Fl\xe4che', u'acreage; area; area; face; surface; expanse; area; flat'), ('das', u'Gut', u'estate; manor; good; commodity'), ('die', u'Mutter', u'mother; mother; nut; screw-nut'), ('der', u'Winter', u'winter; wintertime; wintertide'), ('das', u'Fort', u'fort'), ('der', u'Widerstand', u'obstacle; obstruction; resistance (to); resistor; opposition; stand'), ('der', u'Reichstag', u'Reichstag; Diet'), ('das', u'Patent', u'patent'), ('das', u'Erreichen', u'achievement'), ('der', u'Biologe', u'biologist'), ('das', u'Wappen', u'device; coat of arms; emblem; crest; helmet plate'), ('die', u'Reihe', u'array; sequence; run; rank; row; line; series; bank; file; line-up; rank; tier; series; progression; file; shopping parade; range; set; queue; line [Am.]'), ('das', u'Gehen', u'going; racewalking; walking; walk'), ('die', u'Nacht', u'night'), ('der', u'Kongress', u'congress; convention; Congress [Am.]'), ('der', u'Naturforscher', u'natural scientist; naturalist'), ('die', u'Bestand', u'holding (of sth.)'), ('der', u'Bestand', u'continued existence; inventory; armory; stock (of); continuance; arsenal; armoury [Br.]; armory [Am.] (of sth.) [fig.]'), ('der', u'Weber', u'weaver'), ('der', u'Informatiker', u'computer scientist'), ('der', u'Entdecker', u'discoverer'), ('das', u'Quellen', u'swelling (of wood); ooze'), ('die', u'Mission', u'mission; mission'), ('der', u'Bassist', u'bass guitarist; bass singer; double bass player; bass player; bassist'), ('das', u'Meer', u'sea; mare (of the moon); ocean'), ('der', u'Spiegel', u'mirror; polished surface; looking-glass; speculum; reflector; level; fault striations; slickensiding (tectonical)'), ('das', u'Stehen', u'standing position'), ('der', u'Pariser', u'French letter; Parisian'), ('der', u'Kunsthistoriker', u'art historian'), ('der', u'Brand', u'fire; blaze; smut; firing; blight; gangrene'), ('das', u'Alter', u'age; seniority; antiqueness; age'), ('die', u'Kontrolle', u'check; checkup; control; governance (of); checking; verification'), ('die', u'Neun', u'(number) nine'), ('die', u'H\xe4lfte', u'half; moiety'), ('das', u'Bilden', u'forming; formation; networking'), ('der', u'R\xfccktritt', u'resignation (from sth.); withdrawal (from a contract); recession; rescission; retirement'), ('die', u'Tennisspielerin', u'tennis player'), ('das', u'Territorium', u'territory'), ('die', u'Br\xfccke', u'bridge; bridgework; jumper; stud'), ('das', u'Libretto', u'libretto'), ('der', u'Comiczeichner', u'comic-strip artist'), ('der', u'Zyklus', u'cycle'), ('der', u'Herausgeber', u'anthologist; editor /ed./; publisher'), ('der', u'Pionier', u'pioneer; engineer; engineer'), ('das', u'Internet', u'Internet'), ('die', u'Zusammenarbeit', u'association; collaboration; cooperation; co-operation; interworking; provision interworking; joint work; working relationship'), ('der', u'Zeitpunkt', u'date; stage; moment; time; point in time; point of time'), ('der', u'Pop', u'pop'), ('das', u'Staatsoberhaupt', u'head of state'), ('der', u'Boden', u'ground; earth; bottom; back (of a string instrument); sole; bottom; base; soil; attic; loft [Br.]; garret [poet.]; floor; land'), ('die', u'Leitung', u'aegis; direction; wire; management (of sth.); head; conduct; conduction; main; line; cords; direction; pipeline; pipe line; pilotage; conduit; control; management /mangt/; route; transmission line'), ('das', u'Massaker', u'massacre; massacre; slaughter'), ('der', u'Meister', u'master; master craftman; champion; adept; buster [Am.]; foreman; site foreman'), ('die', u'Anzahl', u'number (of sth.); count; quantum; head; tally'), ('der', u'Versuch', u'approach; experiment; attempt; attempt; running; test; trying; essay; trial; stab at sth.; stab at doing sth. [coll.]; whack; bash'), ('die', u'Nationalversammlung', u'national assembly'), ('die', u'Moderne', u'modernity'), ('der', u'Revolution\xe4r', u'revolutionist'), ('die', u'Serie', u'sequence; run; series (of self-contained programmes); series; serial (of interconnected episodes)'), ('die', u'Sender', u'broadcaster; station'), ('der', u'Sender', u'broadcast station; transmitter; radio transmitter; emitter; transmitter'), ('das', u'Serbien', u'Serbia'), ('das', u'Kaiserreich', u'empire; empery [obs.]'), ('die', u'Dichterin', u'poetess'), ('das', u'Treffen', u'meeting; reunion')] dictSet_6 = [('der', u'Arrangeur', u'arranger'), ('die', u'Stiftung', u'endowment; foundation'), ('der', u'Geologe', u'geologist'), ('die', u'Rede', u'address; monologue; monolog [Am.]; speech; conversation; talk; rhetoric; oration'), ('die', u'Flotte', u'fleet; navy'), ('die', u'Ausgabe', u'edition /ed./; issue; issuance; issue (of sth.); output; release; expense; cost; version; issue of goods'), ('die', u'Kolonie', u'colony; dependency'), ('die', u'Aufnahme', u'assimilation; (cultural) assimilation; uptake; initiation (into); picture; taking; take; ingestion; absorption; inclusion (of sb./sth. in sth.); survey (of maps); shot; take; incorporation; extraction operation; intake; record; recording; reception; check-in desk [Am.]; photograph; picture; photography; photo; photograph; establishment; sound recording; recording; pick up; logging (of measuring data)'), ('das', u'Gold', u'gold; gold'), ('die', u'Verwaltung', u'management (of sth.); conduct; administration; admin; management; administration; administration department; stewardship; maintenance'), ('der', u'Druck', u'pressure; peer pressure; pressure; compression; pression; thrust; oppressiveness; print; printing; push; pressure'), ('die', u'T\xe4nzerin', u'dancer; ballerina'), ('die', u'Schwere', u'magnitude; seriousness; gravity; gravity; gravity; richness (of wine; food); heaviness; massiness'), ('der', u'B\xfcrger', u'citizen; bourgeois; denizen [Br.]; burgher; commoner; townsman; townsmen; bourgeois'), ('die', u'Luft', u'air'), ('das', u'Liegen', u'recumbency'), ('der', u'Sieger', u'winner; vanquisher; victor'), ('das', u'Volk', u'folks; people; nation'), ('der', u'Kommunalpolitiker', u'local politician'), ('der', u'Freiherr', u'baron'), ('der', u'Funktion\xe4r', u'functionary'), ('das', u'Bestehen', u'pass (in an exam) [Br.]'), ('der', u'Sterbeort', u'place of death'), ('das', u'Institut', u'institute; college'), ('die', u'Industrie', u'industrialism; industry; manufacture'), ('die', u'Stelle', u'location; place; position; post; point /pt/; air defense radar unit; location; appointment; stead; digit; spot; passage; position; niche'), ('der', u'Illustrator', u'illustrator'), ('das', u'Bad', u'bath; tub [coll.] [Am.]; bathhouse; swimming pool; swimming bath [Br.] (old-fashioned); bath [hist.]; swim; spa; baths; public baths; spa; health resort; sanitarium; bath'), ('die', u'Dynastie', u'dynasty'), ('der', u'Pilot', u'aviator; pilot; airplane pilot; (racing) driver'), ('die', u'Musikerin', u'musician'), ('der', u'Geograph', u'geographer'), ('der', u'Saxophonist', u'saxophonist'), ('der', u'Psychiater', u'psychiatrist; shrink [coll.] (short for headshrinker); couch doctor [coll.]'), ('der', u'Senat', u'senate'), ('der', u'Herrscher', u'sovereign; ruler'), ('die', u'Explosion', u'blast; explosion; fulmination; burst; bursting'), ('das', u'Asien', u'Asia'), ('der', u'Rat', u'council; advice; counsel'), ('der', u'Axel', u'axel'), ('die', u'Kritik', u'criticism (of sth.); cutup; review; review; write-up; critique (of sth.)'), ('der', u'Anschlag', u'attack (on); attempt; stroke; touch; stop; end stop; rabbet (for window or door); fence; placard; impact; notice; end stop; limit stop; inset; ingate(-plot); pit eye; (underground) station; shaft station; shaft inset; stage; sol(l)ar; soller; mouthing; brow; bench'), ('die', u'Nationalbibliothek', u'national library'), ('die', u'Kommission', u'panel; commission; commission'), ('die', u'Operns\xe4ngerin', u'opera singer'), ('die', u'Regel', u'norm; rule; norma'), ('die', u'Elf', u'the eleven (players) (football team); (number) eleven'), ('der', u'Elf', u'fairy; faerie [poet.]'), ('der', u'Bankier', u'banker'), ('der', u'Mensch', u'human being; mensch; man; psychic; person'), ('die', u'Einheit', u'unity; unit; device; oneness; unit; unity'), ('die', u'Entdeckung', u'discovery; finding; discovery; detection; recovering'), ('die', u'Fotografin', u'photographer'), ('der', u'Song', u'song'), ('der', u'Laut', u'sound; sound'), ('der', u'Gegensatz', u'contrast (with; to); antagonism; anticlimax; contradistinction; opposition; antithesis (to; of); opposition'), ('die', u'Tour', u'tour'), ('der', u'Raum', u'room; space; space; room /rm/'), ('die', u'Monarchie', u'monarchy'), ('der', u'Generalsekret\xe4r', u'secretary-general'), ('der', u'Benedikt', u'benedict'), ('der', u'Biochemiker', u'biochemist'), ('die', u'Initiative', u'initiative'), ('die', u'Zw\xf6lf', u'(number) twelve'), ('die', u'Halbinsel', u'peninsula'), ('der', u'Kritiker', u'censor; critic; reviewer'), ('der', u'Liedermacher', u'balladeer; songwriter'), ('der', u'Sch\xfcler', u'private pupil; pupil (of sb.); pupil [Br.]; high-school student [Am.]; schoolboy'), ('die', u'Frage', u'question; interrogation; query; issue; quest (for)'), ('der', u'Aufbau', u'building-up; build-up; superstructure; superstruction; top part; upper part; top piece; top; assembly; design; construction; design; mounting; structure'), ('der', u'Landtag', u'Landtag (legislative assembly of a German state)'), ('das', u'Spielen', u'playing; gaming'), ('die', u'Aff\xe4re', u'affair; affair; amour'), ('die', u'W\xfcrde', u'elevation; gravitas; dignity; laureateship; portliness'), ('der', u'Baum', u'tree; boom'), ('das', u'Essen', u'food; meal; cookout; scran [slang]; dinner'), ('die', u'Koalition', u'coalition'), ('das', u'Flugzeug', u'airplane; aeroplane; plane; aircraft'), ('die', u'Auswahl', u'selection; choice; range; choosing; variety (of); cull; sourcing of staff; variety'), ('der', u'Kurf\xfcrst', u'elector'), ('der', u'Boxkampf', u'fight; boxing match; boxing contest'), ('der', u'Alt', u'alto; contralto'), ('das', u'Alt', u'top-fermented German dark beer'), ('der', u'Gegner', u'enemy; adversary; opponent; opposer; deprecator; objector; anti'), ('das', u'Sonstiges', u'miscellaneous; sundries; other; AOB (any other business)'), ('der', u'Plan', u'layout; scheme; plot [Am.]; idea; concept; site map; plan; conception; roadmap; blueprint'), ('die', u'Altstadt', u'old town; historic section of town'), ('der', u'Todestag', u'obit'), ('die', u'Post', u'mail; post [Br.]; mailing; post office /PO/'), ('die', u'Ehe', u'marriage; wedlock; Matrimony (Catholic Sacrament); marriage'), ('die', u'K\xfcnstlerin', u'artist; performer'), ('die', u'Rose', u'rose'), ('der', u'Katalog', u'catalogue; catalog [Am.]'), ('der', u'Verein', u'association; club; society; outfit [coll.]; union'), ('der', u'Sultan', u'sultan'), ('der', u'Konflikt', u'conflict; aggro'), ('der', u'Operns\xe4nger', u'opera singer'), ('die', u'Entscheidung', u'decision (over); adjudication; arbitration; ruling; decision-making; move'), ('das', u'Klima', u'climate; climate'), ('der', u'Herbst', u'autumn; fall [Am.]')] dictSet_7 = [('das', u'Mittel', u'means; resource; agency; medium; expedient; vehicle; tool; stone band'), ('der', u'Literaturhistoriker', u'literary historian'), ('die', u'Forschung', u'research (into; on)'), ('das', u'Schiff', u'nuclear-powered ship; nuclear ship /N.S./; ship; vessel'), ('der', u'Befehl', u'order; fiat; instruction; mandamus; command; dictates; diktat'), ('der', u'Club', u'club'), ('die', u'Kapitulation', u'capitulation; surrender (of persons)'), ('die', u'Nummer', u'issue; number /noa; No../'), ('der', u'Fl\xf6tist', u'flutist; flautist'), ('die', u'Raumsonde', u'space probe (astronautics)'), ('das', u'Ausland', u'foreign countries'), ('die', u'Amtszeit', u'incumbency; term of office; tenure of office; time of office; premiership'), ('das', u'Verlassen', u'quitting; desertion; departure'), ('der', u'Vergleich', u'settlement; collation; collating; comparison (with sb./sth., of sb./sth., between sb./sth.); compare; settlement'), ('das', u'Vergleich', u'conciliation'), ('der', u'Orientalist', u'specialist in Middle Eastern and oriental studies'), ('die', u'Besetzung', u'manning (of sth.); filling; casting; cast; occupation; allocation; translation'), ('die', u'Kategorie', u'division; category; cohort'), ('der', u'Feldmarschall', u'field marshal'), ('der', u'Rundfunk', u'broadcast'), ('der', u'Graphiker', u'graphic designer; graphic artist'), ('der', u'Filmemacher', u'filmmaker'), ('der', u'Zar', u'czar; tsar'), ('das', u'Braun', u'brown'), ('das', u'Lied', u'song; air; tune; ballad; tune'), ('die', u'Grundlage', u'basis; foundation; scaffolding; substructure; footing'), ('der', u'Handel', u'deal; emissions trading (climate protection); trade; trading (with sb./ in sth.); commerce; mongering; trafficking; bargain'), ('der', u'Forscher', u'researcher; research scientist; explorer'), ('der', u'Ritter', u'knight; chevalier'), ('der', u'Verlauf', u'sequence; course; succession; progression; stretch; course; regime; run; alignment; form'), ('der', u'Stein', u'irritant [fig.]; stone [Br.]; (hard) pit [Am.] (of a stone fruit); stone; brick; ruby; piece; calculus; concretion'), ('die', u'Verbindung', u'connection; connectivity; relation (with sb.); interface; bond; contact (with sb.); connection; connexion [Br.]; connection; chaining; splice; conflation; fusion; incorporation; interconnection; joint; junction; conjunction; link; linkage; alliance; association; tie-in; connectedness; touch; tie-up; union; liaison; contact; communication; concatenation; catenation; connection (with); tie-up'), ('die', u'Mannschaft', u'team; crew; workmanship; squad'), ('die', u'Bundeswehr', u'Federal Armed Forces; German armed forces'), ('der', u'Missionar', u'missionary'), ('die', u'Eroberung', u'conquest'), ('die', u'Liga', u'league; division; league'), ('die', u'Website', u'website; web site'), ('das', u'Schottland', u'Scotland'), ('der', u'Putsch', u"putsch; coup d'\xe9tat; coup; revolt"), ('der', u'Prozess', u'court procedure; legal proceedings; trial; process; lawsuit; suit; suit at law; litigation; trial'), ('der', u'Stadtteil', u'district; part of town'), ('das', u'Th\xfcringen', u'Thuringia'), ('die', u'Situation', u'situation; situation; setting'), ('das', u'Hoch', u'high; high-pressure area; high; cheer'), ('der', u'Vizepr\xe4sident', u'vice president; vice-president /VP/; veep'), ('das', u'Rheinland', u'Rhineland'), ('die', u'Karriere', u'career'), ('die', u'Nation', u'nation'), ('der', u'Junior', u'junior; junior'), ('der', u'T\xe4nzer', u'dancer; ballerina'), ('der', u'Libanon', u'Lebanon'), ('die', u'Enzyklika', u'encyclical'), ('die', u'Landwirtschaft', u'farming; agriculture; husbandry; agriculture; farming; husbandry; rural economy'), ('die', u'Erkl\xe4rung', u'announcement; profession (to); avowal; representation (of a party); explanation; explanation; declaration; statement; legend; explication; affirmation; elucidation'), ('das', u'Holz', u'wood; lumber; timber [Am.]; wood; woods'), ('die', u'Strecke', u'course; line; route; line; route; distance; stretch; line segment; straight-line segment; way; drift; gallery; heading; roadway; reach'), ('der', u'Polarforscher', u'polar explorer'), ('die', u'Zeitschrift', u'magazine; journal; periodical; serial; journal'), ('die', u'Landung', u'landing; debarment; disembarkment; landfall; touchdown; descent; head crash'), ('der', u'Bauer', u'pawn (chessman); farmer'), ('das', u'Wort', u'word; vocable'), ('der', u'Konstrukteur', u'design engineer; draftsman; draughtsman [Br.]'), ('die', u'Basis', u'base; basis; footing; base line; baseline; base'), ('die', u'Klasse', u'kind; grade; cohort; class /cl./; class; denomination; class; form; school class; tutor group'), ('der', u'Erstflug', u'maiden flight; first flight'), ('das', u'Exil', u'exile'), ('der', u'Diktator', u'dictator; strongman'), ('der', u'Sturm', u'charge; gale; strong gale; forward line; gustiness; welter; turbulency'), ('die', u'Krise', u'crisis; crunch; showdown'), ('die', u'Produktion', u'production; theatre production; production'), ('der', u'Auftrag', u'job; task; mission; work; assignment; order (placed with sb.); purchase order; mission; instruction; commission; commission; brief; application (of paint) (to); hedging order (stock exchange); mandate; retainer'), ('der', u'Edwin', u'edwin'), ('der', u'Bezirk', u'district /dist./; borough; canton; precinct; circuit'), ('der', u'Anhalt', u'grounds (for a presumption); clue (to)'), ('die', u'Philosophie', u'philosophy'), ('das', u'Etwas', u'something'), ('der', u'Kiel', u'quill; keel; carina'), ('der', u'Landkreis', u'administrative district; rural district; county [Am.]'), ('der', u'Stern', u'star; star; asterisk'), ('der', u'M\xe4rtyrer', u'martyr'), ('die', u'Aufl\xf6sung', u'solution; resolution; breakup; disbandment; dispersal (of mist); dissolution; liquidation (of sth.); disorganization [eAm.]; disorganisation [Br.]; denouement; break-up'), ('der', u'Weihbischof', u'auxiliary bishop'), ('die', u'Vereinigung', u'incorporation; fusion; unification; union; association /assoc./; coalescence; coalition; consortium; federation; union'), ('der', u'Kanal', u'canal; duct; channel; conduit'), ('der', u'Direktor', u'director /Dir.; dir./; headmaster; associate director; manager; acting manager'), ('das', u'Thema', u'topic; topic; subject (of); theme'), ('die', u'Besatzung', u'the occupying forces; occupying troops; garrison; complement; crew; aircrew'), ('der', u'Status', u'state; status'), ('das', u'B\xf6hmen', u'Bohemia'), ('das', u'Verfahren', u'procedure; treatment; method; technique; mode; operation; procedure; process; lawsuit; suit; suit at law; proceedings {pl}; actions {pl}; method; procedure; procedure'), ('das', u'Logo', u'logotype; logo; logo'), ('der', u'Schlagers\xe4nger', u'pop singer; crooner'), ('die', u'Quelle', u'well; source; spring; source; fount; fountain; fountain head; wellspring; well; wellhead; relic'), ('der', u'Verband', u'bandage; dressing (for wounds); federation; formation; lattice; association /assoc./'), ('der', u'Soldat', u'soldier; airman; serviceman; trooper; private [Br.] /Pte/; private [Am.] /Pvt./'), ('der', u'Baumeister', u'builder; master-builder'), ('der', u'Mitarbeiter', u'staffer; assistant /asst./; contributor; employee /EE/; cooperator; co-worker; coworker; collaborator; staff member'), ('die', u'Eiskunstl\xe4uferin', u'figure skater'), ('der', u'Beitritt', u'joining; accedence; accession (to an agreement)')] dictSet_8 = [('der', u'Designer', u'designer'), ('die', u'Unterzeichnung', u'signing; subscription; execution'), ('das', u'St\xfcck', u'chapter; snatch; piece; wedge; unit; item; lump; piece of cake; slice of cake; cake slice; gobbet; play; slice; stretch; piece /pc./; head; slice; slips; bit; part; piece of cake; slice of cake; cake slice'), ('das', u'Metall', u'metal'), ('die', u'Bitte', u'plea; request; petition'), ('das', u'Spiel', u'outdoor game; bearing play; free play; play; bearing gap; dalliance; game; play; play; game; play; slackness; backlash; punt; match'), ('der', u'Senator', u'senator'), ('der', u'Zusammenhang', u'coherence; tie-in; tie-up; interrelation; inter-relation (between); context; connection (with); contiguity; bearing'), ('das', u'Sternbild', u'constellation; sign'), ('der', u'Mississippi', u'Mississippi; Mississippi river'), ('das', u'Sizilien', u'Sicily'), ('der', u'Dienst', u'office; commission; employment; service; ministration'), ('die', u'Demokratie', u'democracy'), ('der', u'Besitz', u'possession; holdings; tenure; domain; property; estate'), ('die', u'Jugend', u'youth; youth; adolescence; boyhood'), ('der', u'Fluss', u'river; flow; passage; fluency; flux; stream'), ('die', u'Hochschule', u'academy; higer education institute; university'), ('der', u'Ausbruch', u'eruption; outbreak; outburst; break-out; break; escape; onset; impetuosity; sally; eruption; breaking-forth; outburst (of a volcano); blow out (of a well); backbreak (quarrying mining); explosion'), ('der', u'Hornist', u'horn player; bugler'), ('der', u'Baseballspieler', u'baseball player'), ('das', u'Model', u'model'), ('die', u'Anerkennung', u'acknowledgement [Br.]; acknowledgment [Am.]; acclaim; acceptance; recognition; praise; kudos [coll.] [Am.]; approval; recognition (of academic certificates); tribute; allowance'), ('die', u'Regisseurin', u'director'), ('der', u'Datum', u'datum'), ('das', u'Datum', u'date'), ('die', u'Eins', u'(number) one; ace (side of a die with one mark); unity'), ('das', u'Schwergewicht', u'emphasis; heavy weight; heavyweight'), ('der', u'Physiologe', u'physiologist'), ('das', u'Entstehen', u'genesis'), ('der', u'Bach', u'brook; creek; rivulet; riveret; streamlet; stream; beck [Br.]; runnel; ditch; water ditch'), ('der', u'Schwimmer', u'swimmer; float gauge; float'), ('das', u'Regime', u'regime'), ('die', u'Weise', u'air; tune; way; manner'), ('der', u'Wert', u'worth; asset; value; merit (of a thing); ups; virtue; worth; worthiness; virtue'), ('der', u'Oberbefehlshaber', u'commander-in-chief; C.-in-C.; C in C'), ('der', u'Astronaut', u'space traveller; astronaut'), ('das', u'Stadion', u'stadium; sports stadium'), ('der', u'Anthropologe', u'anthropologist'), ('die', u'Reise', u'travel; journey; voyage'), ('der', u'Junge', u'boy; boyo [Ir.]'), ('das', u'Junge', u'young one; cub'), ('die', u'Verf\xfcgung', u'disposal; domain; decree; mandate'), ('das', u'Wales', u'Wales; Cymru (Welsh)'), ('der', u'Generalmajor', u'major general'), ('der', u'Tourismus', u'tourism'), ('das', u'Kabinett', u'cabinet; closet'), ('die', u'Eisenbahn', u'railway; railway; railroad /RR/ [Am.]; train'), ('die', u'Slowakei', u'Slovakia'), ('der', u'Gesch\xe4ftsmann', u'businessman; salesman; tradesman'), ('die', u'Front', u'front'), ('der', u'Bibliothekar', u'librarian'), ('die', u'Nutzung', u'exploitation (of sth.); use; utilization [eAm.]; utilisation [Br.]; application; beneficial use'), ('der', u'Monat', u'month /mo.; mth/'), ('das', u'Monat', u'month /mo.; mth/'), ('der', u'Arbeiter', u'worker; working man; workman; blue-collar worker; labourer [Br.]; laborer [Am.]; jobber; toiler; worker labourer'), ('das', u'Wohl', u'weal'), ('das', u'Verbot', u'prohibition against double jeopardy; interdiction; prohibition; proscription; ban; forbiddance [obs.]; forbiddingness'), ('der', u'Erz\xe4hler', u'narrator; teller; talker'), ('die', u'Nordsee', u'North Sea'), ('die', u'Ausbildung', u'schooling; training; education of librarians; formation; education'), ('der', u'Gewerkschafter', u'trade unionist; unionist'), ('das', u'Liechtenstein', u'Liechtenstein'), ('die', u'Hand', u'hand'), ('der', u'Mars', u'Mars'), ('der', u'Fuchs', u'smoke flue; fox; flue; Vulpecula; Fox'), ('das', u'Projekt', u'scheme; project; plan; venture; undertaking'), ('die', u'Firma', u'employer; firm; company; concern'), ('die', u'Bundesregierung', u'Federal Government'), ('die', u'Sendung', u'mission; batch; consignment; shipment [Am.]; program; programme [Br.]; broadcast; TV program; broadcasting; transmission; mailing; remittance; consignment; screening'), ('das', u'B\xfcndnis', u'confederation; confederacy; covenant; league; alliance'), ('das', u'Wollen', u'volition'), ('der', u'Literaturkritiker', u'literary critic'), ('der', u'Typ', u'type; version; style; model; type; breed (of) [fig.]; norm; geezer [slang]; bloke [Br.] [coll.]'), ('der', u'Besuch', u'visit; visitation'), ('der', u'Kanton', u'canton'), ('das', u'Hotel', u'hotel'), ('die', u'Geographie', u'geography'), ('der', u'Markt', u'market'), ('die', u'Festung', u'stronghold; fastness; fortress'), ('der', u'Bergsteiger', u'mountaineer; climber'), ('das', u'Koblenz', u'Coblantzian; Coblentzian'), ('die', u'Ausstellung', u'display; issuance; issue (of sth.); exposure (of sth.); exhibition; exposition; issuance; show'), ('der', u'Chorleiter', u'choirmaster'), ('das', u'Ergebnis', u'deliverable; effect (on); outcome; result; resulting; upshot; issue; sum; answer'), ('die', u'Ermordung', u'assassination'), ('die', u'Wei\xdfe', u'whiteness'), ('die', u'Verwendung', u'application; use; disposition; usage; usableness; utilization [eAm.]; utilisation [Br.]; assignment'), ('die', u'Spitze', u'top; apex; cusp; pike; peak; spike; pinnacle; spire; tip; peak; peak value; nib; point; lace; dig; poke [Am.] (at sb.); head; vanguard; van; vaward [obs.]; barb [fig.]'), ('die', u'Architektur', u'architecture'), ('der', u'Anf\xfchrer', u'leader; chief; cheer leader; instigator; ringleader; gang leader'), ('die', u'Fusion', u'fusion; fusion; merger; amalgamation [Am.]'), ('der', u'Bahnhof', u'railway station; railroad station [Am.]; station /Sta.; Stn/; train station'), ('die', u'Sopranistin', u'soprano singer'), ('das', u'Arabien', u'Arabia; Arabian Peninsula'), ('die', u'Innenstadt', u'city centre; town centre; downtown [Am.]; central business district /CBD/'), ('die', u'Sicherheit', u'surety; security; certitude; sureness; certainty; safety; security; secureness; safeness; surety; immunity; self-confident manner; self-assured manner'), ('der', u'Turm', u'steeple; tower; rook (chessman)'), ('die', u'M\xf6glichkeit', u'ability; opportunity; chance; eventuality; possibility; potentiality; facility; way; option; choice'), ('die', u'Tradition', u'heritage; tradition'), ('der', u'Waffenstillstand', u'truce; armistice; cease-fire; ceasefire')] dictSet_9 = [('der', u'Nobelpreis', u'Nobel Prize'), ('der', u'Untergang', u'decline; downfall; demise; perdition'), ('die', u'Presse', u'press; press; squeezer; compactor'), ('die', u'Darstellung', u'picture; image; representation; statement; presentation; phantom; presentment; embodiment; portrayal; depiction; exposition (of)'), ('der', u'Service', u'service; attention; maintenance; service'), ('der', u'Abschnitt', u'paragraph /par./; subsection; chapter; episode; section; part; segment; exergue; stage; slip; chapter /ch./; passage; phase; stretch; portions; intercept (of crystals)'), ('die', u'L\xe4nge', u'footage; length; tallness; len; longueur (usually in plural)'), ('die', u'Infrastruktur', u'infrastructure'), ('der', u'Chirurg', u'surgeon'), ('der', u'Karikaturist', u'cartoonist; caricaturist'), ('die', u'Opposition', u'opposition; outs'), ('das', u'Mittelalter', u'Middle Ages /MA/'), ('das', u'Todesopfer', u'casualty; fatality'), ('die', u'Krone', u'top; crown; corona; crown'), ('die', u'Schwimmerin', u'swimmer'), ('die', u'Elbe', u'Elbe (river)'), ('die', u'Freiheit', u'liberty; freedom; freedom of teaching'), ('der', u'Abschluss', u'windup; termination; trade; conclusion; closure; completion (of a contract); completion; finalization [eAm.]; finalisation [Br.]; balance; balance sheet; financial statement [Am.]; asset and liability statement [Am.]; finish; issue; closing date [Am.]; closing; end'), ('das', u'Fallen', u'drop; descent'), ('die', u'Flucht', u'flight; getaway; abscondence; elopement; building line; straight line; alignment; alinement; row; flight of steps'), ('die', u'Party', u'bash [coll.]; rave [Br.] [coll.]; party'), ('die', u'Sonnenfinsternis', u'solar eclipse; eclipse of the sun'), ('die', u'Lake', u'brine'), ('die', u'Position', u'position; bearing; item; position'), ('der', u'Kai', u'embankment; quay; quayside; wharf'), ('das', u'Montenegro', u'Montenegro'), ('die', u'Heimat', u'home; home country; habitat'), ('der', u'Buddhismus', u'Buddhism'), ('die', u'W\xe4hrung', u'currency; valuta'), ('der', u'Geburtstag', u'birthday; natal day'), ('der', u'Entertainer', u'entertainer'), ('das', u'Herzogtum', u'duchy; dukedom'), ('die', u'Saison', u'season'), ('die', u'Haft', u'confinement; custody; detention; detainment; jail; imprisonment; durance'), ('der', u'Absturz', u'crash; prang [Br.] [coll.]; fall'), ('das', u'Ross', u'horse; steed; thoroughbred'), ('der', u'Kriegsverbrecher', u'war criminal'), ('der', u'Turner', u'gymnast'), ('der', u'Besucher', u'visitor; caller'), ('der', u'Ozean', u'ocean'), ('das', u'Z\xe4hlen', u'metering; scorekeeping; scoring'), ('der', u'Trompeter', u'trumpeter; trumpetist'), ('der', u'H\xf6hepunkt', u'pinnacle; height /h; ht/; climax; heyday; prime; bloom; highlight; crest; acme; apogee; highest point; summit; peak; up; peak; peak value; zenith'), ('die', u'Bundesliga', u'national league (Germany)'), ('der', u'Airbus', u'airbus'), ('die', u'Dirk', u'topping lift'), ('die', u'Bucht', u'bay; bight'), ('die', u'Gewalt', u'power; force; violence; control (over; of); governance (of)'), ('der', u'Marineoffizier', u'naval officer'), ('die', u'Zeitrechnung', u'calendar'), ('der', u'Bundesrat', u'Bundesrat; Upper House of the German Parliament; Federal Council'), ('der', u'Friedensnobelpreis', u'Nobel Peace Prize'), ('die', u'Million', u'million /m/'), ('das', u'Ganze', u'whole; entirety'), ('der', u'Betrug', u'fraud (criminal offence)'), ('der', u'Star', u'hotshot (at sth.); starling; star; headliner [Am.]; toast; European starling; common starling'), ('das', u'Verh\xe4ltnis', u'affair; proportion; relationship; relation (to sth.); ratio; relationship; rate'), ('der', u'Nekrolog', u'obituary; obit [coll.] (on sb.)'), ('der', u'Thron', u'throne'), ('der', u'Kopf', u'head; pate; bonce [Br.] [coll.]; mouth (extruder); heading'), ('die', u'Seeschlacht', u'naval battle'), ('die', u'R\xfcckkehr', u'return; comeback; returning; throwback (to); homing'), ('das', u'Menschenleben', u'human life'), ('die', u'Invasion', u'invasion'), ('der', u'Jordan', u'Jordan'), ('die', u'Offensive', u'offensive'), ('der', u'K\xf6hler', u'charcoal burner; pollock; pollack'), ('die', u'Errichtung', u'construction (of sth.); erection; construction; building; edification'), ('das', u'Konzert', u'concert; gig; concerto; recital; concerto'), ('die', u'Fraktion', u'parliamentary party [Br.]; congressional party [Am.]; fraction; fraction'), ('das', u'Indonesien', u'Indonesia'), ('die', u'Gerade', u'straight line; straight; straight; jab'), ('die', u'Europameisterschaft', u'European championship'), ('das', u'Vorbild', u'pattern; paragon; model; role model; example'), ('der', u'Sinne', u'intentions; wishes; philosophy; interest; terms (of sb.)'), ('die', u'Aufgabe', u'function; post; task; stint; task; mission; work; job; problem; exercise; surrender; abandonment; mission; commission; posting; mailing; lesson; problem; cessation; renunciation; abandonment of domicile (in a country)'), ('der', u'Atlantik', u'Atlantic; Atlantic Ocean'), ('der', u'Blick', u'view; sight; look; gaze; vista'), ('das', u'Orchester', u'orchestra'), ('das', u'Team', u'team'), ('das', u'Rosa', u'pink'), ('der', u'Dan', u'Dan'), ('das', u'Dan', u'Danian (Stage)'), ('der', u'Fu\xdfballer', u'footballer; kicker'), ('der', u'Forstmann', u'forest warden; forester; forest ranger; woodman; woodsman'), ('der', u'Generalleutnant', u'lieutenant-general /Lt.-Gen./'), ('die', u'Entstehung', u'accrual; emergence; accruement; nascency; origin; incursion of liability; development; genesis'), ('die', u'Schlagers\xe4ngerin', u'pop singer'), ('der', u'Klarinettist', u'clarinettist; clarinetist; clarinet player'), ('der', u'Innenminister', u'minister of the interior; Home secretary [Br.]'), ('der', u'Markgraf', u'margrave'), ('die', u'Energie', u'energy; energy; vigour [Br.]; vigor [Am.]; power'), ('die', u'Botschaft', u'embassy; message; message; signal [fig.]'), ('der', u'Redakteur', u'editor'), ('der', u'Sportler', u'athlete; sportsman; jock [coll.]'), ('die', u'Allianz', u'alliance'), ('das', u'Cambridge', u'Cambridge (city in England)'), ('das', u'Nordamerika', u'North America'), ('die', u'Aktion', u'action; campaign; move; special offer; special [Am.]'), ('die', u'Tschechoslowakei', u'Czechoslovakia')] dictSet_10 = [('die', u'Reaktion', u'answer (to); response; reaction; reaction; reaction; reaction; action'), ('der', u'Anschluss', u'termination; port; connector; connection; port; alignment; subscriber line; cable tail; junction; hook-up'), ('der', u'Urteil', u'sentence'), ('das', u'Urteil', u'decision (over); adjudication; judgement; judgment; absentia; verdict'), ('die', u'Zukunft', u'future; futurity; future tense; morrow [old]'), ('der', u'Hahn', u'cock; rooster; chanticleer; plug valve; valve; petcock; spigot; tap [Br.]; tap [Br.]; faucet [Am.]'), ('das', u'Wild', u'quarry; game'), ('der', u'Anh\xe4nger', u'adherent; disciple; clinger; collectivist; devotee; trailer; supporter; henchman; tag; follower; adherer; centrist wing; hanger; tag; fiend; centrist; pendant'), ('der', u'Comic', u'strip cartoon; comic cartoon'), ('die', u'Ausnahme', u'exception; exceptional case; exemption (from)'), ('die', u'Liebe', u'love'), ('die', u'Ebene', u'plain; lowlands; champaign; plane; level; rank; layer; coplanarity; flat; plane'), ('die', u'Woche', u'week'), ('das', u'Drittel', u'third; third'), ('der', u'Hof', u'farm; courtyard; court; court; halo; ring; yard'), ('das', u'Eishockey', u'ice hockey; hockey'), ('der', u'Tenor', u'tenor; tenor'), ('die', u'Gemeinschaft', u'community; coexistence'), ('das', u'Salzburg', u'Salzburg'), ('das', u'Gem\xe4lde', u'painting; picture; canvas'), ('das', u'Fotomodell', u'model; photographic model'), ('das', u'Rennen', u'heat; race (for); running; racing'), ('der', u'Aktivist', u'activist'), ('der', u'Baron', u'baron'), ('der', u'Indianer', u'Red Indian; (American) Indian'), ('der', u'Kapellmeister', u'bandmaster'), ('der', u'Intendant', u'intendant'), ('die', u'Datei', u'file; data file; computer file; data set; dataset; file'), ('der', u'Schah', u'Shah'), ('der', u'Eiskunstl\xe4ufer', u'figure skater; skater'), ('der', u'Adler', u'eagle; Aquila; Vulture'), ('das', u'Setzen', u'placement'), ('das', u'Studium', u'study; scholastics'), ('der', u'Islam', u'Islam'), ('die', u'Wirkung', u'appeal; impact; agency; effect (on); action; effect'), ('der', u'Naturwissenschaftler', u'natural scientist; scientist'), ('der', u'Hindu', u'Hindu; Hindoo'), ('die', u'Stellung', u'function; post; task; job; attitude; constellation; army recruitment test; station; appointment; position; status; standing; ambassadorship; assignment [Am.]; emplacement; stance'), ('der', u'Stellung', u'situation; job; post; position'), ('der', u'Golf', u'gulf'), ('das', u'Golf', u'golf'), ('der', u'Lord', u'Lord /Ld./ [Br.]'), ('der', u'Bericht', u'report (on); dispatch; despatch; narrative; account (of sth.); firsthand-account; bulletin'), ('die', u'Hundert', u'hundred; (number) hundred'), ('die', u'Sicht', u'view; prospect (of); visibility; vision; sight'), ('der', u'Musikkritiker', u'music critic'), ('die', u'Venus', u'Venus'), ('der', u'T\xe4ter', u'offender; delinquent; committer; perpetrator; conspirator'), ('der', u'Humanist', u'humanist'), ('die', u'Halle', u'hall; concourse (of a public building); lobby'), ('der', u'Stil', u'diction; style; vein'), ('die', u'Galaxie', u'galaxy'), ('die', u'Zustimmung', u'acclaim; eclat; \xe9clat; approval; approval; sanction; sympathy; consent (to); allowance; assent; compliance; accordance; agreement; okay; OK; approbation; assentation'), ('das', u'Musical', u'musical'), ('die', u'Moderatorin', u'anchorman; anchorwoman; anchor; facilitator'), ('das', u'Modell', u'version; style; model; type; model; sitter; mock-up (of sth.); model; template; templet'), ('das', u'Oxford', u'Oxford (cloth); Oxford (city in England); Oxfordian (stage)'), ('der', u'Beton', u'concrete'), ('die', u'Statistik', u'statistics; stat'), ('der', u'Psychoanalytiker', u'psychoanalyst'), ('der', u'Patriarch', u'patriach'), ('die', u'Abstammung', u'ancestory; origin; ancestry; lineage; filiation; genealogy; parentage; descent; line of descent; origin; bloodline; stock'), ('das', u'Ziehen', u'traction'), ('die', u'T\xe4tigkeit', u'commission; work; job; occupation; pursuits; activity; actions; agitation; operation; agency; exercitation'), ('der', u'Dom', u'cathedral; minster; cathedral; dome'), ('der', u'Bayer', u'Bavarian'), ('das', u'Festland', u'continent; mainland; emerged land; land'), ('das', u'Nichts', u'emptiness; void; nonentity; nothingness'), ('das', u'Lothringen', u'Lorraine'), ('die', u'Landtagswahl', u'state parliament election; regional election'), ('der', u'Keller', u'cellar; basement'), ('der', u'Bewohner', u'denizen (of a place); dweller; inhabitant; occupant; inmate'), ('der', u'Neurologe', u'neurologist'), ('die', u'Zentrale', u'main office; front-office; headquarters; head office /HO/; exchange; central office; control room; control'), ('der', u'Attent\xe4ter', u'assassin'), ('die', u'Funktion', u'function; post; task; feature; function; function; waveform; role; r\xf4le; position'), ('der', u'Wald', u'wood; woods; forest'), ('der', u'Zusammenschluss', u'fusion; merger; networking; amalgamation'), ('die', u'Bildhauerin', u'sculptor; sculptress'), ('das', u'Kind', u'child; infant; kid; tiddler [Br.]; kiddie; kiddy; bairn'), ('der', u'Keyboarder', u'keyboarder'), ('der', u'Tornado', u'tornado [Am.]; twister [Am.] [coll.]'), ('der', u'Hintergrund', u'background; afterimage; back'), ('der', u'Serienm\xf6rder', u'serial killer'), ('der', u'Walker', u'fulling'), ('die', u'Gegenwart', u'presence; present; present tense; present; simple present'), ('der', u'Finanzminister', u'minister of finance'), ('die', u'Biographie', u'biography; bio'), ('die', u'Herzogin', u'duchess'), ('das', u'Stadtgebiet', u'urban area; municipal area; city zone'), ('das', u'Gericht', u'court; dish'), ('der', u'Tor', u'fool; tomfool; saphead; sap'), ('das', u'Tor', u'gate; goal; door'), ('das', u'Saarland', u'Saarland'), ('der', u'Botschafter', u'ambassador; head of mission (HOM; HoM)'), ('die', u'Verbreitung', u'dispersal; spread; spreading; currency; diffusion; diffusiveness; pervasiveness; promulgation; dispersiveness; divulgation; divulgence; propagation; dissemination; dispersal; dispersion; distribution'), ('der', u'Berber', u'down-and-out; dosser [Br.]; bummer [Am.]; bum [Am.]'), ('die', u'Au\xdfenpolitik', u'foreign policy'), ('der', u'Canyon', u'canyon; sinking creek'), ('der', u'Bourbon', u'Bourbon; Bourbon whiskey')] dictSet_11 = [('die', u'Neuzeit', u'modern times'), ('der', u'Hurrikan', u'hurricane'), ('die', u'Einrichtung', u'constitution (of sth.); arrangement; appointments; feature; furnishings; interior furnishings; installation; institution; facility; setting-up; facility; provision (for); setup; establishment; setting-up (of sth.)'), ('der', u'Dramaturg', u'dramatic adviser'), ('die', u'Absolute', u'absoluteness'), ('der', u'Sprecher', u'announcement; announcer; speaker; spokesperson; spokesman; talker'), ('das', u'Gute', u'good'), ('das', u'College', u'college; college'), ('der', u'Kohl', u'cabbage; collard; nonsense; rubbish; twaddle; tosh [Br.]; codswallop [Br.]; rot [Br.] (old-fashioned)'), ('das', u'Siegen', u'Siegenian (stage)'), ('der', u'Aufstieg', u'ascension; way up; climb up; ascent; promotion; moving up; promotion; advancement; rise; promotion; advancement; ladder'), ('das', u'Halbjahr', u'half-year; period of six months'), ('die', u'Umgebung', u'environment; surroundings; surrounding area; adjacence; environment; environs; neighbourhood [Br.]; neighborhood [Am.]; purlieus; setting'), ('der', u'Japaner', u'Japanese'), ('der', u'Seefahrer', u'sailor; seaman; navigator; seafarer; mariner'), ('das', u'Ger\xe4t', u'apparatus; gadgetry; device; device; equipment; console; tackle; unit; utensil; die handler; instrument; appliance; gadget; widget; tool; implement'), ('der', u'Meteorologe', u'meteorologist'), ('die', u'Burg', u'castle'), ('das', u'Bridge', u'bridge (cards game)'), ('die', u'Besatzungszone', u'occupation zone; zone of occupation'), ('der', u'Landschaftsmaler', u'landscapist'), ('der', u'R\xfcckzug', u'retreat; withdrawal'), ('der', u'Vorg\xe4nger', u'predecessor'), ('die', u'Widerstandsk\xe4mpferin', u'member of the resistance; resistance fighter'), ('die', u'Station', u'stop; station; ward'), ('der', u'Luftangriff', u'air raid; aerial bombardment'), ('der', u'Ehrenb\xfcrger', u'honorary citizen'), ('die', u'Ordnung', u'adjustment; order; order; arrangement; orderliness; order; tidiness'), ('der', u'Gipfel', u'summit; top; acme; pinnacle; height /h; ht/; crest; acme; apogee; pinnacle; head'), ('das', u'Denkmal', u'memorial; monument'), ('das', u'Lexikon', u'encyclopedia; encyclopaedia; encyclopedia; encyclopaedia; lexicon; dictionary'), ('die', u'Verleihung', u'enfranchisement; lending out; bestowal (on; upon)'), ('die', u'Schwester', u'sibling; sister; sis'), ('die', u'Kaiserin', u'empress'), ('die', u'Gr\xf6\xdfe', u'dimension; magnitude; size; magnitude; bigness; bulk; grandness; greatness; greatness; largeness; quantity; sizableness; variable; value; fitting [Br.]; body height; height'), ('der', u'Zweier', u'(number) two'), ('die', u'Wiedervereinigung', u'reunion; reunification'), ('die', u'Temperatur', u'temperature'), ('das', u'Referendum', u'referendum (on sth.)'), ('die', u'Diktatur', u'dictatorship'), ('die', u'Sitzung', u'session; sitting; meeting; assembly'), ('das', u'Publikum', u'audience; audiences; the public; studio audience'), ('der', u'Zimmermann', u'carpenter'), ('der', u'Beschluss', u'decision; determination; resolve; decision (over); decision'), ('das', u'Netz', u'mains; net; net; network; network; meshwork; interconnected system; mains; meshes; Reticulum; Reticle; reticulation'), ('der', u'Fahrer', u'chauffeur; driver'), ('die', u'Marsch', u'marsh; fertile marshland; estuarine flat; low lying flat; low meadow; shore moorland'), ('der', u'Marsch', u'march; long walk; hike; march'), ('der', u'Mond', u'moon'), ('der', u'Jesuit', u'Jesuit'), ('die', u'Landschaft', u'scenery; landscape; landscape; scene [fig.]'), ('die', u'Ostsee', u'Baltic Sea'), ('das', u'Kommando', u'command; command; command; order; draft; squad'), ('das', u'Holland', u'Holland'), ('das', u'Rathaus', u'town hall; townhall; city hall [Am.]; guildhall'), ('der', u'Stahl', u'steel'), ('die', u'Konvention', u'shibboleth; convention; convention'), ('die', u'Befreiung', u'exemption (from); liberation; setting at liberty; setting free (of a person); deliverance (from sth.); release; discharge dispensation; exoneration; extrication; dispensation (with)'), ('die', u'Phase', u'phase; phase; stage'), ('der', u'Zugriff', u'grasp; access; sharing'), ('der', u'Rang', u'rank; stature; degree; deg; grade; rank; rank; tier; state'), ('die', u'Reformation', u'reformation; Reformation'), ('das', u'Dorf', u'village; cottage'), ('der', u'Ringer', u'wrestler'), ('die', u'Gr\xe4fin', u'countess'), ('das', u'Kulturabkommen', u'cultural agreement; cultural treaty; cultural convention'), ('das', u'Formen', u'moulding; molding [Am.]; prepreg moulding'), ('der', u'Gott', u'God'), ('der', u'First', u'roof ridge; ridge'), ('die', u'Zerst\xf6rung', u'demolition; pulling down; demolition; deterioration; dilapidation; blight; ravage; depredation; devastation; destruction; deletion; ruination'), ('das', u'Vorjahr', u'preceding year; prior year'), ('der', u'Terrorist', u'terrorists'), ('die', u'Moschee', u'mosque'), ('der', u'Feldherr', u'commander'), ('die', u'Tageszeitung', u'daily; daily newspaper'), ('der', u'Pops\xe4nger', u'pop singer'), ('das', u'Kriegsende', u'end of the war'), ('der', u'Bombenanschlag', u'bomb attack; bombing raid (on sth.); bombing (of sth.)'), ('der', u'Volkskundler', u'folklorist'), ('der', u'Schachgro\xdfmeister', u'chess grand master'), ('die', u'Maschine', u'machine; engine'), ('die', u'Erstausgabe', u'first issue; first edition'), ('das', u'Drama', u'drama'), ('der', u'Sturz', u'fall; camber; drop; cropper; downfall; precipitation; lintel; subversiveness; plunge; spill; subversion; underlie'), ('der', u'Freund', u'friend; boyfriend; companion'), ('die', u'Premiere', u'premiere; first night'), ('der', u'Archivar', u'archivist; registrar'), ('die', u'Synchronsprecherin', u'voice actor'), ('die', u'Pops\xe4ngerin', u'pop singer'), ('der', u'Zugang', u'approach; entrance; entranceway; access (to); ingress; avenue; approach'), ('der', u'Punkt', u'issue; dot; full stop [Br.]; period [Am.]; point /pt/; item; point; mark; punctilio; spot'), ('der', u'Standard', u'standard; default'), ('die', u'Theorie', u'theory'), ('die', u'Rakete', u'rocket; missile; skyrocket'), ('der', u'Glauben', u'belief (in)'), ('der', u'Anlass', u'occasion; reason; grounds {pl}; cause (for sth.)'), ('das', u'Reformator', u'reformer'), ('die', u'Teilung', u'divisiveness; cleavage; partition; division; divide; partition'), ('der', u'Heerf\xfchrer', u'military leader'), ('der', u'Streit', u'contestation; contesting; contention; conflict; breeze; row; quarrel; quarrel; dispute; fight (over/about sth.); tangle; dispute; controversy; confliction; moot; wrangle; aggro')] dictSet_12 = [('der', u'Bruch', u'break; breaking; fraction; fracture; fracture; fracture; rupture; failure; fall; fault; disturbance; fraction; rupture; breach of promise; concussion damage; breakage; disruption; burglary (in); burst; bursting; hernia; herniation; curds; flaw; breach'), ('der', u'Teilnehmer', u'participant; attendee [Am.]; entrant; partner; subscriber'), ('der', u'Cembalist', u'harpsichordist'), ('das', u'Fr\xfchjahr', u'spring'), ('die', u'Tausend', u'thousand; (number) thousand'), ('das', u'S\xfcdamerika', u'South America'), ('der', u'Vorl\xe4ufer', u'forerunner; precursor; foreshock (seismics); harbinger; antecedent; progenitor'), ('der', u'Einmarsch', u'intrusion (into); march-in; entry (into); marching in'), ('die', u'Souver\xe4nit\xe4t', u'sovereignty'), ('der', u'Profi', u'professional; pro'), ('die', u'Herstellung', u'creation; manufacture; establishment; fabrication; making; make; production; MFG (abbr. of manufacturing)'), ('der', u'Major', u'major /Maj./; Wing Commander (rank) [Br.]'), ('der', u'Friedensvertrag', u'peace agreement; peace treaty'), ('der', u'Buchautor', u'book author; writer of books'), ('der', u'Freiheitsk\xe4mpfer', u'freedom fighter'), ('die', u'Antarktis', u'Antarctica; Antarctic continent (aq)'), ('das', u'Klavier', u'piano; pianoforte'), ('die', u'Zone', u'zone; area; belt'), ('die', u'Lehre', u'anatomy; anthropology; doctrine; teachings; eschatology; cryptology; apprenticeship; egalitarianism; gauge [Br.]; gage [Am.]; tenet; lesson; pomology; horology'), ('das', u'Aktiv', u'active'), ('die', u'F\xf6rderung', u'mining; winning extraction; recovery (of sth.); advancement; delivery; furtherance; promotion; support; sponsorship; haulage; discharge (of a pump)'), ('der', u'Abt', u'abbot'), ('die', u'Fr\xfche', u'(early) morning; earliness'), ('das', u'Kennzeichen', u'tag; label; flag; recognition mark; indication; mark; sign; hallmark [fig.]; badge; symptom; stamp; mark'), ('der', u'Kosmonaut', u'cosmonaut'), ('der', u'Bundesgerichtshof', u'Federal Supreme Court [Am.]; U.S. District Court [Am.]'), ('der', u'Feldzug', u'campaign'), ('das', u'Babylon', u'babylon'), ('das', u'Wissen', u'knowledge {no pl}; learning'), ('die', u'Arena', u'arena'), ('die', u'Beendigung', u'completion; determining; ending; finalization [eAm.]; finalisation [Br.]; termination'), ('das', u'Fehlen', u'absence (of); absence of valid subject matter; lack (of)'), ('der', u'Parteitag', u'party congress'), ('das', u'Zeichen', u'sign; indication (of); token; mark; signal; symbol; tag; character; char; mark; sign; sign [fig.]; figure; token; cue [fig.]; signal [fig.]'), ('die', u'Lyrikerin', u'lyric poet; lyricist'), ('das', u'F\xe4llen', u'felling'), ('die', u'Verteidigung', u'apologia; backfield; defence [Br.]; defense [Am.]; defensiveness; vindication; pleas; (oral) defense (of a thesis)'), ('das', u'Grab', u'grave; sepulchre; sepulcher [Am.]; tomb'), ('der', u'Schutzpatron', u'patron saint'), ('der', u'Habsburger', u'Habsburg (member of a European dynasty)'), ('das', u'Problem', u'business; problem; issue; problem; difficulty; trouble; issue; problem /pb/'), ('der', u'Ring', u'annulus; curl; ring; circlet; band; torus'), ('das', u'Mitteleuropa', u'Central Europe'), ('der', u'Busch', u'bush; shrub; boscage'), ('der', u'Springer', u'jack; knight (chessman); jumper; diver; vaulter; stand-in; peripatetic; peri [coll.] [ Br.]'), ('der', u'Missouri', u'Missouri'), ('das', u'Geld', u'money'), ('die', u'Bibliothek', u'library'), ('der', u'Zug', u'strain; character trait; trait; strain; draught; draft [Am.]; move; train; lineament; stroke; puff; toke; draw; feature; pull; platoon; troop; traction; tractive; draught; draft [Am.]; pass; slide (wind instrument)'), ('das', u'Tal', u'valley; vale; dale [Br.]'), ('der', u'Pal\xe4ontologe', u'palaeontologist [Br.]; paleotologist [Am.]; fossilist'), ('der', u'Astrophysiker', u'astrophysicist'), ('die', u'Antike', u'Antiquity; the Classical World; the Ancient World; antiquity; antique/ancient work of art'), ('die', u'Versammlung', u'meeting; assembly; congregation; convocation; assemblage'), ('der', u'Ornithologe', u'ornithologist'), ('die', u'Erfindung', u'concoction; invention; contrivance; fabrication; figment'), ('die', u'Sinfonie', u'symphony'), ('die', u'Reform', u'reform; reformation'), ('die', u'Messe', u'fair; trade show; mass'), ('die', u'Konstanz', u'permanence'), ('die', u'Einwohnerzahl', u'number of inhabitants; (total) population'), ('der', u'Grad', u'disability rating [Am.]; degree; deg; grade; degree'), ('das', u'Grad', u'degree; degree; order'), ('die', u'Mauer', u'mural; defensive wall (during a free kick); masonry; wall'), ('der', u'Jersey', u'jersey'), ('das', u'Jersey', u'jersey'), ('das', u'Gefecht', u'skirmish; battle (of) (for); encounter'), ('das', u'Kaisertum', u'empire'), ('die', u'Grafschaft', u'county; shire'), ('der', u'Fernsehturm', u'television tower'), ('das', u'Bauwerk', u'building'), ('das', u'Viertel', u'quarter; hood [slang]; quarter'), ('der', u'Milit\xe4rputsch', u'military putsch'), ('der', u'Siedler', u'settler; settler'), ('der', u'Gerichtshof', u'court; court of justice'), ('der', u'Bomber', u'bomber'), ('der', u'Jahrestag', u'anniversary'), ('die', u'Fassung', u'frame; socket; collectedness; mounting; rim; socket; version'), ('die', u'Weite', u'expanse; width; capaciousness; distantness; vastness; wideness; amplitude; span (of pressure arch)'), ('das', u'Kreuz', u'cross; sharp; crucifix; clubs; Crux; Southern Cross'), ('die', u'Flora', u'flora'), ('das', u'Archiv', u'archive; record office'), ('der', u'Kloster', u'cloister'), ('das', u'Kloster', u'monastery'), ('die', u'Dauer', u'tenure; duration; endurance; shelf life; permanence; job tenure; seniority; length'), ('das', u'Original', u'master copy; original /orig./; raw'), ('der', u'Anspruch', u'requirement; claim; pretension; claim for defects; expectation; demand'), ('das', u'Gel\xe4nde', u'site; ground; premises; terrain'), ('die', u'Trennung', u'abscission; cutting off; disconnection; divisiveness; division; disunion; separation; segregation; detachment; disconnectedness; split-off (formation flight); disestablishment; cut-off; parting; secession; disjuncture'), ('der', u'Tempel', u'temple'), ('die', u'Praxis', u'experience; practice'), ('der', u'Basketball', u'basketball'), ('der', u'Orden', u'medal; decoration; order'), ('der', u'Erzherzog', u'archduke'), ('der', u'Strom', u'river; current; current; flow; gush; stream; flush'), ('die', u'Anlage', u'attachment; plant; installation; system; processor; arrangement; construction (of sth.); enclosure /enc./; disposition (to); facility; investment; capital investment; conception; talent; (natural) tendency (of); outfit; rig; equipment'), ('die', u'Pokal', u'cup; trophy'), ('der', u'Pokal', u'goblet; pot [slang]'), ('der', u'Trug', u'swindle'), ('das', u'T\xf6ten', u'whaling; whale culling')] dictSet_13 = [('die', u'Todesstrafe', u'death penalty; capital punishment'), ('der', u'Staatschef', u'head of state'), ('das', u'M\xe4dchen', u'girl; colleen; maid; wench; skivvy [Br.]; chief [cook.] and bottle washer; cover girl'), ('der', u'Pazifik', u'Pacific; Pacific Ocean'), ('die', u'L\xf6sung', u'separation; dissolution; lotion; solution; solution; solution; answer; resolution; resolution; denouement; key [fig.]'), ('die', u'Schrift', u'handwriting; writing; font; script; scripture; typeface; font; type; paper; document'), ('das', u'Erscheinen', u'arrival /arr./; occurrence <occurrance>; appearance; publication'), ('das', u'Innsbruck', u'Innsbruck (city in Austria)'), ('die', u'Mongolei', u'Mongolia'), ('die', u'Breite', u'strip width; width; breadth; broadness; wide; gauge; amplitude'), ('das', u'Verbleiben', u'continuance'), ('der', u'Oberst', u'colonel /Col./'), ('das', u'Interesse', u'care; interest (in sb./sth.) (advantage); interest; interesting; concern'), ('der', u'Hauptmann', u'captain'), ('der', u'Bernstein', u'amber; succinite'), ('der', u'Strau\xdf', u'bouquet; bunch of flowers; bunch; ostrich'), ('die', u'Astronomie', u'astronomy'), ('die', u'Propaganda', u'propaganda'), ('das', u'Franken', u'Franconia'), ('der', u'Kern', u'substance; nucleus; kernel; pip [Br.]; seed [Am.] (of a pip fruit); kernel; kernel; core (of a matter) [fig.]; essence; crux of the matter; quintessence; pith; stone [Br.]; (hard) pit [Am.] (of a stone fruit); burden'), ('die', u'Minderheit', u'minority'), ('der', u'Schritt', u'crotch; crutch; move; step; footstep; footfall; pace; pas; walking pace; walking speed'), ('der', u'Passagierdampfer', u'passenger steamer'), ('der', u'Naturschutz', u'conservation; nature conservancy'), ('die', u'Bundestagswahl', u'parliamentary elections (for the Bundestag)'), ('die', u'Villa', u'villa; mansion'), ('die', u'Struktur', u'fabric; grain; pattern; structure; texture; make-up'), ('der', u'Satellit', u'satellite'), ('der', u'Wuchs', u'figure; stature; build; growth'), ('der', u'M\xf6nch', u'friar; friar; monk; convex tile'), ('die', u'M\xe4r', u'fairytale; nonsense rumor; urban myth'), ('der', u'Kanzler', u'chancellor'), ('der', u'Prediger', u'preacher; sermonizer; evangelist'), ('der', u'Konzern', u'combine; affiliated group (of companies); group of undertakings; group'), ('der', u'Ausdruck', u'expression; expression; manifestation (of); term; specialist term; printout; routine; verbalism; locution; hard copy (of sth.); phrase; expression; term; mathematical term; display of affection'), ('der', u'Fernsehsender', u'telestation'), ('der', u'Ausbau', u'upgrading; river training; removal; removing; disassembling; lining; support; timbering'), ('die', u'Schachspielerin', u'chess player'), ('der', u'Kommandant', u'commanding officer /CO/; commander; commandant (of a fortress)'), ('die', u'B\xf6rse', u'stock exchange'), ('der', u'Nutzen', u'usefulness; use; profit; benefit; value; utility; multiple; copy; benefit'), ('die', u'Beteiligung', u'stake (in); exposure; holding (of sth.); advocation; share; interest (in); participation; attendance; partnership; qualifying holding'), ('die', u'Donau', u'Danube'), ('das', u'Sprechen', u'speech; speaking'), ('der', u'Kandidat', u'aspirant; candidate; nominee; prospective candidate; prospect; contestant'), ('die', u'Gliederung', u'disposition; formation; structuring; structure'), ('die', u'Vielzahl', u'multitude; plurality; huge number; vast number'), ('der', u'Kriegsminister', u'minister of war'), ('der', u'Kapit\xe4n', u'captain; skipper'), ('der', u'Bauingenieur', u'civil engineer /CE/'), ('der', u'S\xfcdwesten', u'southwest /SW/'), ('der', u'Sch\xe4fer', u'shepherd'), ('das', u'Motorrad', u'motorcycle; motorbike; bike'), ('die', u'Abschaffung', u'abolition; abolishment; elimination'), ('die', u'Erika', u'heather; heath'), ('das', u'Prinzip', u'precept; principle'), ('der', u'Pastor', u'pastor; parson; Reverend; sky pilot [Am.] [mil.] [slang]'), ('der', u'Antrag', u'application; motion; proposal; request; petition'), ('der', u'M\xe4zen', u'patron; lover of the arts; art lover'), ('die', u'Geologie', u'geology'), ('die', u'Bev\xf6lkerungsdichte', u'population density; density of population; populousness'), ('der', u'Freier', u'suitor; punter; client [Br.]; john [Am.]'), ('die', u'Versorgung', u'supply'), ('der', u'Kommunist', u'communist'), ('der', u'Standort', u'site; habitat; garrison; stand; location; position; radio fix; ground position'), ('die', u'Pressemitteilung', u'press release'), ('das', u'Blau', u'blue'), ('der', u'Abzug', u'discount; deduction; dump; subtraction; trigger; fume hood; fume cupboard; duplicate; outlet; copy; vent; allowance; flue; withdrawal; eduction'), ('der', u'Verlust', u'loss; loss; bereavement; forfeiture; losing; wastage; casualties; loss of the right to hold public office'), ('die', u'Tat', u'crime; offence [Br.]; offense [Am.]; act; deed; feats'), ('die', u'Software', u'software'), ('der', u'Krimi', u'mystery story; mystery novel; detective story; thriller; whodunit; murder mystery'), ('das', u'Konzil', u'council'), ('der', u'Logiker', u'logician'), ('der', u'Nordwesten', u'northwest /NW/'), ('der', u'Garten', u'garden; yard [Am.]'), ('das', u'Symbol', u'emblem; character; symbol; tag'), ('der', u'Skilangl\xe4ufer', u'cross-country ski runner'), ('das', u'Ballett', u'ballet'), ('der', u'Sezessionskrieg', u'American Civil War'), ('der', u'Schleicher', u'skulker; sneaker'), ('der', u'Kunstsammler', u'art collector'), ('der', u'Port', u'port'), ('der', u'Entomologe', u'entomologist'), ('die', u'Bulle', u'bull; bull'), ('der', u'Bulle', u'cop; rozzer [Br.]; flatfoot [slang]; bull'), ('das', u'Wohnhaus', u'residential house; tenement; condominium [Am.]; home; dwelling'), ('das', u'Handbuch', u'compendium; guide; handbook /hdbk/; manual; companion'), ('der', u'Grundstein', u'cornerstone; foundation stone; headstone'), ('die', u'Edition', u'edition /ed./'), ('der', u'Ball', u'ball; ball; ball; formal dance; formal [Am.]; prom; school prom; Senior Prom; ball'), ('der', u'Politologe', u'political scientist'), ('das', u'Schaffen', u'oevre; work; works'), ('das', u'Pascal', u'Pascal'), ('die', u'Einnahme', u'earnings {pl}; taking; receipts; capture'), ('der', u'Wunsch', u'mind; request; desire (for); wish'), ('die', u'Idee', u'notion; idea; idea; conception'), ('der', u'Handball', u'(European) handball; team handball'), ('der', u'Flugzeugkonstrukteur', u'aircraft designer'), ('der', u'Gewichtheber', u'weightlifter; lifter')] dictSet_14 = [('die', u'Blume', u'flower'), ('der', u'Stadtplaner', u'city planner; town planner'), ('der', u'Europ\xe4er', u'European'), ('der', u'Staatssekret\xe4r', u'permanent secretary; State Secretary'), ('der', u'Satiriker', u'satirist'), ('die', u'Nationalmannschaft', u'national team; international team'), ('die', u'Demonstration', u'demonstration; demo [coll.]; demonstration'), ('die', u'Vergabe', u'placing; allocation; awarding'), ('die', u'Tiefe', u'recess; depth; deepness; lowness; profundity; profoundness; gravity; rut depth profile; low bed trailer; low loader trailer; low platform trailer'), ('die', u'Mathematik', u'mathematics'), ('der', u'Texter', u'ad writer; copywriter; songwriter'), ('die', u'Weltausstellung', u'world exposition; world exhibition; world fair'), ('das', u'Erkennen', u'cognition; recognition; realization [eAm.]; realisation [Br.]'), ('der', u'Nordosten', u'northeast /NE/'), ('das', u'Klar', u'egg-white; white of an egg'), ('das', u'Kap', u'cape; headland; head; promontory; Mull [Sc.]'), ('das', u'Bundesland', u'(federal) state; land; (German) Bundesland'), ('der', u'Kontrabassist', u'double bass player; bass player; bassist'), ('die', u'Gefahr', u'threat; danger; endangerment; hazard; jeopardy; peril; risk'), ('der', u'Anarchist', u'anarchist'), ('der', u'Anatom', u'anatomist'), ('das', u'Wolfram', u'tungsten; wolfram'), ('der', u'Theoretiker', u'theoretician; theorist; theoretist'), ('der', u'Poet', u'poet'), ('der', u'Hinweg', u'way there'), ('die', u'Fahrt', u'trip; mystery tour; drive; ride; speed; travel; journey; run; sternway; ladder; trap; three trees'), ('das', u'Tirol', u'the Tyrol; Tirol'), ('die', u'Fluggesellschaft', u'airline; airline company'), ('die', u'Verfolgung', u'trace; besetment; chase; persecution; pursuance; pursuit; tracing; hunting'), ('das', u'Gymnasium', u'secondary school; secondary high school; grammar school [Br.]'), ('die', u'Schaffung', u'establishment; setting-up (of sth.); establishment'), ('das', u'Rugby', u'rugby; rugger'), ('das', u'Nordirland', u'Northern Ireland /NI/'), ('die', u'Bombe', u'bomb; bombshell; bombshell; bombshell'), ('der', u'Willen', u'will'), ('der', u'Jagdflieger', u'fighter pilot'), ('die', u'Haltung', u'attitude; approach; deportment; posture; poise; stance; posture; carriage; pose; animal husbandry; livestock farming; keeping of animals; keeping'), ('der', u'Zuschauer', u'observer; spectator; bystander; onlooker; viewer; looker'), ('das', u'Silber', u'argent; silver'), ('die', u'Leistung', u'service; provision of services; attainment; power; achievement; accomplishment; performance; power; output; load; proficiency; performance; output; meterage; tonnage'), ('der', u'Warner', u'alerter'), ('der', u'Stuhl', u'stool; chair; upright chair; stool; stools; motion'), ('die', u'Renaissance', u'Renaissance'), ('der', u'Unabh\xe4ngigkeitskrieg', u'war of independence'), ('die', u'Ruhr', u'dysentery'), ('der', u'Motor', u'engine; engine; motor; power train'), ('der', u'Kupferstecher', u'copperplate engraver'), ('das', u'Tier', u'animal; beast; brute'), ('das', u'Passagierschiff', u'passenger ship'), ('die', u'Nationalhymne', u'national anthem'), ('der', u'Hubschrauber', u'helicopter; gyroplane; whirlybird; chopper; eggbeater [coll.]'), ('die', u'Gr\xfcnderin', u'founder; foundress'), ('die', u'Sierra', u'sierra'), ('die', u'Bek\xe4mpfung', u'control (of sth.); combat'), ('die', u'Tagesschau', u'Tagesschau (television news)'), ('die', u'Stimme', u'voice; part; vote; voice; voice type'), ('die', u'Kronprinz', u'crown prince'), ('der', u'Zeitraum', u'time frame; timeframe; period; time period; period of time; space; space of time; stretch'), ('das', u'Werken', u'woodwork/metalwork class'), ('die', u'Mitgliedschaft', u'membership (of [Br.] / in [Am.] an organisation)'), ('die', u'Angeh\xf6rige', u'kinswoman'), ('der', u'Angeh\xf6rige', u'kinsman'), ('das', u'Lager', u'bed; depot; camp; bearing; store; encampment; camp; depot; lair; storehouse; entrepot; warehouse; deposit; stock; bed; layer; ledge; assise; pool (of oil; natural gas)'), ('der', u'V\xf6lkerbund', u'League of Nations'), ('der', u'Mittelmeer', u'Mediterranean Sea'), ('die', u'Base', u'base; cousin'), ('der', u'Fernsehjournalist', u'telecaster'), ('der', u'Wind', u'wind'), ('die', u'Kriegserkl\xe4rung', u'declaration of war (on sb.)'), ('das', u'Konzept', u'concept; minute; rough draft; conception'), ('der', u'Hauptbahnhof', u'main station; main-station; central station'), ('der', u'Expressionismus', u'expressionism'), ('der', u'Wiederaufbau', u'reconstruction'), ('das', u'Schach', u'chess'), ('das', u'Innere', u'inside; interior; recess'), ('die', u'Begriffskl\xe4rung', u'disambiguation'), ('die', u'Romantik', u'romanticism; Romanticism; the Romantic movement'), ('der', u'Vortag', u'day before; previous day; eve (of)'), ('das', u'Tennis', u'tennis'), ('die', u'Infanterie', u'infantry; infantry'), ('die', u'Kathedrale', u'cathedral'), ('das', u'Dekret', u'decree'), ('die', u'Ausdehnung', u'dimensioning; expanse; dilatation; dilation; expansion; extension; displacement; extent; extent; elongation; extension; expansion; extension; stretch; compass; expansion; extension; extent; dilatation'), ('der', u'Abend', u'evening; eve; eventide'), ('der', u'Morgen', u'morning; acre (a; 4840 square yards)'), ('der', u'Wedel', u'frond'), ('das', u'Errichten', u'construction (of sth.); deployment'), ('die', u'Siedlung', u'settlement; colony; housing scheme'), ('die', u'Pause', u'respite; time-out; stop; break; pause; rest; extra time; interval; intermission [Am.]; break; recess [Am.]; lull; blueprint; cyanotype; tracing; trace copy; break; rest; surcease (from sth.); recess; interregnum'), ('die', u'Konf\xf6deration', u'confederation'), ('die', u'Show', u'show'), ('die', u'Aufkl\xe4rung', u'clearing up; solving (a crime); reconnaissance; recon [Am.] [coll.]; recce [Br.] [coll.]; clearing; information; clarification'), ('die', u'Ver\xf6ffentlichung', u'publication; disclosure; issuance; issue (of sth.); publication; publishing'), ('das', u'Interview', u'interview'), ('der', u'Artenschutz', u'species protection'), ('die', u'Vergangenheit', u'past; foretime; yesterdays; past tense; preterite (tense)'), ('der', u'Radsportler', u'cyclist'), ('der', u'J\xe4ger', u'hunter; huntress; rifleman; jaeger; yager; fighter (aircraft); jaeger; skua'), ('der', u'Bezug', u'reference (to sth.); relation (to sth.); salary; bearing'), ('die', u'Antenne', u'aerial; antenna [Am.]')] dictSet_15 = [('der', u'Abenteurer', u'adventurer'), ('der', u'Kunstmaler', u'artist; painter'), ('die', u'Jagd', u'hunt; shoot; shooting; hunting; chase (after); pursuit (of); dash; bargain hunting'), ('die', u'Biografie', u'biography; bio'), ('das', u'Auto', u'car; auto; automobile'), ('das', u'Sardinien', u'Sardinia (Italian region)'), ('der', u'Preistr\xe4ger', u'award winner; prize winner; laureate'), ('das', u'Cape', u'cloak'), ('die', u'Runde', u'round; lap; round; circle; group; company; bout; beat'), ('der', u'Mineraloge', u'mineralogist'), ('der', u'Fernmeldeturm', u'telecommunications tower'), ('der', u'Nebel', u'mist'), ('der', u'Spencer', u'spencer'), ('der', u'Fu\xdf', u'base; foot; head (valve); foot; toe of a bank'), ('das', u'Fu\xdf', u'foot /ft.; f./'), ('der', u'Fisch', u'fish'), ('die', u'Armut', u'poverty; impoverishment; penury; privation; impecuniousness; penuriousness; pennilessness; poorness; indigence; destitution'), ('die', u'Sonde', u'probe; bore; hole'), ('das', u'Scheitern', u'failure; stranding'), ('der', u'Kontinent', u'continent; mainland'), ('der', u'Staatsstreich', u"putsch; coup d'\xe9tat; coup; revolt"), ('der', u'Buchh\xe4ndler', u'bookseller'), ('das', u'Verbrechen', u'foul play; outrage; felony; malefaction; serious crime; wrongdoing'), ('die', u'Sklaverei', u'slavery; bondage; slavery'), ('die', u'Lippe', u'lip'), ('der', u'Computer', u'computer'), ('der', u'Butler', u'butler'), ('die', u'Information', u'information desk; information (on; about)'), ('die', u'Generation', u'generation; breed (of) [fig.]'), ('die', u'Vorlage', u'draft; draft version; outline; bill; template; templet; pattern; assist; presentation; submission; submission (of documents); model; (distillation) receiver; through-ball; artwork; submittal'), ('die', u'Juristin', u'graduate in law; legal expert; jurist <jurisprudent>'), ('der', u'Brief', u'letter; epistle'), ('die', u'Anwesenheit', u'presence; attendance'), ('das', u'Horn', u'horn; horn; horn'), ('das', u'Christentum', u'Christianity; Christendom'), ('das', u'Ruhrgebiet', u'Ruhr area; Ruhr Valley'), ('das', u'Protokoll', u'record; protocol; proceedings; journal; wireless application protocol /WAP/; minute; minutes of meeting; log'), ('das', u'Portr\xe4t', u'portrait; biographical profile'), ('der', u'Engel', u'angel'), ('der', u'Landgraf', u'landgrave'), ('die', u'Historikerin', u'historian'), ('die', u'Meinung', u'notion; slant; slanting view [coll.]; idea; opinion (about sth.); sentence; opinion; estimation; view; mind'), ('das', u'Matt', u'mate'), ('der', u'Satz', u'dregs; settlings; sediment; proposition; jerk; sentence; phrase; clause; set; set; movement (section of a multipart piece of music); proposition; theorem; rate; texture; dive; pounce; bound; dart; rate'), ('die', u'Kohle', u'coal; carbon'), ('die', u'Theologie', u'theology'), ('der', u'Sicherheitsrat', u'security council'), ('das', u'L\xf6sen', u'severance'), ('das', u'Journal', u'daily ledger; journal'), ('die', u'Schaden', u'average'), ('der', u'Schaden', u'impairment; damage; prejudice (to sth.); defect; fault; loss; trouble; disadvantage; damage; detriment; hurt (to); mischief; harm; disservice'), ('der', u'Hunt', u'tram; mine car; mine truck; underground car; wag(g)on; tub; bogie; box; dog; lorry'), ('der', u'Erbfolgekrieg', u'war of succession'), ('die', u'Auseinandersetzung', u'contention; argument; skirmish; hassle; involvement with a matter; debate; discussion (about; on); showdown; friction; tangle; controversy'), ('die', u'Arbeiterpartei', u'labour party'), ('die', u'F\xf6deration', u'federation'), ('der', u'Transport', u'traction; haulage; transport [Br.]; transportation [Am.]; freightage; portage; conveyance; porterage; carriage; feed; transport(ation)'), ('die', u'Sonne', u'sun'), ('der', u'Sozialismus', u'socialism'), ('der', u'Knut', u'knot; knut'), ('das', u'F\xfcrstentum', u'principality'), ('der', u'Kauf', u'acquisition; purchase; bargain; buying; purchase; buy; purchase; hire-purchase [Br.]; instalment plan [Am.]; sale'), ('das', u'Ver\xf6ffentlichen', u'dissemination'), ('der', u'Regent', u'ruler; regent'), ('der', u'Kommandeur', u'commanding officer /CO/; commander; commandant (of a fortress)'), ('die', u'Hinrichtung', u'hanging; execution (of sb.)'), ('die', u'Anwendung', u'application; exertion; usage; use; utilisation; enforcement; use'), ('die', u'Kom\xf6die', u'comedy'), ('die', u'Gefangenschaft', u'captivity; confinement'), ('der', u'M\xf6rder', u'murderer; killer; slayer'), ('die', u'Hochzeit', u'wedding; heyday; prime; bloom; marriage'), ('der', u'Herr', u'Mister; Mr [Br.]; Mr. [Am.]; MR.; gent; gentleman; master; signor; sir; Lord'), ('der', u'Anwalt', u'advocate; attorney; lawyer; procurator; attorney /att.; atty/ [Am.]; attorney at law [Am.]; solicitor /sol.; solr/ [Br.]; counsel; counselor; counsellor; solicitor [Br.]'), ('der', u'Heft', u'haft; handle'), ('das', u'Heft', u'book'), ('das', u'Gef\xe4ngnis', u'jail; prison; jailhouse; gaol [Br.]; bastille; hard time [slang]; lock-up'), ('die', u'Bundespost', u'Federal Post Office'), ('der', u'Hersteller', u'original equipment manufacturer /OEM/ (manufacturer of components that are used in products sold by another company); producer; manufacturer (of sth.); fabricator; maker (of sth.)'), ('das', u'Burgund', u'Burgundy; Bourgogne'), ('der', u'Terror', u'terror'), ('der', u'Taifun', u'typhoon'), ('die', u'Pilotin', u'pilot; airplane pilot'), ('das', u'Herz', u'heart; hearts'), ('die', u'Amtssprache', u'official language'), ('der', u'Amtssprache', u'officialese'), ('der', u'Adel', u'nobility; nobleness; peerage'), ('die', u'Abteilung', u'division; department /dept./; detachment; compartment (of a ship); fraction; section; section; subdivision; unit; branch; draft'), ('der', u'Zustand', u'trim; phase; state; status; state; fettle; condition; state; repair'), ('das', u'Verhalten', u'manner; behaviour [Br.]; behavior [Am.]; demeanour [Br.]; demeanor [Am.]; behaviour [Br.]; behavior [Am.]; conduct; bearing; comportment'), ('das', u'Gr\xfcn', u'green; verdure; greenery'), ('die', u'Ursache', u'reason; grounds {pl}; principle; cause (of sth.); causale'), ('die', u'Begr\xfcndung', u'reason; reasons; substantiation; statement of grounds; explanatory statement; establishment of joint ownership; constitution (of sth.); rationale'), ('der', u'Protest', u'protest (against); remonstrance (against); protestation; furore; furor; expostulation'), ('die', u'Studie', u'study'), ('der', u'Gro\xdfmeister', u'grandmaster; grand master'), ('das', u'Ereignis', u'occurrence; event; incident; happening; ongoing; event; event'), ('die', u'Untersuchung', u'analysis; analysis (of); canvassing; inquisition (into); scrutiny; examination; study; assay; exploration; inquiry (into sth.); evaluation; inquest; investigation; inquiry; test; examination; scrutineering; probe; trial; investigation; study; analyzation'), ('der', u'Sinn', u'signification; sense (of a word); sense (of sth.); acceptation; mind; meaning; sense; point; intentions; wishes; philosophy; interest; terms (of sb.)'), ('die', u'Heide', u'heath; heathland; heather; heath'), ('der', u'Heide', u'Gentile; heathen; pagan')] dictSet_16 = [('das', u'Wiki', u'wiki; wiki wiki web'), ('die', u'Geburt', u'delivery; labour; accouchement; parturition; child-bearing; birth (general); delivery (process of giving birth); presentation (position of baby); nativity; birth'), ('die', u'Bibel', u'Bible'), ('das', u'Kabel', u'wire; cable; telegram; cable; wire [Am.]'), ('das', u'Hollywood', u'Hollywood; Tinseltown [pej.]'), ('der', u'Vorschlag', u'suggestion; advice; proposition; grace note'), ('die', u'Eidgenossenschaft', u'confederation'), ('der', u'Chor', u'choir (group of singers); chorus (part of a musical composition/performance); chancel; choir'), ('der', u'Linguist', u'linguist'), ('der', u'Republikaner', u'republican'), ('das', u'Inkrafttreten', u'inception; coming into effect; entry into force of a treaty'), ('der', u'Friedhof', u'cemetery; graveyard'), ('die', u'Filmmusik', u'film music; soundtrack; score'), ('der', u'Gebrauch', u'application; usage; use'), ('der', u'Bestandteil', u'component (of sth.); ingredient; constituent part; constituent element; constituent'), ('der', u'Pilz', u'fungus; mushroom; toadstool'), ('die', u'Neutralit\xe4t', u'neutrality'), ('das', u'Licht', u'light'), ('die', u'Finanzkrise', u'financial crisis; fiscal crisis'), ('der', u'Empfang', u'reception; check-in desk [Am.]; reception; receipt; receiving; recipience; radio reception; receipt; welcome'), ('der', u'Schreiber', u'lead writer; clerk; columnist; plotter; recorder; typist; writer'), ('der', u'Friede', u'peace; quietude; quietude'), ('die', u'Erforschung', u'exploration; investigation; exploring; exploration; prospecting'), ('der', u'Spielfilm', u'feature film; film [Br.]; movie [Am.]; feature film'), ('der', u'Luxemburger', u'Luxemburger'), ('der', u'Beitrag', u'article /art./; feature; contribution; due; contingent; dues {pl}; contribution'), ('der', u'Chefredakteur', u'chief editor; editor-in-chief'), ('das', u'Wetter', u'weather; air; mine air; weather conditions'), ('der', u'Ruf', u'renown; call; fame; rep; reputation; cry; whoop'), ('die', u'Justiz', u'justice; justice; judiciary'), ('die', u'Abdankung', u'abdication; resignations'), ('die', u'Existenz', u'existence'), ('die', u'Statue', u'effigy; statue'), ('die', u'Landeshauptstadt', u'state capital; provincial capital'), ('der', u'Held', u'protagonist; hero'), ('der', u'Hektar', u'hectare'), ('die', u'Beschreibung', u'description; specification; description; depiction; activity description'), ('der', u'Zwischenfall', u'incident'), ('die', u'Volkskammer', u"people's chamber; Volkskammer (parliament of the GDR)"), ('der', u'Freistaat', u'free state'), ('der', u'Spanier', u'Spaniard'), ('der', u'Entwickler', u'developer'), ('die', u'Auff\xfchrung', u'recital (of details); performance'), ('das', u'S\xfcdtirol', u'Trentino-Alto Adige/S\xfcdtirol; South Tyrol (Italian region)'), ('die', u'Stunde', u'hour; league [obs.]'), ('der', u'Stellvertreter', u'attorney in fact; representative; substitute; proxy; deputy; surrogate; Second in Command (2IC); dummy; shelf dummy'), ('der', u'Radierer', u'etcher'), ('der', u'Vorsitz', u'chair; presidency; chairmanship'), ('die', u'Publizistin', u'publicist; commentator on politics and current affairs'), ('die', u'Kr\xf6nung', u'coronation'), ('die', u'Jungfrau', u'virgin; vestal; Virgo; the Virgin'), ('die', u'Chronik', u'chronicle'), ('der', u'Charakter', u'character; moral courage; temper'), ('das', u'Angebot', u'offer (for); tender; bid; proposal; quote; supply; submission; range; offering; bargain; special offer; special [Am.]; overture'), ('der', u'Rest', u'tail; carryover; relic; leftover; scrap; remainder; remnant; residue; rest; remainder; oddment; leaving'), ('das', u'Material', u'matter; material; blurb; material'), ('der', u'Hirsch', u'deer'), ('der', u'Zweck', u'purpose; intention; end (of); object; sense; point; aim; purpose'), ('der', u'Apotheker', u'apothecary; pharmacist; dispensing chemist; druggist [Am.]'), ('der', u'Sekret\xe4r', u'secretary; bureau; secretary /Sec./; amanuensis; secretary bird'), ('die', u'Niederschlagung', u'dismissal'), ('das', u'Delta', u'delta; river delta'), ('die', u'Aufhebung', u'abolition; abolishment; cancellation; cancelation [Am.]; nullification; annulment; rescindment; rescission; sublation; repeal (of sth.); abolition of slavery; abrogation; desegregation; dissociation; revocation; withdrawal'), ('die', u'Generalversammlung', u'general meeting; General Assembly /GA/'), ('der', u'Meier', u'dairy farmer'), ('der', u'Italiener', u'Italian'), ('das', u'Bundesamt', u'Federal Office (Germany)'), ('die', u'Regelung', u'arrangement; adjustment; automatic control; feedback control; closed-loop control; feed-back control; provision; contract provision; regulation; regularisation [Br.]; regularization [Am.]'), ('die', u'Order', u'order (placed with sb.)'), ('die', u'Lena', u'Lena'), ('das', u'Hauptquartier', u'headquarters; head quarter /HQ; Hq./; operations room'), ('der', u'Radiomoderator', u'radio host; radio disc jockey'), ('die', u'Lotte', u'sea-devil; angler; fishing-frog'), ('der', u'Genetiker', u'geneticist'), ('der', u'Bedarf', u'need; demand; want; requirement; requirements; demand; need'), ('die', u'Raumstation', u'space station; space platform'), ('der', u'Sand', u'sand'), ('der', u'S\xfcdosten', u'southeast; south-east /SE/'), ('die', u'Homepage', u'website; web site'), ('die', u'Gattin', u'spouse; wife'), ('der', u'Freitag', u'Friday /Fri/'), ('der', u'Unterschied', u'contrast (with; to); difference (from sth. / between); distinction'), ('die', u'Unternehmerin', u'entrepreneur'), ('die', u'Entente', u'entente'), ('der', u'Zyklon', u'cyclone'), ('das', u'Kapitel', u'chapter /ch./'), ('der', u'Generaloberst', u'colonel-general'), ('das', u'Kupfer', u'copper'), ('der', u'Kirchner', u'sexton'), ('die', u'Fernsehserie', u'TV serial; television serial'), ('der', u'Orgelbauer', u'organ builder'), ('das', u'Komitee', u'committee; body; caucus (of sb.)'), ('der', u'Rektor', u'headmaster; president; vice-chancellor [Br.]; rector [Am.]; headmaster; principal'), ('die', u'Lehrerin', u'teacher; instructor; schoolmistress; pole dance/dancing instructor; pole dance/dancing teacher'), ('der', u'Wandel', u'change; mutation'), ('das', u'Oberhaupt', u'chief; head'), ('die', u'Hansestadt', u'Hanseatic town; Hanse town; Hansa town'), ('das', u'Kino', u'cinema [Br.]; movies; motion-picture theater; movie theater [Am.]'), ('die', u'Division', u'division; division'), ('das', u'Top', u'top')] dictSet_17 = [('der', u'Grimm', u'fury; fierceness'), ('der', u'Zoo', u'zoo'), ('der', u'Zeppelin', u'zeppelin; airship'), ('der', u'Wasserstoff', u'hydrogen; hydrogen'), ('der', u'Lauf', u'operation (of a machine); course; run; heat; barrel (of a rifle or cannon); runner; course of life; current; course'), ('der', u'Befehlshaber', u'commander'), ('der', u'Tsunami', u'tsunami; seismic wave'), ('das', u'Verlie\xdf', u'oubliette'), ('die', u'Physiologie', u'physiology'), ('das', u'Eisen', u'iron; ferric; iron'), ('der', u'Choreograph', u'choreographer'), ('das', u'Video', u'video'), ('die', u'Produzentin', u'producer; manufacturer (of sth.)'), ('der', u'Marathon', u'marathon; marathon race'), ('das', u'Forum', u'forum; panel; caucus (of sb.)'), ('der', u'Bergmann', u'mine worker; miner; pitman; collier [Br.] (old-fashioned)'), ('der', u'Sprachforscher', u'linguistic researcher'), ('der', u'Schnee', u'picture noise; snowy picture; snow [coll.]; snow; snow (cocaine)'), ('der', u'Report', u'report (on); premium'), ('die', u'Expansion', u'expansion'), ('der', u'Eintrag', u'enter; entry; entry; entering; inscription'), ('das', u'Drehbuch', u'screenplay; script; scenario'), ('das', u'Design', u'design'), ('die', u'Not', u'penury; privation; distress; misery; calamity; hardship; need; necessity; destitution; adversity'), ('das', u'Foto', u'picture; photograph; picture; photography; photo; photograph'), ('die', u'Fakult\xe4t', u'faculty [Br.]; department [Am.]; factorial'), ('die', u'Verordnung', u'regulation; ordinance; edict; enactment; decree; statutory order; prescription'), ('der', u'Schwerpunkt', u'emphasis; barycentre [Br.]; barycenter [Am.]; hotspot; hot spot (for sth.); centre of gravity [Br.]; center of gravity /CG/; gravity centre; focal point; main focus; main point; highlight; burden; plank'), ('das', u'Lateinamerika', u'Latin America'), ('die', u'K\xfcche', u'kitchen; cuisine'), ('die', u'Zentralbank', u'central bank; reserve bank; monetary authority'), ('der', u'Skandal', u'affair; scandal'), ('der', u'Wahlgang', u'ballot'), ('die', u'Volksz\xe4hlung', u'census'), ('der', u'Schulze', u'mayor; sheriff'), ('das', u'Magazin', u'depot; store; warehouse; magazine; magazine; stack-room; stacks; journal'), ('das', u'Moll', u'minor'), ('die', u'Stufe', u'level; rank; tier; degree; deg; grade; plane; stage; degree; pitch; step; rung'), ('die', u'Philosophin', u'philosopher'), ('der', u'Palast', u'palace'), ('der', u'Europameister', u'European champion'), ('das', u'Dur', u'major'), ('der', u'Schilling', u'shilling; bob [Br.] [coll.]'), ('der', u'R\xfccken', u'crest; mountain crest; book spine; spine of a book; spine; back of a book; back; ridge; spine'), ('das', u'R\xfccken', u'logging'), ('die', u'Normandie', u'Normandy'), ('der', u'Mord', u'murder (of sb.)'), ('das', u'Zeitalter', u'era; age'), ('der', u'W\xe4hler', u'selector; voter; elector; constituent; dialer'), ('die', u'Fauna', u'fauna'), ('die', u'Falle', u'trap; gin; latch; pitfall; mantrap; trap'), ('das', u'Engagement', u'exposure; commitment; commitment; involvement; dedication; engagement'), ('der', u'Abstand', u'distance (between); interval; gap; distance; displacement; pitch; spacing; clearance; space; space; distance; spacing; span; offset (seismics)'), ('das', u'K\xe4rnten', u'Carinthia'), ('der', u'Tunnel', u'tunnel; tunnel; gallery; drive; rock tunnel; day hole'), ('die', u'Synagoge', u'synagogue; synagog [Am.]'), ('die', u'Periode', u'period; cycle; period'), ('der', u'Kramer', u'small trader; small shopkeeper [Br.]; small dealer [Am.]; small storekeeper [Am.]'), ('die', u'Erinnerung', u'reminder (of); memory; recollection; memento; memorization [eAm.]; memorisation [Br.]; remembrance (of); retrospection; reminiscence; reminiscence (of)'), ('die', u'Teilnahme', u'participation; attendance; participation; concern; commiserations; commiseration'), ('der', u'Senior', u'senior; senior citizen'), ('die', u'Grafikerin', u'graphic designer; graphic artist'), ('der', u'Geophysiker', u'geophysicist'), ('der', u'Sprinter', u'sprinter'), ('die', u'Sch\xf6ne', u'catnip'), ('die', u'Einweihung', u'opening; official opening; tape-cutting ceremony; inauguration; induction; initiation; dedication'), ('der', u'Umfang', u'extent; size; girth; compass (of voice); circumference; scale [fig.]; periphery; compass; complexity; comprehensiveness; girt; perimeter; length'), ('die', u'Welle', u'axle; arbor; wave; shaft; groundswell (of sth.) [fig.]; billow; surge'), ('der', u'Mystiker', u'mystic'), ('der', u'Moskauer', u'Muscovite'), ('der', u'Tiger', u'tiger'), ('das', u'Element', u'unit; element; element; item'), ('die', u'Besiedlung', u'settling; colonisation [Br.]; colonization [Am.]'), ('die', u'Totale', u'long shot'), ('das', u'Schreiben', u'letter; communication; writing; authoring'), ('der', u'Einwanderer', u'immigrant'), ('die', u'Umsetzung', u'implementation; move; shift; transformation; conversion; transposition; permutation'), ('der', u'Leisten', u'last'), ('das', u'Kuratorium', u'board of trustees; caucus (of sb.)'), ('das', u'Bieten', u'bid'), ('die', u'Stichwahl', u'second ballot; runoff election; run-off election'), ('der', u'Sog', u'suction; suction; slipstream; undertow'), ('die', u'Malerei', u'painting; art of painting'), ('der', u'R\xf6mer', u'Roman; rummer'), ('die', u'Charta', u'charter'), ('der', u'Akt', u'act; nude; file; record; sexual act; act of sex; coitus [med.]; sex [coll.]; act'), ('das', u'Ungl\xfcck', u'sorrow; misadventure; bad luck; bad break; tough luck [coll.]; harm; wreck; wreckage; disaster; infelicity; mishap; accident; misfortune; misadventure; calamity'), ('die', u'Muslime', u'Moslem; Muslim'), ('der', u'Erlass', u'fiat; remission (of a debt; penality; tax); edict; writ; decree'), ('die', u'Anordnung', u'order; configuration; disposal; disposition; system; serialization [eAm.]; serialisation [Br.]; array; layout; alignment; adjustment; subject classification; set-up; community service order; community order [Br.]; regulation; fiat; ordinance; array; instruction; formation; court order; adjudication; posture; order; arrangement; positioning; arrangement; assembly; pattern; spread; array'), ('der', u'Posten', u'post; item; billet; station; assignment [Am.]'), ('das', u'Installieren', u'installing; plumbing'), ('die', u'Hafenstadt', u'seaport'), ('die', u'Feministin', u'feminist'), ('der', u'Theaterdirektor', u'impresario'), ('die', u'Bauzeit', u'construction time'), ('der', u'Austritt', u'exit; discharge; orifice; opt-out (from sth.)'), ('das', u'Ufer', u'shoreline; strand; bank; waterside; shore; edge; bank'), ('der', u'Pathologe', u'pathologist'), ('die', u'Komponente', u'component (of sth.); component; strand')] dictSet_18 = [('das', u'Pseudonym', u'alias; pseudonym'), ('der', u'Staatsminister', u'minister of state'), ('die', u'Skilangl\xe4uferin', u'cross-country ski runner'), ('die', u'Planung', u'design; planning; arrangement; basic design; basic engineering; conceptual design; conceptual engineering'), ('der', u'Kriegsschauplatz', u'theatre of war'), ('der', u'Entwurf', u'draft; draft version; outline; layout; plot; project; scheme; design; bill; concept; plan; conception; blueprint'), ('der', u'Student', u'student; collegian; undergraduate; servitor'), ('das', u'Reisen', u'travelling'), ('der', u'Phoenix', u'Phoenix'), ('der', u'Landwirt', u'farmer; agriculturist; cultivator; raiser'), ('die', u'Kompanie', u'company'), ('der', u'Romanist', u'teacher of Romance languages and Literature; researcher of Romance languages and Literature'), ('der', u'Niederl\xe4nder', u'Dutch man; Dutchman; Dutch woman'), ('die', u'Neustadt', u'new town'), ('der', u'Fabrikant', u'factory owner'), ('der', u'Durchschnitt', u'average; mainstream; mean (value); average (value) (of A and B)'), ('die', u'Auffassung', u'(basic) approach; view; conception; apprehension; perception; concept; opinion (about sth.); moral code'), ('das', u'Pferd', u'horse; vault; vaulting horse; horse; knight (chessman)'), ('die', u'List', u'ruse; trick; trickery; artfulness; craftiness; guile; ploy; gambit; stratagem; wile; craft [fig.]'), ('das', u'Konklave', u'conclave (meeting of cardinals for election of pope)'), ('der', u'Generalgouverneur', u'governor-general'), ('der', u'Dialog', u'dialogue; dialog [Am.]'), ('das', u'Opernhaus', u'opera house'), ('der', u'Funk', u'funk; funk music'), ('die', u'Einigung', u'settlement; agreement; unification; accommodation (with sb.)'), ('der', u'Agrarwissenschaftler', u'agronomist'), ('die', u'Industrialisierung', u'industrialization [eAm.]; industrialisation [Br.]'), ('das', u'Gro\xdfkreuz', u'(Orden) Grand Cross (order)'), ('der', u'Gegenzug', u'exchange; return; countermove; cross-draught; oncoming train; opposite train; counter-attack; counterattack; counteroffensive; breakaway'), ('die', u'B\xfchne', u'stage; scene; platform; floor; bracket'), ('der', u'B\xfchne', u'attic; loft [Br.]; garret [poet.]'), ('die', u'Vernichtung', u'obliteration; annihilation; demolishment; extinction; destruction'), ('der', u'Atlas', u'atlas; satin; warp satin'), ('die', u'Bedrohung', u'threat; menace'), ('die', u'Ausstrahlung', u'aura; emission; emanation; radiation; broadcasting; transmission; charisma; vibes; broadcasting; transmission'), ('die', u'Verantwortung', u'responsibility; charge; responsibleness'), ('der', u'Partner', u'mate; pard; associate partner; cohabitant; common-law husband; common-law wife; partner'), ('der', u'Unfall', u'prang [Br.] [coll.]; home accident; accident in the home; domestic accident; accident; casualty; crash; mischance; misfortune; mishap; slip'), ('die', u'Krankheit', u'trouble; disease; illness; disease; illness; sickness; complaint'), ('die', u'Geschwindigkeit', u'speed; speed; velocity; celerity; time'), ('die', u'Veranstaltung', u'event; meeting'), ('der', u'Kurs', u'course; quotation; rate (of exchange); exchange rate; foreign exchange rate; price; rate; quotation; course; line; route; course; class; course; advanced course; extension course; bearing; rate'), ('der', u'Gletscher', u'glacier'), ('die', u'Ostk\xfcste', u'east coast'), ('das', u'Anzeigen', u'indication'), ('die', u'Wehrpflicht', u'conscription; selective service [Am.]'), ('die', u'Frequenz', u'frequency; rate'), ('der', u'Auftritt', u'tread; entrance; appearance; scene'), ('das', u'Gipfeltreffen', u'summit meeting; summit'), ('die', u'Alternative', u'alternative; alternative choice; option'), ('der', u'Vulkan', u'volcano'), ('das', u'Erd\xf6l', u'oil; mineral oil; petroleum; fossil oil; rock oil; crude oil; crude naphtha; raw oil; base oil; rock oil; crude petroleum; unrefined oil'), ('der', u'Bariton', u'baritone'), ('das', u'Bariton', u'baritone horn; baritone; euphonium'), ('der', u'K\xe4mpfer', u'combatant; struggler; campaigner; fighter; lintel; abutment'), ('der', u'Vorstand', u'board; board of directors; managing board; committee; managing committee; executive committee; executive; executive council'), ('das', u'Pommern', u'Pomerania'), ('der', u'Philanthrop', u'philanthropist'), ('die', u'Luftfahrt', u'aviation'), ('die', u'Kollision', u'collision; collision'), ('der', u'Auftreten', u'emergence'), ('das', u'Auftreten', u'occurrence <occurrance>; demeanour [Br.]; demeanor [Am.]; appearance; appearance; occurrence'), ('der', u'Statthalter', u'county commissioner (head of county administration); governor; gubernatorial; proconsul; vicegerent'), ('die', u'Regentschaft', u'reign; regency'), ('der', u'Rand', u'trim; border; edge; border; brim; brink; fringe; rim; verge; margin; edge; border; edge; boundary; lip; side; rand (currency in South Africa, abbr.: R)'), ('der', u'Ton', u"sound; tone; clay; argil; potter's earth; audio"), ('die', u'Stra\xdfenbahn', u'tram [Br.]; streetcar [Am.]; tramway [Br.]; streetcar system; streetcar; light rail vehicle /LRV/'), ('die', u'Nova', u'nova'), ('der', u'Mittelpunkt', u'epicenter; centre [Br.]; center [Am.]; centre; hub'), ('der', u'Grande', u'magnifico; grandee; magnifico'), ('die', u'Definition', u'definition; definition'), ('der', u'Staatsbesuch', u'state visit'), ('der', u'G\xe4rtner', u'gardener; gardner'), ('die', u'Feste', u'stronghold; fastness'), ('die', u'W\xfcste', u'wasteland; desert; waste land; wilderness; waste'), ('das', u'R\xe4umen', u'broaching; street clearing'), ('der', u'Pass', u'pass (for using a service); passport; pass; pass; col'), ('die', u'Karibik', u'Caribbean; the Caribbean Sea'), ('die', u'Gewerkschaft', u'trade union /TU/; labor union [Am.]; union'), ('das', u'Brechen', u'breaking; fracturing'), ('der', u'Vogt', u'reeve'), ('das', u'Feld', u'field; array; field; open country; field; array; pad'), ('der', u'Verkauf', u'sale; selling'), ('der', u'Sopran', u'soprano; treble'), ('der', u'Kommissar', u'commissioner; commissar; police inspector; commissioner for climate action'), ('der', u'Bot', u'bot; Internet bot; web robot'), ('die', u'Bestimmung', u'purpose; intention; analysis; assignation; assignment; appointment; destination; modifier; determination; determining; classification; ascertainment; determination; clause; provision; contract provision; rule; destination'), ('die', u'Webseite', u'webpage; web page'), ('das', u'Reden', u'shop talk; speaking'), ('das', u'Wahrzeichen', u'emblem; landmark'), ('das', u'Kernkraftwerk', u'nuclear power station; nuclear power plant; atomic power station/plant'), ('der', u'Hund', u'tram; dog; canine; K-9 [Am.]; hound'), ('der', u'Weltrekord', u'world record'), ('der', u'Kreuzer', u'cruiser'), ('die', u'Brigade', u'brigade; work team; brigade'), ('die', u'Annexion', u'annexation'), ('die', u'Vorgeschichte', u'anamnesis; medical history; prehistory; case history; antecedent'), ('der', u'Staatshaushalt', u'national finances'), ('die', u'Menge', u'quantum; plenty; heap; slew; amount; lot; crowd; pile; mass; set; plenty; quantum; quiverful; deal; multitude; host; concourse; quantity; assemblage'), ('die', u'Krause', u'frizziness; ruff; ruffle')] dictSet_19 = [('das', u'Wahlrecht', u'suffrage; (elective) franchise'), ('die', u'P\xe4dagogin', u'teacher; educationist; educationalist'), ('der', u'Neubau', u'new house; new building'), ('die', u'Hauptrolle', u'chief part; leading part; leading role; main role; lead; title role; main part'), ('die', u'Entfernung', u'removal; ablation; dislodgement; distance; range; remoteness; removing; removal; disposal; deseverance; dehumidification; range'), ('der', u'Engl\xe4nder', u'limey [Am.] [slang]; adjustable spanner; monkey wrench; coach wrench; Englishman; Englishwoman'), ('das', u'Camp', u'camp'), ('die', u'Autonomie', u'autonomy; self-government'), ('der', u'Niederschlag', u'precipitation; precipitate; rainfall; downfall; sediment'), ('das', u'Mandat', u'mandate; retainer; seat'), ('der', u'Hase', u'hare [Br.]; rabbit [Am.]; bunny; Lepus; Hare'), ('die', u'Gattung', u'kind; genus; genus; species; type; art form; genre; generic group; breed (of) [fig.]; sort'), ('die', u'Wende', u'turning point; turnaround; tack; coming about'), ('der', u'Spion', u'spy; spy hole'), ('das', u'Gr\xfcndungsmitglied', u'founder member'), ('der', u'Techniker', u'engineer; technician'), ('die', u'Metro', u'metro'), ('der', u'Zusammenbruch', u'bankruptcy; flop; collapse; washout; bust [coll.]; crackup; implosion [fig.]; breakdown; crash; caving-in; falling-in; foundering'), ('die', u'Szene', u'shot; take; tableau; scene; scene'), ('das', u'Staatsgebiet', u'territory (of a state); national territory'), ('das', u'Protektorat', u'protectorate'), ('der', u'Pakt', u'pact'), ('das', u'Krankenhaus', u'hospital; infirmary'), ('der', u'Griff', u'grip; handle; handhold; stop; fingering; snatch; hug; grasp; hilt (sword; dagger); knob; haft; handle; clutch'), ('die', u'Angst', u'anxiety (about); fear; angst; trepidation; cowardice; phobia; phobic disorder'), ('die', u'Hoffnung', u'hope (for)'), ('die', u'Abstimmung', u'voting; ballot; coordination (of dates); poll; tuning; vote; tuning; reconciliation; reconcilement'), ('der', u'Justizminister', u'Attorney General; minister of justice; Lord Chancellor [Br.]; Attorney General [Am.]'), ('die', u'Jura', u'legal science; jurisprudence; law'), ('der', u'Jura', u'Jura (canton of Switzerland); Jura Mountains'), ('das', u'Jura', u'Jurassic period; Jurassic'), ('der', u'Hesse', u'Hessian'), ('das', u'Bistum', u'see; diocese; bishopric'), ('der', u'Testpilot', u'test pilot'), ('die', u'Insolvenz', u'insolvency; inability to pay; bankruptcy'), ('der', u'Bertram', u'pellitory; Spanish chamomile; Mount Atlas daisy'), ('die', u'Analyse', u'analysis; analysis (of); demand analysis; requirement analysis; assay'), ('das', u'Tief', u'depression; low-pressure area'), ('der', u'Verfasser', u'author; writer; author; drafter; essayist; personal author; writer; pamphleteer'), ('der', u'Himmel', u'sky; heaven; headliner; headlining'), ('das', u'Flandern', u'Flanders'), ('die', u'Fidel', u'fiddle'), ('die', u'Ernennung', u'creation; appointment; nomination; assignment'), ('der', u'Wagen', u'car; vehicle; cart; carriage; trolley; wagon; covered wagon; wain; bandwagon; carriage; coach'), ('die', u'Toskana', u'Tuscany (Italian region)'), ('die', u'Strafe', u'punishment; penalty; sentence; chastisement; retribution; requittal; forfeit'), ('die', u'Ankunft', u'arrival /arr./'), ('die', u'Wahlbeteiligung', u'poll; turnout (at the election)'), ('der', u'Volkswirt', u'(political) economist'), ('das', u'Paar', u'couple; pair; twosome; twain (archaic)'), ('das', u'Siegel', u'seal; official seal; signet; cachet; chop'), ('der', u'Mahler', u'grinder'), ('das', u'Gebirge', u'mountains {pl}; mountain range; ground; rock masses; measures (mining; engineering geology)'), ('das', u'Bruttoinlandsprodukt', u'gross domestic product /GDP/'), ('die', u'Ideologie', u'ideology; ideology'), ('die', u'Dame', u'lady; dame; madam; queen (chessman; playing card); draughts; checkers [Am.]; king'), ('das', u'Eifel', u'Couvinian (Stage)'), ('der', u'Statistiker', u'statistician'), ('der', u'Gang', u'vein; passage; stride; operation (of a machine); errand; way; visit; running; working; action; operation; gear; speed; hallway; passage; passageway; gangway; walkway; gait; course (of a meal); corridor; duct; walk'), ('die', u'Freilassung', u'release (from); ransom; manumission'), ('der', u'Fl\xfcgel', u'leaf; wing; ala; blade; grand piano; grand; vane; wing'), ('die', u'Epoche', u'epoch; era'), ('die', u'Partnerschaft', u'partnership'), ('die', u'Gesundheit', u'health; healthiness; salubriousness; soundness; wholesomeness'), ('der', u'Pal\xe4stinenser', u'Palestinian'), ('die', u'Organistin', u'organist'), ('das', u'Leiden', u'trouble; sorrow; suffering; trouble; ailment; malady; pain; distress'), ('der', u'Block', u'block; physical record; power station unit; power plant unit; unit; writing pad; pad'), ('der', u'Theaterintendant', u'theatre general director'), ('die', u'Parlamentswahl', u'parliamentary election [pol.]'), ('die', u'Gegend', u'district; quarter; region; scenery; clime; country'), ('die', u'Oberfl\xe4che', u'face; plating; surface; surface; finish; top; surface; superficies'), ('die', u'Fertigstellung', u'finalization [eAm.]; finalisation [Br.]; completion; final completion'), ('der', u'Thronfolger', u'heir to the throne; successor'), ('das', u'Gespr\xe4ch', u'conversation; interlocution; call; telephone call; phone call; telephone conversation; talk'), ('der', u'Burger', u'hamburger; burger'), ('der', u'Bodensee', u'Lake Constance'), ('die', u'Institution', u'establishment; institute; institution'), ('die', u'Verfassungs\xe4nderung', u'constitutional amendment'), ('die', u'Klassik', u'classical period; classical age; classical music'), ('das', u'Fliehen', u'flight'), ('das', u'Stadium', u'phase; stage'), ('das', u'Porto', u'postage'), ('das', u'Haupt', u'pilot; head; root'), ('das', u'Kriegsverbrechen', u'war crime'), ('die', u'Vorstellung', u'conception; apprehension; show; perception; idea; opinion (about sth.); imagination; powers of imagination; power of imagination; association; conceivability; vision; performance; showing; presentation; introduction; fantasy'), ('die', u'Meisterschaft', u'championship; mastership; masterhood'), ('der', u'Faschismus', u'fascism'), ('der', u'Berater', u'adviser; advisor; consultant; consulter; consultant; advisor; aide'), ('der', u'Saturn', u'Saturn'), ('die', u'Wiederherstellung', u'recovery (of sb.); regeneration; reconditioning; recovery (of sth.); re-establishment; reconstitution; recreation; restitution; restoration; restoring; retrieval'), ('die', u'Kate', u'croft; cottage'), ('der', u'Flugzeugtr\xe4ger', u'aircraft carrier; flattop; attack aircraft carrier'), ('die', u'Erziehung', u'education; breeding; upbringing; nurture; child-rearing'), ('der', u'Ehemann', u'husband'), ('die', u'Briefmarke', u'postage stamp; stamp'), ('der', u'Bakteriologe', u'bacteriologist'), ('die', u'Wilde', u'rambunctiousness'), ('der', u'Sonntag', u'Sunday /Sun/'), ('der', u'Nationalfeiertag', u'national holiday')] dictSet_20 = [('der', u'Jupiter', u'Jupiter'), ('das', u'Jupiter', u'Jupiter; Jove (Roman mythology)'), ('der', u'Geist', u'spirit; ghost; esprit; specter; spirit; nous; mind; wit'), ('die', u'Zusammensetzung', u'composition; consistence; consistency'), ('das', u'Totem', u'totem'), ('der', u'Nationalspieler', u'international (player)'), ('die', u'Legende', u'legend; legend (on coins); legend'), ('die', u'Flutwelle', u'tidal wave; eagre'), ('die', u'Extension', u'extension; extension'), ('das', u'Nordafrika', u'North Africa'), ('der', u'Bus', u'bus; bus'), ('der', u'Bunker', u'bunker; shelter; bunker; fuel oil bunker; dugout; trap'), ('die', u'Masse', u'mass; masses; bulk; majority; earth; ground [Am.]; pile'), ('die', u'Nachfolge', u'succession; following; imitation (of Christ)'), ('das', u'Ministerium', u'ministry; Ministry of Defence /MOD/ [Br.]; Department of Defense (DoD) [Am.]'), ('der', u'Amtsinhaber', u'incumbent; officeholder; holder of the office'), ('die', u'Aktivistin', u'activist'), ('der', u'J\xe4nner', u'January'), ('die', u'Zwecke', u'drawing pin; pushpin [Br.]; pin; brad'), ('die', u'Umlaufbahn', u'orbit'), ('die', u'Stadtverwaltung', u'municipality'), ('die', u'Schlange', u'snake; queue; line [Am.]; serpent; Serpens; Snake; queue [Br.]; line [Am.]'), ('das', u'Schauspielhaus', u'playhouse; theatre; theater [Am.]'), ('das', u'Gas', u'gas; fluid'), ('der', u'Europarat', u'Council of Europe'), ('der', u'Dank', u'thank'), ('das', u'Ensemble', u'cast; ensemble'), ('die', u'Wahrheit', u'verisimilitude; truth; trueness; verity; sooth'), ('die', u'Unbekannte', u'unknown quantity'), ('das', u'Studio', u'studio'), ('der', u'Beruf', u'job; profession; occupation; career; trade; vocation'), ('die', u'Weltwirtschaftskrise', u'world depression'), ('das', u'Pfund', u'pound /lb./; pound (Sterling); libra'), ('der', u'Wettbewerb', u'competition; business rivalry; contest; competition; competition (as a system); bee'), ('das', u'Gewicht', u'weight /w.; wt/; weight; heft'), ('das', u'Eigentum', u'property; ownership; proprietary; estate; proprietorship; assets'), ('das', u'Vorgehen', u'action; procedure; procedure; proceeding'), ('der', u'Ruderer', u'oarsman; rower; sculler'), ('die', u'Milit\xe4rregierung', u'military government'), ('der', u'Gutsbesitzer', u'landowner'), ('die', u'Erweiterung', u'upgrading; dilatation; dilation; expansion; extension; extension; enhancement; amplification; expander; interpolation; expansion; add-on'), ('das', u'Eis', u'ice; ice-cream; ice cream'), ('die', u'Beziehung', u'concern (with); relation (with sb.); relationship; respect; way; tie-in; connection (with)'), ('die', u'Autobombe', u'car bomb; vehicle bomb'), ('die', u'Verl\xe4ngerung', u'elongation; extension; extra time; prolongation; extension; lengthening; renewal'), ('der', u'Mundartdichter', u'dialect author; dialect poet'), ('das', u'Hochwasser', u'high water; high tide; flood; floods; flood water'), ('das', u'Fahrzeug', u'earth-moving vehicle; vehicle; wheeler; craft (ship; airplane); vessel'), ('der', u'Broadway', u'Broadway'), ('die', u'Serge', u'serge; serger'), ('der', u'Serge', u'serge; serger'), ('die', u'Kampagne', u'campaign'), ('die', u'Galerie', u'balcony; gallery; gallery'), ('der', u'Forst', u'forest'), ('die', u'Annahme', u'acceptance; assumption; fiction; final passage; adoption; admission (to hospital); receiving; hypothesis; estimate; guess; acceptance; presumption; supposition'), ('die', u'Erhebung', u'uprising; rising; inquiry; census; levying; rise; elevation; elatedness; ennoblement; exaltation; levy (of imposts); elicitation; upheaval; survey; poll (on); inquiry (into sth.); uphill'), ('der', u'Gauleiter', u'gauleiter'), ('die', u'D\xfcne', u'dune; drift hill'), ('die', u'Dokumentation', u'documentary film; documentary; documentation (recording) (of sth.); documentation (collection) (of sth.); documentation (testimony) (of sth.); documentation (report) (about/on sth.)'), ('die', u'Ablehnung', u'disaffirmation; refusal; declination; rejection; defeat; hostility; repudiation; rejectance; dismissal; challenge of sb./sth.; denial'), ('der', u'Stadtrat', u'town council; city council /CC/; municipal council; city/town councillor/councilor [Am.]; alderman; selectman'), ('das', u'Sitzen', u'sitting'), ('der', u'Rumpf', u'fuselage (of aircraft); trunk; torso; body; nacelle; hull'), ('der', u'Rauch', u'fume; smoke; reek'), ('der', u'Durchbruch', u'breakthrough; opening; breach (of a wall); cut-off (of a meander); penetration; perforation'), ('der', u'Sozialdemokrat', u'social democrat'), ('das', u'Raumschiff', u'spaceship; spacecraft; space vehicle'), ('die', u'F\xe4hre', u'ferry-boat; ferryboat; ferry'), ('der', u'Flugzeugabsturz', u'plane crash'), ('der', u'Ortsteil', u'district'), ('der', u'Natursch\xfctzer', u'conservationist'), ('die', u'Maas', u'Meuse (river)'), ('die', u'Kindheit', u'childhood; infancy; boyhood; cradle [fig.]'), ('die', u'Integration', u'(cultural) assimilation; integration; integration'), ('der', u'Gastgeber', u'host'), ('die', u'Streitmacht', u'armament'), ('der', u'Reggae', u'reggae'), ('das', u'Palais', u'palace'), ('das', u'Ozeanien', u'Oceania'), ('die', u'Landebahn', u'runway'), ('die', u'Identit\xe4t', u'identity; identity /ID/; identity'), ('der', u'Farmer', u'farmer'), ('die', u'Variante', u'variation (on); variant (of)'), ('der', u'H\xe4uptling', u'chieftain; chief'), ('der', u'Franke', u'Frank'), ('der', u'Bock', u'buck; trestle; dog; gantry; vault; vaulting horse; horse; horse; stand; scaffold'), ('der', u'Balkan', u'the Balkans'), ('die', u'Arbeiterbewegung', u'labour movement'), ('die', u'Abbau', u'mining; winning extraction; recovery (of sth.)'), ('der', u'Abbau', u'degradation; decomposition (of sth.); dismounting (of a machine); decay (pressure; vacuum); dismantlement; dismantling; exploitation; carrying; extracting; extraction; cutting; winning; retrenchment (of sth.); disassembly; cutback (in sth.); reduction (of sth.); decomposition'), ('der', u'Streik', u'strike; walkout'), ('das', u'Nieder\xf6sterreich', u'Lower Austria'), ('der', u'Mohr', u'Moor; blackamoor [obs.]'), ('der', u'Zerst\xf6rer', u'destroyer; desolator; desolater; dasher'), ('die', u'Folgezeit', u'period following'), ('die', u'Evakuierung', u'evacuation; (condenser) air extraction'), ('der', u'Ursprung', u'birth; provenance; provenience; cradle [fig.]; source; genesis; origin; source; origin; well [fig.]'), ('der', u'Lenz', u'spring; springtide'), ('der', u'Baseball', u'baseball'), ('das', u'Piemont', u'Piedmont (Italian region)')] dictSet_21 = [('das', u'Luftschiff', u'airship; vessel'), ('die', u'Heirat', u'marriage; marriage'), ('das', u'Bauen', u'constructing; construction'), ('die', u'Anstalt', u'establishment; institute; institution; institution'), ('die', u'Stamm', u'stock'), ('der', u'Stamm', u'tree trunk; trunk (of a tree); stock/stem (of a tree); stem; phylum; clade; root; stirps; tribe; stem'), ('die', u'Orchidee', u'orchid'), ('der', u'Hinweis', u'sign; indication (of); evidence; pointer (to); clue (to); hint; lead (on sb./sth.); information; note; index; tip; (auf etw.) reference (to sth.); tip-off'), ('die', u'Gro\xdfstadt', u'large city; city'), ('die', u'Besatzungsmacht', u'occupying power'), ('die', u'Aufteilung', u'partitioning; division (into sth.); division; segmentation; allocation'), ('der', u'L\xf6we', u'lion; Leo; the Lion'), ('die', u'Dichte', u'density; thickness; density; specific gravity /S.G./; density; compactness'), ('das', u'Konzentrationslager', u'concentration camp'), ('die', u'Konkurrenz', u'competition (as a system)'), ('die', u'Wiese', u'meadow'), ('das', u'Verm\xf6gen', u'faculty; capability; ability; power; wealth; assets; fortune; pile [slang]'), ('der', u'Quelltext', u'source code'), ('die', u'Proklamation', u'proclamation'), ('die', u'Forderung', u'pretension; demand; claim (for); postulation; debt'), ('die', u'Entlassung', u'discharge (from); dismissal; redundancy; layoff; lay-off; release (from); sack [coll.]; discharge; displacement'), ('der', u'Posaunist', u'trombonist'), ('der', u'Strand', u'beach; strand; seaside; sands'), ('der', u'Krebs', u'crayfish; Cancer; Crab; cancer; crayfish; crawfish [Am.]; crustacean'), ('die', u'Kammer', u'chamber; small room; chamber; contact cavity; cavity'), ('der', u'Dissident', u'dissident'), ('der', u'Test', u'testing and passing; check; checkup; test'), ('die', u'Mikrobiologe', u'microbiologist'), ('die', u'Geografie', u'geography'), ('der', u'Wechsel', u'variation; change; transition; bill of exchange; alternation; change; changeover; bill of exchange (B/E)'), ('die', u'Schifffahrt', u'navigation; navy; shipping'), ('der', u'Panzer', u'armour [Br.]; armor [Am.]; tank; panzer; carapace; wear-resistant housing; shield'), ('der', u'Modesch\xf6pfer', u'fashion designer; couturier'), ('die', u'Vertretung', u'agency; substitute; stand-in; proxy; replacement; representation (of sb./sth.)'), ('der', u'Stolz', u'ego; pride; elation; haughtiness; proudness'), ('der', u'Schuster', u'shoemaker; bootmaker; cobbler'), ('die', u'Kapelle', u'band; chapel'), ('der', u'Fechter', u'fencer; swordsman'), ('die', u'Einwanderung', u'immigration'), ('die', u'Doktrin', u'doctrine; teachings'), ('der', u'Bass', u'bass; basso'), ('die', u'Bar', u'bar; bar; nightclub; bar'), ('das', u'Bar', u'bar'), ('die', u'Gestaltung', u'arrangement; decoration; figuration; configuration; formation; formation; construction; design'), ('das', u'Geschehen', u'events'), ('das', u'Fahren', u'travel; driving'), ('das', u'Belegen', u'tiling'), ('der', u'Liedtexter', u'songwriter'), ('die', u'Intervention', u'intervention'), ('der', u'Hauptsitz', u'headquarters'), ('der', u'Western', u'Western'), ('die', u'Staffel', u'relay; relay race; relay team; squadron; season (of a TV serial); stairs; staircase; stairway [Am.]'), ('das', u'Massiv', u'massif'), ('das', u'Er\xf6ffnen', u'opening'), ('die', u'Atombombe', u'nuclear bomb; A-bomb; atomic bomb'), ('die', u'Skispringerin', u'ski jumper'), ('der', u'Niger', u'Niger'), ('das', u'Unwort', u'misnomer; taboo word'), ('das', u'Wesentliche', u'substance; gist'), ('der', u'Oboist', u'oboist'), ('die', u'Arch\xe4ologin', u'archeologist; archaeologist'), ('die', u'Qualit\xe4t', u'grade; quality; sort'), ('die', u'Komoren', u'Comoros'), ('die', u'Heeresgruppe', u'army group'), ('das', u'Gew\xe4sser', u'body of water'), ('das', u'Gedenken', u'remembrance'), ('der', u'Monarch', u'sovereign; monarch'), ('der', u'Modedesigner', u'fashion designer'), ('die', u'Menschheit', u'mankind; human race; humanity; humankind'), ('die', u'Einstellung', u'dismissal; modulation; shot; take; slant; slanting view [coll.]; adjusting; alignment; abatement; engagement; justification; setting; adjustment; justification; placement; approach; recruitment; stand; cessation; discontinuation'), ('der', u'Ausl\xf6ser', u'trigger mechanism; release mechanism; trigger; (shutter) release; enabler; trippet; driver; actuator'), ('die', u'Zwanzig', u'(number) twenty'), ('die', u'Wahlperiode', u'legislative period'), ('der', u'Felsen', u'rock'), ('der', u'Eindruck', u'imprint; impression; effect (on); impression; (im)print; (external) mould; external cast'), ('das', u'Taschenbuch', u'paperback; pocket book; pocketbook'), ('die', u'Bekanntgabe', u'notice (of sth.); publication; issuing of an announcement; announcement; disclosure'), ('der', u'Ausnahmezustand', u'state of emergency'), ('der', u'Orkan', u'hurricane'), ('der', u'Gewinner', u'winner; gainer'), ('der', u'B\xf6hme', u'Bohemian'), ('der', u'Ausgleich', u'compensation; equalization [eAm.]; equalisation [Br.]; equation; balance (to); consideration; offset; tie; draw; settlement; equalizer; equaliser; equalizing goal; tiebreaker; tie breaker; adjustment'), ('der', u'Vietnamkrieg', u'Vietnam War'), ('das', u'Schlagen', u'beat; capture; slap; batting; pec-waving or pec-slapping (of a humpback whale)'), ('die', u'Regentin', u'ruler; regent'), ('die', u'Ratte', u'rat'), ('der', u'Kartograph', u'cartographer; map maker; mapper'), ('das', u'Tun', u'doing; conduct; action; activity'), ('das', u'Spezielle', u'specials'), ('der', u'Reisender', u'passenger'), ('die', u'Methode', u'manner; method; technique; critical path method /CPM/; thunk; thunking; system'), ('die', u'Iris', u'iris'), ('die', u'Erdumlaufbahn', u'(earth) orbit'), ('die', u'Datenbank', u'database; data base; data warehouse; data bank'), ('der', u'V\xf6lkermord', u'genocide'), ('das', u'Testament', u'last will; last will and testament'), ('der', u'Kreuzzug', u'crusade'), ('der', u'Geysir', u'geyser'), ('die', u'Gestapo', u'Gestapo; Secret State Police'), ('die', u'Erh\xf6hung', u'rise; increase (in sth.); hike; elevation; raising; exaltation; advance; ruggedization [eAm.]; ruggedisation [Br.]; increment')] dictSet_22 = [('die', u'M\xfcndung', u'estuary; mouth of a river; river mouth; stream outlet; embouchure; debouchure; mouth; orifice; muzzle; head (of a well)'), ('der', u'Kalif', u'caliph'), ('der', u'Franzose', u'Frenchman; French man'), ('der', u'Code', u'cipher; code'), ('die', u'Autobahn', u'motorway /M/ [Br.]; freeway [Am.]; autobahn (in German-speaking countries)'), ('der', u'Holm', u'arbor; bar; upright; holm'), ('das', u'Theaterst\xfcck', u'play; play; stage play'), ('die', u'Staatsbibliothek', u'national library'), ('das', u'Schauspiel', u'play; spectacle; pageant'), ('das', u'Konkordat', u'concordat (agreement between a government and the Holy See which regulates church affairs); concordat'), ('der', u'Kahn', u'boat; rowing boat; barge; lighter; tub'), ('die', u'Faust', u'fist <fisting>'), ('der', u'Ablauf', u'flowing off; discharge; drain; flow; caisson; outlet; cycle; sequence; course; succession; sequence; drain; expiry; expiration [Am.] (of a time limit); flowing off; course; procedure; discharge'), ('die', u'Reichweite', u'branding; scope; reach; outreach; range; striking distance'), ('die', u'Parade', u'save; parade; parade; military review'), ('der', u'Weltraum', u'space; outer space'), ('der', u'Romanautor', u'novelist'), ('die', u'Komposition', u'composition; composition'), ('das', u'Grundgesetz', u'basic law'), ('die', u'Erhaltung', u'conservation; preservation; maintenance; preserval'), ('die', u'Fortsetzung', u'episode; continuation; sequel; follow-up; resumption'), ('die', u'Exekutive', u'executive authority; executive power'), ('das', u'Versehen', u'slip; error; mistake; oversight'), ('die', u'Sicherung', u'safeguarding; backup; protection; safeguard; safety guard; safety mechanism; fuse; securing (against sb./sth.); security; backup; safety catch'), ('die', u'Kooperation', u'cooperation; co-operation'), ('die', u'Kolonialmacht', u'colonial power'), ('die', u'Kavallerie', u'cavalry'), ('die', u'Gesamtbev\xf6lkerung', u'total population'), ('der', u'Chronist', u'annalist; chronicler; chronologist'), ('die', u'Auszeichnung', u'accolade; distinction; award; praise; commendation; distinction; labeling [Am.]; labelling'), ('der', u'Reporter', u'reporter'), ('der', u'Nationalrat', u'National Council; National Assembly; member of the National Council'), ('der', u'Gesang', u'singing; canto; chant; song'), ('der', u'Gefallen', u'favour [Br.]; favor [Am.]; zestfulness; relish; benefit'), ('der', u'Christ', u'Christian'), ('der', u'Rekord', u'record'), ('die', u'Verteilung', u'spread; spreading; dissemination; dispensation; division; distribution; distribution; allocation; apportionment; range; distribution (of a species); allotment; spreading; roll couple distribution; distribution; spread (e.g. of the geophones)'), ('der', u'Vormarsch', u'forward march; advance'), ('die', u'Kombination', u'combination'), ('die', u'Enge', u'strait; density; stricture'), ('die', u'Artillerie', u'artillery'), ('das', u'Weltkulturerbe', u'world heritage; world heritage list'), ('das', u'Nein', u'no'), ('das', u'Badminton', u'badminton'), ('der', u'Schiedsrichter', u'referee; ref [coll.]; adjudicator; arbiter; arbitrator; umpire; ump [coll.]'), ('das', u'Extrem', u'extreme'), ('die', u'Bundesversammlung', u'Federal Assembly'), ('das', u'Wachstum', u'growth; growth; adolescence; growth (tyre); accretion; growth'), ('der', u'Prototyp', u'prototype; preproduction model; prefiguration'), ('die', u'Laufbahn', u'career; runway'), ('die', u'Kommunikation', u'communication; communicating; intercourse'), ('der', u'Golfkrieg', u'Gulf war'), ('das', u'Einkommen', u'income; revenue; return; earnings {pl}; earnings; income'), ('die', u'Blockade', u'blockade; logjam [fig.]'), ('die', u'Debatte', u'debate; argument'), ('das', u'Schlachten', u'slaughtering; slaughter(of animals)'), ('der', u'Premier', u'premier'), ('das', u'Jahrbuch', u'almanac; almanac; yearbook'), ('die', u'Bahnstrecke', u'(railway) line; (railroad) track [Am.]'), ('der', u'Aktienindex', u'share index [Br.]; stock index [Am.]'), ('die', u'Personalunion', u'personal union'), ('der', u'Mythos', u'myth; legend'), ('das', u'Bestimmen', u'determination; determining'), ('die', u'Verurteilung', u'conviction; condemnation; damnation; reprobation'), ('die', u'Titelrolle', u'title role; main part'), ('die', u'Story', u'story'), ('die', u'Steiermark', u'Styria'), ('der', u'Staatsb\xfcrger', u'citizen'), ('der', u'Sozialist', u'socialist'), ('die', u'Landesregierung', u'government /Gov.; Govt./'), ('das', u'Echte', u'the genuine; the real'), ('der', u'Atoll', u'atoll; lagoon island; circular reef; reef ring'), ('das', u'Atoll', u'atoll'), ('die', u'Zivilbev\xf6lkerung', u'civilian population'), ('die', u'Orgel', u'organ'), ('der', u'Erbe', u'heir; inheritor [Am.]'), ('das', u'Erbe', u'heritage; inheritance; hereditament; inheritance; estate (of a deceased [Br.]/decedent [Am.]); bequest; legacy'), ('das', u'Abenteuer', u'adventure; cliffhanger'), ('der', u'Gro\xdfbrand', u'blaze; conflagration'), ('der', u'Pol', u'pole'), ('das', u'Dokument', u'document; scripture; document'), ('der', u'Beat', u'beat; beat music'), ('die', u'Witwe', u'widow; dowager; relict'), ('die', u'Ostfront', u'Eastern Front'), ('das', u'Dach', u'roof; housetop; rooftop; vault'), ('die', u'Reichsstadt', u'Imperial City'), ('die', u'Mondfinsternis', u'lunar eclipse; eclipse of the moon'), ('der', u'Kaschmir', u'cashmere; Kashmir'), ('die', u'Atmosph\xe4re', u'ambience; atmosphere; atmosphere; atmosphere; atmosphere'), ('der', u'W\xe4hrungsfonds', u'monetary fund'), ('die', u'Vorbereitung', u'preliminary; preparatory work; scheduling; preparation (of sth.)'), ('das', u'Sch\xfctz', u'contactor; electric contactor'), ('die', u'Professorin', u'professor /Prof./; full professor'), ('der', u'Ober', u'waiter; waitress; garcon; waiter'), ('der', u'Verteidiger', u'defending counsel; counsel for the defence [Br.]; attorney for the defense [Am.]; defense attorney [Am.]; defender; back; fullback; apologist; pleader; vindicator'), ('die', u'Population', u'population'), ('der', u'Impressionismus', u'impressionism'), ('der', u'Geod\xe4t', u'geodesist; geodet; geodetician'), ('die', u'Figur', u'figure; frame'), ('das', u'Boxen', u'boxing; pugilism')] dictSet_23 = [('das', u'Vorkommen', u'occurrence <occurrance>; appearance; deposit; incidence'), ('die', u'Violinistin', u'violinist'), ('die', u'Last', u'strain (on sb.); burden; onerousness; load; loading; weight [fig.]'), ('der', u'Geschichtsschreiber', u'historian'), ('die', u'Freundschaft', u'friendship (with sb.); amity'), ('der', u'Amoklauf', u'crazed action; killing spree; shooting rampage; gun rampage'), ('der', u'Aufschwung', u'upswing; lift; uplift; rally; recovery; boost; boom'), ('die', u'Westk\xfcste', u'west coast'), ('der', u'Skirennfahrer', u'ski racer'), ('die', u'Reserve', u'reserve; standby'), ('der', u'Niedergang', u'descent; decline; comedown; companionway; fade-out; abasement; sere and yellow leaf [fig.]'), ('der', u'Einzug', u'indentation; indent; indeture; moving in; entry (into); marching in'), ('der', u'Wahlsieg', u'election victory'), ('die', u'Staatsform', u'form of government'), ('die', u'Sozialdemokratie', u'social democracy'), ('die', u'Pr\xe4sidentschaft', u'presidency; presidentship'), ('die', u'Interpretation', u'interpretation; interpretation'), ('der', u'Eintritt', u'entrance; entry; entryway; inlet; admittance; entree; entr\xe9e; occurrence (of an event); ingress; admission'), ('die', u'Tatsache', u'fact; fact; objective fact; virtuality; fact'), ('der', u'Tanz', u'participation dance; dance'), ('das', u'Stadttheater', u'municipal theatre'), ('der', u'Sinologe', u'sinologist'), ('der', u'Selbstmord', u'suicide; self-inflicted death'), ('die', u'Nonne', u'nun; concave tile'), ('das', u'Management', u'management /mangt/'), ('die', u'Erz\xe4hlung', u'narrative; narration; novella; story'), ('die', u'Entf\xfchrung', u'kidnapping; abduction; ravishment; snatch; hijacking; hijack [Br.]'), ('das', u'Curie', u'curie (a unit of radioactivity, symbol Ci)'), ('das', u'Bundesministerium', u'Federal Ministry'), ('das', u'Regiment', u'regiment'), ('der', u'Pokalsieger', u'cup winner'), ('die', u'Farbe', u'colour [Br.]; color [Am.]; paint; tint; stain; wood-stain; wood stain; suit (cards); hue'), ('die', u'Durchf\xfchrung', u'execution (of sth.); carrying out; realization [eAm.]; realisation [Br.]; transaction; performance; performing; holding; prosecution; implementation; testing'), ('die', u'Umbenennung', u'renaming'), ('die', u'Themse', u'Thames'), ('die', u'Staatsangeh\xf6rigkeit', u'nationality; citizenship; nationality'), ('die', u'Kulturhauptstadt', u'cultural capital'), ('der', u'B\xe4r', u'bear; beaver [Am.] [slang]'), ('die', u'Zeitgeschichte', u'contemporary history; chronicle'), ('der', u'Stock', u'floor /fl./; cane; stick; storey; story [Am.]; floor; sill; stock (magmatic)'), ('das', u'Schwaben', u'Swabia; Suabia; Svebia'), ('das', u'Rollen', u'roll (of the sea)'), ('die', u'Nahrung', u'fare; food; foodstuff; diet; nourishment; nourishments; sustenance; nutriment; aliment'), ('der', u'Maurer', u'mason; bricklayer'), ('die', u'Di\xf6zese', u'see; diocese; bishopric'), ('die', u'Vorherrschaft', u'hegemony; dominance; domination; predominance; predomination; prepotency'), ('die', u'Rettung', u'deliverance (from sth.); rescue; rescue; salvage; salvation; retrieval; resort; bailout'), ('der', u'Fr\xfchling', u'spring; springtime; springtide'), ('das', u'Beobachten', u'observation; birdwatching; bird-watching; bird watching'), ('die', u'Raumf\xe4hre', u'space shuttle'), ('das', u'Personal', u'staff; personnel; employees; staff; personnel; staffing'), ('der', u'Gesch\xe4ftsf\xfchrer', u'managing director; manager; Executive Director; Chief Executive Director; exec [coll.]; whip'), ('die', u'Erzherzogin', u'archduchess'), ('der', u'Durchmesser', u'diameter; diameter; bore'), ('die', u'Staatssicherheit', u'state security; national security; safety of the state'), ('der', u'Hammer', u'hammer; gavel; sledge; malleus; hammer (auditory ossicle); blockbuster'), ('der', u'Generalstabschef', u'Chief of the General Staff'), ('die', u'Cembalistin', u'harpsichordist'), ('die', u'Bilanz', u'balance; balance sheet; financial statement [Am.]; asset and liability statement [Am.]'), ('die', u'Beh\xf6rde', u'authority; authorities; administrative bodies; agency; regulator'), ('der', u'Vordergrund', u'foreground'), ('der', u'Kantor', u'cantor'), ('der', u'Eingang', u'entrance; entranceway; entrance; entry; entryway; inlet; input; doorway'), ('die', u'Amtseinf\xfchrung', u'induction [Am.]'), ('der', u'Umgang', u'acquaintances; friends; dealings; commerce; intercourse; handling; management (of)'), ('die', u'Rallye', u'rally'), ('die', u'Inselgruppe', u'archipelago'), ('die', u'Gerechtigkeit', u'equity; justness; justice'), ('die', u'Else', u'black alder; common alder; European alder'), ('das', u'Tibet', u'Tibet'), ('das', u'Handeln', u'bargaining'), ('der', u'Verzicht', u'surrender; abandonment; relinquishment; renouncement; release; renunciation; abdication; non-petition; dispensation (with); waiver (of); disclaimer (of)'), ('das', u'Schlesien', u'Silesia'), ('der', u'Effekt', u'effect'), ('die', u'Strategie', u'game plan; strategy; policy'), ('die', u'Skulptur', u'sculpture'), ('das', u'Fliegen', u'flying; aviation; aviation'), ('die', u'Beobachtung', u'observation; current awareness service'), ('das', u'Misstrauensvotum', u'vote of no confidence; no-confidence vote; no-confidence motion [Am.]'), ('das', u'Korps', u'corps'), ('das', u'Heiraten', u'marriage'), ('das', u'Westeuropa', u'Western Europe'), ('das', u'Speichern', u'saving; storage; storing'), ('der', u'Rhetoriker', u'orator'), ('das', u'Osteuropa', u'Eastern Europe'), ('der', u'Konsul', u'consul'), ('der', u'Heimatdichter', u'regional literature'), ('der', u'Freimaurer', u'freemason'), ('das', u'Endspiel', u'endgame; end game; final; final round'), ('die', u'Systematik', u'classification; systematics'), ('der', u'Springreiter', u'jump jockey [Br.]'), ('die', u'Residenz', u'residency; residence'), ('der', u'Gewinn', u'yield; spoil; return; profit; gain; earnings; winnings; prize; advantage; benefit'), ('der', u'Filmkritiker', u'film critic'), ('der', u'Ausl\xe4nder', u'foreigner; alien [adm.]; outlander [mainly Am.]'), ('der', u'Ski', u'ski'), ('der', u'Enkel', u'grandchild; grandson'), ('der', u'Dialekt', u'dialect; idiom; accent; patois'), ('der', u'Szenenbildner', u'scenic designer; set designer'), ('die', u'Restauration', u'Restauration')] dictSet_24 = [('die', u'Ordensschwester', u'nun'), ('das', u'Judentum', u'Judaism; the Jews; Jewry; Jewishness'), ('der', u'Fehler', u'mistake; error; fault; fault; defect; flaw; slip; bad [Am.] [coll.]; bug; programm error; demerit; boo boo; booboo [coll.]; error; flaw; blemish; nonconformance; failing; lapse; stain'), ('die', u'Wiederwahl', u're-election'), ('das', u'Legen', u'placement'), ('das', u'Gewissen', u'conscience'), ('der', u'Flugplatz', u'aerodrome; airfield'), ('die', u'Weltbank', u'World bank'), ('das', u'Schicksal', u'fortune; destiny; fate; fatefulness; tyche; kismet; lot; doom'), ('die', u'Wartung', u'attendance; care; attention; maintenance; service; attendance'), ('der', u'Sportreporter', u'sportscaster; sport reporter'), ('der', u'Montag', u'Monday /Mon/'), ('der', u'Flieger', u'aviator; flyer; airman; jib topsail; airplane; aeroplane; plane; aircraft'), ('die', u'Aufstellung', u'array; itemization [eAm.]; itemisation [Br.]; listing; setting up; shelving; assembly; lineup; nomination; preparation of a balance sheet; documentation (recording) (of sth.); list; squad; (trial) docket [Am.]; deployment'), ('der', u'Amtsantritt', u'assumption of office'), ('die', u'Machtergreifung', u'takeover'), ('das', u'Kapital', u'capital; fund'), ('der', u'Humorist', u'humorist'), ('die', u'Bombardierung', u'shellfire; bombing (of sth.)'), ('der', u'Beschuss', u'proof-firing (of a weapon); fire; shelling'), ('der', u'Terroranschlag', u'terrorist attack; terror attack'), ('der', u'Komet', u'comet'), ('die', u'Abgrenzung', u'delimitation; demarcation; dissociation (of); segregation; delimitation'), ('das', u'Abgeordnetenhaus', u'House of Representatives; parliament'), ('das', u'Wattenmeer', u'mud flats; wadden sea; shallows; intertidal zone; tideland'), ('das', u'Verbinden', u'ligation; connecting; splicing'), ('der', u'Suizid', u'suicide; self-inflicted death'), ('das', u'Strecken', u'stretch'), ('die', u'Moral', u'morale; morals; moral standards; morality'), ('die', u'Box', u'tidy; box; pit; loudspeaker cabinet; speaker cabinet; loudspeaker box'), ('die', u'Biologie', u'biology'), ('der', u'Begleiter', u'companion; attendant; chaperon; chaperone; chaperon; chaperone; accompanist; tutor'), ('der', u'Auftakt', u'start; upbeat; anacrusis'), ('die', u'Ver\xe4nderung', u'diversification; variance; alteration; change (from sth.); variation; mutation; change'), ('die', u'Verbesserung', u'amelioration; betterment; melioration; reform; improvement; emendation; enhancement; advancement; correction; tweak; amendment; improvement; rectification; upgrade; pickup; approvement'), ('der', u'Tiroler', u'Tyrolese'), ('die', u'Route', u'course; line; route; itinerary; route'), ('das', u'M\xe4rchen', u'myth; furphy; furfy [Austr.]; story; tall story [Br.]; tall tale [Am.]; fairytale; fairy-tale; fairy story; fable'), ('die', u'Chance', u'prospect (of); opportunity; chance'), ('der', u'Campus', u'campus'), ('die', u'Vereinbarung', u'settlement; predefinition; agreement; arrangement; declaration; stipulation; acknowledge; compact'), ('die', u'Schlie\xdfung', u'shutdown; closing'), ('die', u'Reste', u'odds and ends'), ('die', u'Pflicht', u'charge; duty; obligation; compulsory exercise'), ('die', u'Milit\xe4rdiktatur', u'military dictatorship'), ('der', u'Kornettist', u'cornetist'), ('die', u'Homosexualit\xe4t', u'homosexuality'), ('die', u'Feuerwehr', u'fire brigade [Br.]; fire department [Am.]'), ('das', u'Verst\xe4ndnis', u'comprehension (of); understanding (for sth.); understanding (of sth.); sympathy (for); insight; appreciation'), ('der', u'Stra\xdfenverkehr', u'road traffic; traffic on public roads'), ('die', u'Gelegenheit', u'occasion; opportunity; chance; opportunity; way; instance; handle'), ('die', u'Staatsb\xfcrgerschaft', u'nationality; citizenship; nationality'), ('die', u'Konstruktion', u'construction; design; construct; design; structure; construction'), ('die', u'Jungfernfahrt', u'maiden voyage'), ('der', u'Austausch', u'relocation; swapping; commutation; interchange; transposition; needle exchange programme; exchange (of sth.)'), ('die', u'Rebellion', u'insurgency; revolt; rebellion'), ('der', u'Lebensraum', u'biotope; habitat; living space; space to live; lebensraum; life district; life realm'), ('das', u'Aluminium', u'aluminum; aluminium [Br.]'), ('das', u'Zimmer', u'room /rm/'), ('die', u'Wirtschaftspolitik', u'economic policy'), ('die', u'Tabelle', u'schedule; chart; table; table; chart; spreadsheet; index; table; scale'), ('die', u'Richterin', u'judge; justice'), ('die', u'Behandlung', u'treatment; treatment; handling; use; manipulation; care; approach; attendance; therapy; processing; working'), ('das', u'Gl\xfcck', u'fortune; luck; auspiciousness; bliss; felicity; fortunateness; happiness; luckiness; beatitude'), ('der', u'Wall', u'parapet; rampart; bank'), ('der', u'Katholizismus', u'Catholicism'), ('das', u'Jenseits', u'hereafter; beyond; kingdom-come'), ('der', u'Este', u'Estonian'), ('das', u'Zinn', u'tin (stannum)'), ('der', u'Volleyball', u'volleyball'), ('der', u'Showmaster', u'comp\xe8re; compere [Br.]; emcee [Am.]'), ('der', u'Putschversuch', u'attempted putsch; attempted coup'), ('das', u'Labor', u'lab; laboratory'), ('der', u'K\xf6rper', u'body; field; carcass'), ('der', u'K\xf6rner', u'centre punch [Br.]; center punch [Am.]'), ('die', u'Handlung', u'action; act; action; activeness; story line; storyline; plot'), ('das', u'Elsass', u'Alsace'), ('das', u'Aids', u'AIDS; Aids (acquired immune deficiency syndrome)'), ('der', u'Wegbereiter', u'trailblazer (in sth.)'), ('der', u'Sueskanal', u'Suez Canal'), ('der', u'Streifen', u'vein; strap; band; tab; stripe; strip; bar; streak; bar'), ('die', u'Physikerin', u'physicist'), ('die', u'Macht\xfcbernahme', u'takeover; coming into power'), ('der', u'Luftkrieg', u'aerial war; aerial warfare'), ('das', u'Eingreifen', u'intervention'), ('der', u'Brite', u'pommy; pommie [Austr.] [pej.]; Briton; British (man; woman); Brit'), ('das', u'Auge', u'eye; eye'), ('der', u'Werder', u'holm'), ('der', u'Realismus', u'realism; Realism'), ('die', u'Platte', u'plate; glazed tile; tile; flag; flagstone; slab; board; panel; sheet; ledge; disc [Br.]; disk [Am.]; bald head; bald pate; disc drive [Br.]; disk drive [Am.]; plate; plate; slab'), ('der', u'Nagel', u'nail; nail'), ('die', u'Kiefer', u'pine'), ('der', u'Kiefer', u'jaw; jawbone'), ('die', u'Gitarristin', u'guitarist; guitar player'), ('die', u'Ausr\xfcstung', u'apparatus; equipment; machinery; plant; rig; equipage; finishing; gear; appurtenances {pl}; accoutrement; accouterment [Am.]; outfit; equipment; kit [Br.]; armament'), ('der', u'Steinmetz', u'stonemason; stonecutter'), ('der', u'Klerus', u'clergy'), ('die', u'Gemahlin', u'wife'), ('das', u'Wallis', u'Valais'), ('der', u'H\xfcgel', u'mound; tumulus; barrow; hill')] dictSet_25 = [('das', u'Becken', u'basin; cymbal; pelvis; basin; bowl'), ('der', u'Vorfall', u'occurrence; incident; event'), ('die', u'Vertreibung', u'ejection; dissipation; expulsion; turnout; driving out; ousting; eviction; displacement'), ('die', u'These', u'thesis'), ('der', u'Schlager', u'pop song'), ('der', u'Rechtsgelehrter', u'jurisconsult'), ('der', u'Inhalt', u'capacity; holding capacity; content /cont./; contents; index; volume; matter; topic; substance'), ('das', u'Vermeiden', u'avoidance'), ('das', u'Suchen', u'searching; finding'), ('der', u'Sektor', u'sector'), ('das', u'Sektor', u'compartment (of a ship)'), ('die', u'Besonderheit', u'anomaly; speciality; specialty [Am.]; distinctiveness; particularity; separability; peculiarity; feature; particular feature; specialness'), ('das', u'Vorarlberg', u'Vorarlberg'), ('das', u'Ultimatum', u'ultimatum'), ('der', u'Regen', u'rain'), ('das', u'Opfern', u'offering'), ('die', u'Kommunalwahl', u'local elections; local government elections'), ('das', u'Insekt', u'insect'), ('der', u'Alltag', u'everyday life; daily routine'), ('die', u'Waffe', u'weapon (individually and collectively); arm (category and fig., typically in plural)'), ('die', u'Rezeption', u'reception; check-in desk [Am.]; hotel reception; front-desk; reception desk'), ('der', u'Reeder', u'shipowner'), ('die', u'Medaille', u'medal'), ('der', u'Geograf', u'geographer'), ('das', u'Wildtier', u'wild animal'), ('der', u'Sprengstoff', u'blasting agent; explosive; high explosive /HE/'), ('der', u'Sportverein', u'sports club'), ('das', u'Norddeutschland', u'Northern Germany; the North of Germany'), ('die', u'Luftschlacht', u'air battle; aerial battle; air-to-air combat; dogfight'), ('die', u'Inflation', u'inflation'), ('das', u'Gestein', u'rock; rocks; stone'), ('der', u'Bergbau', u'mining; mining industry'), ('die', u'W\xe4hrungsreform', u'currency reform'), ('das', u'Turnier', u'tournament; tourney [Am.]; competition'), ('die', u'Premierministerin', u'Prime Minister /PM/'), ('der', u'Kunstkritiker', u'art critic'), ('die', u'Elster', u'magpie; madge; Eurasian magpie'), ('die', u'Angel', u'fishing rod'), ('der', u'Zerfall', u'break-up; decay (of radioactive material); disaggregation; disintegration'), ('die', u'Legislative', u'legislature'), ('die', u'Gestalt', u'figure; shape; figure; guise; stature; gestalt; form; frame; figure'), ('die', u'Aussage', u"statement; statement; predication; message; testimony; proposition; testimony; witness's statement; evidence"), ('das', u'Zahlungsmittel', u'currency; means of payment'), ('die', u'Sprengung', u'blasting; exploding; shooting; sprinkling'), ('der', u'Protestantismus', u'Protestantism'), ('das', u'Heim', u'home; fireside; home'), ('der', u'Download', u'downloading'), ('der', u'Bergf\xfchrer', u'mountain guide'), ('die', u'Arbeitsgemeinschaft', u'joint venture; work group; working group; syndicate'), ('der', u'Apostel', u'apostle'), ('der', u'Dienstgrad', u'rank; rank; rating'), ('der', u'Auszug', u'move (out of a flat/an office); moving out (of home/office); excerpt; extract; pullout; syllabus; epitome; abstract; outline (of a book); recession; recessional; extract; abridgement; departure'), ('der', u'Vize', u'vice; number two'), ('der', u'Parteichef', u'party leader'), ('der', u'Machthaber', u'ruler'), ('die', u'Folter', u'torture'), ('die', u'Einteilung', u'graduation; gradation; arrangement; disposition; classification; classification; assorting; division'), ('der', u'Theaterkritiker', u'theatre critic; drama critic; aisle sitter [coll.] [Am.]'), ('die', u'SMS', u'short message'), ('die', u'Mitternacht', u'midnight; 12 am; 12:00 a.m.'), ('die', u'Leinwand', u'screen; canvas; canvas; silver screen; fabric; screen'), ('die', u'Finanzierung', u'financing; funding (of sth.)'), ('der', u'Einsturz', u'collapse; cave-in; collapse; falling-in; breaking-down; sinking; foundering'), ('die', u'Aktiengesellschaft', u'stock corporation; Corp. (stock); incorporated company [Am.]; public limited company /PLC/ [Br.]'), ('der', u'Vizek\xf6nig', u'viceroy'), ('das', u'Umland', u'hinterland'), ('die', u'Hochschullehrerin', u'university lecturer; college teacher; professor'), ('die', u'Heilpflanze', u'medicinal plant'), ('die', u'R\xe9sistance', u'resistance; r\xe9sistance'), ('das', u'Positiv', u'positive'), ('der', u'Pharmakologe', u'pharmacologist'), ('das', u'Motto', u'motto; posy'), ('die', u'Korruption', u'corruption'), ('das', u'Erdgas', u'natural gas; rock gas'), ('die', u'Diskriminierung', u'discrimination; ageism'), ('der', u'Cutter', u'editor; utility knife; Stanley knife [tm]; carpet cutter; box cutter; Japanese knife'), ('das', u'Burgtheater', u'Burgtheater (Austrian National Theatre)'), ('das', u'Abitur', u'school leaving examination; general qualification for university entrance; A-levels [Br.]; Higher School Certificate [Austr.]; Certificate Victorian Education /CVE/ [Austr.]'), ('der', u'Rabbiner', u'rabbi'), ('das', u'Gedicht', u'poem; ode'), ('das', u'Denken', u'thought; thinking'), ('das', u'Blatt', u'leaf; sheet; leaf; hand (of cards) (playing cards drawn); blade; page /p./; fault surface; fault plane; strike-slip fault; notch'), ('die', u'Vielfalt', u'diversification; miscellany; range; gamut; diversity; variety'), ('der', u'Psychotherapeut', u'psychotherapist'), ('die', u'Hinsicht', u'respect; way'), ('die', u'Sache', u'concern; business; thing; case; thing; object; matter; cause'), ('die', u'Ratifizierung', u'ratification'), ('der', u'Punk', u'punk rock; punk'), ('das', u'Papier', u'paper'), ('der', u'Onkel', u'uncle'), ('die', u'Deklaration', u'declaration'), ('der', u'Ausschuss', u'wastage; offal; committee; junk; rejects; cull; panel'), ('der', u'Vizekanzler', u'vice chancellor'), ('der', u'Pazifist', u'pacifist'), ('der', u'Laden', u'shop; joint; store [Am.]; premise; premises'), ('das', u'Laden', u'downloading; loading'), ('die', u'Grube', u'mine; pit; workings; hollow; colliery; coal mining; pit [Br.]; pothole'), ('die', u'Geliebte', u'lady-love; mistress; inamorata'), ('die', u'Eiszeit', u'Pleistocene; ice age; diluvium; drift period; diluvial period; glacial epoch; glacial time'), ('die', u'Zugeh\xf6rigkeit', u'affiliation')] dictSet_26 = [('das', u'Tennisturnier', u'tennis tournament'), ('das', u'Erh\xf6hen', u'raising'), ('der', u'Peer', u'peer'), ('das', u'Vertrauen', u'faith (in); faith; trust (in); assurance; confidence; belief (in); reliance; relying (on); trustfulness; credit; confidentialness'), ('die', u'Vermittlung', u'placement; agency; operator [Am.]; relaying; switching; instrumentality; agency; mediation; intermediation; exchange; procuration; intercession'), ('der', u'Scheich', u'Sheik; Sheikh'), ('die', u'Pressefreiheit', u'freedom of the press'), ('die', u'Plattform', u'platform'), ('der', u'Oberbefehl', u'supreme command'), ('der', u'H\xe4ndler', u'trader; dealer /dlr/; monger; outfitter; salesman; salesperson; ceramic supplier; merchant'), ('der', u'Glaube', u'belief (in); faith (in); credence; estimation; credit'), ('der', u'Schild', u'shield; Scutum; Shield'), ('das', u'Schild', u'sign; signboard; signpost; label; identification plate; fascia'), ('das', u'Restaurant', u'restaurant; eatery [Am.] [coll.]; unlicensed restaurant'), ('die', u'Kunsthistorikerin', u'art historian'), ('die', u'Reederei', u'shipping company; shipping line'), ('das', u'Aufnehmen', u'grabbing'), ('der', u'Wein', u'vine; wine'), ('die', u'Stabilit\xe4t', u'stability; firmness; sturdiness; stability; dependability'), ('der', u'N\xe4her', u'sewing worker'), ('die', u'Kriegsmarine', u'navy'), ('der', u'Gospel', u'gospel'), ('die', u'Garnison', u'garrison'), ('der', u'Zweig', u'path; branch; brace'), ('der', u'Zwang', u'dictates; diktat; compulsion (to do sth.); force; compulsion; coercion; constraint; enforcement; pressure; duress'), ('das', u'Spektrum', u'range; spectrum; spectrum; array; spread'), ('die', u'Kunsthalle', u'art gallery'), ('der', u'Vizeadmiral', u'vice admiral'), ('der', u'S\xfcdpol', u'South Pole'), ('der', u'Henkel', u'handle; handhold; handle'), ('der', u'Arm', u'arm; arm; limb'), ('der', u'Schatten', u'shadow; shade; umbrage'), ('der', u'F\xf6rster', u'forest warden; forester; forest ranger; woodman; woodsman; ranger [Am.]'), ('die', u'Bundesbank', u'German Central Bank'), ('das', u'Abtreten', u'subrogation; transfer of crime [Br.]'), ('das', u'Westdeutschland', u'West Germany; Western Germany'), ('das', u'Verursachen', u'cause'), ('das', u'Organ', u'establishment; institute; institution; committee; body; organ'), ('das', u'Geschlecht', u'gender; sex; gender; house; stirps'), ('die', u'Soziologie', u'sociology'), ('die', u'Selbstverwaltung', u'self-government; self-rule; congregationalism; self-management'), ('das', u'Grubenungl\xfcck', u'mine disaster; mining disaster; pit disaster'), ('die', u'Dichtung', u'literature; poetry; fiction; verse; seal; gasket; packing; sealing gasket; washer'), ('der', u'Damm', u'embankment; levee; causeway; perineum; dike; dyke; levee; sea wall; embankment; dam; levee dike; embankment; bank; pack (in mines)'), ('die', u'Akte', u'file; record; dossier'), ('die', u'Zahlung', u'payment; capitation; defrayal; donation'), ('der', u'Au\xdfenhandel', u'foreign trade; international trade'), ('die', u'Verlegerin', u'publisher'), ('die', u'Verabschiedung', u'final passage; dismissal; farewell; leave-taking; discharge; passage of a bill; passing of a bill'), ('die', u'Sucht', u'addiction'), ('der', u'Planet', u'planet'), ('die', u'Orange', u'orange'), ('das', u'Orange', u'orange'), ('der', u'Feind', u'enemy; foe; adversary'), ('die', u'Abh\xe4ngigkeit', u'dependence; dependency (on); addiction (to); reliance (on); subordination; subjection (to)'), ('der', u'Bart', u'beard'), ('der', u'Ausgang', u'conjunction; egress; exit; output; way out; egression; outlet; upshot; issue; denouement'), ('die', u'Wirtschaftskrise', u'economic crisis; economic crunch; slump'), ('die', u'Voraussetzung', u'condition; premise; assumption; sumption; requisite; prerequisite (to; for); presupposition; requirement; supposition; precondition (for/of sth.)'), ('der', u'Reiter', u'cavalryman; trooper; tab (on filing cards); rider; horseman; equestrian; cavalier'), ('der', u'Eid', u'oath; Hippocratic Oath'), ('der', u'Brigadegeneral', u'brigadier; brigadier general'), ('der', u'Volksentscheid', u'plebiscite (on sth.)'), ('die', u'Technologie', u'technology'), ('die', u'Tagung', u'congress; meeting'), ('die', u'Soziologin', u'sociologist'), ('der', u'Kommunismus', u'communism'), ('der', u'Chanson', u'chanson'), ('das', u'Aufsehen', u'furore; sensation'), ('das', u'Westjordanland', u'West Bank'), ('der', u'Stopp', u'stop; moratorium; stop; breakpoint'), ('der', u'Nazi', u'Nazi'), ('das', u'Experiment', u'experiment'), ('die', u'Dissertation', u'thesis; doctoral thesis; dissertation; doctoral thesis; thesis; dissertation'), ('die', u'Zeichnerin', u'drawer; draftswoman; draughtswoman [Br.]'), ('die', u'Truppe', u'troops; unit; armed forces; troupe; company'), ('die', u'Religionsfreiheit', u'religious liberty; religious freedom; freedom of religion'), ('der', u'Kunsthandwerker', u'artisan; craftsman'), ('die', u'Zensur', u'censorship; mark; grade [Am.]'), ('die', u'Werbung', u'recruitment; advertisement; advertising; ad; advert; courtship; promotion (of); court; publicity'), ('das', u'Objekt', u'article; object; object'), ('der', u'Kultusminister', u'minister of education and the arts'), ('der', u'Internist', u'internist; specialist for internal medicine'), ('das', u'Gie\xdfen', u'moulding; molding [Am.]; slip casting; slipcasting'), ('der', u'Fund', u'finding; find; discovery; discovery; strike'), ('die', u'Aussprache', u'articulation; enunciation; pronunciation; talk'), ('die', u'Ausbreitung', u'dispersal; spread; spreading; proliferation (of sth.) [fig.]; radiation (of a species); propagation; range; distribution (of a species); dispersal'), ('der', u'Galerist', u'gallery owner'), ('der', u'Feiertag', u'holiday'), ('der', u'Verdacht', u'suspicion; suspicion (about); hunch'), ('der', u'Renner', u'blockbuster; courser; racer'), ('der', u'Flugverkehr', u'air traffic'), ('der', u'Drache', u'dragon; Draco'), ('das', u'Watt', u'mud flats; tideland; tidal flat; low-tide flat; watt /W/'), ('die', u'Viola', u'viola'), ('die', u'Verhaftung', u'taking into custody; arrest (of sb.); attachment'), ('das', u'Unterhaus', u'House of Commons [Br.]'), ('die', u'Staatsverschuldung', u'National Debt'), ('das', u'Runden', u'rounding'), ('der', u'Morgenstern', u'morning star; flail')] dictSet_27 = [('das', u'Massive', u'massiveness'), ('der', u'Kunstm\xe4zen', u'patron of the arts'), ('der', u'Dozent', u'university lecturer; docent'), ('die', u'Crew', u'crew'), ('das', u'Blei', u'lead <plumbum>'), ('der', u'Ausfall', u'blackout; breakdown; failure; sortie; sally; loss; outage; stoppage'), ('der', u'Vorteil', u'benefit; advantage; edge; interest; vantage; advantage; benefit'), ('der', u'Stummfilm', u'silent movie; silent film'), ('die', u'Police', u'policy'), ('die', u'Mystikerin', u'mystic'), ('die', u'Luke', u'porthole; scuttle; hatch'), ('das', u'Kreta', u'Crete'), ('die', u'Wirklichkeit', u'objectivity; sooth; actuality; reality; substantiality; substantiveness; veritableness'), ('der', u'Volksaufstand', u'national uprising; popular revolt'), ('der', u'Sammler', u'collector; collector; gatherer; picker; collecting agent; promoter (of an artist); accumulator; header'), ('die', u'Spaltung', u'disruption; split; cleavage; division; disunion; splitting; splitting up; (nuclear) fission; fissuring; scission'), ('der', u'Nil', u'Nile'), ('das', u'Kaufen', u'buying; purchasing'), ('der', u'Gegenstand', u'article; subject; matter; object; item'), ('die', u'Aussicht', u'view; outlook; prospect (of); expectation (of)'), ('der', u'Antisemitismus', u'anti-Semitism'), ('die', u'Ann\xe4herung', u'approach (to); rapprochement; approximation; convergency; convergence'), ('der', u'Zweifel', u'disbelief; doubt'), ('die', u'Stille', u'tranquillity; quiescence; tranquility; tranquillity; calmness; calm; quietness; silence; silentness; stillness; still'), ('das', u'Schwein', u'pig; swine [Am.]; hog [Am.]; pork; razorback hog; razorbacked hog'), ('die', u'Regierungszeit', u'term of office'), ('die', u'Neuordnung', u'rearrangement'), ('das', u'Ansehen', u'credit; eminence; renown; reputation; cachet; respectability; authority; image; status; standing; estimation; esteem'), ('das', u'Wesen', u'being; entity; quiddity; temper; entity; being; essence; suchness; kernel'), ('die', u'Urkunde', u'document; letter of attorney; power of attorney; certificate'), ('das', u'Unentschieden', u'draw; tie game; tie; standoff'), ('die', u'Sturmflut', u'storm tide; eagre; storm surge'), ('das', u'Werfen', u'warping'), ('der', u'Verhaltensforscher', u'behaviourist [Br.]; behaviorist [Am.]'), ('der', u'Unterricht', u'teaching; instruction; lessons; classes; school; tuition [Br.]; education'), ('der', u'Stop', u'stop'), ('der', u'Numismatiker', u'numismatist'), ('das', u'Gewerbe', u'trade; business; small-scale industry; industry'), ('das', u'Epizentrum', u'epicentre [Br.]; epicenter [Am.]'), ('der', u'Agent', u'agent; operative [Am.]; agent; solicitor [Am.]'), ('der', u'Nickel', u'nickel [Am.]; merman; the Nix'), ('das', u'Nickel', u'nickel'), ('das', u'M\xe4hren', u'Moravia'), ('die', u'Munition', u'ammunition; ammo; munitions'), ('das', u'Baby', u'baby'), ('der', u'Aufenthalt', u'stay; abode; dwelling; stop; stopover; abidance; inhabitancy; inhabitation; layover; whereabouts {pl}; residence; place of residence'), ('der', u'Swing', u'swing; swing'), ('die', u'Revolution\xe4rin', u'revolutionist'), ('der', u'Hinblick', u'view'), ('die', u'Ehre', u'kudos [Br.]; honour [Br.]; honor [Am.]; honesty; glory; privilege; izzat'), ('das', u'Dr\xe4ngen', u'solicitation'), ('das', u'B\xfcro', u'office; bureau'), ('die', u'Ausrichtung', u'alignment; orientation; straightening; justification; bias (towards)'), ('das', u'Aufgeben', u'dispatch; despatch; dispatchment'), ('der', u'Kom\xf6diant', u'comic; comedian; trouper'), ('der', u'Ersatz', u'indemnity; reparation; compensation; consideration; replacement; displacement; replacement; understudy; surrogate; substitution; sub'), ('der', u'Captain', u'team captain; captain; teamster'), ('die', u'Architektin', u'architect'), ('die', u'Schicht', u'relay; layer; film; coat; seam; coat; ply; layer; layer; bed; stratum; blanket; sheet; shift'), ('die', u'M\xe4tresse', u'mistress; kept woman'), ('der', u'Gyn\xe4kologe', u'gynaecologist; gynecologist; gynaecologist'), ('der', u'Brunnen', u'well; fountain'), ('die', u'Berufung', u'elevation; vocation; calling; appeal; citation (of); appeal (against sth.); appointment'), ('der', u'Ballon', u'balloon; balloon'), ('das', u'Tischtennis', u'table tennis; ping-pong'), ('das', u'Pr\xe4gen', u'stamping; coining; coinage; mintage'), ('die', u'Kongregation', u'congregation'), ('die', u'Komikerin', u'comic; comedian; comedienne'), ('das', u'Ion', u'ion'), ('der', u'Herausforderer', u'challenger'), ('der', u'Hausarrest', u'house arrest; domiciliary arrest; grounding'), ('der', u'Alpinist', u'alpinist'), ('die', u'Sprinterin', u'sprinter'), ('der', u'Schlag', u'concussion; knock; bang; breed (of) [fig.]; bent; jar; stroke; blow; stroke; bash; beat; coup; flap; percussion; stinger; wham; whack; swipe; pelt; smack; swing; wallop [slang]; sledgehammer blow; knock; buffet; shock; dollop [coll.]; sock [coll.]; clout; stroke; twist'), ('der', u'Pkw', u'passenger car; motorcar [Br.]; automobile [Am.]'), ('der', u'PKW', u'hatchback'), ('der', u'Nachweis', u'certificate; supporting document; verification; evidence; detection; verification; proof; objective evidence'), ('der', u'Kinderarzt', u'pediatrician; paediatrician [Br.]'), ('die', u'Bundeskanzlerin', u'Bundeskanzler; Bundeskanzlerin; Federal Chancellor'), ('der', u'Araber', u'Arab; Arab'), ('die', u'Trag\xf6die', u'tragedy'), ('die', u'Kronkolonie', u'Crown colony'), ('die', u'Hisbollah', u'Hezbollah'), ('der', u'Burenkrieg', u'Boer War'), ('das', u'Andenken', u'token; keepsake; keep-sake; souvenir; memory; memento; remembrance'), ('das', u'Verlangen', u'requisition; demand; appetites; hankering; anxiety (for); desire (for)'), ('das', u'Hoftheater', u'court theatre; royal theatre'), ('das', u'Greifen', u'bite'), ('der', u'Eigent\xfcmer', u'owner; owner'), ('der', u'Diabetes', u'diabetes'), ('die', u'Anklage', u'prosecution; counsel for the prosecution; prosecution counsel; indictment; accusal; accusativeness; impeachment; denouncement; accusation'), ('die', u'Wohnung', u'lodging; flat [Br.]; apartment [Am.] /apt./; home; dwelling; habitation; tenement'), ('der', u'Kompromiss', u'compromise; trade-off; tradeoff; halfway house'), ('die', u'Grundsteinlegung', u'laying of the foundation stone'), ('die', u'Dirigentin', u'conductor'), ('das', u'Atom', u'atom; corpuscle'), ('das', u'Solo', u'solo; solo attempt; solo run; stand-alone'), ('der', u'Sendemast', u'transmitter mast'), ('der', u'Selbstmordattent\xe4ter', u'suicide attacker; suicide bomber'), ('der', u'Schatz', u'darling; sweetheart; bonny; treasure; sweetie; honey; sweetheart; boo [coll.]; luv [Br.] [coll.]; hoard')] dictSet_28 = [('die', u'R\xfcckeroberung', u'reconquest'), ('die', u'Range', u'romp; tomboy; hoyden; minx'), ('die', u'Minute', u'minute /min./'), ('der', u'Landrat', u'county commissioner (head of county administration); cantonal parliament (Switzerland)'), ('der', u'Inhaber', u'possessor; owner; owner; proprietor /prop.; propr/; bondholder; holder'), ('das', u'Umfeld', u'sphere; milieu; periphery; surroundings; surrounding area; environment'), ('der', u'Leichter', u'lighter'), ('die', u'Grundschule', u'primary school; elementary (grade) school [Am.]'), ('der', u'Funkturm', u'radio tower'), ('der', u'Fink', u'finch'), ('der', u'Donnerstag', u'Thursday /Thu/'), ('der', u'Administrator', u'administrator'), ('die', u'Wolle', u'wool; wools'), ('die', u'Wasserstoffbombe', u'fusion bomb; hydrogen bomb; H-bomb'), ('der', u'Leuchtturm', u'lighthouse'), ('die', u'Konzentration', u'concentration'), ('der', u'Dreier', u'(number) three; threesome'), ('das', u'Bewusstsein', u'consciousness; awareness'), ('der', u'Aufkl\xe4rer', u'scout; spotter; reconnaissance plane; reconnaissance aircraft'), ('die', u'Volleyballspielerin', u'volleyball player'), ('der', u'Sprung', u'seam; crack; jerk; fissure; jump; leap; branch; jump; dive; skip; transfer; spring; pounce; flaw; bound; dart; leap of faith; (normal) fault; displacement; upslide jump; throw'), ('der', u'Generalvikar', u'vicar general'), ('der', u'Doktor', u'doctor /Dr/; doc [coll.]'), ('die', u'Buchmesse', u'book fair'), ('das', u'Blut', u'blood; lifeblood'), ('der', u'Affe', u'ape; monkey; simian'), ('die', u'Zwangsarbeit', u'servitude; forced labour [Br.]; forced labor [Am.]'), ('das', u'Stadtbild', u'townscape; cityscape'), ('der', u'Sprachraum', u'speech area'), ('das', u'Schaf', u'sheep'), ('der', u'Puppenspieler', u'puppeteer'), ('der', u'Optiker', u'optician'), ('das', u'Niveau', u'level; quality; plane'), ('das', u'Landgericht', u'district court [Am.]; Regional Court'), ('die', u'Landeskirche', u'see'), ('die', u'Gedenkst\xe4tte', u'memorial place'), ('der', u'Franc', u'franc'), ('die', u'Aufmerksamkeit', u'attention; heedfulness; mindfulness; subtlety; notice (of sth.); interest; regard; thoughtfulness; alertness'), ('die', u'Vollversammlung', u'plenary assembly; plenary meeting; plenary session'), ('der', u'Umbau', u'modification (of sth.); alteration; conversion; upgrading; uprating'), ('der', u'Quadratkilometer', u'square kilometre [Br.]; square kilometer /sq.km/'), ('die', u'Postleitzahl', u'postcode; postal code [Br.]; zip code; zipcode [Am.]'), ('der', u'Pluto', u'Pluto'), ('der', u'Pater', u'padre; Father /Fr./'), ('der', u'Generaldirektor', u'managing-director; Director-General; general manager'), ('der', u'Elektroingenieur', u'electrical engineer; electrical engineering technician'), ('die', u'Einladung', u'call for papers /CfP/ (for a book, journal, conference); invitation (to)'), ('die', u'Oktoberrevolution', u'October revolution'), ('der', u'Merkur', u'Mercury'), ('das', u'Manifest', u'manifesto'), ('der', u'Kriegseintritt', u'entry into the war'), ('das', u'Dampfschiff', u'steamboat; steamship /SS; s.s./'), ('der', u'Besitzer', u'owner; possessor; occupier; owner; proprietor /prop.; propr/; holder'), ('die', u'Ortschaft', u'place; (small) town; village'), ('das', u'Wolfsburg', u'Wolfsburg (city in germany)'), ('die', u'Versenkung', u'sinking; burial; engulfment'), ('der', u'Stadtbezirk', u'municipality'), ('der', u'Krieger', u'warrior'), ('die', u'Pressekonferenz', u'press conference'), ('die', u'Novelle', u'novelette; novella; short story; amendment'), ('die', u'M\xfcnze', u'coin; mint; coin'), ('das', u'Jubil\xe4um', u'anniversary; jubilee'), ('das', u'Erschie\xdfen', u'shooting'), ('die', u'Bronze', u'bronze'), ('das', u'Bronze', u'bronze'), ('das', u'Aussterben', u'extinction; disappearance'), ('die', u'Arbeitslosigkeit', u'unemployment; inoccupation; redundancy; joblessness'), ('die', u'Verschw\xf6rung', u'cabal; conspiracy; plot; conspiracy'), ('der', u'Uhrmacher', u'watchmaker; clockmaker'), ('der', u'Sex', u'sexual act; act of sex; coitus [med.]; sex [coll.]'), ('die', u'Seele', u'spirit; soul; core'), ('die', u'Rezension', u'review; write-up; critique (of sth.); recension'), ('die', u'Hanse', u'Hanse; Hanseatic League'), ('der', u'Empf\xe4nger', u'offeree; recipient; listener; receiver; receptionist; receptor; addressee; acceptor; radio receiver; consignee'), ('der', u'Arbeitskreis', u'work group; working group; Financial Action Task Force on Money Laundering (FATF); task force; task-force; task-force group; workshop'), ('die', u'Adresse', u'address; address'), ('der', u'Verfassungsschutz', u'defence of the constitution; Office for the Protection of the Constitution'), ('das', u'Uran', u'uranium'), ('die', u'Prosa', u'prose'), ('die', u'Pest', u'plague; pestilence'), ('der', u'Kulturpolitiker', u'politician who concerns herself/himself with cultural and educational policies'), ('die', u'Krim', u'Crimea'), ('die', u'Berechnung', u'charges; evaluation; calculation; computation (of sth.); reckoning; counting'), ('das', u'Wunder', u'wonder; marvel'), ('der', u'Orient', u'East; Orient'), ('der', u'Nachdruck', u'reprint; restrike print; emphasis; reprinting'), ('das', u'Mekka', u'Mecca'), ('der', u'Geheimdienst', u'secret service; intelligence service; intelligence'), ('die', u'Chemikerin', u'chemist; analyst'), ('die', u'Absicht', u'intent; purpose; intention; mind; tendency; tendence [obs.]; aim'), ('das', u'Verstehen', u'comprehension; understanding'), ('die', u'Notwendigkeit', u'necessity; needfulness'), ('die', u'Nobelpreistr\xe4gerin', u'Nobel Prize winner; Nobel laureate'), ('der', u'Leutnant', u'second lieutenant (2Lt)'), ('der', u'Kaukasus', u'the Caucasus Mountains'), ('der', u'Haushalt', u'budget; household; menage; budgeting; establishment'), ('der', u'Wahlkampf', u'election campaign; election contest; hustings [Br.]'), ('der', u'Verbleib', u'whereabouts {pl}'), ('die', u'Stadtbahn', u'city railway'), ('die', u'Ruhe', u'relaxation; peace; serenity; sereneness; ease; silence; rest; ease; quiescence; quietude; tranquility; tranquillity; tranquilness; levelheadedness; level-headedness; reposefulness; restfulness; repose; calmness; calm; quietness; silence')] dictSet_29 = [('das', u'Erzielen', u'scoring'), ('die', u'Bretagne', u'Brittany'), ('die', u'Bewaffnung', u'armament; arms; weaponization [eAm.]; weaponisation [Br.]'), ('der', u'Bauunternehmer', u'building contractor'), ('der', u'Untergrund', u'subsurface; subfont; subsoil; underground; undersoil; earth subgrade; soil subgrade'), ('der', u'Oberstleutnant', u'lieutenant-colonel /Lt.-Col./'), ('die', u'Hymne', u'hymn; anthem'), ('das', u'Warten', u'waiting'), ('der', u'Polizist', u'policeman; bobby [Br.] (old-fashioned); constable; police constable /PC/; state trooper; trooper [Am.]'), ('der', u'F\xf6rderer', u'sponsor; catalyzer; conveyor; patronizer; patron'), ('der', u'Franziskaner', u'Franciscan'), ('die', u'Festnahme', u'arrest (of sb.); capture'), ('der', u'Samt', u'velvet'), ('die', u'Raumfahrt', u'astronautics; space travel; space flight; space travel; spacefaring; space navigation'), ('der', u'Hacker', u'hacker; phreaker'), ('der', u'Gottesdienst', u'church service; divine service; service'), ('das', u'Erzbistum', u'archbishopric'), ('der', u'Job', u'job; racket; billet'), ('der', u'Beobachter', u'observer; lurker; looker'), ('die', u'Unterdr\xfcckung', u'oppression; suppression; repression; inhibition; depression; elimination; oppression; rejection; strangulation [fig.]'), ('die', u'Schuld', u'due; guilt (of; for); guiltiness; blame; debt'), ('der', u'Schiffsverkehr', u'shipping traffic'), ('die', u'Moldau', u'Vltava'), ('die', u'Metropole', u'metropolis'), ('das', u'Lebensjahr', u"year of one's life"), ('das', u'Kraftwerk', u'power station; power plant'), ('die', u'Geiselnahme', u'taking of hostage; taking of hostages'), ('der', u'Fortschritt', u'improvement; progress; stride; headway; advancement; advance'), ('die', u'Erfahrung', u'experience; experience; empirical knowledge; background'), ('das', u'Zur\xfcckziehen', u'offtake; cocooning'), ('die', u'Turbine', u'turbine'), ('das', u'Ostdeutschland', u'East Germany; Eastern Germany'), ('die', u'Mathematikerin', u'mathematician'), ('der', u'Friedensaktivist', u'peacenik'), ('das', u'Ausma\xdf', u'measurement; proportion; dimension; magnitude; extent; extent; degree; scale [fig.]'), ('der', u'Augenarzt', u'eye specialist; eye doctor; ophthalmologist'), ('die', u'Polarisation', u'polarization [eAm.]; polarisation [Br.]'), ('das', u'Kurf\xfcrstentum', u'electorate'), ('das', u'Korsika', u'Corsica'), ('der', u'Kessel', u'pressure vessel; boiler; kettle; cup (wind instrument); sinkhole; pocket; (fault) pit; sink; basin; bowl; dome; pot hole'), ('das', u'Kaufhaus', u'big store; big stores; department store; emporium; store'), ('der', u'Eiskunstlauf', u'figure skating'), ('die', u'Bundesebene', u'federal level'), ('der', u'Umlauf', u'tour; circulation; currency; whitlow'), ('das', u'Kaiserslautern', u'Kaiserslautern (city in Germany)'), ('der', u'Erwerb', u'acquisition; purchase; acquisition; purchases; acquirement'), ('die', u'Delegation', u'delegation; deputation; mission'), ('die', u'Sendeanlage', u'transmitter'), ('die', u'Informatik', u'computer science; informatics; information science'), ('die', u'Goldmedaille', u'gold medal'), ('die', u'Genehmigung', u'allowance; authorization [eAm.]; authorisation [Br.]; permission; permit; approbation; fiat; consent; approval; assent'), ('die', u'Designerin', u'designer'), ('der', u'Binder', u'binder; truss; cooper; tie; necktie [Am.]'), ('der', u'Aufruf', u'instigation; appeal (to); call; calling; cue; envoking; invocation; invoking'), ('der', u'Seidel', u'pint'), ('die', u'Psychologin', u'psychologist'), ('das', u'Protestieren', u'protesting; remonstration'), ('der', u'Maschinenbau', u'machine construction; machine-building; mechanical engineering'), ('das', u'Brooklyn', u'Brooklyn (borough of New York City)'), ('der', u'Anstieg', u'elevation; rise; increase (in sth.); rise; ascent; gradient; grade [Am.]; bulge; progressivity; progressivity in lateral adherence; enlargement; upward movement; ramp; upswing; hike; slope'), ('der', u'Vorsto\xdf', u'move; thrust; push (for)'), ('das', u'Signal', u'code; marine code; signal; cue [fig.]'), ('der', u'Romancier', u'novelist'), ('das', u'Politb\xfcro', u'politbureau; politoffice'), ('die', u'Nachricht', u'tidings [poet.]; news; message; word'), ('der', u'Kaplan', u'vicar; chaplain'), ('das', u'Jahrtausend', u'millenium; millennium'), ('der', u'Guru', u'guru; hierophant'), ('die', u'Eintracht', u'unity; harmony; solidarity'), ('der', u'Bombenangriff', u'bomb attack; air raid; bombardment; bombing (of sth.)'), ('die', u'Vegetation', u'vegetation'), ('der', u'Terrorismus', u'terrorism'), ('die', u'Strahlung', u'radiation'), ('das', u'Snooker', u'snooker'), ('das', u'R\xf6ntgen', u'roentgen'), ('das', u'Muster', u'design; sample; pattern; paragon; model; prototype; stitch; specimen; sample'), ('der', u'Mitgliedstaat', u'member state; member nation'), ('das', u'Ma\xdf', u'measurement; dimension; measure; gauge; measure; measurement; extent; degree; gauge; gage [Am.]; degree'), ('der', u'Imperialismus', u'imperialism'), ('der', u'Frost', u'frost; freeze; frostiness'), ('die', u'Fotografie', u'photograph; picture; photography; photo; photograph; still'), ('der', u'Artist', u'artist'), ('die', u'Zeche', u'score; bill [Br.]; check [Am.]; mine; coal-mine; mining company'), ('das', u'Portrait', u'portrait'), ('die', u'Innenpolitik', u'domestic policy; home policy'), ('die', u'Hofburg', u'Hofburg'), ('der', u'Dorn', u'arbor; thorn; mandrel; mandril; stacking mandrel; mandrel; arbor; spike; spine'), ('der', u'Bratschist', u'violist; viola player'), ('der', u'Reis', u'rice'), ('die', u'Lebenserwartung', u'life expectancy; expectation of life; lifespan; lifetime'), ('die', u'Kommune', u'local authority area; local authority district; commune; municipality'), ('die', u'Geisel', u'hostage'), ('der', u'Buchenwald', u'beech wood; beech woods; beech forest (depending on its size)'), ('die', u'Begegnung', u'encounter; meeting'), ('das', u'Rennrodler', u'luger'), ('das', u'Olympiastadion', u'Olympic Stadium'), ('die', u'Hungersnot', u'famine'), ('der', u'Hunger', u'hunger; hungriness'), ('die', u'Absetzung', u'displacement; deduction; deposition'), ('das', u'W\xf6rterbuch', u'dictionary; thesaurus; dictionary; wordbook')] dictSet_30 = [('der', u'Vorwurf', u'accusation; charge; impeachment; rebuke; criminal charge; charge; allegation (against sb.); reproach; reproof; upbraiding'), ('die', u'Spinne', u'spider; spider'), ('das', u'Rind', u'cow; bull'), ('die', u'Pers\xf6nlichkeit', u'character; bigwig; big bug [coll.]; personage; personality'), ('die', u'Nominierung', u'nomination; naming; entry; nominating'), ('die', u'Mundart', u'dialect; idiom; vernacular'), ('die', u'Fachhochschule', u'University for applied sciences; University of applied sciences; advanced technical college; Polytechnic [Br.]'), ('der', u'Demokrat', u'democrat'), ('die', u'Bundeszentrale', u'Federal Agency for Civic Education'), ('die', u'Talsperre', u'reservoir; dam; barrage; barrage; retaining dam; retaining dam weir'), ('die', u'Stromerzeugung', u'generation of current; (electric) power generation; electricity generation'), ('das', u'Siam', u'Siam (now Thailand)'), ('die', u'Ministerin', u'minister; Secretary of State [Br.]'), ('der', u'Kriegsbeginn', u'start of the war'), ('die', u'Kaserne', u'barrack'), ('die', u'Kamera', u'camera; camera; cam'), ('der', u'Imam', u'Imam'), ('die', u'H\xf6hle', u'cave; cavern; antrum; cavity; den; socket; hollow; hole; lair; burrow; rabbit burrow'), ('die', u'Gedenktafel', u'commemorative plaque; roll of honour [Br.]; roll of honor [Am.]'), ('die', u'Eingliederung', u'integration'), ('der', u'Ehrendoktor', u'honorary doctor /h.c./'), ('die', u'Violine', u'violin'), ('der', u'Umzug', u'removal; procession; parade; pageant; move; moving; relocation'), ('der', u'Taft', u'taffeta'), ('das', u'Messen', u'measuring; measurement (of sth.)'), ('der', u'Marquis', u'marquess; marquis'), ('das', u'Kriegsschiff', u'warship; man-of-war'), ('der', u'Golfspieler', u'golfer; golf player'), ('die', u'Freizeit', u'free time; spare time; leisure time'), ('die', u'Farm', u'farm; ranch; grange'), ('der', u'Brenner', u'burner'), ('der', u'Surrealismus', u'surrealism'), ('der', u'Stifter', u'founder; donor'), ('der', u'Spieltag', u'day of play; match day'), ('der', u'Gymnasiallehrer', u'grammar school teacher [Br.]'), ('die', u'Gewinnung', u'mining; winning extraction; recovery (of sth.); extraction; production'), ('die', u'Gesetzgebung', u'legislation'), ('die', u'B\xfcrgerschaft', u'citizenry; township'), ('der', u'Yen', u'yen'), ('der', u'Volkswirtschaftler', u'economist'), ('die', u'Sicherheitspolitik', u'safety policy; security policy'), ('der', u'Saal', u'hall'), ('der', u'G\xfcterverkehr', u'transport of goods; goods traffic [Br.]; freight traffic [Am.]; freight movement [Am.]'), ('die', u'Bundesanstalt', u'Federal Labour Office; Federal Institute'), ('die', u'Abwesenheit', u'absence (of)'), ('der', u'Absatz', u'paragraph /par./; subsection; heel; break; recess; sales; turnover; terrace; landing; marketing; sales and marketing; passage; stanza; distribution; bench terrace; nip; step; scarplet'), ('die', u'Verstaatlichung', u'socialization [Br.]; socialization [Am.]; nationalisation [Br.]; nationalization [Am.]'), ('das', u'Schott', u'compartment; bulkhead'), ('der', u'Pilger', u'pilgrim'), ('die', u'Fabrik', u'factory; plant; mill; works'), ('das', u'Brett', u'board; shelf'), ('der', u'Belgier', u'Belgian'), ('das', u'Arsen', u'arsenic'), ('die', u'Reichsmark', u'reichsmark; Reichmark'), ('das', u'H\xf6rspiel', u'radio play'), ('das', u'Beziehen', u'referencing'), ('der', u'Ballettt\xe4nzer', u'ballet dancer'), ('der', u'Tschad', u'Chad'), ('der', u'Speer', u'spear; javelin'), ('die', u'Pr\xfcfung', u'inspection and approval; proving; verification of a flag; check; checkup; verification; exam; examination; testing; test; inspection; ordeal; tryout; examination; trial; verification of the accounts; consideration; assay; test; examination; vetting'), ('die', u'Pandemie', u'pandemic'), ('die', u'Leber', u'liver'), ('das', u'Latein', u'Latin'), ('der', u'Dokumentarfilm', u'documentary film; documentary'), ('das', u'Decken', u'marking'), ('der', u'Anker', u'anchor; guy; armature; brace; bolt; rock bolt; roof bolt; strata bolt'), ('die', u'Zulassung', u'acceptance; homologation; qualification; type approval; approval; admission; concession'), ('die', u'Sozialistin', u'socialist'), ('der', u'Sabbat', u'Sabbath'), ('der', u'Meeresspiegel', u'sea level; Mean Sea Level /MSL/; oceanic level'), ('die', u'Klage', u'complaint; grievance; action; lawsuit; gravamen; plaint; sorrow; lamentation; lament'), ('das', u'Hochhaus', u'multi-storey building [Br.]; multi-story building [Am.]; high-rise building; high rise'), ('der', u'Darsteller', u'impersonator; performer; actor; actress; player (outdated)'), ('die', u'Arch\xe4ologie', u'archeology; archaeology'), ('die', u'Abr\xfcstung', u'disarmament'), ('der', u'Zusatzartikel', u'amendment'), ('die', u'Vierzig', u'(number) fourty'), ('die', u'Heimatstadt', u'hometown; home town'), ('das', u'Heck', u'stern; back; rear; rear end; tail'), ('das', u'Fenster', u'window; window; window; inlier; denuded cutting'), ('die', u'Erosion', u'erosion; degradation'), ('das', u'Bravo', u'bravos'), ('die', u'Zeremonie', u'ceremony'), ('der', u'Wille', u'purpose; intention; mind; will; volition; wish'), ('die', u'Lyrik', u'lyric poetry; lyrics'), ('der', u'J\xfcnger', u'disciple; follower'), ('der', u'Generalinspekteur', u'Chief of Defence [Br.]; Chief of Defense [Am.] (German Armed Forces)'), ('die', u'Abtretung', u'cession; assignment; abandonment'), ('die', u'Zeitzone', u'time zone'), ('das', u'Richten', u'levelling; leveling [Am.]; tension leveling'), ('die', u'Achse', u'axle; axis; axis; arbor; pivot; axis'), ('das', u'Abspielen', u'play-back'), ('die', u'Abspaltung', u'splitting-off; spinoff; spin-off; spalling (of stones); cleavage (of crystals)'), ('der', u'Vortrag', u'rhetoric; lecture; recitation; lecture; talk; recital; balance carried forward; account carried forward; amount brought forward'), ('die', u'Television', u'television'), ('der', u'Slawist', u'Slavicist; Slavist'), ('die', u'Dramatikerin', u'playwright; dramatist'), ('der', u'BMW', u'BMW [tm]; BM; beamer [coll.]; beemer [coll.]; bimmer [coll.] (car)'), ('die', u'Aussichtsplattform', u'observation platform'), ('die', u'Ansiedlung', u'settling; establishing (of firms); settlement')] dictSet_31 = [('der', u'Winzer', u'wine-grower; wingrower; winemaker; wine maker; vintner'), ('die', u'Schalung', u'casing; shuttering formwork; form; form work; form boards'), ('der', u'Reformer', u'reformer'), ('der', u'Loch', u'loch [Sc.]'), ('das', u'Loch', u'hollow; hole; pothole; aperture; opening'), ('der', u'Kurzfilm', u'shortfilm'), ('die', u'Konfession', u'confession; denomination'), ('das', u'Vorfeld', u'apron; airport ramp; approach(es) (to sth.)'), ('das', u'Radikal', u'radical'), ('die', u'Legion', u'legion'), ('der', u'Bodybuilder', u'bodybuilder'), ('die', u'Antwort', u'answer (to); response; reaction; reply; replying'), ('die', u'Anregung', u'animation; incitation; viviparity; motivation; stimulation; stimulus; fillip; incitement (to); stimulus; excitation; idea; proposition; suggestion'), ('der', u'Wolkenkratzer', u'skyscraper'), ('der', u'Steinmetzmeister', u'master stonemason'), ('der', u'Riff', u'riff'), ('das', u'Riff', u'reef; shelf'), ('das', u'Kid', u'kid; tiddler [Br.]'), ('der', u'Diesel', u'diesel fuel; diesel; diesel vehicle; diesel'), ('das', u'Blutbad', u'carnage; massacre'), ('das', u'Beanspruchte', u'matter claimed'), ('die', u'Arzneipflanze', u'medicinal plant'), ('die', u'Anlehnung', u'dependence (on)'), ('der', u'Angestellte', u'staffing'), ('der', u'Tatort', u'site of crime; scene of a crime; crime scene'), ('die', u'Privatisierung', u'privatization [eAm.]; privatisation [Br.]'), ('die', u'Maus', u'mouse; mouse; computer mouse; clicker [coll.]'), ('die', u'Forstwirtschaft', u'forestry'), ('die', u'Basilika', u'basilica'), ('die', u'Verwitterung', u'weathering; decay; surface disintegration'), ('der', u'St\xfctzpunkt', u'base; stronghold; fulcrum'), ('die', u'Spionage', u'espionage; spying'), ('das', u'Glas', u'spectacles glass; ophthalmic lens; lens; glass; glassware; jar [coll.]'), ('die', u'Erz\xe4hlerin', u'narrator; teller; talker'), ('das', u'Ertrinken', u'drawning'), ('die', u'Ern\xe4hrung', u'nutrition; feeding; alimentation; nutrition; diet; nourishment of the glacier'), ('der', u'Buchdrucker', u'printer'), ('der', u'Abriss', u'demolition; pulling down; talon; outline; stub; avulsion; rip-off [coll.]; abstract; outline (of a book); outline; survey (of); compendium'), ('die', u'Staude', u'forb; perennial; herbaceous perennial plant'), ('das', u'Schlachtschiff', u'battleship; dreadnought'), ('das', u'Sammeln', u'gathering'), ('die', u'Rast', u'break; rest'), ('der', u'Landeanflug', u'approach; landing approach'), ('das', u'Instrument', u'instrument; musical instrument; instrument'), ('der', u'Biophysiker', u'biophysicist'), ('die', u'Wochenzeitung', u'weekly newspaper'), ('das', u'Schulsystem', u'educational system; school system'), ('der', u'R\xfcckgang', u'decrease; downturn; recessiveness; decline; regression; drop; declension; retrogression; abatement'), ('der', u'Rabe', u'raven; Corvus; Crow; Raven'), ('die', u'Ma\xdfnahme', u'measure; action; move; sanction'), ('die', u'Krankenschwester', u'nurse'), ('das', u'Friedensabkommen', u'peace agreement; peace treaty'), ('die', u'Erlaubnis', u'permission; admission; allowance; compliance; licence; permit; permission; permit; sanction; concession'), ('die', u'Entsendung', u'dispatch; despatch; dispatchment; delegation'), ('die', u'Wiederaufnahme', u'resumption; revival; rerun; restage (of a work); resumption'), ('das', u'Vorhaben', u'project; plan; undertaking; proposition'), ('die', u'St\xe4rkung', u'refreshment; revitalization; revitalisation [Br.]; reinforcement'), ('das', u'Ostern', u'Easter'), ('der', u'Nuntius', u'nuncio (Papal envoy); nuncio'), ('der', u'Nahverkehr', u'local traffic; suburban services'), ('das', u'Gem\xfcse', u'vegetable; vegetables {pl}; veggie [coll.]'), ('die', u'Allee', u'avenue /Ave/; alley (of trees); mall; prom; promenade'), ('die', u'Sozialpolitik', u'social policy'), ('die', u'Mangel', u'mangle'), ('der', u'Mangel', u'absence (of); defect; fault; depletion; privation; deprivation; scarceness; scarcity; shortage (of); deficiency; dearth (of); default; shortcoming; manpower shortage; lack (of); want; failing'), ('die', u'Gitarre', u'guitar'), ('das', u'Ghetto', u'ghetto'), ('die', u'Ecke', u'corner kick; corner throw; corner ball; corner; corner; vertex; wedge; edge; angle; nook'), ('das', u'Caf\xe9', u'coffee house; coffee shop; coffee bar; caf\xe9'), ('die', u'Arbeitslosenquote', u'rate of unemployment; unemployment rate'), ('die', u'Verfilmung', u'filming; film; film version'), ('die', u'Treue', u'loyalty; faithfulness; fidelity; troth; trustiness'), ('das', u'Siebenb\xfcrgen', u'Transsylvania'), ('der', u'Samurai', u'samurai (jap.)'), ('die', u'R\xfcckgabe', u'restitution; return'), ('der', u'R\xfcckgabe', u'surrender'), ('das', u'Format', u'format; size; quality; calibre [Br.]; caliber [Am.]; stature; size'), ('der', u'Export', u'export; exportation'), ('die', u'Bundesverfassung', u'federal constitution'), ('das', u'Amin', u'amine'), ('der', u'Zwangsarbeiter', u'forced labourer [Br.]; forced laborer [Am.]; slave labourer'), ('die', u'Vesper', u'vespers'), ('der', u'Staatsrat', u'privy council'), ('der', u'Patriot', u'patriot'), ('das', u'Ober\xf6sterreich', u'Upper Austria'), ('der', u'Milliard\xe4r', u'billionaire; multimillionaire'), ('die', u'Lokomotive', u'engine; railroad engine [Am.]; locomotive; loco'), ('die', u'Inszenierung', u'staging'), ('der', u'Inder', u'Indus; Indian; Indian'), ('die', u'Bindung', u'attachment (to); attachment; commitment; slur; fixation; fixing; bond; bond; ligature; binding; tie; liaison'), ('das', u'Zitat', u'citation; cit'), ('die', u'Umwandlung', u'transformation of a company; conversion; commutation; converting; mutation; transmutation (into sth.); reconversion; change; alteration'), ('das', u'Todesurteil', u'death sentence; sentence of death'), ('der', u'Schmetterling', u'butterfly; butterfly stroke; butterfly'), ('der', u'Marktplatz', u'marketplace; market-place'), ('die', u'Kriegsf\xfchrung', u'warfare'), ('das', u'Wochenende', u'weekend'), ('der', u'Schnabel', u'beak-shaped spout; mouthpiece; embouchure (wind instrument); rostrum; beak; bill; beak; snout; rostrum (of a whale or dolphin); umbo (of bivalved fossils)'), ('der', u'Salm', u'salmon'), ('der', u'Ph\xf6nix', u'phoenix')] dictSet_32 = [('der', u'Joint', u'joint'), ('das', u'Gesundheitswesen', u'public health'), ('das', u'Geschwader', u'squadron; wing; group [Am.]'), ('der', u'Erhalt', u'receipt; preservation'), ('die', u'Autobiografie', u'autobiography'), ('der', u'Zucker', u'sugar'), ('der', u'Steiger', u'boss; deputy; shift boss; shift deputy; overman; overlooker; underviewer; underlooker'), ('der', u'Sioux', u'sioux'), ('der', u'Schall', u'sound; echo; clangour [Br.]; clangor [Am.]'), ('der', u'Sauerstoff', u'oxygen'), ('das', u'Plakat', u'bill; poster; placard'), ('das', u'Geschwister', u'sibling'), ('die', u'Besch\xe4ftigung', u'occupation; occupation; pursuits; employment; employ; preoccupation'), ('der', u'Ausgangspunkt', u'originator; starting point; point of departure; origin; base'), ('der', u'Atomphysiker', u'atomic physicist'), ('der', u'Walzer', u'waltz'), ('der', u'Vorort', u'suburb; burb (of)'), ('das', u'Negativ', u'negative'), ('der', u'Kunsth\xe4ndler', u'art dealer'), ('die', u'Kost\xfcmbildnerin', u'costume designer; costumer; costumier'), ('die', u'Grafik', u'graphic; printmaking (technique)'), ('die', u'Evolution', u'anthropogenesis; anthropogeny; human evolution; evolution'), ('die', u'Chronologie', u'chronology'), ('die', u'Bebauung', u'cultivation; development'), ('die', u'Sorge', u'worry; trouble; anxiety (about); fear; problem; worry; sorrow; care; alarm; preoccupation (with); concern (at; about; for); distress'), ('das', u'Imperium', u'empire; Reich'), ('der', u'Benediktiner', u'benedictine'), ('der', u'Arbeitgeber', u'employer; taskmaster'), ('die', u'Abwehr', u'interception; hostility; defence [Br.]; defense [Am.]; defence [Br.]; defense [Am.]; clearance; clearing; repulsion'), ('der', u'Zahnarzt', u'dentist; dental surgeon'), ('die', u'Vereidigung', u'swearing in; administration of the oath'), ('der', u'Titan', u'titan'), ('das', u'Titan', u'titanium'), ('der', u'Nationalheld', u'national hero'), ('die', u'Kette', u'manacle; chain; catena; string; thread; cordon; warp; tether; range'), ('der', u'Becher', u'Crater; Cup; tumbler; beaker; goblet; drinking cup; cup'), ('die', u'Angabe', u'specification; detail; swank; indication; boasting; bragging; cockalorum; representation (of a party); information (on; about); showing-off; posing (about)'), ('das', u'V\xf6lkerrecht', u'law of nations; public international law'), ('der', u'Verstand', u'apprehension; thought; mind; sanity; sanities; senses; wit; brains; brain'), ('der', u'Stahlbeton', u'reinforced concrete; ferroconcrete'), ('die', u'Rennfahrerin', u'racing driver; racing cyclist'), ('das', u'Oberkommando', u'high command'), ('der', u'Kirchentag', u'church congress'), ('der', u'Generalstreik', u'general strike'), ('das', u'Friesland', u'Friesland; Frisia'), ('die', u'Energieversorgung', u'energy supply; power supply; supply of energy'), ('das', u'Sibirien', u'Siberia'), ('der', u'Segler', u'sailer; yachtsman'), ('die', u'Pr\xe4sidentenwahl', u'presidential election'), ('das', u'Lebensmittel', u'food; foodstuff; comestible; viand'), ('der', u'Konteradmiral', u'rear admiral'), ('der', u'Gast', u'guest; sojourner; patron'), ('die', u'Filmproduzentin', u'filmmaker'), ('das', u'Ems', u'Emsian (Stage)'), ('das', u'Curling', u'curling'), ('die', u'Abk\xfcrzung', u'abbreviation /abbr./; shortcut (shorter route); acronym'), ('die', u'Weltmeisterin', u'world champion'), ('die', u'Weiterentwicklung', u'further development; further stage; derivative'), ('die', u'Thronfolge', u'succession to the throne'), ('der', u'Schluss', u'issue; closing; conclusion; end; deduction; inference; closure'), ('die', u'Note', u'note; musical note; note; memorandum; mark; grade [Am.]'), ('das', u'M\xe4nnchen', u'male; male mate; little man; manikin'), ('die', u'Modernisierung', u'modernization [eAm.]; modernisation [Br.]'), ('der', u'Hit', u'hit'), ('das', u'Betragen', u'behaviour [Br.]; behavior [Am.]; conduct'), ('das', u'Au\xdfenministerium', u'foreign office; State Department [Am.]'), ('das', u'Verkaufen', u'selling'), ('das', u'Stadtzentrum', u'city centre [Br.]; city center [Am.]; town centre [Br.]; town center [Am.]'), ('das', u'Sprengen', u'blasting'), ('die', u'Palme', u'palm; palm tree'), ('die', u'Landesw\xe4hrung', u'national currency'), ('der', u'Interpret', u'interpreter'), ('das', u'Ethan', u'ethane'), ('der', u'Chinese', u'Chinese'), ('der', u'Zoll', u'tariff; customs; duty; duane'), ('das', u'Zoll', u'inch (in)'), ('die', u'Sibylle', u'sibyl'), ('der', u'Regierungssitz', u'seat of government'), ('die', u'Redaktion', u'editorial office; editorial staff'), ('die', u'Neuauflage', u'reissue; new edition'), ('der', u'Nationalist', u'nationalist'), ('der', u'Mechaniker', u'mechanic; mechanician; mechanist; repairman'), ('die', u'Kolonialherrschaft', u'colonial supremacy'), ('der', u'Gulden', u'gulden; guilder'), ('der', u'Esprit', u'esprit'), ('die', u'Zeichnung', u'draft; draft version; outline; marking (on animal); drawing; drawn; design'), ('die', u'Werft', u'dockyard'), ('der', u'Teufel', u'devil; demon; deuce; dickens'), ('der', u'Staudamm', u'dam; barrage; retaining dam; retaining dam weir'), ('das', u'Lebewesen', u'creature; living thing; living being; living creature'), ('der', u'Kader', u'cadre; pool of athletes; pool of players'), ('der', u'Armenier', u'Armenian'), ('der', u'Wahlkreis', u'constituency; ward; electoral district [Am.]'), ('die', u'Verst\xe4rkung', u'gain; reinforcements {pl}; potentiation; support; intensification; amplification; boost; gain; recruitment; reinforcement; strengthener'), ('die', u'Vergr\xf6\xdferung', u'enlargement; augment; augmentation; blowup; magnification'), ('die', u'Reduzierung', u'cut; run-down; reduction (of sth.)'), ('der', u'Kontext', u'context'), ('die', u'Elite', u'elite; \xe9lite [Br.]'), ('die', u'Weisung', u'commission; instruction; directive'), ('der', u'Tisch', u'board; table; desk')] dictSet_33 = [('das', u'Tagebuch', u'journal; diary; log; log book; journal; recording book; blotter [Am.]'), ('der', u'Sprachgebrauch', u'language use; language usage; linguistic usage; usage'), ('der', u'Prophet', u'predictor; seer; prophet'), ('die', u'Muttersprache', u'mother tongue; native language; native tongue; first language'), ('das', u'Mahnmal', u'memorial'), ('der', u'Gedenktag', u'commemoration day; Memorial Day'), ('die', u'Braut', u'bride'), ('die', u'Ausweitung', u'extension; expansion; spreading; escalation; expansion'), ('die', u'Zitadelle', u'citadel'), ('die', u'Verk\xfcndung', u'promulgation'), ('der', u'Portr\xe4tmaler', u'portraitist; portrait painter; portrayer; limner; portraitist'), ('das', u'Pisa', u'Pisa (city in Italy)'), ('die', u'Pier', u'pier'), ('die', u'Kleidung', u'raiment; vesture; clothes; clothing; apparel; clothes; wardrobe; wear; outfit; attire'), ('die', u'Brauerei', u'brewery; brewery'), ('das', u'Brauchtum', u'custom'), ('das', u'Vorschaubild', u'thumbnail'), ('die', u'Summe', u'amount; sum; aggregate; sum; sum; total'), ('die', u'R\xe4umung', u'cleaning; clearance; removal; evacuation; vacation; eviction'), ('der', u'Rubin', u'ruby'), ('die', u'Psychologie', u'psychology'), ('die', u'Fremde', u'exile'), ('der', u'Dampfer', u'damper; steamer; steamboat; steamship /SS; s.s./'), ('der', u'Zollverein', u'tariff union'), ('die', u'Verpflichtung', u'charge; tie; plight; debt; commitment; liability; committal; duty; obligation; onus; engagement'), ('der', u'Stapel', u'pile; batch; pack; stack'), ('der', u'Regierungsbezirk', u'administrative district; administrative region'), ('der', u'Raumfahrer', u'spaceman; space traveller; astronaut'), ('das', u'Kabarett', u'cabaret (show); (satirical) show; divided serving dish'), ('das', u'Erfahren', u'experience'), ('die', u'Brandkatastrophe', u'fire disaster'), ('der', u'Brandanschlag', u'incendiary attack; arson attack'), ('die', u'Au\xdfenministerin', u'foreign minister; Foreign Secretary [Br.]; Secretary of State [Am.]'), ('die', u'Astronomin', u'astronomer'), ('der', u'Arbeitnehmer', u'employee; employed (person); worker'), ('das', u'Zentimeter', u'centimetre [Br.]; centimeter [Am.] /cm/'), ('das', u'Weibchen', u'female; female mate'), ('die', u'Wand', u'wall; septum'), ('das', u'Vernichtungslager', u'extermination camp'), ('der', u'Upload', u'uploading; upload'), ('die', u'Unterscheidung', u'distinction; differentiation; image; discrimination; distinction'), ('der', u'Seemann', u'seaman; sailor; navigator'), ('der', u'Register', u'stop'), ('das', u'Register', u'accumulator; vocal register; register; register; roll; register; docket; registry'), ('die', u'Pantomime', u'mime; dumb show; pantomime'), ('das', u'Panorama', u'panorama'), ('der', u'Dominikaner', u'Dominican; Dominican'), ('der', u'Domherr', u'canon; capitular [Am.]'), ('das', u'Biathlon', u'biathlon'), ('die', u'Aktivit\xe4t', u'activity'), ('der', u'Wirtschaftsminister', u'minister for economic affairs; Secretary of State for Trade and Industry; Trade and Industry Secretary [Br.]; Secretary of Commerce [Am.]'), ('der', u'Nationalismus', u'nationalism'), ('der', u'Karneval', u'carnival; Mardi Gras [Am.]'), ('der', u'Initiator', u'initiator'), ('der', u'Funke', u'spark'), ('die', u'Distanz', u'displacement; milage; mileage'), ('die', u'Demokratisierung', u'democratization [eAm.]; democratisation [Br.]'), ('das', u'Beachten', u'observance (of); compliance (with)'), ('der', u'Weltjugendtag', u'World Youth Day'), ('die', u'Wasserversorgung', u'water supply; water delivery'), ('das', u'Reduzieren', u'tapering'), ('die', u'Pipeline', u'pipeline; pipe line; pipeline; pipage; pipe line'), ('der', u'Personenverkehr', u'passenger traffic; passenger transport; movement of persons'), ('der', u'Neptun', u'Neptune'), ('der', u'Ministerrat', u'council of ministers'), ('der', u'Kurator', u'curator'), ('die', u'Konzession', u'franchise [Am.]; licence [Br.]/license [Am.] (to operate); operation authorisation; concession; concession (to); grant'), ('die', u'Gegenoffensive', u'counteroffensive'), ('die', u'Drei\xdfig', u'(number) thirty'), ('die', u'Autorit\xe4t', u'authority; authority'), ('die', u'Aufr\xfcstung', u'rearmament; armament'), ('das', u'Antennendiagramm', u'antenna pattern'), ('der', u'Anbau', u'cultivation; building extension; attachment; lean-to; annex'), ('das', u'Yoga', u'yoga'), ('die', u'Skala', u'spectrum; scale; range; gamut; scale; gamut; dial'), ('das', u'Gesicht', u'face'), ('die', u'Elektrotechnik', u'electrical engineering'), ('die', u'Dicke', u'thickness; fatness; gauge; consistency'), ('der', u'Dicke', u'the fat one'), ('das', u'Veto', u'veto; veto (on; from)'), ('die', u'Uni', u'varsity [Br.]'), ('der', u'Umweltsch\xfctzer', u'environmentalist; greenster [coll.]'), ('die', u'Schreibweise', u'notation; spelling'), ('die', u'Pr\xe4senz', u'presence'), ('die', u'Nachfrage', u'demand; request; demand; enquiry [Br.]; inquiry [Am.] (with sb./at at place)'), ('der', u'Kurier', u'courier; messenger; intelligencer'), ('das', u'Geschenk', u'present; prezzy [coll.]; gift; bestowment; blessing'), ('die', u'Freiheitsstatue', u'Statue of Liberty'), ('der', u'Cousin', u'cousin'), ('der', u'Benelux', u'Benelux'), ('die', u'Zentralregierung', u'central government'), ('die', u'Wildnis', u'boondocks; back country; wilderness; wild; waste'), ('das', u'Versprechen', u'assurance; pledge; promise'), ('das', u'Telefon', u'telephone /tel./; phone'), ('das', u'Teilchen', u'bun; particle; grain; corpuscle'), ('die', u'Rande', u'beetroot [Br.]; red beet [Am.]'), ('das', u'L\xe4nderspiel', u'international match'), ('der', u'Betreiber', u'operator; carrier; carrier'), ('das', u'Bekenntnis', u'confession; profession (to); declared belief in; declaration of belief in; avowal'), ('das', u'Rokoko', u'rococo')] dictSet_34 = [('die', u'Quantenmechanik', u'quantum mechanics'), ('das', u'Profil', u'profile; tread; section; cross section; cross-section; outline'), ('das', u'Ph\xe4nomen', u'phenomenon'), ('das', u'Lokal', u'premises; premise; premises'), ('der', u'Lebenslauf', u'curriculum vitae /CV; cv/ [Br.]; resume [Am.]; course of life; life career'), ('die', u'Erscheinung', u'appearance; emergence; occurrence <occurrance>; appearance; guise; parameterization [eAm.]; parameterisation [Br.]; phenomenon; apparition; ghostly apparition; phantom'), ('die', u'Bibliographie', u'bibliography'), ('der', u'Baubeginn', u'start of construction works; start of building'), ('die', u'Aus\xfcben', u'exercise (of a thing)'), ('der', u'Abschied', u'parting (from); valediction; goodbye; goodby; farewell; leave'), ('das', u'Trias', u'Triassic (system; period; age)'), ('die', u'Telekommunikation', u'telecommunications; telecom; remote communication'), ('die', u'Synode', u'synod'), ('der', u'Sch\xf6pfer', u'originator; creator; maker (of sth.); scoop'), ('der', u'Nordpol', u'North Pole'), ('die', u'Kronprinzessin', u'crown princess; Princess Royal [Br.]'), ('der', u'Jude', u'Jew; kike; hymie; sheeny [pej.]'), ('die', u'Depression', u'depression; black mood; depressed area; sag'), ('der', u'Zionismus', u'Zionism'), ('der', u'Wendepunkt', u'turning point; reversal point; decisive point; crisis; inflection point; point of inflection'), ('die', u'Vorwahl', u'preliminary election; primary [Am.]; code; preselection; prefix number; area code [Am.]; sequence selection; preselection'), ('das', u'Volumen', u'capacity; holding capacity; volume; volume'), ('die', u'Tochtergesellschaft', u'subsidiary company; subsidiary; affiliate [Am.]'), ('der', u'Schwan', u'swan; Cygnus; Swan; Northern Cross'), ('die', u'Milde', u'mildness; balminess; softness (of the climate); clemency; meekness; leniency; lenience (for sb.); mansuetude'), ('die', u'Kulturgeschichte', u'cultural history'), ('die', u'Inbetriebnahme', u'start-up (of a machine); commissioning; initial operation; putting into operation; transition; implementing'), ('die', u'DVD', u'DVD (nowadays: digital versatile disc [Br.]/disk [Am.], originally: digital video disc [Br.]/[Am.])'), ('der', u'Th\xfcringer', u'Thuringian'), ('das', u'Terminal', u'data terminal; terminal'), ('der', u'Tango', u'tango'), ('die', u'Suite', u'suite (of rooms); suite'), ('der', u'Peak', u'peak point (tracer test)'), ('der', u'Mittelstreckenl\xe4ufer', u'middle-distance runner'), ('der', u'Kommende', u'comer'), ('die', u'Fr\xfchgeschichte', u'early history'), ('die', u'Eingemeindung', u'incorporation'), ('der', u'Bogen', u'bend; bending; sheet; arc; arch; bow; bow; crescent; crescent-shaped object; elbow; butt; double joint (wind instrument); vault; coupon sheet'), ('die', u'Z\xe4hlung', u'reckoning; census; count'), ('die', u'Wade', u'calf; sura'), ('der', u'Opus', u'opus'), ('die', u'Mischung', u'mixture; composite; intermixture; melange; mixture; mix (of); compound; amalgam; blend (of)'), ('der', u'Landesmeister', u'national champion'), ('der', u'Humanismus', u'humanism'), ('die', u'Eruption', u'eruption'), ('die', u'Caldera', u'caldera; inbreak crater'), ('die', u'Ausstattung', u'layout; make-up; accoutrement; accouterment [Am.]; configuration; decorations; endowment; fitments; outfit; fittings; amenities; features; furnishing; decor; equipment; kit [Br.]; environment; appointments; facility'), ('der', u'Werdegang', u'career; development; history; personal background'), ('der', u'Traum', u'dream'), ('der', u'Stromausfall', u'power failure; power blackout; power outage; power cut; blackout'), ('der', u'Redner', u'speaker; orator; discourser'), ('der', u'Hospital', u'hospital'), ('der', u'Fuhrmann', u'carter; wagoner; waggoner [Br.]; Auriga'), ('der', u'Friedensschluss', u'peace agreement'), ('der', u'Zahn', u'notch; sprocket; tooth; sprocket'), ('der', u'Staatsvertrag', u'treaty'), ('das', u'Sansibar', u'Zanzibar'), ('der', u'Rap', u'rap'), ('die', u'Nachbarschaft', u'hood [slang]; neighbourhood [Br.]; neighborhood [Am.]; neighbourship [Br.]; neighborship [Am.]; vicinity; adjacency'), ('die', u'Durchsetzung', u'enforcement; interspersion; assertion; enforcement'), ('die', u'Cellistin', u'cellist; cello player'), ('der', u'B\xf6ttcher', u'cooper'), ('das', u'Bier', u'beer'), ('die', u'Aus\xfcbung', u'exertion; exercise (of a thing)'), ('die', u'Zelle', u'booth; airframe; cubicle; cell'), ('die', u'Wahrnehmung', u'sense'), ('die', u'Originalausgabe', u'original edition'), ('der', u'Modus', u'mode; mood; modality'), ('der', u'Marxismus', u'Marxism'), ('das', u'Hockey', u'hockey; field hockey'), ('die', u'F\xe4higkeit', u'aptitude; faculty; capability; efficiency; feature; ability; competence; competency; accomplishment'), ('die', u'Formation', u'formation; formation'), ('der', u'Drucker', u'print worker; printing machinist [Austr.]; printer; printer; lineprinter'), ('der', u'Breitengrad', u'latitude; degree of latitude; latitude degree'), ('die', u'Anpassung', u'adaptation; accommodation (to sth.); accommodation; alignment (with); adaption; adaptation; assimilation; conformation (to); alignment; conformity (with); conformableness; matching; modulation; adjustment; adjustment (to); rightsizing; fit'), ('das', u'Zur\xfccktreten', u'abdication'), ('die', u'Vollendung', u'achievement; accomplishment; consummation; perfection; finish'), ('der', u'Ureinwohner', u'aborigine'), ('der', u'Tripel', u'tripoli slate; guhr'), ('das', u'Tripel', u'triplet'), ('das', u'Trinkwasser', u'drinking water; potable water'), ('der', u'Sputnik', u'sputnik'), ('der', u'Schlegel', u'hammer; mallet; stick; drumstick'), ('die', u'Medina', u'medina'), ('der', u'Leichnam', u'corpse; (dead) body; cadaver'), ('der', u'Landschaftsarchitekt', u'landscape architect'), ('der', u'Komplex', u'complex; congeries; aggregation (of sth.)'), ('die', u'Gro\xdfmacht', u'great power; big power'), ('das', u'Bombardement', u'bomb attack; air raid; bombardment'), ('das', u'Wohnen', u'living'), ('der', u'Widerspruch', u'objection; oxymoron; contradiction; crosspurposes; disaccord; discrepancy; inconsistence; contrariety; antinomy; contradictoriness; opposition'), ('der', u'Wal', u'whale'), ('die', u'Sportlerin', u'athlete; jock [coll.]; sportswoman'), ('der', u'Samstag', u'Saturday /Sat/'), ('die', u'Popularit\xe4t', u'popularity'), ('die', u'Notenbank', u'issuing bank; bank of issue'), ('der', u'Erbauer', u'constructor; erector'), ('der', u'Arme', u'poor man; pauper'), ('der', u'Umsatz', u'turnover; volume of sales; top-line; conversion'), ('die', u'Trainerin', u'trainer; coach')] dictSet_35 = [('die', u'Satire', u'satire; skit'), ('der', u'Sander', u'outwash plain'), ('die', u'Psychoanalytikerin', u'psychoanalyst'), ('die', u'Maske', u'mask; vizard; helmet; poultice; disguise; fancy dress'), ('die', u'Kriegsgefangenschaft', u'war captivity'), ('die', u'Geburtsstunde', u'hour of birth; birth; natal hour'), ('die', u'Freiheitsstrafe', u'term of imprisonment; custodial sentence; prison sentence'), ('die', u'Botanikerin', u'botanist'), ('das', u'Bit', u'bit (binary digit)'), ('das', u'Training', u'training; workout; exercises'), ('der', u'Passagier', u'rider; passenger; pax'), ('das', u'Ostasien', u'East Asia'), ('das', u'Jahrzehnt', u'decade'), ('das', u'Hinterland', u'interior; hinterland; backlands; backcountry; back-up area; outback [Austr.]; upstate; boondocks; back country'), ('der', u'Fleck', u'stain; spot; patch; splotch; splodge; blot; blotch; tarnish [fig.]; mark; mark; fleck'), ('die', u'Erschlie\xdfung', u'opening (up); development; development; indexing'), ('die', u'Dominanz', u'dominance'), ('die', u'Diplomatie', u'diplomacy'), ('der', u'Boom', u'boom'), ('der', u'Austragungsort', u'venue; venue'), ('die', u'Zerschlagung', u'smashing; destruction; breaking; crushing; shattering'), ('der', u'Trust', u'trust'), ('der', u'Sachschaden', u'damage to property; property damage; material damage'), ('die', u'Meldung', u'report (on); dispatch; despatch; message; status signal; communication'), ('die', u'Kaiserzeit', u'Imperial Era'), ('der', u'Gedenkstein', u'memorial stone'), ('das', u'Essay', u'essay'), ('das', u'Erliegen', u'standstill'), ('der', u'Einsiedler', u'anchorite; recluse; hermit'), ('das', u'Betreten', u'apprehension (of a person in the act)'), ('der', u'Zusatz', u'addend; supplement; rider; adjunct; addition; addition; addendum; backing; amendment; endorsement; accessory; backing; add-on; additional clause; additive'), ('der', u'Torwart', u'goal keeper; goalkeeper; goalie [coll.]; netminder; goaltender [Am.]'), ('die', u'Sportart', u'sport; form of sport'), ('die', u'Schlechte', u'cleat; cleavage; parting; slip'), ('die', u'Revue', u'revue; chorus line'), ('die', u'Gleichschaltung', u'synchronization [eAm.]; synchronisation [Br.]; enforced (political) conformity; gleichschaltung'), ('der', u'Folklorist', u'folklorist'), ('der', u'Elektrotechniker', u'electrical engineer; electrical engineering technician'), ('das', u'Comeback', u'comeback'), ('das', u'Bezahlen', u'payment'), ('die', u'Weltgeschichte', u'world history'), ('der', u'Unterst\xfctzer', u'supporter; backer; endorser; maintainer'), ('der', u'Radiosender', u'radio station'), ('das', u'Phantom', u'phantom; phantom'), ('die', u'Luftbr\xfccke', u'airlift'), ('der', u'Hinterhalt', u'ambush'), ('der', u'Ausschluss', u'sequestration (from); exclusion; expel; preclusion; obviation'), ('der', u'Arrest', u'detention'), ('die', u'Rekonstruktion', u'reconstruction; reconstruction (of events)'), ('die', u'Pflege', u'care; care; maintenance; servicing; nursing; cultivation; tendance [obs.]; upkeep'), ('der', u'Mittelmeerraum', u'the Mediterranean (region/area)'), ('der', u'Mittag', u'midday; noon; noonday; noontide; noontime'), ('der', u'Kapitalismus', u'capitalism'), ('der', u'Kalkstein', u'limestone; lime rock; calcilyte; calcilith'), ('das', u'Haar', u'hair'), ('das', u'Guinness', u'Guinness (a brand of dark Irish beer)'), ('das', u'Diplom', u'diploma'), ('der', u'Deal', u'deal'), ('die', u'Beseitigung', u'removal; abolition; abolishment; deletion; disposal; liquidation (of sb.); elimination; removal; settling; redress; obviation; clearance'), ('die', u'Zusammenfassung', u'binning; digest; summary; abstract; summarization [eAm.]; summarisation [Br.]; summing-up; compendium; synopsis; subsumption'), ('der', u'Zorn', u'fury; ire; temper; anger; rage; spleen; wrath'), ('das', u'Skandinavien', u'Scandinavia'), ('die', u'Predigt', u'homily; sermon'), ('die', u'M\xe4rtyrerin', u'martyr'), ('die', u'Marktwirtschaft', u'market economy'), ('der', u'Mantel', u'coat; jacket; liner; shell; wrap; sheath; scabbard'), ('die', u'Erdatmosph\xe4re', u"earth's atmosphere; terrestrial atmosphere"), ('der', u'Assistent', u'assistant /asst./; diener; deaner'), ('der', u'Antifaschist', u'anti-fascist'), ('die', u'Verbannung', u'banishment; ostracism; expatriation'), ('die', u'Scheidung', u'divorce; divorcement'), ('der', u'Schauplatz', u'scene; locale; showplace; stage; theatre; theater [Am.]'), ('der', u'Radiologe', u'radiologist'), ('die', u'Markgr\xe4fin', u'margrave'), ('der', u'Kosmos', u'cosmos; universe; cosmos'), ('der', u'Experte', u'expert; pundit; TV pundit; authority; adept'), ('die', u'Eisenbahnstrecke', u'(railway) line; (railroad) track [Am.]; railway line; railroad line [Am.]; line section'), ('der', u'Drang', u'urge; compulsion (to do sth.); drive'), ('die', u'Anarchistin', u'anarchist'), ('die', u'Volkswirtschaft', u'political economics; political economy; national economy; domestic economy'), ('die', u'Stadtmauer', u'city wall'), ('die', u'Sprengkraft', u'explosive power; explosive force'), ('der', u'Ramadan', u'ramadan'), ('der', u'Liter', u'litre; liter [Am.]'), ('die', u'Kommunalpolitikerin', u'local politician'), ('die', u'Karikatur', u'caricature; cartoon; take-off; travesty'), ('die', u'Friedenskonferenz', u'peace conference'), ('die', u'Ethik', u'ethic; ethics'), ('die', u'Entsch\xe4digung', u'indemnity; compensation; indemnification; recoupment; reparation; reimbursement; redress'), ('die', u'Eigenschaft', u'character trait; trait; property; predicate; attribute; feature; particular feature; quality'), ('der', u'S\xfcdatlantik', u'Southatlantic'), ('der', u'Staatenbund', u'commonwealth; confederation'), ('das', u'Klimadiagramm', u'climate chart; climate graph'), ('die', u'Kernenergie', u'nuclear energy; atomic energy'), ('der', u'Grundriss', u'outline; ground plan; horizontal projection; layout; plot [Am.]'), ('die', u'Goldmark', u'gold mark'), ('der', u'Alias', u'alias'), ('die', u'Zuwanderung', u'immigration'), ('die', u'Zarin', u'czarina; tsarina'), ('der', u'Umweltschutz', u'environmental protection; environmentalism; pollution control')] dictSet_36 = [('der', u'Ruhestand', u'retirement'), ('die', u'Kontroverse', u'controversy'), ('der', u'Gestalter', u'framer'), ('der', u'Gemeinderat', u'municipal council'), ('das', u'Festspielhaus', u'festival hall'), ('die', u'Festschrift', u'memorial publication; commemorative publication; Festschrift'), ('die', u'Exklave', u'exclave'), ('der', u'Eiffelturm', u'Eiffel tower'), ('das', u'Doppel', u'duplicate; counterpart (of a deed)'), ('die', u'Deportation', u'deportation'), ('die', u'Ausf\xfchrung', u'execution (of sth.); accomplishment; achievement; effectuation; executing; construction; make; version; style; model; type; carrying out; realization [eAm.]; realisation [Br.]; implementation; hatchback; achievement; design'), ('der', u'Afroamerikaner', u'African-American'), ('das', u'Triebwerk', u'engine; power train'), ('der', u'Schwarzwald', u'Black Forest'), ('der', u'Run', u'run (on)'), ('das', u'Polo', u'polo'), ('das', u'Kilogramm', u'kilogram; kilogramme [Br.]; kilo /kg/'), ('die', u'Garde', u'guards {pl}'), ('das', u'Elfmeterschie\xdfen', u'penalty shoot-out'), ('der', u'Denker', u'thinker'), ('das', u'Budget', u'budget'), ('die', u'Berichterstattung', u'coverage; reporting; reportage'), ('die', u'Aufsicht', u'supervision; surveillance; custody; supervisor; person in charge; oversight; prudential supervision; shopwalker [Br.]; floorwalker [Am.] (in large shops); topview; top view; plan; control; charge'), ('der', u'Vorwand', u'excuse; pretext; guise; handle; plea'), ('das', u'Vordringen', u'progress'), ('die', u'Umstellung', u'changeover; changeover; shuffle; transposition; rearranging (of equations); dislocation'), ('die', u'Tr\xe4gerrakete', u'booster rocket; carrier rocket'), ('der', u'Truppentransporter', u'troop carrier; troopship'), ('die', u'Realschule', u'secondary modern school'), ('das', u'Motiv', u'motif; motive'), ('das', u'Monopol', u'monopoly'), ('die', u'Kandidatur', u'candidature'), ('die', u'Hummel', u'bumble-bee; bumblebee; humblebee'), ('die', u'Dynamik', u'dynamics; dynamism; vitality (of things); vigour [Br.]; vigor [Am.]'), ('das', u'Duo', u'duo'), ('der', u'Bundestrainer', u'national team coach'), ('der', u'Achter', u'eight; (number) eight'), ('die', u'Tendenz', u'leaning; inclination; tendency; propensity; tendency; turn; tendence [obs.]; trend'), ('die', u'Sternwarte', u'observatory'), ('der', u'R\xe4uber', u'bandit; robber; predator'), ('das', u'Rhodos', u'Rhodes'), ('der', u'Pavillon', u'pavilion'), ('der', u'Junker', u'Junker; (country) squire'), ('die', u'Gleichberechtigung', u'equality; equal rights'), ('das', u'Eintreten', u'espousal (of); advocacy (of); eventuation; occurrence (of an event)'), ('der', u'Briefwechsel', u'correspondence; exchange of letters (with sb.)'), ('die', u'Ber\xfccksichtigung', u'attention; consideration'), ('der', u'Aussichtsturm', u'observation tower; lookout tower'), ('das', u'Unwetter', u'thunderstorm; thunder-storm'), ('das', u'Pont', u'Pontian (stage)'), ('der', u'Luftverkehr', u'air traffic'), ('die', u'Judikative', u'judiciary; judicial system; judicature; judicial power'), ('der', u'Brauer', u'brewer'), ('der', u'St\xfcrmer', u'forward; attacker; striker; hotspur'), ('die', u'Steuer', u'tax; tax (on); impost'), ('das', u'Steuer', u'steering wheel; rudder; helm; steering wheel'), ('die', u'Staatsanwaltschaft', u"Public Prosecution Service / Office; Crown Prosecution Service [Br.] [Aus.]; District Attorney's Office [Am.] [Can.]; the public prosecutors; the prosecuting authority"), ('die', u'Panik', u'panic; alarmism; swivet'), ('das', u'Organisieren', u'organizing [eAm.]; organising [Br.]'), ('die', u'Krankenversicherung', u'health insurance; health insurance scheme; medical insurance'), ('der', u'Glaser', u'glazier; glazing and mirror specialist'), ('das', u'Genre', u'genre'), ('die', u'Friedensbewegung', u'peace movement'), ('die', u'Fregatte', u'frigate'), ('der', u'Floh', u'flea'), ('der', u'Clown', u'clown'), ('die', u'B\xfcste', u'bust'), ('die', u'Benutzung', u'use; use; utilization; utilisation [Br.] (of sth.)'), ('der', u'Ballonfahrer', u'balloonist'), ('die', u'W\xe4hrungsunion', u'monetary unit; monetary union'), ('der', u'Vorsprung', u'projection; protuberance; protrusion; start; head start; prominence (projecting part); lug'), ('das', u'Versagen', u'failure; breakdown'), ('der', u'Tanker', u'tanker'), ('die', u'Symphonie', u'symphony'), ('der', u'Pf\xe4lzer', u'Palatine; Palatinate'), ('das', u'Perm', u'Permian'), ('die', u'Partie', u'lot; party; game; fixture (between) [Br.]; lot'), ('die', u'Leiche', u'dead body; carcass; corpse; stiff; cadaver'), ('der', u'Fernsehfilm', u'television film'), ('die', u'Erstauff\xfchrung', u'first night'), ('die', u'Erfinderin', u'inventor'), ('das', u'Brot', u'bread'), ('das', u'Basin', u'basin'), ('die', u'Anthropologin', u'anthropologist'), ('der', u'Anbieter', u'supplier; provider; tenderer; bidder; (potential) seller; offerer; offeror; host'), ('der', u'Triumph', u'triumph (over)'), ('der', u'Triathlet', u'triathlete'), ('der', u'Ohm', u'uncle'), ('das', u'Ohm', u'ohm'), ('das', u'Nachweisen', u'proof'), ('das', u'L\xf6segeld', u'ransom'), ('die', u'Galeristin', u'gallery owner'), ('der', u'Faktor', u'factor; coefficient; consideration'), ('die', u'Compagnie', u'company /Co./'), ('die', u'Bundesstra\xdfe', u'A road [Br.]; interstate road [Am.]; federal highway [Am.]'), ('der', u'Schnitzler', u'shredder'), ('das', u'Passagierflugzeug', u'passenger plane'), ('das', u'Parlamentsgeb\xe4ude', u'capitol; statehouse'), ('die', u'Konfrontation', u'confrontation; showdown; identification parade [Br.]; identity parade [Br.]; police line-up [Am.]'), ('der', u'Klassizismus', u'classicism')] dictSet_37 = [('der', u'Goldrausch', u'gold fever; gold rush'), ('der', u'Esser', u'eater'), ('der', u'Denkmalschutz', u'protection of historical buildings and monuments'), ('das', u'Betrachten', u'contemplation'), ('der', u'Bauernkrieg', u"peasants' revolt"), ('die', u'Anbindung', u'accessibility; binding; linking; linkage; connection; connexion [Br.]'), ('die', u'Warf', u'warft; warf; artificial dwelling hill'), ('der', u'Vetter', u'cousin'), ('der', u'Stich', u'sting; prick; sting; bite; jab; stab; thrust; stitch; engraving; stabbing; pain; stitch; tinge; trick'), ('die', u'Regierungspartei', u'ruling party'), ('die', u'Realit\xe4t', u'the actualities (of a sphere); reality; real life; actuality'), ('die', u'Pr\xe4fektur', u'prefecture'), ('die', u'Immigration', u'immigration'), ('das', u'Duell', u'duel'), ('der', u'Amateur', u'amateur; dilettante; dabbler; amateur'), ('der', u'Takt', u'grace; measure; (musical) bar; beat; clock; tact; gating; step; savoir faire; clock pulse; time; headway; stroke'), ('der', u'Seekrieg', u'naval war'), ('die', u'Schulpflicht', u'compulsory education; obligation to attend school; compulsory schooling; compulsory school attendance'), ('der', u'Salon', u'drawing-room; parlor [Am.]; saloon; salon; lounge bar (in a restaurant)'), ('der', u'Reichsverweser', u'imperial vicar'), ('die', u'Rassentrennung', u'apartheid; racial segregation'), ('der', u'Nachlass', u'abatement; concession; estate; bequest; deduction; unpublished text; allowance'), ('die', u'Mehrzahl', u'majority; plural'), ('das', u'Medium', u'medium'), ('die', u'Liturgie', u'liturgy'), ('die', u'Lebensweise', u'living'), ('der', u'Helm', u"helmet; skull guard; hard hat; safety hat; safety cap; skull gard; tin hat; miner's helmet; miner's hard cap; handle; helve; shaft"), ('das', u'Eck', u'corner'), ('die', u'Bekanntheit', u'prominence'), ('die', u'Bearbeitung', u'adaptation; editing; machining; handling; processing'), ('die', u'Anmerkung', u'annotation; comment; note; memo; /N.B.; NB/; remark (on)'), ('das', u'Verfolgen', u'tracking'), ('der', u'Teller', u'plate; plunger cup; disc [Br.]; disk [Am.]'), ('der', u'Schmuck', u'decoration; jewelry; jewellery [Br.]; ice; rock [slang]; emblazonment; emblazonments; adornment; panoply; frills; ornament'), ('der', u'Radsport', u'cycling'), ('das', u'Netzwerk', u'net; network'), ('das', u'Moor', u'fen; fenland; bog; mire; moor; glaur [Sc.]'), ('der', u'Moment', u'instant; jiffy; split second; shake [coll.]; moment; point /pt/'), ('das', u'Moment', u'momentum; moment'), ('der', u'Milit\xe4rdienst', u'military service; National Service'), ('das', u'Lehen', u'fief; fiefdom'), ('die', u'Kriminalit\xe4t', u'crime; delinquency; crime rate'), ('die', u'Inquisition', u'inquisition'), ('das', u'Gutachten', u"assessment; expert assessment; report; expert report; experts' report; advisory opinion; expert opinion; survey; opinion; award"), ('das', u'Geheimnis', u'secret; mystery; mystique'), ('die', u'Flutkatastrophe', u'flood disaster'), ('die', u'Erw\xe4hnung', u'mention'), ('der', u'Diener', u'butler; servant; attendant; attender; manservant; ministrant; server; slave; valet; menial; skivvy [Br.]'), ('die', u'Anweisung', u"directive; instruction; instructing; statement; assignment; assignation; direction; payment order; banker's order"), ('das', u'Urheberrecht', u"copyright; author's rights"), ('der', u'Urheber', u'originator'), ('die', u'Steigerung', u'rise; increase (in sth.); improvement; cumulation; enhancement; escalation; comparison; pickup; augmentation'), ('der', u'Schacht', u'manhole; workings; drain; mine shaft; shaft; hoistway; bay; well; duct'), ('das', u'Roh\xf6l', u'crude oil; crude naphtha; raw oil; base oil; rock oil; crude petroleum; unrefined oil'), ('der', u'Pueblo', u'pueblo'), ('die', u'Popmusik', u'pop music'), ('der', u'Klotz', u'block; brick; chump; log; hulk; clog; lout'), ('der', u'Herold', u'herald'), ('der', u'Hauptdarsteller', u'headliner; leading actor'), ('der', u'Generalstab', u'general staff'), ('das', u'Feldhockey', u'hockey; field hockey'), ('die', u'Erholung', u'rally; recovery; recreation; recuperation; relaxation; recovery of prices; rest; convalescence; reconvalescence'), ('der', u'Dermatologe', u'dermatologist'), ('der', u'Aufwand', u'expenditure (of); outlay; effort; complexity; expense; cost; luxury'), ('das', u'Arsenal', u'arsenal; armoury [Br.]; armory [Am.] (of sth.) [fig.]'), ('die', u'Umgestaltung', u'refactoring; modification (of sth.); reconfiguration; transfiguration; recast'), ('das', u'Synonym', u'synonym'), ('die', u'Rache', u'revenge; vengeance; retribution; payback'), ('der', u'Parlamentspr\xe4sident', u'speaker of the parliament'), ('die', u'Erdoberfl\xe4che', u"earth's surface; surface of the earth"), ('der', u'Edelmann', u'nobleman'), ('die', u'Zivilisation', u'civilization [eAm.]; civilisation [Br.]; civilization [eAm.]; civilisation [Br.]; civilisation'), ('der', u'Wohnsitz', u'abode; dwelling; residence; residence; place of residence'), ('die', u'Toleranz', u'allowance; remedy; tolerance; permissiveness'), ('das', u'Teneriffa', u'Tenerife (Canary Island)'), ('die', u'Stimmung', u'ambience; atmosphere; temper; vein; tune; disposition; mood'), ('der', u'Sowjet', u'soviet'), ('das', u'Rechnen', u'calculating; numeracy'), ('die', u'Perspektive', u'prospect (of); perspective; aspect; prospect; perspective; point of view; prospectus; vista'), ('das', u'Negative', u'negative'), ('die', u'Frauenbewegung', u"women's movement"), ('das', u'Fleisch', u'meat'), ('die', u'Fischerei', u'fishery; fishing industry; fishing'), ('die', u'Bewertung', u'estimation; appraisal; assessment; benchmark; valuation; weighing; measurement; weighting; average cost method; rating; benchmark test; evaluation; grading; review'), ('der', u'Astrologe', u'astrologer'), ('das', u'ABC', u'alphabet'), ('der', u'Zionist', u'Zionist'), ('die', u'Weltmacht', u'world power'), ('die', u'Uranus', u'uranus'), ('die', u'Unzufriedenheit', u'disaffection; discontent; discontentment; dissatisfaction (with); discontentedness'), ('der', u'Ritus', u'rite'), ('die', u'Norm', u'norm; norm; standard'), ('der', u'Metzger', u'butcher'), ('das', u'Lernen', u'learning; study'), ('das', u'Kunstmuseum', u'art museum'), ('das', u'Konservatorium', u'conservatory; conservatoire; academy of music'), ('der', u'Jungfernflug', u'maiden flight; first flight'), ('die', u'Freundin', u'friend; girlfriend; companion'), ('das', u'Folgejahr', u'subsequent year'), ('das', u'Cardiff', u'Cardiff (capital of Wales)')] dictSet_38 = [('das', u'Bev\xf6lkerungswachstum', u'growth of population; population growth'), ('das', u'Beben', u'shake; tremor'), ('die', u'Astronautin', u'space traveller; astronaut'), ('das', u'Schwanken', u'sway; dither; stagger'), ('das', u'Landesinnere', u'heartland; interior; inland'), ('das', u'K\xf6nigshaus', u'royal house; royal dynasty; royalty'), ('der', u'Kredit', u'credit; loan'), ('der', u'Kindergarten', u'kindergarten; nursery school; day nursery; daycare facility for children; daycare center; daycare centre'), ('der', u'Hering', u'herring; tent peg'), ('das', u'Heil', u'salvation; well-being; good'), ('das', u'F\xfcnftel', u'fifth; fifth part'), ('der', u'Anglist', u'English specialist; Anglicist'), ('die', u'Widerstandsgruppe', u'resistance group'), ('die', u'Unterschrift', u'signature'), ('der', u'Strafgerichtshof', u'criminal court'), ('das', u'Sinken', u'drop; descent; falloff'), ('der', u'Radfahrer', u'cyclist; bikerider; bicyclist'), ('die', u'Freude', u'joy; pleasure; blitheness; enjoyment; funnies; gladness; joice; fun; joyousness; glee; delight'), ('die', u'Erneuerung', u'novation; renewal'), ('das', u'Burgenland', u'Burgenland'), ('das', u'Bongo', u'bongo drum; bongo'), ('die', u'Bauweise', u'coverage type; type of building coverage; architecture; structure; construction; construction method; construction style; construction; design'), ('die', u'Baureihe', u'line of products; (production) series'), ('der', u'Australier', u'Australian; Aussie [coll.]'), ('das', u'Vorwort', u'foreword; foreword; preface'), ('die', u'Vergeltung', u'vengeance; quittance; repayment; requital; retribution; payback; retaliation'), ('der', u'Teddy', u'teddy bear; teddy'), ('das', u'Sto\xdfen', u'hurl; pounding; cleand and jerk (weightlifting); pushing'), ('die', u'Solidarit\xe4t', u'solidarity'), ('der', u'Silvester', u"New Year's Eve; Hogmanay (Scotland)"), ('das', u'Privileg', u'privilege; perquisite; charter; prerogative'), ('die', u'Melodie', u'melody; tune'), ('der', u'Kanute', u'canoeist'), ('der', u'Evangelist', u'evangelist'), ('das', u'Embargo', u'embargo'), ('die', u'Beratung', u'consultation; consulting; consulting service; counsel; counselling; deliberation; advice'), ('die', u'Asche', u'ash; cinders'), ('der', u'Zusammensto\xdf', u'conflict; collision; crash; crash; clash; encounter; impingement; brush; collision (plate tectonics); junction (of plates)'), ('die', u'Vision', u'vision'), ('das', u'Verschwinden', u'demise; eclipse; disappearance; vanishing'), ('das', u'Stoppen', u'trapping (of sth.); stop'), ('das', u'Seebeben', u'seaquake; submarine earthquake'), ('die', u'Hilfsorganisation', u'relief organization [eAm.]; relief organisation [Br.]'), ('die', u'Fahne', u'alcohol halitosis; malodorous breath from alcohol; flag; ensign; lug'), ('die', u'Bundestagsfraktion', u'parliamentary group/party in the Bundestag'), ('der', u'Besatzer', u'member of the occupying forces; occupying power'), ('der', u'Volleyballspieler', u'volleyball player'), ('die', u'Stadtentwicklung', u'urban development'), ('der', u'Stab', u'pole; rod; bar; baton; staff; wand; stick'), ('das', u'Sonnensystem', u'solar system'), ('der', u'Primas', u'primate'), ('die', u'Orientierung', u'orientation'), ('die', u'Konstitution', u'constitution'), ('die', u'G\xfcltigkeit', u'validity; validness; force; effect'), ('die', u'Einreise', u'entry (into)'), ('der', u'Biograph', u'biographer'), ('die', u'Billigung', u'approbation; approval; assent; fiat; endorsement'), ('das', u'Ausscheiden', u'exit; elimination; withdrawal (of sth.); retirement; departure'), ('der', u'Antrieb', u'incentive; stimulus; actuation; drive; propulsion; motor; power unit; urge; drive train; impellent; impulsion; prompting; geared motor drive; belted motor drive'), ('der', u'Tang', u'seaweed'), ('der', u'Summer', u'buzzer'), ('die', u'Str\xf6mung', u'current; airstream; flow; drift; trend'), ('das', u'Scheiden', u'sorting; bucking; selection; picking'), ('der', u'Magistrat', u'municipal authorities'), ('der', u'Kult', u'cult; ritual'), ('der', u'Harz', u'Harz Mountains'), ('das', u'Harz', u'rosin; resin; tree resin; sap; tree sap [Am.]; pitch'), ('das', u'Gen', u'gene'), ('der', u'Dynamo', u'generator; dynamo'), ('der', u'Bausch', u'wad; dabber'), ('die', u'Andromeda', u'Andromeda'), ('das', u'Seegefecht', u'naval action'), ('der', u'Schreiner', u'joiner; carpenter'), ('der', u'Schober', u'haystack; stack; barn; rick'), ('das', u'Pogrom', u'pogrom'), ('der', u'Orbit', u'orbit'), ('das', u'Observatorium', u'observatory'), ('die', u'Menschlichkeit', u'humanity; humanity'), ('die', u'Kunstakademie', u'academy of arts; College of Art'), ('der', u'Koller', u'staggers'), ('der', u'Fleischer', u'butcher'), ('der', u'Chaos', u'snarl'), ('das', u'Chaos', u'chaos; bedlam; shambles; mayhem; snafu [coll.] [Am.]; pandemonium; havoc'), ('der', u'Bon', u'voucher; bon'), ('das', u'Banner', u'banner'), ('das', u'Tschetschenien', u'Chechenya; Chechenia'), ('der', u'Stoff', u'(woven) fabric; material; matter; cloth; stuff; dope [slang]; substance'), ('die', u'Reihenfolge', u'sequence; succession; order; turn'), ('die', u'Begleitung', u'chaperoning; company; entourage; accompaniment; attendance; chaperonage; backing'), ('das', u'Archipel', u'archipelago'), ('die', u'Verlegung', u'dislocation; moving; transfer; transferral; shifting (to); postponement (to); transfer (of detainees)'), ('der', u'Tiergarten', u'zoological garden; zoo'), ('die', u'Taktik', u'tactic; tactics; policy'), ('die', u'Meuterei', u'mutiny'), ('das', u'Kleinste', u'least'), ('der', u'Gastronom', u'gastronomer'), ('der', u'Drahtzieher', u'wiredrawer; wire-puller; manipulator'), ('das', u'Benzin', u'petrol [Br.]; gas; gasoline [Am.]; benzine'), ('die', u'Bef\xf6rderung', u'advancement; conveyance; preferment; traction; promotion; elevation; haulage; transport [Br.]; transportation [Am.]; carriage; forwarding'), ('die', u'Zunahme', u'groundswell; rise; increase (in sth.); bulge; gain; widening; augmentation; growth; accretion; increment')] dictSet_39 = [('die', u'Weichsel', u'sour cherry; Vistula'), ('die', u'Thronbesteigung', u'accession to the throne'), ('die', u'Terroristin', u'terrorists'), ('der', u'Staatsbankrott', u'national bankruptcy'), ('die', u'Radioaktivit\xe4t', u'radioactivity'), ('die', u'M\xfche', u'effort; trouble; toil'), ('die', u'Liedermacherin', u'songwriter'), ('der', u'Leser', u'reader'), ('der', u'Jahresr\xfcckblick', u'end-of-the-year review'), ('der', u'Historismus', u'historicism; historism'), ('das', u'Getreide', u'grain; cereal; corn [Br.]; rick; corn'), ('die', u'Erkenntnis', u'perception; insight; realization [eAm.]; realisation [Br.]; finding; discovery; cognition; recognition; realization [eAm.]; realisation [Br.]; cognizance; ken; knowledge {no pl} (of); realization [eAm.]; realisation [Br.]; cognisance [Br.]; cognizance [Br.]; cognizance [Am.]'), ('die', u'Verwandte', u'kinswoman'), ('der', u'Verwandte', u'kinsman'), ('das', u'Taxi', u'taxi; taxicab; cab'), ('das', u'Stra\xdfennetz', u'road network; road system'), ('der', u'Storch', u'stork'), ('der', u'Ostblock', u'Eastern bloc'), ('das', u'Neujahr', u"New Year; New Year's Day"), ('das', u'Mittelamerika', u'Central America'), ('der', u'Maschinenbauer', u'machine builder'), ('der', u'Kasseler', u'Kassler; Kasseler; salted and smoked pork chop'), ('der', u'Jedermann', u'Joe Public; Jow Q. Public; John Doe; John Smith; Joe Sixpack; Joe Pedestrian [coll.]'), ('das', u'Handwerk', u'handicraft; handcraft; craft; handwork; manual skills; trade'), ('die', u'Flut', u'flow; high tide; spate; flood; barrage [fig.]; deluge; welter'), ('der', u'Drachen', u'kite; vixen; harpy; hellcat'), ('der', u'Doge', u'doge'), ('das', u'Bedenken', u'misgiving; scruple'), ('das', u'Barrel', u'barrel'), ('die', u'Auslegung', u'interpretation; construction; design; dimensioning'), ('der', u'Aspekt', u'aspect; aspect'), ('der', u'Weinberg', u'vineyard'), ('der', u'Vulkanausbruch', u'volcanic eruption; volcanic outburst; volcanic outbreak'), ('die', u'Verletzung', u'damage; injury; hurt; infraction; breach; encroachment; laceration; violation; breach (of); infringement (of); violation (of); breach of contract; breach of treaty obligations; infringement; lesion'), ('der', u'Server', u'server'), ('der', u'Schwabe', u'Swabian'), ('der', u'Scheiterhaufen', u'funeral pile; (funeral) pyre; stake; Viennese souffl\xe9 with rolls and apples'), ('das', u'Mittelland', u'midland'), ('der', u'Messer', u'analyser'), ('das', u'Messer', u'knife'), ('die', u'Mafia', u'Mafia; Maffia'), ('die', u'Lebenszeit', u'lifetime (of sb./sth.)'), ('das', u'Label', u'label'), ('die', u'Kunstturnerin', u'gymnast'), ('der', u'Jugendstil', u'Jugendstil; art nouveau'), ('der', u'Erstdruck', u'first print'), ('der', u'Dumas', u'dumas'), ('die', u'Ausweisung', u'expulsion (from); removal (of aliens and others) [Am.]; proof of identity; legitimation; designation (for a purpose)'), ('die', u'Auslieferung', u'extradition; delivery /dely/; shipment; shipping'), ('die', u'Wolga', u'Volga'), ('die', u'Verarbeitung', u'workmanship; machining; fabrication; manipulation; processing; finish'), ('die', u'Sekunde', u'second'), ('der', u'Schnitt', u'incision; serration; cut; cutting; editing; snip; cut; crop; slash; section; edge'), ('der', u'Organisator', u'analyst; promoter; organizer [eAm.]; organiser [Br.]'), ('die', u'Nationalgarde', u'National Guard'), ('die', u'Modedesignerin', u'fashion designer'), ('die', u'Mitwirkung', u'assistance; contribution; collaboration; concurrence; cooperation; co-operation'), ('der', u'Fallschirmj\xe4ger', u'paratrooper; Para [Br.]'), ('die', u'Best\xe4tigung', u'recognition; confirmation; corroboration; endorsement; validation; acknowledgement [Br.]; acknowledgment [Am.]; witnessing of tests; reinforcement; verification; affirmation; reassurance; ratification'), ('die', u'Avantgarde', u'avant-garde; vanguard'), ('der', u'Wohlstand', u'prosperity; affluence; wealth; abundance'), ('der', u'Wahlspruch', u'motto'), ('die', u'St\xf6rung', u'disturbance; distortion of sense of taste; taste/gustatory disorder; dysgeusia; parageusia; hiccup; disturbance; disturbance; noise; derangement; perturbation; disorder; intrusion; intruding; malfunction; trouble; fault; interference; disruption; dislocation'), ('die', u'Satzung', u'by-law; standing rule; statute; constitution (of an organisation); articles of association; rules of a society; regulations of a society'), ('das', u'Pontifikat', u'pontificate'), ('die', u'Kulturrevolution', u'cultural revolution'), ('die', u'Kenntnis', u'notice (of sth.); cognizance; ken; knowledge {no pl} (of); awareness; familiarity (with other languages)'), ('der', u'Gro\xdfvater', u'granddad; grandfather'), ('der', u'Fagottist', u'bassoonist'), ('die', u'Caritas', u'charity'), ('die', u'Ware', u'item; commodity; merchandise; ware'), ('die', u'Vorwarnung', u'forewarning; advance warning; heads-up; premonition'), ('der', u'Tee', u'tea'), ('das', u'Tee', u'tee'), ('die', u'Schwebebahn', u'suspension (cable) railway'), ('der', u'Reichtum', u'richness; affluence; luxuriancy; opulence; richness; riches; wealthiness; affluence; wealth; fortune; pile [slang]; abundance'), ('der', u'Papa', u'daddy; dad'), ('die', u'Nationalit\xe4t', u'nationality; citizenship'), ('der', u'Kleriker', u'cleric'), ('die', u'Intifada', u'intifada'), ('das', u'Gotteshaus', u'house of God; church'), ('die', u'Direktwahl', u'direct election'), ('die', u'Beliebtheit', u'prominence; popularity; approval rate; vogue'), ('das', u'Atelier', u"atelier; artist's workroom; studio"), ('die', u'Steuerung', u'controller; control; control system; control; control system; controls; control equipment; steering; risk management; piloting; drive; supervision; steerage; open-loop control; feed-forward control'), ('das', u'Schutzgebiet', u'sanctuary; dependency'), ('das', u'Produkt', u'produce; product; product'), ('die', u'Nachrichtenagentur', u'news agency'), ('das', u'Lux', u'lux'), ('der', u'Lithograf', u'lithographer'), ('die', u'Leiterin', u'treasurer; manager; acting manager; chief; manageress'), ('das', u'Lama', u'llama'), ('der', u'Kriegszustand', u'state of war'), ('der', u'Jahrgang', u'age cohort; volume /vol./ (of a book); (same) year; vintage; year'), ('die', u'Folks\xe4ngerin', u'folk singer'), ('die', u'Bl\xfcte', u'blossom; flower; bloom; florescence; dud; prime; flower; heyday; prime; bloom'), ('die', u'Billion', u'trillion; billion [Br.] [obs.]; million million'), ('das', u'Bauwesen', u'building and construction industry; civil engineering; architecture'), ('das', u'Portland', u'Portlandian (stage)'), ('die', u'Landbev\xf6lkerung', u'rural population')] dictSet_40 = [('die', u'Kugel', u'ball; bowl; ball; scoop; bullet; slug; shot; globe; orb; sphere; orbicule'), ('der', u'Krug', u'bottle; flagon; pot; jar; jug; mug; pitcher; tankard'), ('das', u'Kriegsrecht', u'martial law; law of war'), ('der', u'Handwerker', u'workman; craftsperson; craftsman; manufacturer; mechanic; artisan'), ('die', u'Entertainerin', u'entertainer'), ('der', u'Angeh\xf6riger', u'officer'), ('die', u'Winde', u'windlass; lift [Br.]; elevator [Am.]; crab; (open) winch; hoist; capstan; Morning Glory; bindweed; convolvulus; winch'), ('die', u'Verschmelzung', u'fusion; merger; conflation; mixing; confusion; amalgamation; concretion; mergence'), ('die', u'Terrorgruppe', u'terrorist group'), ('der', u'Teamchef', u'national team coach'), ('die', u'Spring', u'spring line'), ('die', u'Rechtswissenschaft', u'legal science; jurisprudence; law'), ('das', u'Nachbarland', u'neighbouring country [Br.]; neighboring state [Am.]; bordering country'), ('der', u'Most', u'fruit juice; grape juice; must; fruit wine'), ('der', u'Klassiker', u'classic; classical author; classicist'), ('das', u'Erzgebirge', u'Ore Mountains'), ('der', u'Entf\xfchrer', u'kidnapper; hijacker; abductor'), ('die', u'Diskothek', u'discotheque; disco; club [Am.]'), ('die', u'Diplomatin', u'diplomat; diplomatist'), ('das', u'Deb\xfct', u'debut'), ('das', u'Abchasien', u'Abkhazia'), ('die', u'Abbildung', u'map; mapping; mapping; map; transformation; picture; image; figure /fig./; illustration /ill./; reproduction; illustration'), ('der', u'Zeitungsverleger', u'newspaper proprietor'), ('der', u'Weiler', u'hamlet'), ('die', u'Uniform', u'uniform'), ('der', u'S\xf6ldner', u'mercenary; foreign volunteer'), ('der', u'Mohn', u'poppy; poppy seed; poppy seeds'), ('der', u'Minor', u'minor'), ('der', u'Konquistador', u'conquistador'), ('die', u'Informatikerin', u'computer scientist'), ('die', u'Gew\xe4hrung', u'granting'), ('das', u'Erleben', u'experience'), ('der', u'Ulster', u'ulster'), ('das', u'Ulster', u'Ulster'), ('die', u'Strenge', u'asperity; rigour [Br.]; rigor [Am.]; severity; strictness; astringence; astringences; topmast'), ('der', u'Sportsch\xfctze', u'sporting marksman'), ('der', u'Okkultist', u'occultist'), ('der', u'Meilenstein', u'milestone; milepost; landmark; cornerstone; milestone'), ('der', u'Massenm\xf6rder', u'mass murderer'), ('die', u'Lausitz', u'Lusatia'), ('die', u'Denise', u'denise'), ('der', u'Boulevard', u'Boulevard /Blvd/'), ('das', u'Boulevard', u'boulevard'), ('die', u'Abkehr', u'turning away'), ('der', u'Zirkus', u'circus'), ('die', u'W\xe4rme', u'heat; warmth; conduction; thermally; warmness'), ('das', u'Studieren', u'study'), ('das', u'Speed', u'speed [slang]'), ('die', u'Serienm\xf6rderin', u'serial killer'), ('die', u'Okkupation', u'occupation'), ('das', u'Gremium', u'committee; panel; board'), ('der', u'Gartenarchitekt', u'landscape gardener'), ('die', u'Episode', u'episode'), ('der', u'Derrick', u'derrick'), ('die', u'Bohrinsel', u'drilling platform; oil rig'), ('das', u'Betriebssystem', u'operating system /OS/; system software'), ('die', u'Bande', u'band; gang; rout; gang; mob; cliques; caboodle; cushion'), ('die', u'Ausbeutung', u'exploitation (of sth.); daylight robbery'), ('die', u'Abfahrt', u'departure /dep./; exit; ski run; ski slope'), ('die', u'Tournee', u'tour'), ('die', u'Migration', u'migration'), ('der', u'Lektor', u"lecturer; junior university teacher; editor; publisher's editor; reader; subject specialist"), ('der', u'Genealoge', u'genealogist'), ('der', u'Gangster', u'gangster; bandit; gunman; racketeer; mobsman; mobster [Am.]; hood [Am.]'), ('der', u'Eroberer', u'conqueror; conquistador'), ('der', u'Elch', u'elk; European elk; moose [Am.]'), ('die', u'Choreographin', u'choreographer'), ('die', u'Beachtung', u'heed; heeding; attention; notice (of sth.); observance (of); compliance (with)'), ('die', u'Bandbreite', u'bandwidth; spectrum; strip width; band width'), ('die', u'Autobiographie', u'autobiography'), ('die', u'Zoologin', u'zoologist'), ('die', u'Wiedereinf\xfchrung', u'relaunch; reintroduction'), ('der', u'Staatsanwalt', u"Public Prosecutor; Crown Prosecutor [Br.] [Aus.]; District Attorney [Am.] /DA/; State / State's Attorney; County Attorney; County Prosecutor; Prosecuting Attorney; Solicitor [Am.]"), ('die', u'Sch\xe4tzung', u'evaluation; appraisal; assessment; valuation; ballpark figure; estimate; guess; appraisement; estimation; appreciation'), ('die', u'Kleinstadt', u'small town; whistle-stop [Am.]'), ('die', u'Eheschlie\xdfung', u'marriage; marriage ceremony'), ('die', u'Defensive', u'defensive'), ('die', u'Bundesagentur', u'Federal Labour Office'), ('der', u'Biotop', u'biotope'), ('der', u'Angreifer', u'aggressor; attacker; assailant; assaulter; raider; invader; forward; attacker; striker'), ('der', u'Abschuss', u'firing'), ('das', u'Weihnachten', u'Christmas; Xmas'), ('das', u'Wahlergebnis', u'election result; election returns'), ('die', u'Spielzeit', u'playing time; playtime; season; run'), ('das', u'Rohr', u'baking oven; oven; barrel (of a rifle or cannon); duct; pipe; liner; tubing; conduit'), ('die', u'Regierungsumbildung', u'cabinet reshuffle'), ('die', u'Qualifikation', u'eligibility (of persons); qualification; qualifying; qualification'), ('der', u'Nachruf', u'obituary; obit [coll.] (on sb.)'), ('das', u'Mutterland', u'mother country; motherland'), ('die', u'Mosel', u'Moselle (river)'), ('die', u'Mitarbeit', u'cooperation; collaboration; classroom participation; assistance (in)'), ('der', u'Medienunternehmen', u'media company'), ('der', u'Kr\xe4mer', u'monger; small trader; small shopkeeper [Br.]; small dealer [Am.]; small storekeeper [Am.]; chandler; grocer'), ('der', u'Hass', u'hate; hatred; rancour [Br.]; rancor [Am.]; odium'), ('die', u'Gesamtfl\xe4che', u'total area'), ('das', u'Detail', u'detail; particular'), ('das', u'Cockpit', u'flight compartment; cockpit'), ('der', u'Bodenkundler', u'pedologist'), ('das', u'Becquerel', u'Becquerel'), ('die', u'Amerikanerin', u'American')] dictSet_41 = [('der', u'Zeichentrickfilm', u'animated film; animated cartoon'), ('der', u'Wettlauf', u'foot race; footrace; race'), ('der', u'Raddampfer', u'paddle steamer'), ('die', u'Kreisstadt', u'county town'), ('die', u'Kapazit\xe4t', u'capacity; holding capacity; capacity; authority; capacitance'), ('das', u'Innenministerium', u'ministry of the interior; interior ministry'), ('der', u'Inger', u'hagfish'), ('die', u'Immunit\xe4t', u'immunity; privilege'), ('der', u'B\xfcttner', u'cooper'), ('die', u'Biologin', u'biologist'), ('die', u'Barre', u'bar; barrier ridge'), ('die', u'Arktis', u'arctic'), ('der', u'Anzeiger', u'indicator; gazette; detector; signifier'), ('der', u'Afrikaner', u'African; Black African'), ('die', u'Volksbildung', u'national education'), ('das', u'Titelblatt', u'title page'), ('die', u'Sanierung', u'recapitalization [eAm.]; recapitalisation [Br.]; reconstruction; remediation; clean-up; reclamation of contaminated sites; refurbishment; rehabilitation; redevelopment; sanitation; restructuring; reconstruction'), ('das', u'Salz', u'salt'), ('der', u'Restaurator', u'conservator'), ('der', u'Repr\xe4sentant', u'ambassador; representative; representative'), ('die', u'Pinakothek', u'pinacotheca'), ('das', u'Pentagon', u'pentagon; the Pentagon'), ('die', u'Oberliga', u'first league; major league'), ('das', u'Mannequin', u'mannequin; model; fashion model'), ('die', u'H\xf6lle', u'abyss; abysm; hell; inferno; pandemonium'), ('die', u'H\xe4ngebr\xfccke', u'suspension bridge; hanging bridge'), ('der', u'Gong', u'gong'), ('der', u'Fels', u'rock'), ('das', u'Fahrrad', u'bicycle; bike; pushbike [Austr.]'), ('die', u'Erzeugung', u'generation; creation; manufacture; production; growth'), ('das', u'Einstellen', u'adjusting; adjustment (of inflation pressure); adjustment; fine-tuning'), ('der', u'Bef\xfcrworter', u'proponent; supporter; advocator; interventionist; advocate'), ('das', u'Verzeichnis', u'dictionary; list; listing; table; directory; schedule; list; index; memorandum'), ('das', u'Senden', u'texting'), ('das', u'Selbstverst\xe4ndnis', u'self-image; self-esteem; self-conception'), ('die', u'Raub', u'robbery (of sth./sb.)'), ('der', u'Raub', u'robbery (criminal offence); predation; rape; snatch [Br.]'), ('der', u'Neffe', u'nephew'), ('der', u'Museumsdirektor', u'curator'), ('die', u'Jury', u'jury; selection committee; panel of judges; selection committee'), ('die', u'Fl\xf6tistin', u'flutist; flautist'), ('das', u'Flie\xdfen', u'fluxion; flow; flow'), ('die', u'Emigration', u'emigration'), ('der', u'Dachs', u'badger'), ('das', u'Cartoon', u'cartoon'), ('der', u'Amtssitz', u'official seat; location of office; official residence'), ('die', u'Amnestie', u'amnesty'), ('der', u'Vorgang', u'affair; process; scene; procedure; process; instance'), ('die', u'Tante', u'aunt'), ('der', u'Stapellauf', u'launching; launch; launching (ceremony)'), ('der', u'Samen', u'ejaculate; seeds; seed; seeds; seed; semen; sperm; semen'), ('das', u'Plutonium', u'plutonium'), ('der', u'Meteorit', u'meteorite; meteorite; aeolite; uranolite'), ('das', u'Man\xf6ver', u'manoeuvre [Br.]; maneuver [Am.]; exercises'), ('der', u'Lehrstuhl', u'professorship; chair (of; in)'), ('der', u'Iraker', u'Iraqi'), ('der', u'Gehalt', u'content /cont./; percentage'), ('das', u'Gehalt', u'compensation [Am.]; salary; stipend'), ('das', u'Galizien', u'Galicia'), ('das', u'Er\xf6ffnungsspiel', u'opening game; opening match'), ('das', u'Einsetzen', u'onset'), ('der', u'Buddha', u'Buddha'), ('die', u'Biochemikerin', u'biochemist'), ('das', u'Bargeld', u'cash; hardcash'), ('der', u'Auftrieb', u'impetus; lift; uplift; buoyancy; boost; lift; lifting rig; uplift pressure'), ('die', u'Akzeptanz', u'acceptance'), ('der', u'Wirbelsturm', u'whirlwind; twister'), ('die', u'Schlussfeier', u'closing ceremony'), ('das', u'Schlagwort', u'phrase; catchphrase; byword; catchword; direction word; subject heading; slogan; catch word'), ('der', u'Schlaf', u'sleep; shuteye'), ('das', u'Psycho', u'sensitive; psychic'), ('der', u'Laser', u'laser (light amplification by stimulated emission of radiation)'), ('die', u'Kurie', u'Curia'), ('die', u'Isolation', u'isolation; solitary confinement; insulation'), ('die', u'Internetseite', u'website; web site'), ('das', u'Insulin', u'biochem insulin'), ('die', u'Innovation', u'innovation'), ('die', u'Gerichtsbarkeit', u'jurisdiction'), ('der', u'Fu\xdfg\xe4nger', u'pedestrian; walker'), ('das', u'Einkaufszentrum', u'mall; shopping mall [Am.]; shopping centre; shopping center'), ('das', u'B\xfcrgertum', u'bourgeoisie; middle classes'), ('die', u'Bl\xfctezeit', u'flowering time; flowering season; blossom; blossoming; inflorescence; prime; days of glory'), ('der', u'Animator', u'animator'), ('die', u'Amtsperiode', u'term of office; premiership'), ('das', u'Abseits', u'aside; offside'), ('die', u'T\xf6tung', u'killing; homicide; dispatch; despatch'), ('der', u'Transit', u'transit'), ('der', u'Sumo', u'sumo'), ('der', u'Rundfunksender', u'radio station'), ('die', u'Preistr\xe4gerin', u'award winner; prize winner; laureate'), ('das', u'Naturschutzgebiet', u'nature reserve; conservation area'), ('die', u'Nachfolgerin', u'successor; follower'), ('die', u'Kirchengeschichte', u'church history; ecclesiastical history'), ('der', u'Zulauf', u'intake; throng'), ('das', u'Wrack', u'wreck; wrack; crock; wreckage'), ('das', u'Tempo', u'speed; paper handkerchief; (soft) tissue; Kleenex [tm]; time; clip; tempo; pace; rate; time'), ('der', u'Schwede', u'Swede; Swedish man; Swedish woman'), ('der', u'Ringen', u'fight (for sth.) [fig.]'), ('das', u'Opium', u'opium'), ('das', u'Off', u'offstage')] dictSet_42 = [('die', u'Normale', u'normal; perpendicular'), ('der', u'Million\xe4r', u'millionaire'), ('der', u'Mara', u'mara; pampas hare (Dolichotis)'), ('die', u'Logik', u'consistency; consistence; logic <logics>; rationale (behind/for/of/underlying sth.)'), ('die', u'Ladung', u'cargo; loading; lading; batch; stowage; charge; transport [Am.]; round; round of ammunition; load; loading; summons'), ('die', u'Elektronik', u'electronics'), ('das', u'Eingehen', u'shrinkage'), ('das', u'Deuterium', u'deuterium'), ('das', u'Bildungswesen', u'education; education system'), ('die', u'Begeisterung', u'enthusiasm; verve; exaltation; rapture; rapturousness; ardour [Br.]; ardor [Am.]; dedication; zest'), ('der', u'Ansatz', u'basic approach; (basic) approach; rudiment; batch; ansatz; approach; starting equation; hub; mouth-hole; embouchure (wind instrument); vocal onset; onset'), ('das', u'Abendblatt', u'daily evening paper'), ('die', u'Windgeschwindigkeit', u'wind speed; velocity of wind'), ('der', u'Vulkanologe', u'volcanist; vulcanologist'), ('die', u'Vertreterin', u'advocate; representative; rep [coll.]; locum; locum tenens'), ('der', u'Sportwagen', u'pushchair [Br.]; sports car; roadster; runabout'), ('der', u'Spezialist', u'crackerjack [coll.]; specialist; expert'), ('der', u'Schuss', u'shot; shoot; weft; schuss; punt; kick'), ('der', u'Schuh', u'shoe'), ('der', u'Ruhm', u'fame; glory; renown; stardom'), ('die', u'Revision', u'revision; appeal; appeal (against sth.); audit; revision; boiler inspection; revisal; overhaul'), ('das', u'Milit\xe4rgericht', u'court martial; military court'), ('das', u'Kamtschatka', u'Kamchatka'), ('der', u'Hinduismus', u'Hinduism'), ('das', u'Gesch\xe4ft', u'deal; pidgin; shop; business; biz; bargain; affair; concern; transaction; trade; trading (with sb./ in sth.); bargain; store [Am.]'), ('die', u'Genesis', u'genesis'), ('das', u'Gefolge', u'entourage; cortege; retinue; suite; team'), ('die', u'Formulierung', u'formulation; phrase; verbalization [eAm.]; verbalisation [Br.]; choice of words; word choice; wording; diction'), ('die', u'Einordnung', u'classification; subsumption'), ('das', u'Dutzend', u'dozen /doz./'), ('der', u'Dadaismus', u'Dadaism; Dada'), ('der', u'Weltalmanach', u'world almanac'), ('der', u'Wels', u'catfish'), ('die', u'Vernunft', u'sense; levelheadedness; level-headedness; rationality; reason; sanity'), ('der', u'Umstand', u'circumstance; fact; conjuncture; consideration'), ('der', u'Superstar', u'superstar'), ('die', u'Spur', u'lane; smack (of); lead (on sb./sth.); groove; track; trace; soupcon; spoor; vestige; toe; trace; mark; note; shade; touch; hint; tinge; whiff (of sth.); suggestion; trail; vein [fig.]; shade; touch (slightly)'), ('die', u'Rente', u'annuity; pension; superannuation; annuity; fixed income'), ('die', u'Oberschicht', u'top layer; topping; top stratum; upper class; upper classes'), ('das', u'Kooperationsabkommen', u'cooperation agreement'), ('der', u'Geheimagent', u'undercover agent; secret agent'), ('der', u'Fu\xdfballclub', u'football club /FC/'), ('der', u'Chili', u'chili'), ('die', u'Besatzungszeit', u'occupation period'), ('die', u'Ausarbeitung', u'elaboration; working out; development; draft'), ('der', u'Absolutismus', u'absolutism'), ('die', u'Z\xfcndung', u'firing; ignition; burn'), ('der', u'Zwanziger', u'(number) twenty'), ('der', u'Tigris', u'Tigris'), ('die', u'Sicherheitspolizei', u'security police'), ('die', u'Schutztruppe', u'protection force; colonial force'), ('der', u'Romanschriftsteller', u'novelist'), ('die', u'Rechnung', u'reckoning; account /acc., acct./; bill [Br.]; check [Am.]; tab [Am.]; calculus; invoice; score'), ('die', u'Rage', u'rage; fury; spleen'), ('der', u'Qu\xe4ker', u'Quaker'), ('die', u'Musikhochschule', u'conservatory; conservatoire; academy of music'), ('die', u'Milch', u'milk'), ('die', u'Kontinentalsperre', u'continental divide'), ('die', u'Keimzelle', u'gamete; germ cell; nucleus'), ('die', u'Germanistin', u'germanist'), ('der', u'Fan', u'supporter; fan; fanboy; buff; fiend; bigot'), ('die', u'Enteignung', u'expropriation; dispossession; ouster'), ('der', u'Doppler', u'doppler'), ('der', u'Boykott', u'boycott'), ('der', u'Anwohner', u'neighbo(u)ring resident; adjoining resident; abutting resident [Am.]; abutter [Am.]'), ('das', u'Wirtschaftswachstum', u'economic growth'), ('der', u'Volltext', u'full text'), ('das', u'Strafgesetzbuch', u'penal code; criminal code'), ('die', u'Ranke', u'strand; cirrus; tendril'), ('der', u'Polizeipr\xe4sident', u'Chief Constable; Chief of Police [Am.]; Police chief'), ('die', u'Maxime', u'maxim'), ('die', u'Epidemie', u'epidemic; pandemic'), ('das', u'Bataillon', u'battalion; regiment [Br.]'), ('der', u'Aufbruch', u'decampment; start'), ('die', u'Wahrung', u'protection; safeguarding; keeping of a term'), ('die', u'Verhinderung', u'obviation; prevention; averting; preventative; hindrance'), ('der', u'Techno', u'techno; techno music'), ('die', u'Taube', u'pigeon; dove; Columba; Dove'), ('das', u'Streben', u'movement; striving (for); aspiration; pursuit (of); quest (for)'), ('die', u'Mehrwertsteuer', u'value-added tax; VAT'), ('das', u'Madeira', u'Madeira'), ('der', u'Luchs', u'lynx; lynx'), ('der', u'Liberalismus', u'liberalism'), ('das', u'Klavierkonzert', u'piano concert; piano concerto'), ('die', u'Klarinette', u'clarinet'), ('der', u'H\xf6chststand', u'all-times high; high; highest level'), ('die', u'Hauptdarstellerin', u'headliner; leading actress'), ('das', u'Handelsblatt', u'trade journal'), ('das', u'Fu\xdfballspiel', u'football match; soccer match [Am.]'), ('das', u'Copyright', u'Copyright'), ('die', u'Betrachtung', u'view; contemplation; inspection; meditation; consideration'), ('die', u'Zuordnung', u'allocation; attachment; allocation; assignment'), ('die', u'Yucca', u'yucca'), ('das', u'Vaterland', u'fatherland; native country; native country'), ('der', u'Speck', u'bacon'), ('der', u'Specht', u'woodpecker'), ('die', u'Sektion', u'department /dept./; autopsy; post-mortem examination; postmortem; PM; necropsy; postmortem examination; postmortem; section; dissection (of animals)'), ('die', u'R\xfcstung', u'armament; armament; armour [Br.]; armor [Am.]; suit of armour'), ('der', u'Rennwagen', u'racing car; racecar [Am.]; racer'), ('die', u'Poesie', u'poetry; poesy')] dictSet_43 = [('das', u'Nirvana', u'Nirvana'), ('der', u'Kristallograph', u'crystallographer'), ('die', u'Klinik', u'clinic'), ('das', u'Inland', u'inland; home; home country'), ('die', u'Gesamtl\xe4nge', u'overall length; total length; footage'), ('das', u'Fernsehprogramm', u'TV program; televison programme [Br.]; TV guide'), ('das', u'Einzugsgebiet', u'catchment area; service area; hinterland; commuter belt; drainage area; river basin; drainage basin; gathering ground; catchment ground; feeding ground'), ('der', u'B\xe4cker', u'baker'), ('der', u'Blitz', u'flash; lightning; thunderbolt; bolt; lightning'), ('die', u'Auspr\xe4gung', u'characteristic; markedness; peculiarity'), ('die', u'Aufarbeitung', u'work off; refurbishment; renovation; reconditioning; workup; reworking; assorting (by water)'), ('der', u'Zink', u'cornett; cornetto'), ('das', u'Zink', u'zinc'), ('die', u'Unterart', u'variety; subspecies {pl}'), ('der', u'Theosoph', u'theosophist'), ('der', u'Textdichter', u'librettist'), ('der', u'R\xfcckweg', u'way back; return route; return trip'), ('die', u'Regierungsgewalt', u'governmental power; governance'), ('die', u'Milliarde', u'billion; milliard [Br.] [obs.]; thousand million [Br.] [obs.]'), ('der', u'Luftraum', u'airspace (over a country)'), ('die', u'Kriegf\xfchrung', u'warfare'), ('die', u'H\xe4resie', u'heresy'), ('die', u'Gr\xfcndungsurkunde', u'charter; articles of incorporation'), ('das', u'Grenzgebiet', u'border area; borderland; border region'), ('die', u'Exposition', u'exposition; exposition (of a place); exposition'), ('der', u'Erbprinz', u'hereditary prince'), ('die', u'Cola', u'coke [coll.]'), ('die', u'Behinderung', u'handicap; disability; physical handicap; physical disability; obstruction; obstruction; obstructiveness'), ('der', u'Vorbeiflug', u'fly-by; low pass'), ('das', u'Verkehrsmittel', u'(means of) transportation; vehicle'), ('der', u'Unmut', u'displeasure'), ('das', u'Stadtarchiv', u'municipal archive'), ('der', u'Schwager', u'brother-in-law'), ('der', u'Schiffer', u'boatman; mariner; skipper'), ('der', u'R\xfcckhalt', u'reserve; standby; backing; support'), ('der', u'Nationalstaat', u'nation state'), ('das', u'Misstrauen', u'distrust; suspiciousness; mistrustfulness'), ('die', u'Liberalisierung', u'liberalization [eAm.]; liberalisation [Br.]'), ('der', u'Kommentar', u'annotation; comment; comment; commentary; remark; commenting; exposition (of)'), ('das', u'Gegenteil', u'opposite; reverse; converse'), ('die', u'Eskalation', u'escalation'), ('die', u'Erfassung', u'registration; capture; coverage; gathering; logging; census; acquisition'), ('der', u'Anflug', u'approach (to a place); touch; whiff (of); note; shade; touch; hint; tinge; whiff (of sth.)'), ('die', u'Agentur', u'agency; labour exchange; job center; employment agency; agency; temporary employment agency'), ('der', u'Stift', u'pencil; pin; gib; tube; staple (wind instrument); stud; nipper; Biro [tm]; nib; pin; pen; spike; tack; apprentice; brad'), ('das', u'Stift', u'diocese; bishopric; home'), ('die', u'R\xfccksicht', u'courtesy; regard; thoughtfulness; respect (for); consideration (for); concern'), ('das', u'Ruder', u'oar; rudder; helm'), ('der', u'Rubel', u'ruble; rouble'), ('der', u'Raumflug', u'space flight; space shot'), ('der', u'Rassismus', u'racism; racialism'), ('die', u'Rasse', u'race; breed'), ('die', u'Lieferung', u'supply; purveyance; delivery /dely/; consignment; shipment [Am.]'), ('die', u'Laurie', u'laurie'), ('die', u'H\xfctte', u'cottage; cabin; cot; hut; shack; hovel'), ('der', u'Gruppenf\xfchrer', u'section commander; section chief'), ('die', u'Gef\xe4hrdung', u'danger; threat; endangering; hazard'), ('der', u'Ethiker', u'ethicist'), ('die', u'Bundesbahn', u'Federal Railway'), ('die', u'Brandstiftung', u'arson; fire raising; incendiary'), ('der', u'Argentinier', u'Argentinian; Argentine'), ('der', u'After', u'anus'), ('der', u'Abstieg', u'descent; relegation; moving down'), ('der', u'Weizen', u'wheat'), ('der', u'Verbund', u'compound; compound structure; network'), ('die', u'Tuberkulose', u'tuberculosis /TB/; pulmonary tuberculosis; consumption; phthisis'), ('die', u'Texterin', u'ad writer; copywriter'), ('das', u'Streichquartett', u'string quartet'), ('der', u'Souver\xe4n', u'sovereign'), ('das', u'Risiko', u'hazard; peril; risk; chance; venture'), ('die', u'Rechtsprechung', u'jurisdiction'), ('die', u'Promotion', u'doctorate; PhD; Ph.D.'), ('das', u'Plateau', u'plateau'), ('der', u'Philharmoniker', u'member of a philharmonic orchestra'), ('die', u'Pazifistin', u'pacifist'), ('der', u'Notstand', u'crisis; emergency; state of emergency'), ('der', u'Konkurs', u'bankruptcy'), ('der', u'Kolumnist', u'columnist'), ('die', u'Henne', u'hen; biddy; layer'), ('das', u'Eintreffen', u'arrival /arr./'), ('der', u'Einbruch', u'burglary (in); break-in (to/at/of); incursion; irruption; slack; collapse; breaking-down; cave-in'), ('der', u'Donner', u'thunder; boom'), ('der', u'Bachelor', u'bachelor'), ('die', u'Ausgrenzung', u'exclusion'), ('das', u'Abessinien', u'Abyssinia'), ('der', u'Walfisch', u'whale; Cetus'), ('der', u'Verrat', u'betrayal; treachery; perfidiousness (to); treason'), ('die', u'Veranlassung', u'cause (for sth.); occasion; action; instigation; cause; reason; inducement; origination'), ('die', u'Titelseite', u'home page; homepage; front page'), ('die', u'Saga', u'legend; saga'), ('die', u'Regierungschefin', u'head of the government'), ('die', u'Rechtsform', u'legal form'), ('der', u'Puma', u'cougar; puma'), ('das', u'Patentamt', u'patent office'), ('die', u'Neufassung', u'new formulation'), ('das', u'Nahrungsmittel', u'food; foodstuff; aliment; food; foodstuff; nourishment; aliment'), ('der', u'Nachmittag', u'afternoon; arvo [Austr.] [coll.]'), ('das', u'Mandatsgebiet', u'mandated territory'), ('der', u'Leibarzt', u'personal physician'), ('der', u'Jahresbeginn', u'beginning of the year; beginning of a new year')] dictSet_44 = [('das', u'Heben', u'lift; lifting; elevation (of voice); hoist'), ('der', u'Gro\xdfadmiral', u'Grand Admiral'), ('der', u'Erforscher', u'investigator; explorer'), ('die', u'Bronzezeit', u'Bronze Age'), ('der', u'Beweis', u'prima facie evidence; evidence; proof; proof; demonstration'), ('das', u'Beil', u'axe; ax; hatchet; dressing hammer'), ('die', u'Begr\xfcnderin', u'founder; mother'), ('die', u'Bedingung', u'condition; requirement; condition; stipulation; clause'), ('die', u'Arbeiterklasse', u'working class'), ('der', u'Anthroposoph', u'anthroposophist'), ('der', u'Anlauf', u'starting; inrun; approach; start-up; run-up; warm-up; (in line) offset; end section (of a stacked profil)'), ('die', u'Scheibe', u'window pane; pane; windowpane; sheave; sheet; pane; slice; bit-slice; disc [Br.]; disk [Am.]; plate; shim; washer; pulley; wafer; puck; round; slab; reel'), ('der', u'Pflug', u'plough; plow [Am.]'), ('die', u'Parteif\xfchrung', u'party leadership'), ('der', u'Namensgeber', u'answer generator'), ('der', u'Ma\xdfstab', u'measurement; gauge; scale; rule; yardstick; standard of proof; bias; standard; benchmark'), ('das', u'Lehrbuch', u'schoolbook; textbook; educational book'), ('die', u'Illustration', u'illustration /ill./'), ('der', u'Hai', u'shark'), ('die', u'Evolutionstheorie', u'theory of evolution; evolutionary theory'), ('die', u'Erzdi\xf6zese', u'archdiocese'), ('das', u'Erm\xe4chtigungsgesetz', u'enabling law; enabling act'), ('der', u'Datensatz', u'data record; record'), ('der', u'Casanova', u'womanizer; womaniser [Br.]; philanderer (old-fashioned); Casanova'), ('die', u'Wirtschaftshilfe', u'economic aid'), ('die', u'Vorrunde', u'preliminaries; preliminary round; qualifying round'), ('das', u'Verbreitungsgebiet', u'range of distribution; circulation area'), ('der', u'Verbrecher', u'criminal; felon; thug'), ('der', u'Ungehorsam', u'disobedience'), ('die', u'Trilogie', u'trilogy'), ('der', u'Stadtbaumeister', u': city architect'), ('das', u'Rad', u'bicycle; bike; pushbike [Austr.]; caster; castor; wheel; cartwheel; center disc / disk wheel'), ('die', u'Menschenmenge', u'crush; crowd'), ('der', u'Kanadier', u'Canadian (canoe); Canadian; Canuck [Am.] [coll.]'), ('die', u'Instanz', u'instance'), ('das', u'Hochdeutsch', u'standard German; High German'), ('die', u'Gleichstellung', u'equalization [eAm.]; equalisation [Br.]; equation; equality; equal status; parity'), ('der', u'Flaggschiff', u'flagship; flagship [fig.]'), ('das', u'Exemplar', u'copy; variety; specimen; instance'), ('die', u'B\xfcrgerrechtsbewegung', u'civil rights campaign'), ('der', u'Vorm\xe4rz', u'pre-March era (1815 - 1848 in Germany)'), ('das', u'Vergessen', u'oblivion'), ('die', u'Unterhaltung', u'conversation; maintenance; talk; amusement; entertainment; chat'), ('die', u'Teilstreitkraft', u'armed service'), ('die', u'Synthese', u'synthesis'), ('der', u'Superintendent', u'superintendent; dean'), ('der', u'Schrein', u'shrine; chest; case; cabinet; cupboard'), ('das', u'Schisma', u'schism'), ('die', u'Schie\xdferei', u'gunfight; shooting; shoot-out; shootout'), ('die', u'Runge', u'stanchion'), ('der', u'Riegel', u'bar; locking bar; cross bar; bolt; latch'), ('das', u'Produzieren', u'produce'), ('der', u'Pfennig', u'pfennig /pf./'), ('die', u'Nationalflagge', u'ensign'), ('die', u'Modulation', u'modulation'), ('die', u'Mobilmachung', u'mobilization [eAm.]; mobilisation [Br.]'), ('die', u'Markierung', u'sentinel; blip; mark; hole; indentation; labeling [Am.]; labelling; mark; marker; marking; tee; tag; mark'), ('die', u'Luftfeuchtigkeit', u'humidity; air humidity; air moisture'), ('der', u'Kybernetiker', u'cyberneticist'), ('die', u'Kernfusion', u'nuclear fusion'), ('die', u'Hygiene', u'sanitation; care of health; hygiene'), ('das', u'Gleichgewicht', u'balance; equilibrium; equilibration; equipoise; counterpoise'), ('der', u'Finanzier', u'financier'), ('der', u'Ethologe', u'ethologist'), ('der', u'Dienstag', u'Tuesday /Tue/'), ('der', u'Bergarbeiter', u'mine worker; miner; pitman; collier [Br.] (old-fashioned)'), ('die', u'Agglomeration', u'agglomeration'), ('die', u'Vorlesung', u'lecture (on); lecture'), ('die', u'Trasse', u'marked-out route; marked-out line; railway/railroad embarkment'), ('die', u'Seilbahn', u'funicular; cable railway; ropeway; cable car; cable pulley; cableway; aerial cableway'), ('das', u'Rheinufer', u'the banks of the Rhine'), ('der', u'Panther', u'panther'), ('der', u'Ofen', u'oven'), ('die', u'Oberhand', u'upper hand'), ('der', u'Naturpark', u'wildlife park'), ('die', u'Logistik', u'logistics'), ('das', u'K\xfcrzel', u'initial; token; outline'), ('der', u'Knecht', u'servant; farm labourer; menial'), ('die', u'Internetpr\xe4senz', u'Internet presence'), ('die', u'Illustrierte', u'glossy; magazine; mag'), ('der', u'Hei\xdfluftballon', u'hot-air balloon'), ('die', u'Haut', u'skin; skin; cutis; cutaneous; hide'), ('das', u'Giftgas', u'poison gas; toxic gas'), ('die', u'Gage', u'salary; fee'), ('die', u'Fassade', u'storefront; facade; fa\xe7ade'), ('das', u'Extra', u'extra'), ('die', u'Versicherung', u'affirmation; insurance; assurance; underwriting; robbery insurance'), ('das', u'Sp\xe4tmittelalter', u'Late Middle Ages'), ('die', u'Medizinerin', u'doctor; physician; medical doctor /M.D./; medic [coll.]'), ('die', u'Losl\xf6sung', u'disentanglement'), ('der', u'Frachter', u'freighter'), ('das', u'Finanzministerium', u'ministry of finance'), ('der', u'Anhang', u'appendix /app./; supplement; attachment; rider; annex; affix; appendage; notes to the financial statement; notes; schedule; subjoinder; enclosure /enc./; following; followers {pl}; addendum; amendment'), ('die', u'Zweidrittelmehrheit', u'two-third majority'), ('das', u'Warenhaus', u'store; department store; warehousing'), ('die', u'Unterbrechung', u'time-out; rest; disruption; dislocation; discontinuity; break; discontinuity; interception; intermission; discontinuation; intermittence; intermittency; interrupt; interruption; outage; severance; stopover; recess; interregnum; intermission; discontinuance; hesitation; break; lacuna; intermittency'), ('der', u'Turnverein', u'gymnastics club'), ('der', u'Stabschef', u'chief of staff'), ('die', u'Schriftenreihe', u'series'), ('die', u'Sachlichkeit', u'seriousness; objectivity; dispassion; practicality; relevance')] dictSet_45 = [('die', u'Preisverleihung', u'presentation of prizes; prize-giving'), ('die', u'Philologie', u'study of language and literature; philology [Am.]'), ('die', u'Namensgebung', u'naming; choice of a name'), ('der', u'Kreuzfahrer', u'crusader'), ('das', u'Knie', u'knee; elbow'), ('die', u'Kammermusik', u'chamber music'), ('die', u'Festlegung', u'regulation; predefinition'), ('das', u'Cornwall', u'Cornwall'), ('die', u'Chancengleichheit', u'equality of opportunity; equal opportunities'), ('das', u'B\xf6se', u'evil'), ('das', u'Bildungssystem', u'educational system'), ('der', u'Zauberk\xfcnstler', u'conjurer; magician'), ('der', u'Wehrdienst', u'military service; National Service; selective service [Am.]'), ('der', u'Wassermann', u'merman; the Nix; Aquarius; Water-bearer'), ('die', u'Verwirklichung', u'actualization [eAm.]; actualisation [Br.]; realization [eAm.]; realisation [Br.]; attainment'), ('die', u'Staatsreligion', u'state religion'), ('die', u'Richtlinie', u'policy; guideline; guideline; directive'), ('der', u'Nachrichtensprecher', u'newsreader; newscaster'), ('der', u'Literaturpreis', u'literary prize'), ('die', u'Liane', u'liana'), ('die', u'Kulturlandschaft', u'cultural landscape; land developed and cultivated by man'), ('das', u'Hochland', u'uplands; highland; upland'), ('die', u'Flusslandschaft', u'riverside; riverside area'), ('die', u'Erkrankung', u'disease; illness'), ('die', u'Entwicklungshilfe', u'development aid; development assistance; foreign aid'), ('der', u'Einbau', u'fitting; installation; fitting'), ('die', u'Eigenst\xe4ndigkeit', u'independence; self-reliance'), ('das', u'Ehepaar', u'married couple'), ('die', u'Beute', u'quarry; loot; spoil; prey (for sb.); haul; take; loot; booty; booties; swag; plunder'), ('der', u'Bestseller', u'best seller'), ('das', u'Areal', u'area'), ('die', u'Ansprache', u'address; speech; speech'), ('das', u'Z\xfcnden', u'firing'), ('der', u'Wapiti', u'Canadian elk'), ('die', u'Staatsgewalt', u'public authority'), ('die', u'Spezialeinheit', u'special forces; special unit'), ('der', u'Seehafen', u'seaport'), ('das', u'Schlachtfeld', u'battlefield; battle field; battleground'), ('die', u'Musicaldarstellerin', u'musical theatre actor [Br.]; musical theater actor [Am.]'), ('der', u'Meistertitel', u'championship title'), ('der', u'Mafioso', u'mafioso; member of the maffia'), ('die', u'Landesverfassung', u'state constitution'), ('das', u'Landesamt', u'regional authorities'), ('die', u'K\xe4lte', u'cold; coldness; chilliness; chillness; frostiness; iciness; wintriness'), ('das', u'Kleinasien', u'Asia Minor'), ('der', u'Goldschmied', u'golden ground beetle; goldsmith'), ('die', u'Exkommunikation', u'excommunication'), ('das', u'Eisenbahnnetz', u'railway network'), ('die', u'Einhaltung', u'observance (of); compliance (with); adherence; compliance'), ('das', u'Dreifache', u'treble [Br.]'), ('die', u'Biennale', u'biennial, biennale; biennial arts festival'), ('die', u'Bestrafung', u'punishment; correction; penalisation'), ('der', u'Acker', u'field; acre (a; 4840 square yards)'), ('die', u'Wurzel', u'radix; carrot; stem; root; root (of); nappe root'), ('das', u'Weltall', u'universe; universe; cosmos; space; outer space'), ('das', u'Verteilen', u'allocation of responsibilities; allocation of duties'), ('der', u'Trend', u'trend; trend'), ('der', u'Stausee', u'reservoir; artificial lake; storage lake; dammed lake; impounded lake; storage reservoir'), ('die', u'Sozialversicherung', u'social security; social insurance'), ('das', u'Schwert', u'sword; steel; blade; bracing; strut of a scaffolding; daggerboard; centreboard'), ('die', u'Schriftsprache', u'literary language; written language'), ('die', u'Oberhoheit', u'suzerainty'), ('der', u'Medienkonzern', u'media concern'), ('der', u'Machtbereich', u'area of control; sphere of influence'), ('die', u'Legislaturperiode', u'parliamentary term; legislative period'), ('die', u'Hyperinflation', u'hyperinflation'), ('der', u'Harfenist', u'harpist; harp player'), ('die', u'Geschichtsschreibung', u'historiography'), ('das', u'Freistil', u'freestyle swimming'), ('der', u'Exodus', u'exodus; mass exodus; stampede'), ('die', u'Erf\xfcllung', u'compliance; fruition; fulfilment [Br.]; fulfillment [Am.]; implementation; acquittance; acquittal; self-fulfilment; constraint satisfaction'), ('das', u'Eindringen', u'diffusion; irruption; infusion; permeation; entry; incursion (into); ingress; penetration'), ('die', u'Ehrendoktorw\xfcrde', u"degree of honorary doctor; honorary doctor's degree"), ('der', u'Degen', u'\xe9p\xe9e; epee'), ('die', u'Bereitschaft', u'preparedness; readiness; willingness; cooperativeness'), ('die', u'Beilegung', u'attribution'), ('die', u'Bahnlinie', u'railway; railway line; railroad (line) [Am.]'), ('die', u'Adria', u'Adriatic Sea; Adriatic'), ('das', u'Ablegen', u'filing'), ('der', u'Wettkampf', u'competition; contest; match'), ('die', u'Weltrangliste', u'world ranking; global ranking; world ranking list'), ('die', u'Vertrauensfrage', u'question of trust; matter of trust'), ('die', u'Verdichtung', u'compression; packing; densification; compaction; condensation; consolidation'), ('der', u'Umkreis', u'area; region; neighbourhood [Br.]; neighborhood [Am.]; vicinity; surroundings; surroundings; surrounding area; circumcircle; circumscribed circle; compass'), ('das', u'Schriftzeichen', u'character'), ('das', u'Schlagzeug', u'percussion (classical music); drums; drumset (pop music)'), ('der', u'Sack', u'sack; sackful; bursa; bag'), ('die', u'Rennrodlerin', u'luger'), ('der', u'Ratsherr', u'councilman; alderman'), ('das', u'Pr\xe4sidium', u'presidium; executive board; chairmanship'), ('das', u'Oktoberfest', u'oktoberfest; Munich beer festival'), ('die', u'Landesbibliothek', u'regional library; state library'), ('das', u'Kulturzentrum', u'arts centre; cultural centre'), ('der', u'Kriminalist', u'criminologist'), ('das', u'Kinderbuch', u"children's book"), ('der', u'Kellner', u'waiter; waitress; bar man; steward'), ('die', u'Katze', u'cat; tabby; tabby cat; moggy [Br.]; trolley; crab'), ('die', u'Hitzewelle', u'heatwave; hot spell'), ('die', u'Hitze', u'heat; ardour [Br.]; ardor [Am.]; hotness'), ('die', u'Handelskammer', u'chamber of commerce')] dictSet_46 = [('der', u'Fries', u'frieze; cornice; stile; baize'), ('der', u'Flor', u'gauze; nap; shag (of a carpet); bloom; crape; cr\xeape'), ('das', u'Fell', u'coat; pelt; fur; skin; fur; fleece'), ('die', u'Eurozone', u'euro zone'), ('der', u'Dill', u'dill'), ('der', u'Bundesverband', u'Federal association'), ('das', u'Bundeskanzleramt', u'Federal Chancellery'), ('die', u'Bitrate', u'bitrate'), ('das', u'Asyl', u'asylum'), ('das', u'Abzeichen', u'badge; German Armed Forces Badge for Military Proficiency; insignia'), ('das', u'Vorstandsmitglied', u'member of the board; board member; executive director'), ('die', u'Vormachtstellung', u'hegemony; dominating position; ascendancy; ascendency'), ('der', u'Uhu', u'eagle owl; Eurasian eagle-owl; northern eagle owl'), ('der', u'Treffer', u'(Internet) search result; hit; strike; hit; match (on sth.) (in comparisons); hit; goal'), ('die', u'Transformation', u'transformation'), ('der', u'Tank', u'tank'), ('der', u'Schein', u'pass (for using a service); certification; certificate; banknote; bank note; (bank) bill [Am.]; shine; light; flash; credit; appearances'), ('der', u'Rain', u'margin of a field'), ('der', u'Quisling', u'quisling'), ('der', u'Pole', u'Pole; Polish'), ('der', u'Nichtangriffspakt', u'non-aggression treaty; non-aggression pact; nonaggression pact'), ('die', u'Neuausgabe', u'reissue; update; updated version; new edition'), ('die', u'Kennung', u'identification; answerback; identification; label'), ('die', u'Herausforderung', u'challenge (for sb.); defiance; dare; provocation'), ('der', u'Helfer', u'assistant; helper; aide; supporter; backer'), ('der', u'Fremdenverkehr', u'tourism'), ('das', u'Fassen', u'bite'), ('das', u'Br\xfcgge', u'Bruges (city in Belgium)'), ('die', u'Branche', u'branch; line; area of business; branch of business; economic sector; branch of trades; branch of industry; trade'), ('die', u'Automobilindustrie', u'car industry; auto industry; automobile industry'), ('das', u'Verkehrsflugzeug', u'commercial aircraft; airliner'), ('das', u'Variet\xe9', u'vaudeville; music hall'), ('der', u'Unterstand', u'shelter; dugout; understory (AmE); understorey (BrE)'), ('die', u'Steinkohle', u'coal; hard coal; pit coal; bituminous coal; black coal'), ('der', u'Stadtrand', u'outskirts; suburbia; suburb'), ('die', u'Selbst\xe4ndigkeit', u'autonomy; independence'), ('die', u'Relativit\xe4tstheorie', u'theory of relativity'), ('die', u'P\xe4dagogik', u'paedagogy [Br.]; pedagogy [Am.]; education'), ('der', u'Pin', u'pin'), ('das', u'Pin', u'pin'), ('der', u'Parlamentarier', u'parliamentarian'), ('die', u'Ordnungszahl', u'atomic number; ordinal number'), ('der', u'Nachschub', u'replenishment; supplies {pl} (of); reinforcements {pl}'), ('der', u'K\xe4fer', u'beetle; bug [Am.]'), ('der', u'Kleiber', u'Eurasian nuthatch'), ('der', u'Kaffee', u'coffee; joe [coll.]'), ('der', u'H\xe4ftling', u'detainee; con [coll.]; prisoner'), ('die', u'Friedensaktivistin', u'peacenik'), ('das', u'Blech', u'sheet metal; sheet; sheet of metal; nonsense; rubbish; twaddle; tosh [Br.]; codswallop [Br.]; rot [Br.] (old-fashioned)'), ('die', u'Binnenschifffahrt', u'inland waterway traffic; inland navigation'), ('die', u'Artenvielfalt', u'diversity of species; biodiversity; species diversity'), ('der', u'Altar', u'altar; Ara; Altar'), ('das', u'Zeichnen', u'drawing; sketching; illustration (by drawing)'), ('die', u'Wirren', u'rough-and-tumble'), ('die', u'Windenergie', u'wind energy; wind power'), ('die', u'Volkspolizei', u"Volkspolizei; People's Police (GDR)"), ('die', u'Verh\xfctung', u'prevention (of); averting; obviation; prevention'), ('der', u'Statut', u'bylaw'), ('das', u'Statut', u'statute'), ('das', u'Sekretariat', u"secretarial pool; typing pool; office; secretary's office; secretariat"), ('der', u'Prinzregent', u'Prince Regent'), ('der', u'Naturalismus', u'naturalism'), ('der', u'Mezzosopran', u'mezzosoprano'), ('die', u'Kunsth\xe4ndlerin', u'art dealer'), ('der', u'Kubikmeter', u'cubic metre [Br.]; cubic meter [Am.]'), ('der', u'Ketzer', u'heretic'), ('die', u'Haftstrafe', u'custodial sentence; prison sentence'), ('der', u'Guerilla', u'guerilla; guerrilla'), ('der', u'Gerber', u'tanner'), ('das', u'Freihandelsabkommen', u'free-trade agreement'), ('der', u'Erzieher', u'educator; teacher; housemaster [Br.]'), ('das', u'Entkommen', u'getaway'), ('die', u'Einsetzung', u'establishment; setting-up (of sth.); appointment (to)'), ('das', u'Echo', u'echo; replication; reverb'), ('das', u'Beseitigen', u'clearance'), ('die', u'Begrenzung', u'demarcation; definition; limitation; limiting; zoning; variation limits of temperature; containment; limit; margin; restriction'), ('das', u'Bauhaus', u'Staatliches Bauhaus; Bauhaus'), ('der', u'Barbier', u'barber'), ('die', u'Arie', u'aria'), ('die', u'Wirksamkeit', u'efficiency; efficacy; effectiveness; virtue; efficaciousness; effectuality; effectivity'), ('die', u'S\xfcdk\xfcste', u'south coast'), ('die', u'Supernova', u'supernova'), ('der', u'Nachbau', u'replica; reproduction (of sth.); clone'), ('das', u'Lustspiel', u'comedy'), ('das', u'Korn', u'grain; grain; grain; corn'), ('der', u'Knochen', u'bone; knucklebone'), ('das', u'Gef\xfchl', u'sentiment; sense; feeling; feel; emotion; sensation; touch; void; hunch'), ('die', u'Etymologie', u'etymology'), ('der', u'Erdrutsch', u'landslide; landslide; landslip; slip; soil creep'), ('das', u'Doping', u'doping; taking drugs'), ('die', u'Belastung', u'debit; encumbrance (on sth.); pollution (with/by pollutants emitted); contamination (with/by pollutants absorbed); application of load; strain (on sb.) [fig.]; tie; burden; load; loading; weight [fig.]; charge; debt; stress; load; loading; off-loading'), ('die', u'Auswanderung', u'exodus; emigration; transmigration; emigration'), ('das', u'Amtsgericht', u'county court; local court; district court [Am.]; Regional Court'), ('der', u'Alb', u'Albian (Stage)'), ('das', u'Vermitteln', u'relaying; switching'), ('der', u'Trapp', u'trap; trap rock'), ('das', u'Tauchen', u'diving; skin-diving; dive'), ('das', u'Stadtrecht', u'municipal law'), ('die', u'Sporthalle', u'coliseum'), ('die', u'Spielbank', u'casino')] dictSet_47 = [('das', u'Selbstmordattentat', u'suicide assassination; suicide bombing'), ('der', u'Schub', u'thrust; shear; batch; push'), ('der', u'Rohstoff', u'starting material; raw material; commodity'), ('der', u'Rausch', u'inebriation; intoxication; befuddlement'), ('der', u'Planer', u'designer; planner'), ('der', u'Ozeanograph', u'oceanographer'), ('die', u'Option', u'call option; call premium; premium for the call; call; call; option (stock exchange); first option'), ('die', u'Mythologie', u'mythology'), ('der', u'Missbrauch', u'misusage; misuse; abuse; abusiveness; misapplication; misfeasance'), ('der', u'Merlin', u'merlin'), ('die', u'Kunstausstellung', u'art exhibition'), ('der', u'Kletterer', u'climber'), ('die', u'Hauptaufgabe', u'main task; chief task'), ('die', u'Grammatik', u'grammar'), ('der', u'Gaul', u'nag; hack'), ('der', u'Fallschirm', u'parachute; chute [coll.]'), ('das', u'Expeditionskorps', u'expeditionary force'), ('die', u'Etappe', u'stage; hop'), ('die', u'Einflussnahme', u'exertion of influence'), ('das', u'Dunkel', u'darkness; dark'), ('der', u'Bosporus', u'Bosporus'), ('der', u'Bikini', u'bikini'), ('der', u'Bewerber', u'applicant; candidate; enrollee; contender; contestant'), ('der', u'Aphoristiker', u'aphorist'), ('das', u'Tritium', u'tritium'), ('das', u'Stadtwappen', u'city arms'), ('der', u'Spitz', u'Pomeranian'), ('die', u'Sch\xf6nheit', u'beauty; beauteousness; belle; bonniness; elegancy; goodliness; handsomeness; pulchritude'), ('die', u'R\xfcstungsindustrie', u'arms industry; armaments industry'), ('die', u'Reporterin', u'reporter'), ('die', u'Publikation', u'publication'), ('der', u'Playboy', u'playboy; swinger'), ('der', u'Pfeil', u'arrow; dart; Sagitta'), ('der', u'Ozeandampfer', u'ocean liner'), ('die', u'Mumie', u'mummy'), ('die', u'Miliz', u'militia'), ('die', u'Mast', u'fattening'), ('der', u'Mast', u'mast; pylon; power pylon; post; pole'), ('der', u'Konsum', u'cooperative store; co-op; green consumerism; consumption; expenditure'), ('die', u'Konsequenz', u'consequence; consistency'), ('die', u'Kartoffel', u'potato; tater; spud [coll.]'), ('die', u'Fledermaus', u'bat'), ('die', u'Ernte', u'picking; harvesting'), ('der', u'Bankrott', u'bankruptcy'), ('die', u'Aula', u'auditorium; assembly hall'), ('das', u'Zeugnis', u'attestation; credentials; school report [Br.]; report card [Am.]; school certificate; testimonial; testimony'), ('der', u'Winkel', u'corner; elbow; angle; bracket; angle; nook; square; chevron; upper corner'), ('der', u'Wasserbauingenieur', u'hydraulic engineer'), ('das', u'Teilst\xfcck', u'part'), ('die', u'Staatsregierung', u'government'), ('die', u'Reichskanzlei', u'Reich Chancellery'), ('die', u'Rechtschreibung', u'spelling; orthography'), ('der', u'Nutzer', u'user'), ('der', u'Mobilfunk', u'mobile radio; cellular radio; mobile telephone (system)'), ('der', u'Miterfinder', u'co-inventor; joint inventor'), ('die', u'Lebensqualit\xe4t', u'quality of life'), ('der', u'Kormoran', u'great cormorant; cormorant; sea raven'), ('der', u'Killer', u'hitman; hit man; triggerman; gunman; killer'), ('die', u'Kernspaltung', u'nuclear fission; atomic fission [coll.]'), ('das', u'Katalonien', u'Catalonia'), ('das', u'Kaliber', u'calibre [Br.]; caliber [Am.]; calibre [Br.]; caliber [Am.]; bore'), ('die', u'Gastronomie', u'gastronomy'), ('das', u'Frachtschiff', u'cargo ship; freighter; merchant ship'), ('das', u'Dreieck', u'triangle; triangle; Triangulum'), ('der', u'Dieselmotor', u'diesel engine'), ('die', u'Arbeiterschaft', u'labour [Br.]; labor [Am.]; labour force; workforce; working classes'), ('das', u'Vollmitglied', u'full member'), ('das', u'Verleihen', u'lending'), ('der', u'T\xf6pfer', u'stove fitter; stove builder; stove maker; potter; crocker'), ('das', u'Talent', u'vocation; endowment; talent; flair; facility'), ('der', u'Sud', u'decoction; stock; brew; gyle; stock'), ('der', u'Schmied', u'blacksmith; smith'), ('die', u'Probe', u'class test; proof; rehearsal; rehearse; specimen; test; tryout [Am.]; sample; prob; sample; trial'), ('der', u'Muslim', u'Moslem; Muslim'), ('der', u'Machtkampf', u'power struggle'), ('die', u'Kantate', u'cantata'), ('der', u'Jugendlicher', u'adolescent'), ('der', u'Freisch\xe4rler', u'franctireur'), ('der', u'Emigrant', u'emigrant; emigr\xe9; emigree'), ('die', u'Einleitung', u'initiation; introduction; induction; leading-in; preliminary; discharge of noxious substances; lead in; proem; initiation (into); preamble; whereas'), ('die', u'Einfuhr', u'influx; import; importing; importation'), ('der', u'Diakon', u'deacon'), ('das', u'Cornet', u'ice-cream cone; cornet [Br.] (old-fashioned); cream horn'), ('das', u'Bundesarbeitsgericht', u'German Federal Labour Court'), ('der', u'Braunb\xe4r', u'brown bear; bruin'), ('die', u'Weltwirtschaft', u'world economy'), ('das', u'Volksbegehren', u'referendum (on sth.)'), ('die', u'Verst\xe4ndigung', u'accommodation (with sb.); understanding; plea bargain; plea agreement; plea deal'), ('das', u'Taufen', u'baptismal'), ('das', u'Rouge', u'rouge; blusher'), ('der', u'Monitor', u'monitor; fire monitor; deluge gun (fire brigade); monitor'), ('die', u'Millionenstadt', u'town with over a million inhabitants'), ('die', u'Lebensgef\xe4hrtin', u'(life) companion; partner in life; significant other /SO/'), ('das', u'Landesmuseum', u'State Museum'), ('die', u'Krankenpflege', u'health care; nursing'), ('die', u'Korrespondent', u'correspondent'), ('die', u'Kampfkunst', u'martial arts'), ('die', u'Intelligenz', u'intelligence; brainpower; intelligentsia; wit'), ('die', u'Inflationsrate', u'rate of inflation; inflation rate'), ('die', u'Hegemonie', u'hegemony')] dictSet_48 = [('das', u'Fossil', u'fossil; petrifact'), ('das', u'Entertainment', u'entertainment'), ('der', u'Zement', u'cement'), ('der', u'Treibstoff', u'fuel; propellant'), ('die', u'Tafel', u'food rescue organisation; dinner table; slab; panel; blackboard; board; chalkboard [Am.]; plate; board; table (diamond); table; platform'), ('die', u'Strophe', u'verse; stanza; strophe'), ('die', u'Stadtbibliothek', u'city library; town library'), ('das', u'Singspiel', u'musical comedy'), ('das', u'Resultat', u'result; consequence'), ('die', u'Quartier', u'cantonment /Cantt/'), ('das', u'Quartier', u'billet; quarter; accommodation; accommodations [Am.]; lodging'), ('der', u'Quai', u'quay; quayside'), ('die', u'Niederlassung', u'office; branch; branch office'), ('das', u'Lebenswerk', u"lifework; life's work"), ('die', u'Laufzeit', u'elapse time; milage; mileage; period of time; running time; maturity; runtime; run-time; term; run; travel time; propagation time; transit time'), ('der', u'Kolonialismus', u'colonialism'), ('der', u'Klee', u'clover; shamrock'), ('die', u'Harfenistin', u'harpist; harp player'), ('das', u'Grabmal', u'tomb'), ('die', u'Gewerkschafterin', u'trade unionist; unionist'), ('die', u'Gegenwehr', u'resistance'), ('der', u'Alleinflug', u'solo flight'), ('der', u'Wurm', u'worm'), ('der', u'Wikinger', u'Viking; Norseman'), ('das', u'Vorr\xfccken', u'progress; advancement'), ('die', u'Volkshochschule', u'adult evening classes; adult education center; adult education program'), ('die', u'Session', u'session'), ('die', u'Sehnsucht', u'nostalgia; yearning; longing (for); craving (for); wishfulness; desire (for)'), ('der', u'Sarg', u'coffin; casket [Am.]'), ('der', u'Nachrichtendienst', u'news service; intelligence service; intelligence'), ('der', u'Modemacher', u'fashion maker'), ('das', u'Mehl', u'flour; farina'), ('das', u'Mausoleum', u'mausoleum'), ('das', u'Justizministerium', u'ministry of justice; Department of Justice [Am.]'), ('die', u'Hoheit', u'elevation; majestic-dignity'), ('der', u'Hochstapler', u'frauds; impostor [Br.]; imposter [Am.]'), ('der', u'Grundsatz', u'principle; maxim; precept; policy; prudent man rule [Am.]'), ('die', u'Gesamtzahl', u'overall number; ballot'), ('die', u'Furcht', u'apprehension; fear; apprehensibility; dread'), ('die', u'Diskographie', u'discography'), ('der', u'Albaner', u'Albanian'), ('die', u'Zusammenlegung', u'amalgamation'), ('das', u'Zuchthaus', u'prison; jail; penal institution; correctional institution [Am.]; penitentiary [Am.]; pen [coll.]'), ('der', u'Verdienstorden', u'Order of Merit /OM/'), ('das', u'Trio', u'trio'), ('die', u'Spannweite', u'spread; wingspan; span; range; span; span width; apices distance (of folds)'), ('der', u'Sheriff', u'sheriff'), ('der', u'Sch\xfctze', u'archer; bow hunter; bowman; rifleman; shooter; Sagittarius; Archer; trooper; scorer; goal scorer'), ('der', u'Scheider', u'separator; cobber; grader'), ('der', u'Regimekritiker', u'dissident'), ('die', u'Pr\xe4gung', u'impression; stamping; coining; coinage; mintage; embossing; imprinting'), ('die', u'Philharmonie', u'philharmonic orchestra (society)'), ('der', u'Pegasus', u'Pegasus; Pegasus'), ('der', u'Patentschutz', u'protection by patent'), ('der', u'Parameter', u'parameter; parameter; intercept (of crystals)'), ('der', u'Odenwald', u'Odenwald (low mountain range in Germany)'), ('die', u'Mezzosopranistin', u'mezzo soprano singer'), ('der', u'L\xe4ufer', u'armature; runner; rotor; carpet runner; long narrow carpet; young pig; bishop (chessman); halfback; stretcher (brick); travel carriage; trolley; crane trolley'), ('die', u'Kollaboration', u'collaboration (with the enemy)'), ('die', u'Kirchenmusik', u'sacred music'), ('der', u'Jagdbomber', u'fighter bomber'), ('der', u'Hotelier', u'hotelier'), ('das', u'Handy', u'mobile; mobile phone; cellular; cellular phone; cell phone; cellphone'), ('die', u'Gesamtheit', u'collectivity; entirety; totality; universe'), ('der', u'Filmpreis', u'film award'), ('der', u'Fernverkehr', u'longdistance traffic'), ('das', u'Fenn', u'fen; fenland'), ('der', u'Entschluss', u'determination; decision'), ('der', u'Brasilianer', u'Brazilian'), ('die', u'Bet\xe4tigung', u'activation; triggering; activity'), ('das', u'Basic', u'Basic'), ('der', u'Abbruch', u'dismantlement; dismantling; demolition; pulling down; break-off; stop; stopping; dropout; severance; truncation; spalling; broken-down bank (of a shore)'), ('das', u'Weltbild', u'world picture; world view'), ('die', u'Weigerung', u'refusal; declination; refusal'), ('der', u'Vorabend', u'evening before; eve'), ('der', u'Versto\xdf', u'trespass; breach; violation; breach (of); infringement (of); violation (of)'), ('der', u'Symbolismus', u'Symbolism'), ('die', u'Staumauer', u'dam wall'), ('die', u'Sch\xfctte', u'chute'), ('das', u'Sakrament', u'sacrament'), ('die', u'Sage', u'legend; saga; fable; rumour [Br.]; rumor [Am.]; myth'), ('der', u'Rum', u'rum'), ('die', u'Rhetorik', u'rhetoric; elocution'), ('der', u'Pharao', u'pharaoh'), ('die', u'Motte', u'moth'), ('die', u'Mine', u'mine; mine'), ('das', u'Meeting', u'meeting'), ('die', u'Made', u'grub; maggot; worm'), ('die', u'Leidenschaft', u'passion; ferventness'), ('die', u'Heimst\xe4tte', u'homestead'), ('die', u'Fu\xdfg\xe4ngerzone', u'pedestrian zone; pedestrian precinct'), ('das', u'Fundament', u'seating; foundation; foundations; fundament; ground work; groundwork; substructure; grounding; footing; plinth; base; basement; mount'), ('das', u'Erweitern', u'widening; spreading'), ('die', u'Effizienz', u'efficiency'), ('das', u'Devon', u'Devonian; Devonian (Stage); Devonian (Period); Devonian (Age)'), ('der', u'Butz', u'cop; rozzer [Br.]'), ('die', u'Bew\xe4hrung', u'probation; parole'), ('der', u'Verfall', u'expiration; declension; decadence; decadences; decline; abasement; deterioration; dilapidation; disrepair; expiration; decay; rack and ruin; forfeiture; forfeit'), ('der', u'Unteroffizier', u'non-commissioned officer; NCO; N.C.O.; non-com [Am.]; sergeant'), ('die', u'Trauerfeier', u'funeral service; obsequies')] dictSet_49 = [('das', u'Schwimmen', u'swim; swimming; floatage; flotage; wander'), ('das', u'Platt', u'Low German'), ('die', u'Pflanze', u'plant'), ('das', u'Oratorium', u'oratory; oratorio'), ('die', u'Olympiade', u'Olympic Games {pl}; Olympics {pl}'), ('die', u'Kommissarin', u'commissioner for climate action'), ('der', u'Kommentator', u'annotator; commentator'), ('das', u'Karate', u'karate'), ('das', u'Hochmittelalter', u'High Middle Ages; high-medieval period'), ('der', u'Gewerkschaftsbund', u'federation of trade unions'), ('die', u'Germanistik', u'German studies; German philology; Germanistics; Germanics'), ('die', u'Feder', u'pen; feather; quill; spring; spring'), ('das', u'Erw\xe4hnen', u'referencing'), ('die', u'Einberufung', u'draft; induction [Am.]; conscription; convocation; convening; call-up order; draft order [Am.]; selective service [Am.]'), ('die', u'Dimension', u'dimension; dimension'), ('das', u'Computerspiel', u'computer game'), ('die', u'Beerdigung', u'interment; funeral; burial; inhumation'), ('das', u'Amberg', u'Amberg (city in Germany)'), ('die', u'Aggression', u'aggression'), ('die', u'Triathletin', u'triathlete'), ('das', u'Treiben', u'hustle'), ('die', u'Trauung', u'marriage; marriage-ceremony'), ('der', u'Toningenieur', u'sound engineer'), ('der', u'Stier', u'bull; Taurus; Bull'), ('der', u'Stellenwert', u'account; rating; (relative) importance'), ('der', u'Staub', u'powder; dust'), ('das', u'Schaltjahr', u'leap year; intercalary year'), ('die', u'Schallplatte', u'record; platter [Am.] [slang]'), ('der', u'Rettungsdienst', u'emergency medical service /EMS/; emergency health service /EHS/ [Can.]; rescue service'), ('der', u'Nahost', u'(the) Middle East; Near East'), ('das', u'Merkmal', u'descriptor (of/for sth.); characteristic; character attributes; trait of character; character trait; trait; indication; attribute; symptom; feature; particular feature; token'), ('der', u'Landesteil', u'part of a country'), ('der', u'Klang', u'sound; tone; ring'), ('das', u'Image', u'image'), ('das', u'Gegenst\xfcck', u'analog; analogue; counterpart (of/to sb./sth.); complement; obverse (of)'), ('die', u'Ferne', u'distance; aloofly'), ('das', u'Fach', u'pocket; division; panel; pigeonhole; compartment; case; singing repertory; repertory; fach; subject; school subject'), ('der', u'Einzelhandel', u'retail; retail trade; retailing'), ('der', u'Doppeldecker', u'bi-plane; biplane; double decker; double-decker bus'), ('das', u'Brennen', u'cauterization [eAm.]; cauterisation [Br.]; pitfiring; bush firing; sting; smart'), ('die', u'Beschaffung', u'procurement; provisioning'), ('die', u'Beleuchtung', u'illumination; lighting; illumination'), ('die', u'Aussetzung', u'suspension; exposure (of sb.)'), ('der', u'Aufsatz', u'essay; article; composition; top part; upper part; top piece; top'), ('der', u'Asteroid', u'asteroid; planetoid; minor planet'), ('die', u'Absicherung', u'safeguarding; hedge (against sth.); downside protection (stock exchange)'), ('der', u'Zensus', u'census'), ('das', u'Stipendium', u'grant; fellowship; scholarship; bursary; studentship [Br.]'), ('der', u'Stellungskrieg', u'static warfare'), ('die', u'Spielst\xe4tte', u'venue'), ('die', u'Sozialarbeiterin', u'social worker; community worker'), ('der', u'Schreck', u'fear; jolt [fig.]; fright; scariness; shock; terror; scare'), ('die', u'Schiene', u'runner; rail; splint'), ('das', u'Schema', u'schema; scheme; formula; pattern; scheme; schematic diagram'), ('der', u'Pharmazeut', u'pharmacist'), ('die', u'Pfarrkirche', u'parish church'), ('der', u'Petersdom', u"St. Peter's Basilica (in Rome)"), ('der', u'Magier', u'magician; wizard; sorcerer'), ('die', u'Inschrift', u'inscription'), ('der', u'Herzinfarkt', u'(cardiac) infarction; myocardial infarction; heart attack; coronary'), ('die', u'Gewichtheberin', u'weightlifter; lifter'), ('der', u'Gegenspieler', u'opponent; antagonist'), ('die', u'Europawahl', u'European election'), ('die', u'Erbin', u'heiress; inheritress'), ('die', u'Endphase', u'final stage; terminal stage; terminal phase; final phase'), ('die', u'Einschr\xe4nkung', u'limitation; limitation; restriction; restriction; derogation; constraint; restrictiveness; privation; cutback (in sth.); curb'), ('das', u'Aussehen', u'appearance; lookout; complexion; air'), ('das', u'Anliegen', u'concern'), ('der', u'Weinbau', u'viticulture; winegrowing; wine-growing'), ('die', u'Verhandlung', u'parley; negotiations {pl}; negotiation; bargaining; trial'), ('die', u'Umfrage', u'survey; poll (on)'), ('der', u'T\xe4ufer', u'baptist'), ('der', u'Titelverteidiger', u'titleholder; cup holder'), ('die', u'Strang', u'trace; strand'), ('der', u'Strang', u'rope; strand; cord; hank; skein'), ('die', u'Skirennfahrerin', u'ski racer'), ('der', u'Schlaganfall', u'(fit of) apoplexy; seizure; stroke; apoplectic fit; cerebrovascular accident /CVA/'), ('der', u'Neuerer', u'innovator'), ('das', u'Moos', u'moss; brass; loot; boodle; moolah; lolly; dosh [coll.]'), ('der', u'Mais', u'corn [Am.]; maize'), ('die', u'Konzeption', u'conception; concept; conception'), ('der', u'Kontrabass', u'double bass; contrabass; double bass'), ('die', u'Kolonialzeit', u'colonial period'), ('der', u'Investor', u'investor'), ('die', u'Haltestelle', u'stop'), ('das', u'Gewitter', u'thunderstorm; storminess; tempest; thunderbolt'), ('die', u'Filmemacherin', u'filmmaker'), ('der', u'Bison', u'bison'), ('die', u'Zusage', u'confirmation; assurance; pledge; promise; acceptance; undertaking; consent (to); assent'), ('die', u'Verbrennung', u'burn (on); incineration; burning; combustion; torridness'), ('die', u'T\xfcr', u'patio door; door; doorway'), ('die', u'Transparenz', u'lucency; transparency'), ('die', u'Tierwelt', u'fauna; animal world; wildlife'), ('der', u'Talkmaster', u'chat show host [Br.]; talk show host'), ('das', u'Sultanat', u'sultanate'), ('die', u'Schulbank', u'school desk'), ('das', u'Ries', u'ream'), ('die', u'Rentenversicherung', u'pension insurance fund; pension scheme; pension insurance scheme; retirement insurance; annuity insurance'), ('das', u'Privatleben', u'private life'), ('der', u'Plastiker', u'sculptor')] dictSet_50 = [('die', u'Pforte', u'gate'), ('das', u'Papsttum', u'papacy'), ('die', u'Marsoberfl\xe4che', u'surface of Mars'), ('die', u'K\xfcstenlinie', u'shoreline; shore line; coastline'), ('der', u'Klipper', u'clipper'), ('die', u'Festigkeit', u'fastness; firmness; fixedness; solidity; solidness; staunchness; strength; tightness; consistency; sturdiness'), ('die', u'Barbe', u'barbel'), ('die', u'Auswertung', u'analysis; evaluation; appraisal; interpretation; plotting; debriefing; debriefing session; utilization [eAm.]; utilisation [Br.]'), ('die', u'Arbeitszeit', u'working time; working hours; operating time'), ('das', u'Anbieten', u'offering'), ('das', u'Verfassen', u'authoring'), ('der', u'Tausender', u'(number) thousand'), ('der', u'Schlick', u'ooze; warp; silt; sludge; tidal mud deposits'), ('der', u'Programmierer', u'coder; programmer; programer [Am.]'), ('die', u'Priorit\xe4t', u'priority'), ('der', u'Norweger', u'Norwegian'), ('die', u'Neugr\xfcndung', u'start-up (of a company)'), ('der', u'Kath', u'kath; qat'), ('der', u'Kalk', u'lime; calcium oxide'), ('das', u'Ideal', u'ideal'), ('das', u'Halbfinale', u'semi-final; semifinal; semifinal round'), ('der', u'Einflussbereich', u'reach; outreach'), ('die', u'Betreuung', u'supervision; support service; support; care'), ('das', u'Banjo', u'banjo'), ('die', u'Auss\xf6hnung', u'reconciliation; reconcilement; conciliation'), ('der', u'Antritt', u'departure; beginning; setting out; acceleration; entrance upon; accession'), ('der', u'Adjutant', u'adjutant; aide-de-camp /ADC/'), ('das', u'Wandern', u'mountain hiking; hillwalking [Br.]; trekking [coll.]; backpacking; creep (of tyre on rim)'), ('das', u'Vieh', u'cattle; brute; livestock; live stock'), ('die', u'Unterwerfung', u'subjugation; submission (to); subjection (to); subservientness'), ('die', u'Skil\xe4uferin', u'skier'), ('die', u'Sezession', u'secession'), ('der', u'Profit', u'profit'), ('die', u'Piraterie', u'piracy; act of piracy'), ('die', u'Obrigkeit', u'authorities; magistracy'), ('die', u'Landstra\xdfe', u'B road [Br.]; state road [Am.]; road /Rd/'), ('die', u'Landfl\xe4che', u'land area'), ('die', u'Intensit\xe4t', u'intensity; intensiveness; strengh; intenseness'), ('der', u'Autohersteller', u'car maker; auto maker'), ('der', u'Arbeiterf\xfchrer', u'labour leader [Br.]; labor leader [Am.]'), ('der', u'Alkohol', u'alcohol; booze [Br.]; liquor; liquors'), ('der', u'Venusberg', u'mount of Venus'), ('der', u'Tauber', u'cock pigeon'), ('die', u'Stiftskirche', u'collegiate church'), ('der', u'Stabhochspringer', u'pole jumper'), ('die', u'Sparkasse', u'savings bank'), ('der', u'Schlosser', u'engine fitter; machine fitter; fitter; metal worker; metalworker; metalworker; locksmith'), ('die', u'Rate', u'rate; instalment; installment [Am.]; rate'), ('die', u'Psychiatrie', u'psychiatry; psychiatric ward'), ('der', u'Nachteil', u'prejudice (to sth.); downside; disadvantage; drawback; penalty; disbenefit [Br.]; detriment; hurt (to)'), ('die', u'Messung', u'reading; measuring; measurement; mensuration'), ('die', u'Loyalit\xe4t', u'loyalty; allegiance'), ('das', u'Gulag', u'Gulag; GULAG (acronym for Russian Glavnoye Upravleniye ispravitelno-trudovyh Lagerey - The Chief Administration of Corrective Labor Camps)'), ('der', u'Gesetzgeber', u'lawgiver; legislator'), ('der', u'Geigenbauer', u'violin maker; luthier'), ('die', u'Fremdsprache', u'foreign language'), ('das', u'Feuerwerk', u'fireworks; barn-burner [coll.]'), ('das', u'Derby', u'derby'), ('der', u'Colonia', u'colonia (settlement outside of Rome in the Roman Empire)'), ('der', u'Coelestin', u'celestine; celestite'), ('die', u'Blasmusik', u'music for brass instruments; playing of a brass band'), ('der', u'Armada', u'armada'), ('die', u'Wasserstra\xdfe', u'strait; straits (of); waterway; canal'), ('die', u'Vers\xf6hnung', u'conciliation; propitiation; reconciliation; reconcilement; conciliation'), ('der', u'Verschw\xf6rer', u'conspirator; conniver; conspirer; plotter; schemer'), ('die', u'Schwelle', u'barrier; sill; sleeper; tie [Am.]; threshold; threshold value'), ('das', u'Repertoire', u'repertoire'), ('der', u'Pegelstand', u'water level; gauge reading'), ('die', u'M\xfchle', u"grinder; mill; nine men's morris; ninepenny [Br.]"), ('die', u'Meteorologie', u'meteorology'), ('das', u'Mallorca', u'Majorca; Mallorca'), ('die', u'Malaria', u'malaria'), ('die', u'K\xf6rperschaft', u'corporation; corporate body; subordinate body; statutory corporation'), ('die', u'Kunstsammlerin', u'art collector'), ('die', u'Kontinuit\xe4t', u'continuity; continuousness'), ('das', u'Kalifat', u'caliphate'), ('der', u'Import', u'import; importing; importation'), ('der', u'Holl\xe4nder', u'hollander; Dutch man; Dutchman; Dutch woman'), ('die', u'Hochburg', u'hotspot; hot spot (for sth.); stronghold'), ('das', u'Haustier', u'domestic animal; pet animal; pet; animal companion; companion animal'), ('die', u'Einigkeit', u'unity; consensus; accord'), ('das', u'Desaster', u'disaster'), ('der', u'Buddhist', u'Buddhist'), ('die', u'Buchautorin', u'book author; writer of books'), ('die', u'Bewerbung', u'application (for); candidacy; solicitation'), ('das', u'Bankhaus', u'banking house'), ('die', u'Zwischenkriegszeit', u'interwar period'), ('der', u'Stuckateur', u'plasterer'), ('das', u'Strafrecht', u'criminal legislation; penal legislation; criminal law'), ('das', u'Singen', u'singing'), ('die', u'Sekte', u'sect'), ('der', u'Retter', u'rescuer; saviour; savior [Am.]; retriever; saver'), ('die', u'Reichsacht', u'Imperial ban'), ('die', u'Rechtsanw\xe4ltin', u'attorney /att.; atty/ [Am.]; attorney at law [Am.]; solicitor /sol.; solr/ [Br.]; lawyer [Br.]; counsel; counselor; counsellor'), ('das', u'Postwesen', u'postal system'), ('der', u'Pony', u'fringe; bangs [Am.]'), ('das', u'Pony', u'pony'), ('die', u'Mauser', u'molt; molting [Am.]; moult; moulting [Br.]'), ('der', u'Lohn', u'due; reward; compensation [Am.]; fee; professional fee; wage; pay; meed; pay-off'), ('das', u'Kohlebergwerk', u'coal mine; coalmine; colliery')] dictSet_51 = [('die', u'H\xe4rte', u'hardness; harshness; abrasiveness; scratchiness; relentlessness; rigour [Br.]; rigor [Am.]; hardship; rigorousness; flintiness; steeliness; stoniness; toughness; sturdiness; robustness; asperity; stiffness; severity; stringency'), ('der', u'Herzchirurg', u'heart surgeon; cardiac surgeon'), ('das', u'Haushaltsdefizit', u'budget deficit'), ('das', u'Handelsabkommen', u'trade agreement'), ('der', u'Haftbefehl', u'warrant of arrest; arrest warrant; detention order'), ('die', u'Graphikerin', u'graphic designer; graphic artist'), ('das', u'Fischen', u'fishing'), ('der', u'Feuerstein', u'fire stone; flint; chert; ignescent stone'), ('die', u'Dozentin', u'university lecturer'), ('die', u'Aufforderung', u'request; invitation; challenge (to sb. to do sth.); demand; levy'), ('der', u'Ackerbau', u'farming; agriculture; husbandry; cultivation; tillage; tilth'), ('der', u'Zwerg', u'dwarf; midget; munchkin (from "Wizard of Oz"); runt'), ('die', u'Weltanschauung', u'philosophy (of life); world view; weltanschauung; world outlook; ideology'), ('das', u'Venetien', u'Veneto; Venetia (Italian region)'), ('die', u'Spendenaff\xe4re', u'donations scandal'), ('der', u'Schl\xfcssel', u'clef; key; wrench'), ('der', u'Schlumpf', u'smurf'), ('die', u'Schlagzeugerin', u'percussionist; drummer'), ('der', u'Pr\xe4fekt', u'county commissioner (head of county administration); prefect'), ('das', u'Pfingsten', u'Whitsun; Whitsuntide; (Christian) Pentecost; Pentecost'), ('das', u'Neujahrsfest', u"New Year's celebration"), ('die', u'Maser', u'vein'), ('der', u'Krater', u'crater; sinkhole; caldera; inbreak crater'), ('die', u'Impfung', u'immunization [eAm.]; immunisation [Br.]; shot [coll.]; vaccination; jab [Br.] [coll.]; inoculation'), ('der', u'Hungerstreik', u'hunger strike'), ('das', u'Hochgebirge', u'high mountain region; high mountain area; high mountains'), ('die', u'Geltung', u'credit; prestigiousness; worth; account'), ('der', u'Flugbetrieb', u'air traffic; flight operations'), ('die', u'Fachzeitschrift', u'professional journal; professional magazine; periodical; trade journal'), ('die', u'Bundesautobahn', u'federal motorway'), ('das', u'Bem\xfchen', u'effort'), ('die', u'Beibehaltung', u'health behaviour maintenance; retention; retention'), ('der', u'Baustoff', u'building material; construction material; nutrient'), ('die', u'Atommacht', u'state with nuclear weapons'), ('die', u'Assoziation', u'association; connotation'), ('das', u'Argument', u'argument; argument (of a function)'), ('der', u'Zander', u'zander; sander; walleye; pikeperch; blue pickerel'), ('der', u'Wiedereintritt', u'reentrance; reentry'), ('die', u'Umgangssprache', u'colloquial language; common speech'), ('die', u'Taufe', u'baptism'), ('die', u'Religionsaus\xfcbung', u'practice of religion'), ('das', u'Rei\xdfen', u'rip; ripping; snatch (weightlifting)'), ('die', u'Niederschlagsmenge', u'amount of precipitation'), ('die', u'Legitimation', u'identification document; identification; ID; proof of identity; legitimation; credentials; authority'), ('der', u'Landesherr', u'sovereign'), ('der', u'Kost\xfcmbildner', u'costume designer; costumer; costumier'), ('der', u'Kitt', u'cement; putty; lute'), ('das', u'Hindernis', u'obstruction; baulk [Br.]; balk [Am.]; fence; hindrance; encumbrance (to); hump; check; impediment; obstacle; bar (to); hazard; hitch; barrier; hiccup'), ('der', u'Hausmann', u'househusband'), ('der', u'Hauptteil', u'main part; principal part; body'), ('die', u'Glaubensfreiheit', u'religious freedom; freedom of worship'), ('die', u'F\xe4lschung', u'adulteration; falsification; forgery; fabrication; counterfeit; fudge; phoney; imitation; sham; fake'), ('die', u'Einfahrt', u'slip road [Br.]; descent; gateway; entrance; entranceway'), ('der', u'Eckstein', u'cornerstone; corner stone'), ('der', u'Dixie', u'Dixieland; Dixie'), ('die', u'Delle', u'dent; indent; dent; dint; indentation; buckle'), ('das', u'Bitten', u'pleading; entreaty; entreaties'), ('das', u'Bedienen', u'waiting'), ('der', u'Amor', u'Cupid'), ('der', u'Zuzug', u'moving in'), ('die', u'Wahrscheinlichkeit', u'plausibility; probability; likelihood; probability; feasibility; likeliness'), ('der', u'Vorrang', u'privilege; right of way; precedence; precedency; primacy (over); priority; prior; supremacy; antecedence'), ('die', u'Verringerung', u'decrease; reduction (of sth.); depletion; diminution (of/in sth.) (formal); abatement'), ('die', u'Tuba', u'tuba'), ('die', u'Tiefsee', u'deep sea; deep ocean; abyssal sea; oceanic abyss'), ('die', u'Stationierung', u'chainage; deployment'), ('die', u'Schwerindustrie', u'heavy industry'), ('der', u'Sandstein', u'sandstone; sandrock; psammite; arenite; freestone'), ('der', u'Rivale', u'rival'), ('die', u'Relation', u'relation (to sth.); relation; relation; relationship'), ('die', u'Politikwissenschaft', u'political science; politics'), ('der', u'Panamakanal', u'Panama Canal'), ('der', u'Omnibus', u'motor coach (bus)'), ('der', u'Nestor', u'Nestor'), ('der', u'Lob', u'lob'), ('das', u'Lob', u'accolade; compliment; praise; kudos [coll.] [Am.]; approval'), ('der', u'Lehrbetrieb', u'teaching'), ('die', u'Inka', u'Inca'), ('der', u'Inka', u'Inca'), ('der', u'Hofgarten', u'court garden'), ('der', u'Heini', u'twerp; twit'), ('der', u'Friese', u'Frisian; Friesian'), ('die', u'Folkloristin', u'folklorist'), ('der', u'Durchgang', u'transit; passage; orifice; hallway; passage; passageway; gangway; heat; round; alley; alley way'), ('der', u'Cowboy', u'cowboy; buckaroo; vaquero'), ('die', u'Beschr\xe4nkung', u'limitation; restriction (to); restrictive measure; restraint; confinement (to); constraint; limitation; limitations; limit; curb'), ('die', u'Bemerkung', u'comment; remark (on); observation; note; comment'), ('die', u'Begnadigung', u'reprieve; pardon; pardon'), ('der', u'Arbeitsplatz', u'workplace; place of work; working place; workstation; employment; activity area; job'), ('die', u'Zahnradbahn', u'rack-railway [Br.]; rack-railroad [Am.]'), ('die', u'Substanz', u'substance; matter; substance'), ('das', u'Streichen', u'strike; trend; course'), ('das', u'Staatsexamen', u'final university examination; state examination'), ('der', u'Schneesturm', u'blizzard; snow storm; snowstorm; snow blast'), ('die', u'Regierungsform', u'regime; form of government; governance'), ('das', u'Plattdeutsch', u'Low German'), ('der', u'Penny', u'penny'), ('der', u'Muschelkalk', u'shelly limestone; shell limestone; Muschelkalk (series)'), ('die', u'Mundharmonika', u'harmonica; mouth organ; blues harp'), ('der', u'Mordanschlag', u'murder attack')] dictSet_52 = [('die', u'Lore', u'tipper; tipper truck; wagon'), ('die', u'Kuppel', u'astrodome; dome; cupola; cupola roof; vault; quaquaversal structure'), ('die', u'Jahreszeit', u'season; time of year'), ('die', u'Gunst', u'grace; favour [Br.]; favor [Am.]; goodwill; kindness; affection; partiality; patronage'), ('der', u'Granit', u'granite'), ('die', u'Gnade', u'grace; graciousness; mercy; blessing'), ('der', u'Gips', u'plaster; plaster stone; gypsum; selenite'), ('das', u'Gerichtsurteil', u'court decision; judicial decision'), ('der', u'F\xe4cher', u'fan'), ('die', u'Funkausstellung', u'radio show'), ('die', u'Filmgeschichte', u'film history'), ('der', u'Erreger', u'exciter'), ('die', u'Erkundung', u'reconnaissance; prospection; prospecting; survey; surveying; exploring; exploration; prospecting'), ('das', u'Entfernen', u'removal; removing; disassembling; clearance; backface culling; hidden surface removal; removing; removal; disposal; bowdlerization [eAm.]; bowdlerisation [Br.]'), ('der', u'Dreher', u'lathe operator'), ('der', u'Dekan', u'dean; department head'), ('das', u'Defizit', u'deficit; balance of payments deficit'), ('das', u'Ausl\xf6sen', u'triggering'), ('die', u'Anatomie', u'anatomy'), ('der', u'Zehnk\xe4mpfer', u'decathlete'), ('das', u'Tageblatt', u'journal'), ('das', u'Startgewicht', u'take-off weight; take-off mass'), ('die', u'Schw\xe4che', u'enervation; demerit; infirmity; flaccidity; indulgence; weakness; feet of clay; weakness; feebleness; foible; frailty; failing; infirmity; languor; poorness; partiality (for)'), ('der', u'Schiffbau', u'shipbuilding; ship building industry'), ('die', u'R\xfcckseite', u'reverse; back; back; back side; back page; rear; reverse; reverse side; flipside; versus; verso'), ('die', u'Rechtschreibreform', u'spelling reform'), ('die', u'Professur', u'professorship; chair (of; in)'), ('der', u'Pieper', u'buzzer'), ('der', u'Matrose', u'sailor; seaman'), ('der', u'Mangold', u'chard; Swiss chard'), ('der', u'Kubaner', u'Cuban'), ('der', u'Kampfflieger', u'combat pilot'), ('die', u'Isolierung', u'isolation; insulation; thermal insulation; lagging'), ('das', u'Intervall', u'interval; interval'), ('die', u'Gro\xdfmutter', u'grandmother; grandma'), ('das', u'Gramm', u'gram; gramme [Br.]'), ('das', u'Geburtshaus', u'birth house; house where ... was born'), ('das', u'Gebet', u'prayer; supplication'), ('der', u'Fonds', u'funds {pl}'), ('der', u'Folks\xe4nger', u'folk singer'), ('das', u'Cello', u'violoncello; cello'), ('der', u'Binnenhafen', u'inland port'), ('der', u'Ballungsraum', u'megalopolis'), ('die', u'Ausschaltung', u'cut-off; disconnection; elimination'), ('die', u'Ank\xfcndigung', u'notice (of sth.); advertisement; announcement'), ('die', u'Zahlungsunf\xe4higkeit', u'insolvency; inability to pay; bankruptcy'), ('der', u'Trickfilm', u'animated film; animated cartoon'), ('die', u'Streichung', u'cancellation; abatement'), ('das', u'Starrluftschiff', u'rigid airship'), ('der', u'Selbstverlag', u"author's edition"), ('das', u'Regierungsviertel', u'government district'), ('die', u'Razzia', u'raid; police raid; round-up; bust [coll.]; swoop (on)'), ('der', u'Panzerkreuzer', u'battleship; battle cruiser'), ('die', u'Nationalbank', u'central bank; reserve bank; monetary authority'), ('der', u'Militarismus', u'militarism'), ('das', u'Kollo', u'item of freight'), ('der', u'Kohlenstoff', u'carbon'), ('der', u'Homo', u'fairy [Am.] [slang]'), ('der', u'Heiler', u'healer'), ('das', u'Gras', u'pasture; pasturage; grass; weed; grass; gage; sess [slang]; herbage'), ('das', u'Genie', u'genius; wizard; wiz; whiz; whizz [coll.]'), ('die', u'Fracht', u'cargo; freight; carriage; transport [Am.]'), ('die', u'Eller', u'black alder; common alder; European alder'), ('der', u'Broadcast', u'broadcast'), ('das', u'Beisein', u'presence'), ('das', u'Anatolien', u'Anatolia'), ('der', u'Abolitionist', u'abolitionist'), ('der', u'Weltumsegler', u'circumnavigator'), ('die', u'Volksmusik', u'folk music'), ('das', u'Violoncello', u'violoncello; cello'), ('der', u'Vertrieb', u'marketing; sales and marketing; distribution; sale; sales department; sales division; sales'), ('der', u'Verfechter', u'proponent; advocate (of sb./sth.); protectionist; protectionist; advocate; asserter; assertor (of sth.); supremacist; maintainer; stickler; defender (of sth.) [fig.]'), ('der', u'Tonfilm', u'talkie'), ('der', u'Spengler', u'plumber; metalworker'), ('der', u'Scherz', u'spoof; frolic; fun; pleasantry; joke; fun; jest'), ('der', u'Pressesprecher', u'press agent; press spokesman; press officer; spokeswoman'), ('der', u'Photograph', u'photographer'), ('der', u'Pfadfinder', u'pathfinder; scout; boy scout'), ('das', u'Panzerschiff', u'ironclad'), ('die', u'Mithilfe', u'help; aid; assistance; cooperation; assistance (in)'), ('die', u'Menschenrechtlerin', u'human rights activist'), ('der', u'Makler', u'estate agent; land agent [Br.]; real estate sales associate; real estate broker; realtor [Am.]; broker; realtor; intermediary'), ('der', u'Kunststoff', u'plastic; plastics; synthetic material; synthetic'), ('die', u'Kulturpolitik', u'cultural and educational policy'), ('die', u'Kreuzung', u'bastard; junction; crossroads; crossing /Xing/; intersection [Am.]; crossing; crossbreed; crossbreeding; hybridization [eAm.]; hybridisation [Br.]; hybrid; intersection; cross-over; crossover'), ('das', u'Konsulat', u'consulate'), ('die', u'Kolonisation', u'colonisation [Br.]; colonization [Am.]'), ('die', u'Installation', u'installation; installing'), ('der', u'Gorilla', u'gorilla (Gorilla gorilla)'), ('der', u'Gewahrsam', u'ward; custody; charge'), ('der', u'Geier', u'vulture'), ('das', u'Gallien', u'Gaul; Gallia'), ('der', u'Benutzer', u'user; borrower; reader'), ('das', u'Verraten', u'whistle-blowing; whistleblowing'), ('die', u'Todesursache', u'cause of death'), ('der', u'Tiersch\xfctzer', u'animal protectionist; animal-rights activist; animal welfarist'), ('die', u'Stadtgrenze', u'town boundary; city boundary'), ('die', u'Sommerzeit', u'summer time [Br.]; daylight saving time /DST/'), ('die', u'Seeherrschaft', u'naval supremacy'), ('die', u'Schweinegrippe', u'swine influenza; swine flu; H1N1 flu')] dictSet_53 = [('das', u'Schienennetz', u'railway system'), ('die', u'Regierungsbildung', u'formation of a government'), ('der', u'Puls', u'pulse'), ('der', u'Lahn', u'flattened wire'), ('die', u'Kur', u'cure; (course of) treatment; reconvalescence treatment'), ('das', u'Helium', u'helium'), ('das', u'Grundwasser', u'groundwater; underground water; subsoil water; subterranean water; level water; underwater'), ('die', u'Freihandelszone', u'free-trade area'), ('die', u'Deutung', u'interpretation; construction; explanation'), ('die', u'Zwischenzeit', u'interim; intervening period; meantime'), ('der', u'Zwergplanet', u'dwarf planet'), ('der', u'Zuschlag', u'allowance; surcharge; extra; allocated production overhead; extra; acceptance of bid; award of contract; loading; extra charge'), ('die', u'Verz\xf6gerung', u'retardation; obstruction; dalliance; delay; time delay; time lag; lag-time; hesitation; latency; foot-dragging; footdragging; hold-up'), ('die', u'Vertraute', u'confidante'), ('der', u'Urlaub', u'holiday [Br.]; vacation [Am.]; break; leave; leave; furlough'), ('der', u'Unternehmensberater', u'management-consultant'), ('die', u'Sperre', u'barrier; stop; end stop; blockade; latch; lock; lockout; barrier; elimination; detent; latch; ban (of a player); suspension; blackout; gate; lock-up'), ('die', u'Selbstst\xe4ndigkeit', u'autonomy; independence; self-sufficiency; autarky; self-reliance'), ('das', u'Reservoir', u'reservoir'), ('die', u'Reorganisation', u'readjustment; rearrangement; reorganization [eAm.]; reorganisation [Br.]; reconstruction'), ('der', u'Platten', u'flat tyre; flat tire [Am.]; flat'), ('die', u'Phoebe', u'eastern phoebe'), ('das', u'Nachrichtenmagazin', u'news magazine'), ('das', u'Milit\xe4rb\xfcndnis', u'military alliance'), ('die', u'Maschinenfabrik', u'engineering works'), ('die', u'Lombardei', u'Lombardia; Lombardy (Italian region)'), ('der', u'Limes', u'limes'), ('das', u'Limes', u'limit'), ('der', u'Kunstverein', u'art club; Kunstverein'), ('die', u'Kunstsammlung', u'art collection'), ('die', u'Kom\xf6diantin', u'comic; comedian; trouper'), ('die', u'Kapsel', u'capsule; sagger'), ('der', u'Jasmin', u'jasmine'), ('die', u'Intendantin', u'intendant'), ('die', u'Herausgeberin', u'editor /ed./; publisher'), ('der', u'Fang', u'take; catch; capture; haul; claw; fang'), ('der', u'Falke', u'falcon; hawk'), ('die', u'Entmachtung', u'deprivation of power'), ('der', u'Conf\xe9rencier', u'comp\xe8re; compere [Br.]; emcee [Am.]'), ('das', u'Collier', u'necklace'), ('das', u'Bulletin', u'bulletin'), ('die', u'Bergung', u'extrication; rescue; recovery; salvage; retrieval'), ('die', u'Bastille', u'Bastille'), ('die', u'Balance', u'balance'), ('das', u'Aufsp\xfcren', u'tracing; tracking; man-trailing; skip tracing; skiptracing'), ('die', u'Arbeitsgruppe', u'working team; study group (school); work group; working group; task force; task-force; task-force group; team'), ('das', u'Allg\xe4u', u'Allgaeu; Allgau'), ('der', u'Zylinder', u'cylinder; cyl; top-hat; topper; high hat; stovepipe hat; stovepipe [coll.]; tophat; top hat; topper [coll.]'), ('die', u'Zoologie', u'zoology'), ('der', u'Zeuge', u'witness'), ('die', u'Widerstandsbewegung', u'resistance movement'), ('das', u'Wettr\xfcsten', u'armament race; arms race; escalation ladder [fig.]'), ('der', u'Wetterdienst', u'weather service; meteorological service'), ('das', u'Verfassungsgericht', u'constitutional court'), ('das', u'Trauerspiel', u'tragedy'), ('der', u'Reif', u'rime; white frost; hoar; hoarfrost; hoarfrost; circlet'), ('der', u'Keim', u'germ; germ'), ('der', u'Jangtsekiang', u'Yangtzekiang'), ('das', u'Individuum', u'individual'), ('das', u'Gift', u'poison; venom'), ('der', u'Gesetzentwurf', u'bill'), ('die', u'Gefangennahme', u'capture'), ('der', u'Freidenker', u'freethinker; free-thinker'), ('das', u'Emirat', u'emirate'), ('der', u'Carver', u'carver'), ('der', u'Buntsandstein', u'Early Triassic; Lower Triassic; Buntsandstein; variegated sandstone; mottled sandstone'), ('die', u'Benennung', u'naming; denomination; titling; designation; designating; appellation; appellative'), ('die', u'Behauptung', u'claim; assertion; assertion; averment; contention; statement'), ('die', u'Bausubstanz', u'fabric; basic structure of a building'), ('die', u'Yacht', u'yacht'), ('die', u'Weihe', u'consecration; votively; Holy Orders (Catholic Sacrament)'), ('der', u'Wanderprediger', u'evangelist; itinerant preacher'), ('die', u'Vermarktung', u'commercialization [eAm.]; commercialisation [Br.]; marketing'), ('die', u'Verf\xfcgbarkeit', u'availability; disposability; availableness'), ('die', u'Unruh', u'balance; balance wheel'), ('das', u'Stromnetz', u'main; mains; power supply system; power grid'), ('die', u'Seestreitkr\xe4fte', u'naval forces'), ('die', u'Seefahrt', u'seafaring'), ('die', u'R\xf6ntgenstrahlung', u'X-rays; roentgen radiation'), ('der', u'Riese', u'giant; colossus; behemoth; titan'), ('der', u'Regierungswechsel', u'change of government'), ('der', u'Rechner', u'computer; data processor; calculator; calculator; reckoner'), ('das', u'Quantum', u'quantum; quota; quantum (of)'), ('der', u'Putschist', u'putschist; rebel'), ('der', u'Profiboxer', u'professional boxer; prizefighter'), ('die', u'Problematik', u'problem; problematic nature; difficulty'), ('die', u'Postmoderne', u'Postmodernism; Postmodern Age'), ('der', u'Phlox', u'phlox'), ('das', u'Marketing', u'marketing; sales and marketing'), ('der', u'Magister', u"Master; Master's"), ('die', u'Kurzbiografie', u'memoir'), ('die', u'Kunstgeschichte', u'art history'), ('der', u'Kubismus', u'Cubism'), ('der', u'Klavierspieler', u'piano-player'), ('die', u'Keramik', u'ceramics; pottery; ceramic'), ('das', u'Hoheitszeichen', u'emblem; national emblem'), ('das', u'Hochchinesisch', u'Mandarin'), ('die', u'Guillotine', u'guillotine'), ('der', u'Gesamtwert', u'total value; aggregate value of importation'), ('das', u'Ged\xe4chtnis', u'remembrance (of); memory; remembrance; mind; commemoratively')] dictSet_54 = [('der', u'Geburtsname', u'name at birth'), ('das', u'Eiszeitalter', u'Pleistocene; ice age; diluvium; drift period; diluvial period; glacial epoch; glacial time'), ('der', u'B\xfcffel', u'buffalo'), ('die', u'Bewahrung', u'preservation; conservation; retention; conservation'), ('die', u'Besteuerung', u'taxation'), ('das', u'Begr\xe4bnis', u'funeral; burial; sepulture'), ('der', u'Arbeitsminister', u'minister for employment; Secretary of Employment [Br.]; Secretary of Labor [Am.]'), ('die', u'Animation', u'animation; entertainment'), ('die', u'Abgabe', u'duty (on sth.); tribute; tax; levy; bidding; royalty; impost'), ('der', u'Vorhang', u'blind; curtain; drape; drapery'), ('das', u'Viertelfinale', u'quarter final; quarterfinal; quarterfinal round'), ('die', u'Verschiebung', u'suspension; dislocation; deferral; displacement; postponement (to); shift; shifting; thrusting; shifting; sliding; thrust; shift; fault; break; displacement (e.g. within crystals)'), ('das', u'Universum', u'universe'), ('das', u'Triumvirat', u'triumvirat'), ('der', u'St\xe4dtebau', u'urban development; urban building; town planning'), ('der', u'Spike', u'spike; stud (winter tyre/tire)'), ('die', u'Spannung', u'strain; suspense; tension; stress; tone'), ('der', u'Schimmel', u'must; mildew; mould [Br.]; mold [Am.]; white horse; grey horse'), ('das', u'Relais', u'relay'), ('die', u'Rehabilitation', u'rehabilitation; rehab'), ('die', u'Passage', u'passage; passage; passage'), ('die', u'Parole', u'countersign; shibboleth; motto; password; watchword'), ('die', u'Parkanlage', u'parkway; grounds'), ('die', u'Naturkatastrophe', u'cataclysm; natural disaster'), ('der', u'Misserfolg', u'failure; flop; failure'), ('die', u'Kundgebung', u'manifestation; rally; enunciation'), ('die', u'Kreativit\xe4t', u'creativity; creative powers'), ('der', u'Keramiker', u'ceramist'), ('das', u'Jagdflugzeug', u'fighter (plane)'), ('die', u'H\xfcrde', u'hurdle; wattle'), ('das', u'Herrenhaus', u'manor-house'), ('der', u'Gl\xf6ckner', u'ringer'), ('der', u'Fl\xfcchtling', u'absconder; escapee'), ('der', u'Fernsehkoch', u'celebrity chef'), ('das', u'Erscheinungsbild', u'appearance; skin'), ('die', u'Einsch\xe4tzung', u'appreciation; appraisal; assessment; rating; evaluation; measurement; assessment (of sth.)'), ('der', u'Eingriff', u'intervention; encroachment; interference; invasion; mesh; intervention; front opening; infringement (on)'), ('die', u'Eind\xe4mmung', u'control (of sth.); containment; embankment; embankment'), ('der', u'Container', u'container'), ('die', u'Bruderschaft', u'brotherhood; fraternity; confraternity'), ('der', u'Blizzard', u'blizzard'), ('die', u'Bauart', u'make; design; construction type; building technique'), ('die', u'Aurora', u'red sky; dawn; aurora'), ('der', u'Ara', u'macaw'), ('der', u'Zivildienst', u'alternative civilian service; civil alternative service; civilian public service [Am.] (in lieu of military service)'), ('die', u'Volksschule', u'elementary school'), ('die', u'Unterfamilie', u'subfamily'), ('die', u'Tagesordnung', u'order of the day; agenda {pl}; docket [Am.]; order of the day'), ('das', u'Strahlen', u'radiance; radiancy; beam (smile)'), ('das', u'Stabilisieren', u'plateau; plateauing'), ('der', u'Schlossgarten', u'castle garden'), ('die', u'Regatta', u'regatta'), ('der', u'Regatta', u'regatta'), ('das', u'Propagandaminister', u'minister of propaganda'), ('das', u'Mineral', u'mineral; dietary mineral; mineral'), ('die', u'Minderheitsregierung', u'minority government'), ('die', u'Luftverteidigung', u'anti-aircraft defence'), ('die', u'Lesung', u'reading'), ('die', u'Hierarchie', u'hierarchy'), ('der', u'Hecht', u'pike'), ('die', u'Glocke', u'bell; bell'), ('das', u'Gegengewicht', u'balance weight; balance (to); counter-balance; counterbalance; counterweight; counterpoise'), ('das', u'Event', u'event'), ('die', u'Empf\xe4ngnis', u'conception'), ('der', u'Double', u'double; doppelganger; doubleganger; lookalike; dead ringer'), ('das', u'Double', u'double; double'), ('der', u'Bankdirektor', u'bank director'), ('die', u'Aufseherin', u'overseer; custodian; supervisor'), ('der', u'Aufschlag', u'impact; surcharge; extra; lapel; revere; revers; percussion; serve; mark-up; extra charge'), ('der', u'Abb\xe9', u'abbe'), ('die', u'Werkstatt', u'sheltered workshop; shop floor; workshop; laboratory'), ('die', u'Weiterleitung', u'forwarding'), ('der', u'Testflug', u'shakedown; shakedown journey/flight; test flight'), ('das', u'S\xfc\xdfwasser', u'fresh water; freshwater'), ('der', u'Strafverteidiger', u'defending counsel; counsel for the defence [Br.]; attorney for the defense [Am.]; defense attorney [Am.]'), ('der', u'Sperling', u'sparrow'), ('das', u'Seminar', u'seminar; seminary'), ('der', u'Seehund', u'seal'), ('das', u'Seebad', u'seaside resort; coastal resort'), ('das', u'Schweigen', u'silence; silence'), ('der', u'Schrei', u'cry; scream; cry of fear; shout; shriek; holler; squeal; whoop; screech'), ('der', u'Regenwald', u'rain forest; rainforest'), ('das', u'Obst', u'fruit'), ('der', u'Kriegsherr', u'warlord'), ('die', u'Kanutin', u'canoeist'), ('der', u'Inselstaat', u'insular state'), ('die', u'Hofdame', u'lady-in-waiting; waiting maid; court lady'), ('der', u'G\xf6tze', u'idol; juggernaut'), ('der', u'Fischfang', u'fishing'), ('das', u'Dogma', u'tenet'), ('der', u'Balkon', u'balcony'), ('die', u'Ausfuhr', u'export'), ('das', u'Anzeichen', u'sign; indication (of); suggestion (of sth.); evidence; symptom; showing'), ('der', u'Werbetexter', u'ad writer; copywriter; ad man; advertising man; ad writer; scriptwriter'), ('die', u'Terrasse', u'terrace'), ('die', u'Stromversorgung', u'power supply; voltage supply'), ('der', u'Stromer', u'rounder'), ('das', u'Stadtviertel', u'district /dist./; quarter; part of town'), ('die', u'Schw\xe4chung', u'enervation; debilitation; weakening'), ('das', u'Satellitenbild', u'satellite picture')] dictSet_55 = [('der', u'Rechtsstaat', u'constitutional state; state governed by the rule of law'), ('der', u'Pflanzenz\xfcchter', u'plant breeder'), ('die', u'Panzerdivision', u'armoured division [Br.]; armored division [Am.]'), ('der', u'Milit\xe4rarzt', u'military surgeon'), ('der', u'Metallurge', u'metallurgist'), ('die', u'Kreide', u'chalk; Cretaceous'), ('die', u'Kopie', u'duplicate; copy; replica; replication; transcript'), ('der', u'Kardiologe', u'cardiologist; heart specialist'), ('der', u'Hebel', u'hand gear; lever'), ('der', u'Geb\xe4udekomplex', u'complex of buildings'), ('die', u'Folklore', u'folklore'), ('die', u'Flugzeugentf\xfchrung', u'air piracy; air hijacking'), ('der', u'Flugk\xf6rper', u'missile; aerodyne; aerodynamic vehicle'), ('die', u'Etablierung', u'establishment'), ('das', u'Emblem', u'emblem; device'), ('das', u'Ding', u'contraption; entity; thing; concern; widget [coll.]; gimmick; matter; so-and-so'), ('die', u'Denkschrift', u'memoir; expose'), ('der', u'Biber', u'flannelette; beaver; castor; gingerbread; lebkuchen'), ('das', u'Autorennen', u'car racing'), ('der', u'Aufwind', u'updraft; up wind; upwind; anabatic wind'), ('der', u'Aristokrat', u'aristocrat'), ('die', u'Abtrennung', u'separation; detachment'), ('der', u'Zuwanderer', u'immigrant'), ('das', u'Wehr', u'lasher; barrage; retaining dam; retaining dam weir; weir'), ('die', u'Wasserkraft', u'water power; waterpower; hydropower; white coal'), ('die', u'Wanderung', u'ramble; hike; hiking; migration; peregrination'), ('der', u'Veranstalter', u'organizer [eAm.]; organiser [Br.]'), ('der', u'Taler', u'thaler'), ('das', u'S\xfcddeutschland', u'Southern Germany; the South of Germany'), ('der', u'Stra\xdfentunnel', u'road tunnel'), ('der', u'Stahlhelm', u'steel helmet'), ('der', u'Split', u'grit'), ('die', u'Skyline', u'skyline'), ('das', u'Photo', u'photograph; picture'), ('die', u'Mitteilung', u'announcement; disclosure; notification; statement; impartation; communication; tiding; note'), ('der', u'Marathonlauf', u'marathon; marathon race'), ('die', u'Leibeigenschaft', u'peonage; bondage; serfdom'), ('die', u'Landessprache', u'language of the country; national language'), ('die', u'Heimkehr', u'home coming; homecoming; return home'), ('der', u'Gesch\xe4ftsbereich', u'area of responsibility; business division; portfolio'), ('die', u'Gemarkung', u'cadastral number; communal district; bounds (old-fashioned)'), ('die', u'Fl\xf6te', u'flute'), ('die', u'Entsch\xe4rfung', u'defusing; deactivation; mitigation'), ('die', u'Endl\xf6sung', u'the Final Solution (extermination of the Jews by the Nazis)'), ('die', u'Emanzipation', u'emancipation'), ('das', u'Einheitsliste', u'single list; single ticket [Am.]'), ('die', u'Disco', u'discotheque; disco; club [Am.]'), ('die', u'Digitalisierung', u'digitization; digitizing [eAm.]; digitisation; digitising [Br.] <digitalization> <digitalisation>'), ('die', u'Darstellerin', u'performer; actor; actress; player (outdated)'), ('die', u'Brosch\xfcre', u'booklet; brochure; folder'), ('die', u'Baumwolle', u'cotton'), ('der', u'Basst\xf6lpel', u'Northern gannet'), ('der', u'Auswanderer', u'emigrant; emigrant; emigr\xe9; emigree'), ('die', u'Abtei', u'abbey'), ('der', u'Wechselkurs', u'rate (of exchange); exchange rate; foreign exchange rate'), ('das', u'Vertragswerk', u'contract; treaty; major agreement'), ('die', u'Verteidigungspolitik', u'defence policy; defense policy [Am.]'), ('die', u'Verschuldung', u'indebtedness'), ('der', u'Unterrichtsminister', u'minister of education'), ('die', u'Truppenst\xe4rke', u'establishment'), ('die', u'S\xe4ule', u'column'), ('der', u'Stuck', u'plaster of Paris; stucco; moulding'), ('die', u'Stabilisierung', u'stabilization [eAm.]; stabilisation [Br.]; plateau; plateauing'), ('die', u'Staatsgrenze', u'state frontier'), ('der', u'Spitzer', u'sharpener'), ('die', u'Sparte', u'division; area; field; branch; division; subarea'), ('der', u'Span', u'wood shaving; shaving; chipping; chip; sliver'), ('die', u'R\xfcckreise', u'return journey; return travel; way back; return journey; voyage home; return trip'), ('der', u'Privatbesitz', u'private property'), ('der', u'Parteivorsitzende', u'chairman of a party'), ('der', u'Parlamentarismus', u'parliamentarism'), ('die', u'Panzertruppe', u'armoured corps [Br.]; armored corps [Am.]; tank force'), ('die', u'Ostpolitik', u'Ostpolitik; politics toward the East'), ('die', u'Ortszeit', u'local time'), ('die', u'Neuwahl', u're-election; new election'), ('das', u'Musiktheater', u'opera and musical theatre [Br.]; opera and musical theater [Am.]'), ('das', u'Mordopfer', u"murder victim; murderer's victim"), ('der', u'Modul', u'modulo; modulus'), ('das', u'Modul', u'module; modulus; module'), ('der', u'Kupferstich', u'copperplate (engraving); copperengraving; copperplate print'), ('die', u'Koalitionsregierung', u'coalition government'), ('der', u'Knappe', u"squire; knight's attendant; qualified miner; varlet [obs.]"), ('die', u'Gesetzesvorlage', u'bill'), ('der', u'Gehorsam', u'submissiveness; obedience'), ('die', u'Entwaffnung', u'disarmament'), ('die', u'Braunkohle', u'lignite; brown coal'), ('die', u'Bouillon', u'bouillon'), ('der', u'Amazonas', u'Amazon'), ('das', u'Altertum', u'antiquity'), ('das', u'Zuhause', u'home'), ('die', u'Westseite', u'west side'), ('die', u'V\xf6lkerwanderung', u'migration (of the peoples); emigration of nations'), ('die', u'Versch\xe4rfung', u'aggravation; intensification'), ('der', u'Verkehrsverbund', u'linked transport system'), ('der', u'Verbraucherschutz', u'consumer protection'), ('die', u'Tr\xe4gerschaft', u'sponsorship; trusteeship'), ('das', u'Tochterunternehmen', u'subsidiary company; subsidiary; affiliate [Am.]'), ('die', u'Therapie', u'therapy'), ('die', u'Stellungnahme', u'statement; approach; opinion; comment; statement'), ('der', u'Stadtkommandant', u'townmajor')] dictSet_56 = [('der', u'Sockel', u'base; basement; pedestal; socket; base; plinth; socle; dado'), ('der', u'Schock', u'shock; jolt [fig.]'), ('das', u'Schock', u'three score; sixty'), ('die', u'Schar', u'band; flock; drove; mob; troop; swarm (of people); crowd; swarm (of people); shoal; bevy (of girls/women)'), ('das', u'Schar', u'posse (of)'), ('das', u'Salisbury', u'Salisbury (city name in various countries, e.g. United Kingdom, U.S., Australia and Canada)'), ('das', u'Rudern', u'rowing'), ('das', u'Relief', u'relief'), ('die', u'Plastik', u'plastic; plastic surgery; sculpture'), ('die', u'Ouvert\xfcre', u'overture'), ('die', u'Notlandung', u'forced landing'), ('das', u'Nordeuropa', u'Northern Europe'), ('der', u'Mut', u'boldness; strength; spunk; guts; courage; audacity; gameness; mettle; gaminess; pluckiness; spunkiness; valour [Br.]; valor [Am.]; nerve; moxie; cojones [Am.] [slang]; grit; pluck; bravery'), ('die', u'Modesch\xf6pferin', u'fashion designer; couturier; fashion designer; couturiere'), ('das', u'Kunstwerk', u'work of art'), ('die', u'Kosmetik', u'beauty care; beauty treatment; beauty culture; cosmetic effect; appearances'), ('das', u'Kammerorchester', u'chamber orchestra'), ('das', u'Kalb', u'calf'), ('die', u'Influenza', u'influenza; flu'), ('das', u'Gesetzbuch', u'code of law; statute book'), ('der', u'Gegenangriff', u'counter-attack; counterattack; counterstrike; counter-attack; counterattack; counteroffensive; breakaway'), ('der', u'Fluxus', u'Fluxus'), ('die', u'Eisenzeit', u'Iron Age'), ('das', u'Einsteinium', u'einsteinium'), ('die', u'Buchhandlung', u'bookshop; bookstore'), ('die', u'Betonung', u'accent; emphasis (on); accentuation; stress; emphasis'), ('der', u'Berufsoffizier', u'regular officer'), ('das', u'Bergland', u'mountainous country'), ('der', u'Zufall', u'coincidence; chance; tyche; chance; accident; fortuity; hap; hazard'), ('die', u'St\xe4dtepartnerschaft', u'town twinning'), ('der', u'Schaffner', u'conductor [Am.]; inspector; guard [Br.]'), ('der', u'Saxofonist', u'saxophonist'), ('der', u'Rosmarin', u'rosemary'), ('die', u'Rezession', u'recession'), ('die', u'Revolte', u'insurgency; revolt; rebellion'), ('die', u'Realisierung', u'implementation; realization [eAm.]; realisation [Br.]; implementation'), ('der', u'Prior', u'prior'), ('das', u'Paradies', u'paradise'), ('der', u'Marmor', u'marble; metalimestone'), ('die', u'Landeskunde', u'regional and cultural studies'), ('der', u'Klimaschutz', u'climate protection'), ('die', u'Klassifizierung', u'classification'), ('der', u'Klan', u'klan'), ('die', u'Gans', u'goose'), ('die', u'F\xfcnfzig', u'(number) fifty'), ('die', u'Frist', u'respite; period of time; time limit; deadline; reprieve; respite; terms; period; time period; period of time; space; space of time'), ('der', u'Flecken', u'splotch; splodge; blot; blotch; fleck'), ('die', u'Finne', u'bladder worm; fin'), ('der', u'Finne', u'Finn; Finnish man; Finnish woman'), ('die', u'Endstation', u'terminus'), ('die', u'Elektrizit\xe4t', u'electricity'), ('die', u'Cholera', u'cholera'), ('die', u'Brust', u'breast; chest; bust; breaststroke'), ('die', u'Bronzemedaille', u'bronze medal'), ('die', u'Brennstoffzelle', u'fuel cell'), ('die', u'Au\xdfenstelle', u'satellite station'), ('die', u'Aufrechterhaltung', u'maintenance; adherence; retention'), ('das', u'Alphabet', u'alphabet'), ('der', u'Akkordeonspieler', u'accordionist'), ('die', u'Zust\xe4ndigkeit', u'competence; responsibility; jurisdiction'), ('die', u'Zeittafel', u'timetable'), ('die', u'Umweltpolitik', u'environmental policy'), ('der', u'Sonnenuntergang', u'sunset; sunset; sundown [Am.]'), ('das', u'Skispringen', u'ski jumping'), ('der', u'Skip', u'(mine) skip; skip bucket'), ('das', u'Singleton', u'singleton; singleton pattern'), ('die', u'Seligsprechung', u'beatification'), ('die', u'Schanze', u'ski-jump; redoubt; earthwork'), ('die', u'Sandbank', u'sandbank; sand bank; bank of sand; sand bar; shelf; shoal; shallow; shallowness; shoaliness'), ('der', u'Reisef\xfchrer', u'travel guide; guide; guidebook'), ('die', u'Regionalliga', u'regional league'), ('das', u'Ranking', u'position table; rankings; classement'), ('das', u'Palladium', u'palladium'), ('die', u'Nichte', u'niece'), ('die', u'Neurologie', u'neurology'), ('der', u'Landsmann', u'compatriot; countryman'), ('das', u'Kurdistan', u'Kurdistan'), ('das', u'Kreditinstitut', u'credit institution; financial institution; bank'), ('die', u'Kohlenstaubexplosion', u'coal-dust explosion; colliery explosion; coal mine explosion; blast'), ('der', u'Kittel', u'(suit) jacket [Br.]; (suit) coat [Am.]; overall; smock; dust coat; tunic (of school uniform); gown; lab coat'), ('der', u'Kasper', u'clown; Punch'), ('die', u'Gesamtwertung', u'overall ranking; overall standings'), ('das', u'Ger\xfccht', u'rumour [Br.]; rumor [Am.]; whisper; furphy; furfy [Austr.]'), ('die', u'Geigerin', u'violinist; fiddler'), ('die', u'Fackel', u'firebrand; brand; torch; flare; flambeau'), ('die', u'Erstellung', u'building; drafting; preparation of drawing'), ('die', u'Ermittlung', u'ascertainment; ascertaining; determination; determining; establishment; establishing; tracing; snapping; detection; investigation; inquiry'), ('der', u'Br\xfcckenkopf', u'bridgehead; bridge head; toehold; airhead'), ('die', u'Botanik', u'botany'), ('das', u'Beitreten', u'accedence'), ('das', u'Weichtier', u'mollusc [Br.]; mollusk [Am.]; mollusc'), ('die', u'Umsatzsteuer', u'turnover tax; sales tax; salestax [Am.]; value added tax; VAT'), ('der', u'Thronpr\xe4tendent', u'pretender; pretender to the throne'), ('der', u'Stillstand', u'stagnancy; stand; cessation; stagnation; standstill; logjam [fig.]; arrest'), ('die', u'Seemacht', u'sea power; naval power'), ('das', u'Schuljahr', u'school year; academic year [Am.]'), ('die', u'Promenade', u'mall; prom; promenade; alameda; boardwalk; boardwalks'), ('der', u'Pott', u'pot'), ('das', u'Packeis', u'pack ice'), ('das', u'Oberlandesgericht', u'provincial high court and court of appeal (Germany)')] dictSet_57 = [('der', u'Honorarprofessor', u'honorary professor'), ('der', u'Gr\xe4ber', u'digger'), ('der', u'Geschichtsforscher', u'medievalist; historian'), ('der', u'Eklat', u'sensation; scandal'), ('der', u'Eisvogel', u'kingfisher; halcyon; common kingfisher; river kingfisher'), ('die', u'Demarkationslinie', u'demarcation line'), ('die', u'Choreographie', u'choreography'), ('das', u'Bundesgebiet', u'federal territory'), ('das', u'Ausbauen', u'removal; removing; disassembling'), ('das', u'Wetten', u'betting'), ('die', u'Volksversammlung', u'moot; public meeting'), ('die', u'Verwandtschaft', u'relationship; relatives {pl}; kin; relationship; relation; relatedness; affinity; kinsfolk'), ('die', u'Vermeidung', u'avoidance'), ('der', u'Troll', u'troll; troll'), ('der', u'Treffpunkt', u'meeting place; pickup point; pick-up point'), ('der', u'Trauerzug', u'funeral procession'), ('der', u'Tierarzt', u'veterinary; vet; veterinary surgeon /VS/ [Br.]'), ('der', u'Strauch', u'bush; shrub'), ('der', u'Stengel', u'stalk; stem; footstalk'), ('der', u'Sektenf\xfchrer', u'leader of the sect/cult'), ('der', u'Sch\xe4del', u'skull; cranium; pates'), ('der', u'Schuhmacher', u'shoemaker; bootmaker'), ('der', u'Massenmord', u'mass murder'), ('die', u'Klimazone', u'climate zone; climatal zone'), ('der', u'Kleinwagen', u'small car'), ('die', u'Kettenreaktion', u'chain reaction; series of reactions'), ('das', u'Grundst\xfcck', u'property; plot of land; premises; realty'), ('die', u'Geheimpolizei', u'secret police'), ('das', u'Fluten', u'water flooding'), ('das', u'Fliegerass', u'flying ace'), ('die', u'Fehde', u'vendetta; feud'), ('die', u'Entt\xe4uschung', u'disappointment; letdown; bummer [coll.]'), ('die', u'Distel', u'thistle'), ('der', u'Dammbruch', u'breach in a dam; collapse of an embankment; dam break; dam failure'), ('die', u'Christianisierung', u'Christianization [eAm.]; Christianisation [Br.]; conversion to Christianity'), ('der', u'Blitzkrieg', u'blitz; blitzkrieg'), ('das', u'Bengalen', u'Bengal'), ('die', u'Befreiungsbewegung', u'liberation movement'), ('der', u'Bast', u'bast'), ('das', u'Baskenland', u'Basque region'), ('die', u'Angliederung', u'incorporation; affiliation; attachment'), ('das', u'Windr\xf6schen', u'anemone'), ('die', u'Wendel', u'coil'), ('der', u'Wasserturm', u'water tower'), ('die', u'Wahlniederlage', u'defeat at the polls'), ('der', u'Volksschullehrer', u'elementary teacher'), ('der', u'Vernichtungskrieg', u'war of extermination'), ('das', u'Verlagshaus', u'publishing house'), ('das', u'Vergehen', u'trespass; minor crime; delinquency; malfeasance; disdemeanour [Br.]; misdemeanor [Am.]; misdoing'), ('das', u'Staatswesen', u'political system'), ('die', u'Sonate', u'sonata'), ('der', u'Slogan', u'slogan; catch word'), ('die', u'Sekund\xe4rliteratur', u'secondary literature'), ('die', u'Sch\xf6pfung', u'creation; conception'), ('das', u'Schie\xdfen', u'fire'), ('das', u'Quartett', u'quartet; Happy Families [Br.]; Authors [Am.]; deck (pack) of cards Quartett'), ('der', u'Python', u'python'), ('das', u'Plenum', u'plenum; plenary meeting'), ('der', u'Pegel', u'level; gauge; gage [Am.]; level; water-gauge; water-gage [Am.]; level'), ('der', u'Orthop\xe4de', u'orthopedist'), ('die', u'Muse', u'muse'), ('das', u'Mesopotamien', u'Mesopotamia'), ('der', u'Meeresbiologe', u'marine biologist'), ('die', u'Materie', u'subject matter; matter'), ('der', u'L\xf6scher', u'blotter'), ('der', u'Kunstgewerbler', u'artisan'), ('das', u'Kontingent', u'allocation; contingent; quota; allotment'), ('die', u'Jahrtausendwende', u'turn of the millenium'), ('die', u'Glash\xfctte', u'glassworks; glasshouse'), ('der', u'Generalanwalt', u'Advocates-General'), ('die', u'Geburtsstadt', u'native town; hometown; home town'), ('das', u'Gebilde', u'fabric; structure; shape'), ('der', u'Gastwirt', u'innkeeper; landlord [Br.]; publican [Br.] [adm.]'), ('die', u'Freiheitsk\xe4mpferin', u'freedom fighter'), ('der', u'Flugzeugtyp', u'model of aircraft'), ('die', u'Enkelin', u'granddaughter'), ('das', u'Ehrenmitglied', u'honorary member'), ('das', u'Dr\xfccken', u'hitting; spinning (forming)'), ('das', u'Diagramm', u'diagram /diag./; diagram; chart'), ('das', u'Bundesverdienstkreuz', u'order of the Federal Republic of Germany; Federal Cross of Merit [Am.]'), ('der', u'Bug', u'bow; bows; nose; prow'), ('die', u'Beschie\xdfung', u'bombardment'), ('der', u'Beistand', u'assistance; succour [Br.]; succor [Am.]'), ('der', u'Aufseher', u'overseer; checker; custodian; attendant; inspector; keeper; supervisor; warden; overman'), ('der', u'Abfluss', u'flowing off; discharge; drain; flow; caisson; outlet; leakage; plughole; capital outflow; outflow; outlet; discharge; run-off; effluent'), ('der', u'Z\xfcrichsee', u'Lake Zurich'), ('das', u'Waldgebiet', u'forest area; forest tract; woodland'), ('der', u'Vlies', u'nonwoven'), ('der', u'Virtuose', u'virtuoso'), ('die', u'Vertikale', u'vertical; vertical; vertical line'), ('das', u'Verkehrswesen', u'(system of) communications; transportation; traffic system'), ('der', u'Umweltaktivist', u'environmental activist; eco-warrior'), ('die', u'Topographie', u'topography'), ('das', u'Tiefland', u'lowland; flat land; low ground; bottom land'), ('das', u'Stimmrecht', u'right to vote; the vote; suffrage'), ('die', u'Sterbehilfe', u'medicide; assisted suicide'), ('die', u'Schulzeit', u'school days'), ('das', u'Pulver', u'powder'), ('die', u'Psychoanalyse', u'psychoanalysis'), ('der', u'Primus', u'top-of-the-range; top pupil; top of the class; top-of-the-range')] dictSet_58 = [('der', u'Postdienst', u'postal service'), ('die', u'Photovoltaik', u'photo-voltaic'), ('der', u'Pfad', u'alley; trail; path; primrose path [fig.]'), ('der', u'Neuner', u'(number) nine'), ('der', u'Neujahrstag', u"New Year's Day"), ('die', u'Mobilisierung', u'mobilization [eAm.]; mobilisation [Br.]'), ('die', u'Meinungsfreiheit', u'freedom of opinion; freedom of expression'), ('der', u'Marktanteil', u'share of the market; market share'), ('der', u'Lebensstandard', u'standard of living; living standard'), ('der', u'Kutter', u'cutter'), ('der', u'Konkurrent', u'competitor; rival'), ('der', u'Konditor', u'confectioner'), ('das', u'Kalabrien', u'Calabria (Italian region)'), ('die', u'Ikone', u'icon'), ('die', u'Hitparade', u'hit parade'), ('der', u'Guano', u'guano'), ('die', u'Globalisierung', u'globalisation [Br.]; globalization [Am.]'), ('das', u'Gemisch', u'gas mixture; mixture; composite; medley; miscellany; farrago'), ('das', u'Gemeindegebiet', u'communal district; bounds (old-fashioned); community area'), ('die', u'Geldstrafe', u'fine; mulct; amercement'), ('das', u'Gedr\xe4nge', u'jostle; hustle; crush; scrum; throng; concourse; crowd'), ('der', u'Finger', u'finger; digit; dactyl'), ('das', u'Erfassen', u'apprehension'), ('das', u'Betonen', u'emphasizing'), ('die', u'Beschwerde', u'complaint; appeal (against sth.); administrative appeal; grievance; gripe [coll.]; gravamen'), ('der', u'Beobachterstatus', u'observatory status'), ('das', u'Bein', u'leg'), ('der', u'Ausweg', u'way out; recourse; resort'), ('die', u'Antibabypille', u'birth control pill; the pill; contraceptive pill'), ('die', u'Anfrage', u'query; enquiry [Br.]; inquiry [Am.] (with sb./at at place)'), ('der', u'Adobe', u'adobe'), ('das', u'Verschieben', u'scrolling; shunting; relocating; shift; shifting'), ('die', u'Verpflegung', u'board; victuals <vittles>; board; fare; catering'), ('die', u'Textilindustrie', u'textile industry'), ('die', u'Sympathie', u'sympathy (for)'), ('der', u'Schwiegersohn', u'son-in-law'), ('der', u'Pr\xe4lat', u'prelate'), ('das', u'Prestige', u'kudos [Br.]; prestige'), ('die', u'Oppositionspartei', u'opposition party'), ('die', u'Notverordnung', u'emergency decree'), ('der', u'Nennwert', u'nominal value; face value; money value; rating; face value; par value; par'), ('der', u'Lerner', u'learner'), ('die', u'Leistungsf\xe4higkeit', u'capacity; efficiency; productivity; capability; effectiveness'), ('die', u'Klassifikation', u'classification; assorting'), ('das', u'Hobby', u'fad; hobby'), ('die', u'Hexerei', u'witchcraft; witchery; wizardry'), ('das', u'Hafenbecken', u'harbor basin; harbour basin; (wet) dock'), ('die', u'Gr\xfcnderzeit', u'years of rapid industrial expansion in Germany (end of 19th century)'), ('das', u'Gerichtsverfahren', u'court procedure; legal proceedings; lawsuit; suit; suit at law'), ('die', u'Geb\xfchr', u'tax; due; fee; tax; toll; charge'), ('das', u'Fr\xe4ulein', u'Miss; mademoiselle; signorina; young lady'), ('der', u'Freispruch', u'acquittal; discharge'), ('die', u'Faszination', u'fascination; awesomeness'), ('das', u'Europaparlament', u'European Paliament /EP/'), ('die', u'Emp\xf6rung', u'indignation (at); outrage (at)'), ('der', u'Commodore', u'commodore'), ('die', u'Biene', u'bee; cootie'), ('die', u'Ausschreibung', u'solicitation; invitation to bid /ITB/; invitation of tenders; tender; call for tender; call for proposal'), ('der', u'Arbeitsmarkt', u'labour market [Br.]; labor market [Am.]; job market'), ('das', u'Turnen', u'gymnastics; gym; physical education /PE/'), ('die', u'Stra\xdfenbeleuchtung', u'street lighting'), ('die', u'Stagnation', u'stagnancy; stagnation; stasis (of blood etc.); plateau; stagnation'), ('der', u'Senn', u'alpine herdsman and dairyman'), ('der', u'Ruck', u'flip; hitch; jerk; tug; jar; jolt'), ('die', u'Prostituierte', u'working girl'), ('das', u'Postamt', u'post office /PO/'), ('die', u'Petition', u'petition'), ('der', u'Parteif\xfchrer', u'party leader'), ('die', u'Offenbarung', u'epiphany; apparentness; avatar; disclosure; manifestation; revelation'), ('der', u'Mittwoch', u'Wednesday /Wed/'), ('die', u'Landesverteidigung', u'national defence'), ('der', u'Kreuzritter', u'crusader; Teutonic Knight; knight of the Teutonic Order'), ('der', u'Kalligraph', u'calligrapher'), ('der', u'Jockey', u'jockey'), ('der', u'Humor', u'humour [Br.]; humor [Am.]'), ('die', u'Hochseeflotte', u'deep-sea fleet'), ('die', u'Herausgabe', u'issuance; issue (of sth.)'), ('der', u'Haddsch', u'Hajj (pilgrimage to Mecca)'), ('das', u'Fragment', u'fragment; scrap'), ('die', u'Denkmalpflege', u'preservation of historical monuments; monument conservation; monument preservation'), ('die', u'Dampfmaschine', u'steam engine'), ('der', u'Dampf', u'steam; vapour [Br.]; vapor [Am.]'), ('die', u'Bev\xf6lkerungsmehrheit', u'the population majority'), ('der', u'Belagerungszustand', u'state of siege'), ('die', u'Abl\xf6sung', u'removal; detachment; relief; redemption; repayment; relay; stripping; separation; detachment'), ('der', u'Zwilling', u'twin'), ('der', u'Zuwachs', u'rise; increase (in sth.); accretion of discount; growth; accretion; increment; accrual; accession'), ('die', u'Zivilehe', u'civil marriage'), ('die', u'Ziffer', u'digit; numeral; numeral; digit; cipher; cypher; figure'), ('der', u'Weltenbummler', u'globe-trotter'), ('die', u'Weiterf\xfchrung', u'continuation; carrying on'), ('die', u'Waffengewalt', u'force of arms; armed force'), ('das', u'Verwaltungsgeb\xe4ude', u'administrative building'), ('der', u'Verkehrsminister', u'minister of transport'), ('der', u'Unterh\xe4ndler', u'envoy; emissary; negotiator'), ('der', u'Tontr\xe4ger', u'sound storage medium; recording medium'), ('der', u'Sumpf', u'morass; mire; glaur [Sc.]; bog; swamp; swampland; marsh; quagmire; sump'), ('der', u'Strafprozess', u'trial; criminal proceedings; trial'), ('das', u'Sperrgebiet', u'prohibited area; restricted area'), ('der', u'R\xfcckflug', u'return flight')] dictSet_59 = [('der', u'R\xfcckblick', u'flashback; flash back; cutback; retrospect; backsight'), ('der', u'Rummel', u'hype; shindig; shivaree; whoopee; razzle-dazzle; funfair [Br.]; carnival [Am.]; exhibition [Am.]'), ('die', u'Rockmusik', u'rock music; rock'), ('das', u'Reptil', u'reptile'), ('das', u'Maximum', u'maximum'), ('die', u'Mama', u'mom; momma; mommy; ma; mama; mamma [Am.] [coll.]; mum; mummy [Br.] [coll.]'), ('die', u'Majest\xe4t', u'majesty'), ('das', u'Lot', u'plummet; plump; lead; plumbline; sounding line; lead line; shore lead; plumb; perpendicular'), ('die', u'Kleinkunst', u'cabaret'), ('der', u'Investiturstreit', u'Investiture Controversy'), ('der', u'Impuls', u'impulse; linear momentum; impulse; impetus; momentum; linear momentum; pulse; spike (seismic signal)'), ('die', u'Grabst\xe4tte', u'gravesite'), ('der', u'Gesch\xe4ftsbetrieb', u'business; business operation'), ('die', u'Gem\xe4ldegalerie', u'picture gallery; art gallery'), ('der', u'Geheimrat', u'privy councillor; privy councilor'), ('die', u'F\xfclle', u'corpulence; plenty; fullness; wealth; ampleness; plethora; copiousness; fulness; opulence; overabundance; plenitude; repletion; abundance; amplitude'), ('der', u'Futurismus', u'Futurism'), ('die', u'Fluglinie', u'airline; airline company'), ('die', u'Fliegerin', u'air woman; aviatrix'), ('die', u'Flak', u'anti-aircraft gun'), ('der', u'Entscheid', u'judgement; decision'), ('das', u'Drehen', u'jiggering'), ('die', u'Diaspora', u'diaspora'), ('das', u'B\xfcrgerrecht', u'civil right'), ('der', u'Bluff', u'bluff'), ('die', u'Beurteilung', u'judgment; judgement; confidential report; assessment; evaluation; situation assessment; environmental impact assessment /EIA/'), ('die', u'Bergsteigerin', u'mountaineer; climber'), ('der', u'Ausl\xe4ufer', u'offshoot; remnant; ridge; lead (of a load); offset (of a bed); off shoot(ing tongue) (of ore); spur (of a mountain)'), ('die', u'Anzeige', u'notice (of sth.); advertisement; ad [Am.]; advert [Br.]; information; complaint; report (against sb.); indexing; indication; indicator; notification; readout; display; advertisement (ad)'), ('das', u'Abi', u'school leaving examination; general qualification for university entrance; A-levels [Br.]; Higher School Certificate [Austr.]; Certificate Victorian Education /CVE/ [Austr.]'), ('der', u'Zuschauerraum', u'auditorium; auditorium'), ('die', u'Ziege', u'goat; goat'), ('der', u'Vulkanismus', u'volcanism; volcanic activity; volcanicity'), ('der', u'Volksmund', u'common parlance'), ('der', u'Verwaltungsrat', u'governing board; Board of Directors; the Regents'), ('die', u'Tora', u'Torah'), ('die', u'S\xfcdsee', u'South Pacific Ocean; South Sea'), ('der', u'Standpunkt', u'angle; attitude; posture; position; post; point; point of view; standpoint; stand'), ('der', u'Spitzenkandidat', u'top candidate; frontrunner'), ('die', u'Skizze', u'draft; draft version; outline; layout; sketch; delineation; design'), ('die', u'Selbstbestimmung', u'self-determination; self-rule'), ('die', u'Seide', u'silk; pongee'), ('der', u'Scharfrichter', u'executioner; headsman'), ('das', u'Revier', u'coal-mining district; coal district; coal field; coal basin; district; precinct [Am.]; police station; stamping ground'), ('die', u'Reputation', u'reputation; izzat; reputation; repute; a good reputation'), ('die', u'Registrierung', u'registration; registering; recording'), ('die', u'Pyramide', u'pyramid'), ('die', u'Prime', u'keynote; tone'), ('der', u'Pfeffer', u'pepper'), ('das', u'Oberhaus', u'House of Lords [Br.]'), ('das', u'Nest', u'nest of ore; chamber of ore; ore brunch; ore pocket; ore shoot; kidney (of ore); whistle-stop [Am.]; nest; pocket'), ('das', u'Mol', u'gram molecule; mol; mole'), ('das', u'Memorandum', u'minute; note; memorandum'), ('die', u'Mechanik', u'mechanics; mechanical system'), ('das', u'Manuskript', u'scripture; manuscript; script; copy'), ('die', u'Lunge', u'lung'), ('die', u'Literaturkritikerin', u'literary critic'), ('der', u'Kreml', u'Kremlin'), ('die', u'Konjunktion', u'conjunction; conjunction'), ('das', u'Koma', u'coma'), ('der', u'Kollege', u'colleague; associate; fellow ...; workmate'), ('der', u'Klimawandel', u'climate change; climatic change; change of climate'), ('der', u'Keil', u'key; wedge; gore; gib head; wedge'), ('das', u'Kamel', u'camel'), ('die', u'Jeanette', u'jeanette'), ('der', u'Jahresbericht', u'annals; annual report'), ('die', u'Internierung', u'internment'), ('das', u'Hilfswerk', u'relief organisation; charitable organisation'), ('der', u'Handelspartner', u'trade partner'), ('das', u'Grammophon', u'gramophone [Br.]; phonograph [Am.]'), ('das', u'Gewichtheben', u'weight lifting; weightlifting'), ('das', u'Fr\xfchmittelalter', u'Early Middle Ages'), ('die', u'Friedenstruppe', u'peacekeeping force'), ('das', u'Flache', u'bench; jinny road; downgrade engine road (inclined drift)'), ('die', u'Fernsehjournalistin', u'telecaster'), ('die', u'Erw\xe4rmung', u'heating treatment; heating'), ('die', u'Eiche', u'oak'), ('die', u'Besprechung', u'discussion; powwow [coll.]; talk; critique (of sth.); meeting'), ('die', u'Besch\xe4digung', u'damage; injury'), ('die', u'Bastei', u'bastion'), ('der', u'Aussto\xdf', u'output; turnout; outturn; ejection; throughput; process throughput'), ('der', u'Aufgebot', u'banns'), ('das', u'Aufgebot', u'posse comitatus; posse [Am.]; call-up order; draft order [Am.]; squad'), ('der', u'Antiquar', u'antique dealer; antiquarian bookseller'), ('die', u'Amtsenthebung', u'removal/dismissal/discharge from office; compulsory retirement; ouster [Am.]; ousting [Am.]; deposition; defrocking; unfrocking; deprivation (of benefice) [Br.]'), ('der', u'Agitator', u'agitator'), ('die', u'Agentin', u'operative [Am.]'), ('das', u'Absetzen', u'deposition; sedimentation'), ('der', u'Abruf', u'request; fetch; calling up; call'), ('die', u'Abreise', u'departure'), ('das', u'Zusammentreffen', u'meeting; consilience; convergence; coincidence; concourse; conjunction (of events); liaison; concurrence'), ('die', u'Umsiedlung', u'relocation; resettlement'), ('der', u'Torh\xfcter', u'wicketkeeper; goal keeper; goalkeeper; goalie [coll.]; netminder; goaltender [Am.]'), ('der', u'Strahl', u'beam; ray; ray; radiancy; jet; spurt; frog'), ('der', u'Stempel', u'brand; postmark; die; die stamp; hallmark (mark on precious metal); seal; official seal; cachet; chop; stamp; pistil; prop; pad'), ('der', u'Stalinismus', u'Stalinism'), ('die', u'Sicherungsverwahrung', u'preventive detention'), ('die', u'Schlussakte', u'final act'), ('die', u'Reflexion', u'reflection; reflexion [Br.]; reverberation'), ('die', u'Redakteurin', u'editor')] dictSet_60 = [('die', u'Rechtsordnung', u'legal order'), ('das', u'Pr\xe4sent', u'present; prezzy [coll.]'), ('das', u'Pferderennen', u'horse racing; horse race'), ('das', u'Periodensystem', u'Periodic Table of the Elements'), ('das', u'Mosaik', u'mosaic; tessellation'), ('die', u'Marionettenregierung', u'puppet government'), ('der', u'Kuckuck', u'cuckoo; common cuckoo; Eurasian cuckoo'), ('der', u'Knabe', u'boy; boyo [Ir.]'), ('das', u'Haushalten', u'housekeeping'), ('die', u'Harmonie', u'harmony; harmony; harmoniousness'), ('der', u'Grenzkonflikt', u'border dispute; border conflict; frontier conflict'), ('der', u'Goldsucher', u'gold seeker; gold prospector'), ('die', u'Geod\xe4sie', u'geodesy; geodetics'), ('der', u'F\xf6deralismus', u'federalism'), ('das', u'Funktionieren', u'operation (of a machine)'), ('das', u'Fr\xfchst\xfcck', u'breakfast'), ('das', u'Fl\xe4chenbombardement', u'area bombing'), ('das', u'Erz', u'ore'), ('die', u'Erprobung', u'proving; testing; test; trial'), ('die', u'Erg\xe4nzung', u'appendix /app./; replenishment; complement; supplement (to); supplementation; completion; addition; addition'), ('die', u'Empfehlung', u'advocacy; recommendation; advice; reference; commendation; referral'), ('die', u'Elend', u'destitution'), ('das', u'Elend', u'distress; misery; calamity; squalor; unhappiness; woefulness; wretchedness; calamitousness; adversity; forlornness'), ('die', u'Einsicht', u'comprehension (of); view (into); insight; realization [eAm.]; realisation [Br.]; sense; discernment; inspection; examination (of sth.); judiciousness; access'), ('die', u'Einmischung', u'intrusion (upon); interference; meddling; involvement'), ('die', u'Einbeziehung', u'inclusion; involvement'), ('die', u'Durchfahrt', u'lane; shipping lane; passage'), ('die', u'Direktorin', u'director /Dir.; dir./; headmistress; manageress; manager; acting manager'), ('die', u'Demografie', u'demography'), ('der', u'Badener', u'person from Baden'), ('der', u'Ausschnitt', u'part; section; (low) neckline; clip; clipping; (press) cutting; cut-out; detail; cleavage; extract; notch'), ('die', u'Auskunft', u'information; information desk; help desk; helpdesk'), ('die', u'Anthropologie', u'anthropology'), ('das', u'Abbrechen', u'abort; abortion; cancellation; abort without change'), ('der', u'Wirtschaftszweig', u'economic sector; branch of trades; branch of industry; trade'), ('das', u'Wirkliche', u'the genuine; the real'), ('der', u'Windpark', u'wind farm; wind park'), ('der', u'Walfang', u'whaling; whale culling'), ('die', u'Volksgruppe', u'ethnic group; ethnicity'), ('die', u'Verlagerung', u'dislocation; shift; shifting; transfer; removal; displacement'), ('die', u'Verh\xe4ngung', u'imposition (of sth.); promulgation'), ('das', u'Teleskop', u'telescope; Telescopium; Telescope'), ('das', u'Standardwerk', u'standard work'), ('das', u'Schneeballsystem', u'Ponzi scheme; pyramid selling, multi-level marketing /MLM/'), ('der', u'Schauprozess', u'show trial'), ('das', u'SOS', u'SOS'), ('der', u'R\xfcckstand', u'backlog demand; backlog; residue; arrearage; backlog; backorder; arrears; leeway; residuum; backlog; remnant'), ('die', u'Ruine', u'ruins; ruin'), ('die', u'Resonanz', u'resonance; syntony'), ('das', u'Requiem', u'requiem; requiem mass; threnody'), ('der', u'Leib', u'belly; body'), ('das', u'Leder', u'leather'), ('die', u'Jahreszahl', u'year date; date'), ('das', u'Hurley', u'hurley'), ('der', u'Herkules', u'Hercules; Hercules'), ('die', u'Heilsarmee', u'Salvation Army /SA/'), ('das', u'Gnu', u'gnu; wildebeest'), ('die', u'Gleichheit', u'uniformity; identity; equality; alikeness; sameness; analogousness'), ('der', u'F\xfcnfziger', u'(number) fifty'), ('die', u'Filmindustrie', u'film business; movie business [Am.]; film industry; movie industry [Am.]'), ('die', u'Durchquerung', u'crossing; traverse'), ('die', u'Drift', u'drift'), ('der', u'Betrag', u'amount; absolute value; modulus; quantum; sum'), ('die', u'Ausreise', u'departure; outbound passage; outward voyage; voyage out'), ('das', u'Aquitanien', u'Aquitain'), ('der', u'Ansto\xdf', u'impulse; impulsion; umbrage; kick-off; impetus; initiation; prod'), ('die', u'Anmeldung', u'announcement; registration (desk); application'), ('der', u'W\xe4chter', u'custodian; attendant; guard; sentry; sentinel; watchman; guard; guarder; warden; watcher; warder; alerter'), ('die', u'Wolke', u'flaw; cloud'), ('der', u'Wirkungsgrad', u'efficiency; efficiency factor'), ('der', u'Veteran', u'veteran; vet; ex servicemen'), ('der', u'Seeweg', u'sea lane; shipping lane; shipping route; sea route; seaway'), ('der', u'Rost', u'gridiron; grid; rust; grate; grating; grill; screen'), ('das', u'Rost', u'roasted ore; roasting charge'), ('der', u'Riss', u'disruption; fissure; cleft; scissure; tear; chap; rift; rupture; jag; rip; split; crack; shake; cranny; fissure; break; flaw'), ('der', u'Rhythmus', u'measure; rhythm; cadence; time'), ('die', u'Regulierung', u'settlement; modulation; adjustment of average; regulation; control'), ('die', u'Planwirtschaft', u'planned economy'), ('das', u'Petroleum', u'paraffin; kerosene'), ('die', u'Obhut', u'aegis; custody; charge; care'), ('die', u'Oberstufe', u'upper school'), ('der', u'Notar', u'civil law notary; notary; notary public'), ('das', u'Nordpolarmeer', u'Arctic Ocean'), ('die', u'Nordk\xfcste', u'north coast'), ('der', u'Nix', u'merman; the Nix'), ('der', u'Necker', u'teaser'), ('das', u'Messegel\xe4nde', u'exhibition site; fairground'), ('der', u'Lustgarten', u'pleasure garden; pleasance'), ('die', u'Koordination', u'coordination'), ('die', u'Gruppierung', u'alignment; grouping; arrangement in groups; group; binning; assorting'), ('die', u'Fortpflanzung', u'reproductions; propagation; procreation'), ('das', u'Flugboot', u'flying boat'), ('das', u'Fernmeldewesen', u'telecommunications'), ('die', u'Euthanasie', u'(active; passive) euthanasia'), ('das', u'Ergreifen', u'prehension; grasping; seizing'), ('das', u'Dossier', u'dossier; account'), ('das', u'Bett', u'bed'), ('die', u'Bastion', u'bastion'), ('die', u'Abgeordnetenkammer', u'House of Representatives; chamber of deputies; parliament'), ('der', u'Zusammenfluss', u'confluence; junction; meeting point; meeting')] dictSet_61 = [('die', u'W\xfcrdigung', u'appreciation'), ('das', u'Werben', u'court'), ('die', u'Warte', u'look-out; control room'), ('das', u'Verhandeln', u'negotiation; bargaining'), ('der', u'Ural', u'the Urals; the Ural mountains; Ural'), ('das', u'Syndrom', u'syndrome'), ('der', u'Store', u'net curtain'), ('der', u'Stadtkern', u'town centre; city centre; downtown area [Am.]'), ('die', u'Sonderstellung', u'exceptional position'), ('die', u'Sichtweise', u'point of view'), ('die', u'Seuche', u'epidemic; pandemic; pestilence; epidemic plague; pandemic disease'), ('die', u'Schulbildung', u'school education'), ('die', u'Scheu', u'awe (of)'), ('der', u'Samba', u'samba'), ('die', u'Robbe', u'seal'), ('die', u'Restaurierung', u'restoration'), ('das', u'Rechtssystem', u'legal system'), ('die', u'Prognose', u'forecast; prognosis; prospectus'), ('die', u'Produktivit\xe4t', u'productivity'), ('die', u'Posse', u'burlesque; farce; buffoonery'), ('das', u'Platin', u'platinum'), ('das', u'Pendant', u'counterpart (of/to sb./sth.); companion piece (to)'), ('die', u'Nutzlast', u'loading capacity; payload; live load; imposed load; cargo load; vehicle load capacity; safe working load /SWL/'), ('der', u'M\xf6beldesigner', u'furniture designer'), ('die', u'Mittelwelle', u'medium wave /MW/'), ('das', u'Mitspracherecht', u'voice; right to a say'), ('der', u'Marxist', u'Marxist'), ('die', u'Kunsthochschule', u'art college'), ('der', u'Kummer', u'sorrow; grief; chagrin; heartache; dolefulness; hurt; anguish; care; distress'), ('der', u'Kommissionspr\xe4sident', u'President of the Commission'), ('der', u'H\xf6rer', u'receiver; listener; earpiece; handset; hearer; phone; radio listener; listener; student'), ('die', u'Hochbahn', u'elevated railway; elevated railroad; overhead railway'), ('die', u'Gr\xf6\xdfenordnung', u'magnitude; order; dimensions; order of magnitude; ballpark'), ('der', u'Geowissenschaftler', u'geoscientist'), ('der', u'Fluch', u'curse; malediction; oath; swearword; cuss word; cuss [Am.]; bane; darn; expletive; blessing'), ('der', u'Feuersturm', u'firestorm'), ('das', u'Elbtal', u'Elbe valley'), ('die', u'Brutalit\xe4t', u'brutality; bestiality; savageness; savagery'), ('die', u'Britin', u'pommy; pommie [Austr.] [pej.]; Briton; British (man; woman); Brit'), ('die', u'Bezahlung', u'payment; consideration; remuneration; contribution'), ('der', u'Badeort', u'spa; bathing resort; swimming resort'), ('der', u'Aufsichtsrat', u'supervisory board'), ('die', u'Aue', u'river meadow; floodplain; flood land; callow'), ('die', u'Anstellung', u'tenure; probationary employment; appointive; employment; permanency; permanent appointment; tenure; appointment'), ('die', u'Zunge', u'tongue; lingua; tongue; tongue (wind instrument)'), ('die', u'Zollunion', u'customs union'), ('das', u'Wirtschaftswunder', u'economic miracle'), ('der', u'Vikar', u'vicar; chaplain'), ('die', u'Viehzucht', u'livestock breeding; stock breeding; animal breeding; cattle breeding; stock farming [Am.]'), ('die', u'Urteilsverk\xfcndung', u'proclamation of sentence; pronouncement of judgement'), ('das', u'S\xe4ugetier', u'mammal; mammalian'), ('die', u'Sprecherin', u'announcement; announcer; speaker; spokesperson; talker; spokeswoman'), ('der', u'Sonnenaufgang', u'sunrise; sunup'), ('das', u'Segel', u'sail; canvas'), ('der', u'Seer\xe4uber', u'buccaneer'), ('der', u'Schutt', u'detrital; rubbish; debris; rubble; wast(age); float debris; scree debris; talus'), ('die', u'Romanautorin', u'novelist'), ('das', u'Reservat', u'reservation'), ('der', u'Pointer', u'pointer; pointer dog'), ('der', u'Nebenfluss', u'branch; tributary; affluent; influent; confluent; feeder'), ('das', u'Mittelgebirge', u'highlands; low mountain range'), ('der', u'Meeresboden', u'sea bottom; ocean bottom; sea floor; ocean floor; sea bed'), ('das', u'Linienschiff', u'liner'), ('der', u'Liebhaber', u'enthusiast; fan; fanboy; lover; beau; fancy man'), ('der', u'Landvermesser', u'surveyor; land surveyor; cadastral surveyor'), ('die', u'Klausel', u'stipulation; clause'), ('das', u'J\xfctland', u'Jutland'), ('der', u'Inspekteur', u'inspector'), ('der', u'Imperator', u'emperor'), ('das', u'Herrschaftsgebiet', u'dominion; territorial dominion; barony'), ('die', u'Hauptverwaltung', u'head office /HO/'), ('der', u'Gastarbeiter', u'foreign worker; immigrant worker'), ('der', u'Fu\xdfballverband', u'Football Association [Br.] /FA/'), ('die', u'Forschungsreise', u'expedition'), ('die', u'Er\xf6ffnungsfeier', u'opening ceremony'), ('der', u'Editor', u'editor; editor'), ('der', u'Dschihad', u'Jihad'), ('die', u'Chirurgie', u'surgery'), ('das', u'Binnenland', u'inland; midland'), ('die', u'Avionik', u'avionic'), ('die', u'Aerodynamik', u'aerodynamics'), ('die', u'Zugspitze', u'Zugstitze (highest mountain in Germany)'), ('der', u'Zentralfriedhof', u'central cemetery'), ('die', u'Verehrung', u'adoration; enshrinement; reverence; veneration; worship'), ('das', u'Stehlen', u'thieving; thievery'), ('die', u'Stadtmitte', u'town centre; city centre; downtown area [Am.]'), ('der', u'Spitzname', u'nickname; cognomen; moniker; monicker; sobriquet'), ('die', u'Spielerin', u'player; gambler'), ('die', u'Sensation', u'sensation; scorcher'), ('das', u'Seekabel', u'undersea cable'), ('die', u'Schutzmacht', u'protecting power'), ('die', u'Schau', u'show; show'), ('der', u'Reifen', u'tyre; tire [Am.]; hoop; band'), ('die', u'Regionalisierung', u'devolution'), ('der', u'Philatelist', u'philatelist'), ('die', u'Perestroika', u'perestroika'), ('der', u'Nachwuchs', u'the young generation; young talent; junior staff; trainees; offspring; addition to the family'), ('das', u'Nachtleben', u'night life'), ('die', u'Mondlandef\xe4hre', u'lunar module'), ('die', u'Missionierung', u'missionary work; conversion (by missionary work)')] dictSet_62 = [('die', u'L\xfccke', u'lacuna; blank; blank space; vacancy; gap; space; break; gap; vacant space; void; breach; hiatus; aperture; opening'), ('das', u'Level', u'level'), ('der', u'Koreaner', u'Korean'), ('der', u'Kasten', u'beer crate; crate of beer; cabinet; chest; bin; hutch; showcase; box; cupboard; coffer'), ('die', u'Junta', u'junta'), ('die', u'Innenministerin', u'minister of the interior; Home secretary [Br.]'), ('die', u'Infektionskrankheit', u'infectious disease; communicable disease'), ('der', u'H\xf6cker', u'hump; hunch; hump; bump'), ('der', u'Hochsprung', u'high jump'), ('das', u'Gros', u'major part; majority; greater part; bulk; gross (twelve dozen)'), ('das', u'Gel\xfcbde', u'vow; solemn promise'), ('das', u'Fu\xdfballstadion', u'football stadium; soccer stadium'), ('der', u'Fokus', u'focus'), ('die', u'Entspannung', u'catharsis; katharsis; detente; d\xe9tente; relaxation; relaxation; relief; relaxation; unloading'), ('die', u'Depesche', u'dispatch; despatch; telegram; cable; wire [Am.]'), ('die', u'Chefin', u'chief'), ('die', u'B\xfccherei', u'library'), ('der', u'Bundesinnenminister', u'Federal Minister of the Interior'), ('die', u'Bewehrung', u'reinforcement; armoring; armour; sheathing'), ('der', u'Bauch', u'abdomen; belly'), ('die', u'Bark', u'barque'), ('das', u'Anhalten', u'arrest (of sth.)'), ('der', u'Amokl\xe4ufer', u'person running amok; gunman/gunwoman'), ('die', u'Wechselwirkung', u'interaction; interplay'), ('der', u'Unterhalt', u'maintenance; living; alimony [Am.]; livelihood; sustenance; keep (of a person); upkeep'), ('der', u'Termin', u'appointed day; appointed time; date; time limit; deadline; appointment'), ('das', u'Tanzen', u'dancing; trembling (TV); conductor galloping'), ('die', u'Sportzeitung', u'sports magazine'), ('das', u'Spital', u'hospital; infirmary'), ('die', u'Silbermedaille', u'silver medal'), ('der', u'Siebziger', u'septuagenarian'), ('das', u'Sendegebiet', u'broadcasting area; viewing area (TV) [Am.]'), ('die', u'Senatsverwaltung', u'Senate Department'), ('die', u'R\xfccknahme', u'taking back; revoking; revocation; withdrawal; withdrawal'), ('die', u'Reduktion', u'reduction'), ('die', u'Recherche', u'investigation; inquiry; enquiry; research'), ('die', u'Puppe', u'doll; dolly; pupa; bimbo'), ('die', u'Popgruppe', u'pop group'), ('die', u'Ode', u'ode'), ('der', u'Obelisk', u'obelisk'), ('der', u'Monsieur', u'monsieur'), ('der', u'Mischbetrieb', u'asynchronous balanced mode'), ('die', u'Matrix', u'array; matrix; ground mass; matrix; base'), ('die', u'Luft\xfcberlegenheit', u'air dominance'), ('die', u'Judenverfolgung', u'persecution of the Jews'), ('der', u'Jubel', u'jubilation; cheer; cheers; jubilation; exultation; jubilance'), ('die', u'Intensivierung', u'intensification; stepping up of efforts'), ('der', u'Holzschnitt', u'woodcut; xylograph'), ('das', u'Hoheitsgebiet', u'territory (of a state); national territory'), ('die', u'Heimwehr', u'home guard'), ('der', u'Hack', u'minced meat; mincemeat; mince [Br.]; ground meat [Am.]'), ('der', u'Graben', u'ditch; road ditch; fosse; graben; sluice; trench; fire trench; furrow; gre(a)ve; channel; trench fault; fault through'), ('das', u'Gestern', u'yesterday'), ('der', u'Generator', u'generator; alternator'), ('der', u'Freiheitskampf', u'struggle for freedom'), ('die', u'Fernsehsendung', u'telecast; program; programme [Br.]; broadcast; TV program'), ('die', u'Ersch\xf6pfung', u'inanition; depletion; effeteness; exhaustion; lassitude; weariness; exhaustion; depletion; working-out'), ('der', u'Baujahr', u'model (of a car)'), ('das', u'Baujahr', u'year of construction; year of manufacture /YOM/'), ('das', u'Aufbauen', u'building-up; build-up'), ('der', u'Zenit', u'pinnacle; zenith; crown (of tyre/tire)'), ('der', u'Wortlaut', u'wording'), ('das', u'Vorhandensein', u'existence'), ('die', u'Verw\xfcstung', u'desolateness; ravage; depredation; desolation; devastation; havoc; destruction'), ('die', u'Verwicklung', u'implication; enmeshment; embroilment; entanglement; imbroglio; involvement; complexity'), ('der', u'Vermittler', u'broker; arbitrator; mediator; negotiator; mediator; go-between; facilitator; referrer; procurer; intermediary'), ('der', u'Urlauber', u'vacationer; vacationist; holidaymaker'), ('die', u'Unze', u'ounce /oz/'), ('der', u'Transporter', u'transporter'), ('der', u'Testbetrieb', u'test mode'), ('die', u'Streumunition', u'cluster munition'), ('das', u'Skelett', u'skeleton; armature'), ('das', u'Segelschiff', u'sailing ship; sail'), ('der', u'Schlamm', u'mire; glaur [Sc.]; mud; ooze; slime; warp; silt; sludge'), ('das', u'Reck', u'horizontal bar; high bar; bar'), ('das', u'Rahmenabkommen', u'skeleton agreement; basic agreement'), ('die', u'Quote', u'proportion; odds {pl}; contingent; quota; share; rate; ratings (number of consumers of a media content); rate; quota; proportion'), ('das', u'Quart\xe4r', u'Quaternary'), ('der', u'Propst', u'provost'), ('die', u'Perle', u'bead; pearl'), ('der', u'Patient', u'patient'), ('das', u'Pantheon', u'pantheon'), ('das', u'Niedrigwasser', u'low tide; low water'), ('die', u'Meerjungfrau', u'mermaid'), ('die', u'Meditation', u'meditation'), ('der', u'Kriegsausbruch', u'outbreak of war'), ('die', u'Helix', u'helix; helical line'), ('das', u'Hauptziel', u'main goal; principal aim'), ('die', u'Gewinnerin', u'winner'), ('das', u'Flusssystem', u'river system; system of rivers and streams; flow net; drainage pattern'), ('die', u'Florettfechterin', u'foilswoman'), ('der', u'Diskuswerfer', u'discus thrower; discobolus'), ('das', u'Bestreben', u'endeavour [Br.]; endeavor [Am.]; attempt; effort; efforts'), ('der', u'Ausstieg', u'exit; phasing out nuclear energy; withdrawal from the nuclear energy programme; opting out of the nuclear energy program'), ('die', u'Atomuhr', u'atomic clock; atomic timing device'), ('der', u'Amur', u'Amur'), ('das', u'Abendmahl', u"(Holy) Communion; the Lord's Supper; Eucharist"), ('der', u'Tierpark', u'zoo'), ('die', u'Tiefebene', u'lowlands; lowland plain'), ('die', u'Senkung', u'descent; abatement; dip; depression; lowering; counterbore; sag; subsidence; reduction (of sth.)')] dictSet_63 = [('der', u'Schoss', u'shoot; sprout'), ('der', u'Rosenkranz', u'rosary'), ('die', u'Reservation', u'reservation'), ('der', u'Personenzug', u'slow train; local train; accommodation train [Am.]; passenger train'), ('das', u'Ohr', u'ear; ear'), ('die', u'Neigung', u'mind; incline; predisposition; disposition; liability (to); leaning; inclination; tendency; penchant; slope; aptitude; aptness; inclination; declination; pitch; bent; disposition (to); bias (towards); proclivity; proneness; propensity; slant; tilt; vein; warp; dip; gradient; rake; affinity; inclination; cant; tendency; turn; tendence [obs.]; liking; angularity'), ('die', u'Motivation', u'motivation'), ('der', u'K\xe4mmerer', u'treasurer; city treasurer; finance officer; chamberlain'), ('der', u'Kunstturner', u'gymnast'), ('das', u'Kreuzen', u'tacking; beating'), ('die', u'Korrosion', u'corrosion'), ('der', u'Koran', u"Koran; Quran; Qur'an"), ('der', u'Konzertmeister', u'leader; concertmaster [Am.]'), ('die', u'Konsolidierung', u'consolidation'), ('der', u'Knopf', u'stud; pommel; boss; knob; button; knop'), ('die', u'Kirsche', u'cherry'), ('der', u'Kammerherr', u'chamberlain'), ('der', u'Kamin', u'chimney'), ('die', u'Interpretin', u'interpreter'), ('das', u'Glaubensbekenntnis', u'creed; credo; profession of faith; confession of faith'), ('die', u'Gesinnung', u'attitude; disposition'), ('die', u'Freimaurerei', u'freemasonry; Masonry'), ('die', u'Forschungsstation', u'research station'), ('die', u'Fock', u'fore sail; jib'), ('das', u'Flugzeugungl\xfcck', u'plane crash'), ('das', u'Flo\xdf', u'float; raft'), ('der', u'Erl\xf6ser', u'liberator; Saviour; Redeemer'), ('die', u'Einb\xfcrgerung', u'introduction; naturalization [eAm.]; naturalisation [Br.]; renaturalization [eAm.]; renaturalisation [Br.]'), ('der', u'Ehrentitel', u'honorary title; honorific title; courtesy title'), ('die', u'Disputation', u'disputation'), ('der', u'Deich', u'dike; dyke; levee; sea wall; embankment'), ('der', u'Dachverband', u'umbrella association; umbrella organization; parent organization; roof framework'), ('die', u'Couch', u'couch; chaise; chaise longue'), ('das', u'Caesium', u'caesium; cesium [Am.]'), ('das', u'B\xfchnenbild', u'scenery; stage design'), ('das', u'Backhaus', u'bakehouse'), ('der', u'Anarchismus', u'anarchism'), ('der', u'Zigeuner', u'gipsy [Br.]; gypsy; zingaro'), ('das', u'Weltreich', u'world empire'), ('das', u'Wasserkraftwerk', u'hydroelectric power plant; hydropower station; hydro-electric power station'), ('die', u'Verweigerung', u'nonacceptance; turndown; denial; refusal'), ('das', u'Unterdr\xfccken', u'oppression'), ('der', u'Tr\xfcmmer', u'rubble; debris'), ('die', u'Transition', u'transition'), ('das', u'Terti\xe4r', u'Tertiary'), ('das', u'Sudetenland', u'the Sudeten; Sudetenland'), ('der', u'Steinbruch', u'quarry; stone pit; barrow pit'), ('das', u'Sonnenjahr', u'solar year'), ('die', u'Schwangerschaft', u'pregnancy; gestation; gravidity'), ('die', u'Rechtfertigung', u'exculpation; justification; self-justification; apology; warrant; vindication; vindication'), ('der', u'Reaktor', u'reactor'), ('die', u'Ranch', u'ranch'), ('der', u'Quizmaster', u'quizmaster; presenter'), ('der', u'Punktsieg', u'win on points; points win'), ('die', u'Maut', u'toll charge; toll'), ('der', u'Lederer', u'tanner'), ('das', u'Laub', u'foliage; leaves {pl}; foliage; greenery; leaves'), ('die', u'Kriegsfall', u'event of war'), ('das', u'Kolonialreich', u'colonial empire'), ('die', u'Jungsteinzeit', u'neolithic; young stone age'), ('die', u'Integrit\xe4t', u'integrity'), ('das', u'Handelsunternehmen', u'business enterprise; commercial enterprise'), ('der', u'Halm', u'stem; stalk; blade'), ('der', u'Goldstandard', u'gold standard'), ('die', u'Genauigkeit', u'exactitude; precision; accuracy; fidelity; measuredness; minuteness; elaborateness; exactness; specificity; strictness; preciseness; minuteness; particularity; correctness'), ('die', u'Garantie', u'warranty; guarantee'), ('der', u'Florettfechter', u'foilsman'), ('der', u'Fitz', u'snarl; line tangle'), ('die', u'Festigung', u'fortification; consolidation'), ('die', u'Erstausstrahlung', u'first broadcast'), ('das', u'Elektron', u'electron'), ('der', u'Einbrecher', u'burglar; burgler; picklock; housebreaker'), ('der', u'Br\xe4utigam', u'bride groom; bridegroom'), ('die', u'Biodiversit\xe4t', u'biodiversity; species diversity'), ('die', u'Automarke', u'make of car'), ('der', u'Amber', u'ambergris'), ('die', u'Wiederholung', u'repetition; reiteration; repeating; repeat; rollback; recurrence; rehash; duplication; rerun; revision; iteration; iterativeness; re-enactment; reiterativeness; retake; retry; systrophe; (action) replay'), ('die', u'Waltz', u'valse'), ('der', u'Verr\xe4ter', u'sneak; sneaker; fink; snitch; tattletale; traitor; betrayer; turncoat; cheese eater [coll.]; backstabber'), ('der', u'Umsturz', u'subversion'), ('der', u'Trieb', u'urge; slip; young shoot; driving force; impulse; drive; sex drive; desire (for)'), ('das', u'Stillen', u'breast-feeding'), ('der', u'Stadtplan', u'city map; street map'), ('der', u'Seeoffizier', u'naval officer'), ('die', u'Schlucht', u'chasm; canyon; sinking creek; gorge; ravine; gulch; gully'), ('die', u'Sanktion', u'sanction; sanction'), ('die', u'Rundfunkanstalt', u'broadcasting corporation; radio station'), ('die', u'Radsportlerin', u'cyclist'), ('der', u'Pool', u'pool'), ('die', u'Plage', u'nuisance; toil; trouble; bother; menace; plague (of animals); trial'), ('die', u'Pal\xe4ontologie', u'palaeontology [Br.]; paleontology [Am.]; fossilogy; biological geology'), ('das', u'Neutron', u'neutron'), ('die', u'Mondlandung', u'lunar landing; moon landing'), ('die', u'Landgewinnung', u'land reclamation'), ('der', u'Lachs', u'salmon'), ('die', u'K\xf6nigskrone', u'royal crown'), ('die', u'K\xf6niginmutter', u'queen mother'), ('der', u'Knoten', u'lump; bun; snarl; knop; knot; knot (measure of speed); burl; hitch; kink; knurl; node; junction; knot; node'), ('der', u'Klartext', u'plain text; clear text; uncoded text; plain writing; plain language'), ('der', u'Kaufpreis', u'purchase price; buying price; contract price')] dictSet_64 = [('die', u'Impression', u'impression'), ('der', u'Hofmeister', u'bearleader'), ('die', u'Historie', u'history'), ('die', u'Hauptstra\xdfe', u'high street; main street; mainstreet; trunk road; high road'), ('der', u'Gl\xe4ubiger', u'creditor'), ('das', u'Genozid', u'genocide'), ('der', u'Gedanke', u'notion; thought; idea; sentiment; conception'), ('die', u'Fu\xdfballmannschaft', u'football team; soccer team [Am.]'), ('die', u'Erwartung', u'prospect (of); expectation; expectancy; anticipation'), ('die', u'Erdkruste', u"earth's crust; terrestrial crust; earth's shell"), ('die', u'Endrunde', u'final; final round'), ('das', u'Einvernehmen', u'harmony; understandings; agreement'), ('der', u'Einstieg', u'entrance'), ('der', u'Dualismus', u'dualism'), ('der', u'Chauffeur', u'chauffeur'), ('die', u'Boulevardzeitung', u'tabloid newspaper; tabloid'), ('das', u'Bergwerk', u'mine; colliery'), ('die', u'Befugnis', u'competence; authority; warrant'), ('der', u'Adelstitel', u'title (of nobility)'), ('der', u'Abwurf', u'airdrop; dropping (of bombs)'), ('die', u'Weltordnung', u'world order'), ('der', u'Thriller', u'thriller'), ('die', u'Tankstelle', u'filling station; fuelling station [Am.]; petrol station; gas station [Am.]; service station'), ('die', u'Stabkirche', u'stave church'), ('das', u'Saxophon', u'saxophone; sax'), ('der', u'Satan', u'Satan'), ('das', u'R\xe4tsel', u'mystery; mystique; mystery; riddle; puzzle'), ('die', u'Regierungserkl\xe4rung', u'government statement'), ('der', u'Packer', u'packer'), ('der', u'Oberleutnant', u'lieutenant /Lt./; first lieutenant [Am.]'), ('die', u'Nachwelt', u'posterity'), ('das', u'Lithium', u'lithium'), ('die', u'Lagerung', u'bearing; storage; bedding (of material); stratification; bedding; layering; sheeting; attitude; bedding; stratification'), ('der', u'Kristall', u'crystal'), ('das', u'Kristall', u'crystal'), ('der', u'Kraftstoff', u'fuel'), ('der', u'Kommodore', u'commodore'), ('der', u'Kirchenbann', u'anathema'), ('die', u'Karikaturistin', u'cartoonist'), ('die', u'Infanteriedivision', u'infantry division'), ('der', u'Ideologe', u'ideologist; ideologue'), ('das', u'Hole', u'hole'), ('der', u'Hang', u'liability (to); leaning; inclination; tendency; addiction; addictiveness; hillside; penchant; slope; strain; bias (towards); propensity; vein; turn'), ('der', u'Grundbesitz', u'estate; property; realty; demesne; hacienda; landholding'), ('die', u'Glasnost', u'glasnost'), ('die', u'Gewaltenteilung', u'separation of powers'), ('das', u'Gebot', u'bid; fiat; command; bidding; commandment'), ('der', u'Eremit', u'hermit'), ('das', u'Eisenbahnungl\xfcck', u'railway accident'), ('die', u'Druckfestigkeit', u'compressive strength; crushing strength; resistance to crushing; pressure resistance (of rock)'), ('das', u'Bundesheer', u'armed forces'), ('der', u'Brocken', u'gobbet; hunk; snatch; boulder; crumb; small crumb'), ('die', u'Bereitstellung', u'provision; supply; commitment; resourcing'), ('die', u'Aufzeichnung', u'record; chronicle; videotaping; record; recording; notes; rain gauge; sound recording; recording; notation; recording; plotting (of measuring data)'), ('der', u'Alleinherrscher', u'autocrat'), ('das', u'Albanisch', u'Albanian'), ('die', u'Zuflucht', u'resort; refuge; retreat; sanctuary'), ('der', u'Wisent', u'Wisent; European bison'), ('die', u'Untersuchte', u'researched'), ('der', u'Turmfalke', u'kestrel; common kestrel'), ('die', u'Tanzp\xe4dagogin', u'dance teacher; teacher of dance; dance instructor'), ('das', u'Stadttor', u'city gate'), ('das', u'Segeln', u'sailing (of a whale)'), ('der', u'Schnellzug', u'express train; express; fast train; mainline train'), ('der', u'Schlichter', u'arbitrator; mediator'), ('der', u'Schlachter', u'butcher; butcher; slaughterer'), ('die', u'Reparatur', u'repair; reparation; patch'), ('der', u'Rennleiter', u'clerk of the course'), ('das', u'Rauchverbot', u'ban on smoking'), ('das', u'Pr\xfcfen', u'verifying; testing'), ('der', u'Plural', u'plural'), ('der', u'Phosphor', u'phosphorus'), ('die', u'Neugestaltung', u'redesign (of sth.); reorganization [eAm.]; reorganisation [Br.]'), ('die', u'Mitschuld', u'complicity'), ('die', u'Metallurgie', u'metallurgy'), ('die', u'Managerin', u'manager; acting manager; manageress; manager'), ('der', u'Luxusdampfer', u'luxury liner'), ('der', u'Luxus', u'indulgence; luxury; deluxe; luxuries'), ('die', u'Lebensdauer', u'age; service life; life cycle; life span; working life; operating life; lifetime; life; durability'), ('die', u'Landwehr', u'landwehr; Territorial Army; Territorial Force'), ('die', u'K\xf6chin', u'chef; cook; cooky'), ('die', u'Kurzgeschichte', u'short story'), ('die', u'Klosterkirche', u'abbey; minster'), ('der', u'Klepper', u'nag; hack; crock'), ('die', u'Hexe', u'witch; sibyl; hag; bitch'), ('der', u'Grunge', u'grunge'), ('der', u'Gram', u'sorrow; grief'), ('die', u'Gesch\xe4ftsf\xfchrung', u'business management; management; control of business; management; executives'), ('der', u'Fachmann', u'specialist; expert; technician'), ('die', u'Decke', u'blanket; robe [Am.]; manta; cover; coat; sheet; ceiling; nappe; thrust-sheet; mantle (of sediments)'), ('der', u'Cannabis', u'cannabis <420 ("four-twenty") >'), ('der', u'Betriebshof', u'depot'), ('der', u'Aufzug', u'act; lift [Br.]; elevator [Am.]; procession; parade'), ('die', u'Androhung', u'threat (to sb.); menace'), ('das', u'W\xe4hrungssystem', u'monetary system'), ('der', u'Warme', u'poof; poofter; poove [Br.] [slang]'), ('die', u'Vorl\xe4uferin', u'antecedent; progenitor'), ('der', u'Verwalter', u'trustee; administrator; manciple; steward'), ('der', u'Umbruch', u'make-up; upheaval; wrap; break'), ('der', u'Tau', u'dew')] dictSet_65 = [('das', u'Tau', u'rope'), ('der', u'Sperber', u'sparrowhawk; Eurasian sparrowhawk; northern sparrow hawk'), ('der', u'Skifahrer', u'skier'), ('die', u'Senke', u'depression; hollow; holler; umbrella net; drop net; depressed area; fault trough'), ('die', u'Schotte', u'compartment'), ('der', u'Schotte', u'Scot; Scotsman'), ('der', u'Salto', u'somersault; summersault; flip'), ('die', u'Resultierende', u'resultant'), ('der', u'Publikumserfolg', u'crowd-pleaser (event)'), ('der', u'Perser', u'Persian cat; Persian; Persian'), ('die', u'Parallele', u'parallel (with sth.); parallel; analogy'), ('die', u'Muskelkraft', u'brawn; muscular strength; muscle power; muscularity'), ('das', u'Meerwasser', u'sea water; ocean water'), ('die', u'Lungenentz\xfcndung', u'bronchopneumonia; bronchial pneumonia; pneumonia'), ('die', u'Luftverschmutzung', u'air pollution; atmospheric pollution'), ('die', u'Lampe', u'lamp'), ('die', u'Kunstrichtung', u'form of art; art; trend in art'), ('das', u'Kohlendioxid', u'carbon dioxide'), ('das', u'Karat', u'carat'), ('der', u'Jaguar', u'jaguar'), ('die', u'Horde', u'mob; horde'), ('der', u'Herd', u'range; hearth; fireside; focus of a disease; focus; kitchen stove; cooker [Br.]'), ('das', u'Halbschwergewicht', u'cruiser weight [Am.]'), ('der', u'Halbbruder', u'half-brother'), ('der', u'Grenz\xfcbergang', u'border crossing; border crossing point; checkpoint'), ('die', u'Gotik', u'Gothic style; Gothic period'), ('die', u'Gesamtausgabe', u'complete edition'), ('das', u'F\xfchlen', u'feeling'), ('das', u'Festhalten', u'arrest (of sth.); adherence (to); capture; holding (breach of the rules in ball sports) [Br.]; conventionalism'), ('die', u'Fertigung', u'manufacturing; manufacture; fabrication; production'), ('die', u'Feindschaft', u'hostility; enmity'), ('der', u'Fachbereich', u'faculty; department [Am.]; school'), ('der', u'Euphrat', u'Euphrates'), ('die', u'Einsatzgruppe', u'task force; operational unit; disaster-relief team'), ('die', u'Einbindung', u'integration (into); involvement (in); enculturation'), ('die', u'Doppelm\xf6rderin', u'double murderer'), ('die', u'Dienstzeit', u'period of service'), ('das', u'Deck', u'deck'), ('der', u'B\xf6rsenmakler', u'stock broker; securities broker'), ('die', u'Bundespr\xe4sidentin', u'Federal President'), ('der', u'Blickpunkt', u'visual focus'), ('das', u'Beherbergen', u'hosting'), ('das', u'Willkommen', u'welcome'), ('die', u'Wette', u'bet; wager (old-fashioned); punt'), ('die', u'Weisheit', u'sapience; wisdom'), ('die', u'Vorschrift', u'order; regulation; instruction; rule; commandment; precept; prescript; prescription'), ('die', u'Vorf\xfchrung', u'demonstration; show; presentation; performance; showcase; screening'), ('die', u'Verlobung', u'engagement; affiance; betrothal; betrothment; plight'), ('der', u'Verkehrsknotenpunkt', u'traffic junction'), ('die', u'Unterordnung', u'postponement; subordination (to); suborder'), ('der', u'Umschlag', u'envelope; book jacket; jacket; compress; cover; turnover; turnaround; transfer; trans-shipment (of goods); handling; transhipment'), ('der', u'Strukturwandel', u'structural change'), ('der', u'Stacheldraht', u'barbed wire; barbwire'), ('der', u'Sonderstatus', u'special status'), ('der', u'Schiefer', u'slate; schist; shale; shalestone'), ('der', u'Ruin', u'ruin; bane; nemesis; perdition'), ('die', u'Rubrik', u'category; heading; rubric; column; caption'), ('der', u'Ritt', u'ride; rode'), ('der', u'Revolverheld', u'gunslinger'), ('die', u'Rekordzeit', u'record time'), ('der', u'Raub\xfcberfall', u'robbery (at/on sth.); holdup; hold-up; heist [Am.] [slang]; ram raid; foray'), ('die', u'Plattenfirma', u'label'), ('die', u'Naturgeschichte', u'natural history'), ('das', u'Nachwort', u'epilogue; epilog [Am.]; afterword (lit.)'), ('die', u'Nachbildung', u'analog; analogue; effigy; replica; reconstruction; emulation; restrike'), ('der', u'Mentor', u'mentor'), ('die', u'Mache', u'sham'), ('das', u'Kapitol', u'capitol; statehouse'), ('das', u'Kabelfernsehen', u'cable television; cable TV'), ('die', u'Hauptfigur', u'central character; main character; principal character; leading figure; central figure; protagonist; main character'), ('das', u'Handelsregister', u"commercial register; register of commerce; companies' register; trade register"), ('der', u'Hals', u'neck; throat; cervical'), ('der', u'Graphologe', u'graphologist'), ('der', u'Florentiner', u'Florentine; Florentine'), ('die', u'Fernsehshow', u'TV show'), ('das', u'Elfenbein', u'ivory'), ('das', u'Einrichten', u'setting-up'), ('das', u'Einbringen', u'contribution (of sth. to a company)'), ('die', u'Detonation', u'detonation'), ('die', u'Deckung', u'marking; cover; guard; covering up (for sth.); protection'), ('der', u'Bergahorn', u'sycamore [Am.]'), ('das', u'Belasten', u'loading; application of load'), ('die', u'Bauform', u'construction; version; style; model; type; structural shape'), ('die', u'Anklang', u'reminiscence (of)'), ('der', u'Anklang', u'approval; appeal'), ('die', u'Achterbahn', u'roller coaster; big dipper [Br.] (old-fashioned)'), ('der', u'Yard', u'yard /yd./'), ('die', u'Wissenschaftlerin', u'researcher; research scientist; scientist; academic'), ('der', u'Wirtschaftsraum', u'economic area'), ('die', u'Windkraftanlage', u'wind power station; wind (power) plant; wind turbine generator system /WTGS/'), ('der', u'Widerruf', u'countermand; disclaimer; retraction; revocation; withdrawal'), ('die', u'Wellenl\xe4nge', u'wave length; wavelength'), ('der', u'Vorsteher', u'superintendent; principal; provost'), ('die', u'Trompete', u'trumpet; trump'), ('die', u'Traube', u'cluster; bunch of grapesseach met'), ('die', u'Trance', u'trance'), ('das', u'Tageslicht', u'daylight'), ('der', u'Staatsakt', u'act of state'), ('der', u'Sklavenhandel', u'slave trade'), ('der', u'Seel\xf6we', u'sea lion; lion seal')] dictSet_66 = [('der', u'Schwanz', u'brush; tail; dick; cock; prick; wanger; todger [Br.]; pecker [Br.]; knob [Br.]; whanger [Br.] [slang] [vulg.]; dong'), ('der', u'Schulthei\xdf', u'mayor; sheriff'), ('die', u'Postkarte', u'postcard; post card'), ('das', u'Pompeji', u'Pompeii'), ('die', u'Patientin', u'patient'), ('das', u'Papiergeld', u'aper money; fiat money'), ('der', u'Laubfrosch', u'tree frog; greenback'), ('der', u'Konstruktivismus', u'Constructivism'), ('die', u'Kompetenz', u'competence; competency; responsibility'), ('die', u'Kaufkraft', u'purchasing power; buying power'), ('der', u'Investmentfonds', u'investment fund'), ('die', u'Intoleranz', u'intolerance'), ('der', u'Innenhof', u'(inner) courtyard'), ('der', u'H\xf6hlenforscher', u'speleologist; spelaeologis; spelunker; potholer'), ('die', u'Hypothese', u'hypothesis; supposition; hedging pressure hypothesis (stock exchange)'), ('der', u'Holzschneider', u'engraver'), ('die', u'Havarie', u'average; damage; accident; disaster'), ('die', u'Gesamth\xf6he', u'overall height; depth (diamond)'), ('die', u'Gendarmerie', u'(French) police; gendarmerie; gendarmery'), ('das', u'F\xfcgen', u'joining'), ('der', u'Flint', u'fire stone; flint; chert; ignescent stone'), ('die', u'Filiale', u'branch (office); subsidiary; chain store'), ('der', u'Dieb', u'thief; burglar; filcher; larcenist; pilferer; purloiner; snatcher (often in compositions); stealer'), ('der', u'Detektiv', u'detective; sleuth; investigator; spotter [Am.]; hawkshaw; gumshoe [coll.]'), ('die', u'Cousine', u'cousin'), ('die', u'B\xfccherverbrennung', u'bookburning'), ('der', u'Ausblick', u'view; outlook; prospectus; look-out; vista'), ('der', u'Atomkraftgegner', u'anti-nuclear activist; anti-nuclear protester'), ('der', u'Antisemit', u'anti-Semite'), ('die', u'Achtung', u'regard; high regard; respect (for); deference; estimation; esteem'), ('der', u'Ableger', u'scion; offset; layer; offshoot'), ('der', u'Zisterzienser', u'Cistercian'), ('das', u'Volksfest', u'funfair [Br.]; carnival [Am.]; exhibition [Am.]; public festival'), ('die', u'Vermessung', u'measurement; mensuration; measurement (of sth.); survey; surveying'), ('die', u'Verflechtung', u'intertwining; interweaving; interrelation; inter-relation (between)'), ('der', u'Unterzeichner', u'signatory; signer'), ('die', u'Unterteilung', u'subdivision'), ('die', u'Talkshow', u'chat show [Br.]; talk show [Am.]'), ('die', u'St\xfcckzahl', u'number of pieces / items / units / packages'), ('das', u'Streckennetz', u'rail network'), ('der', u'Schulleiter', u'school principal; head teacher; headmaster; preceptor'), ('das', u'Schulbuch', u'class book'), ('die', u'Schirmherrschaft', u'aegis; patronage; auspices; protectorate'), ('die', u'R\xf6hre', u'baking oven; oven; tube; duct; duct; tube'), ('der', u'Regenbogen', u'rainbow'), ('der', u'Reflektor', u'reflector; reverberator'), ('die', u'Phantasie', u'imagination; mind; fantasy; fancy'), ('die', u'Niederlegung', u'laying down'), ('der', u'Neurochirurg', u'neurosurgeon'), ('die', u'Mobilit\xe4t', u'mobility'), ('die', u'Mitgliederzahl', u'number of members; memebership'), ('das', u'Mischen', u'interference; shuffle (of cards)'), ('die', u'K\xfcstenwache', u'coastguard'), ('der', u'Katechismus', u'catechism'), ('die', u'Illusion', u'rope of sand; illusion'), ('der', u'Hygieniker', u'hygienist'), ('der', u'Horizont', u'horizon; ken; horizon; skyline'), ('die', u'Hemisph\xe4re', u'hemisphere'), ('das', u'Gefangenenlager', u'prison camp'), ('der', u'Gau', u'district; region'), ('die', u'Fremdherrschaft', u'foreign rule; foreign domination'), ('der', u'Freibeuter', u'privateer; privateer; freebooter'), ('der', u'Fliegerhorst', u'air base; military airfield'), ('die', u'Erstauflage', u'first print; first print-run; first run'), ('das', u'Deb\xfctalbum', u'debut album'), ('der', u'Boss', u'top dog [coll.]; boss; foreman; honcho; gaffer; governor [Br.] [coll.]; head'), ('der', u'Birnbaum', u'pear tree'), ('das', u'Bezirksgericht', u'circuit court'), ('die', u'Bew\xe4ltigung', u'coverage; accomplishment'), ('die', u'Belohnung', u'reward; prize; remuneration; rewarding'), ('der', u'Akademiker', u'university graduate; academic'), ('der', u'W\xfcrdentr\xe4ger', u'high official; dignitary'), ('der', u'Wiedert\xe4ufer', u'anabaptist; rechristen'), ('die', u'Vormundschaft', u'guardianship; tutelage; wardship; tutelary authority'), ('die', u'Vollj\xe4hrigkeit', u'majority'), ('die', u'Verwertung', u'exploitation (of sth.); conversion; utilization [eAm.]; utilisation [Br.]'), ('die', u'Verlobte', u'affianced; fiancee; fianc\xe9e'), ('der', u'Verlobte', u'fiance; fianc\xe9'), ('die', u'Vergessenheit', u'oblivion'), ('der', u'Verfassungsentwurf', u'draft constitution'), ('die', u'Verbundenheit', u'coexistence; solidarity; connectedness; bond; bonds; ties; male bonding; attachment (to); connectivity'), ('die', u'Uneinigkeit', u'discordance; discordancy; discord; dividedness; disagreement; dissension; disunity'), ('die', u'Uhrzeit', u'time; time of day'), ('das', u'Transportflugzeug', u'transport aircraft; transport plane; transport [coll.]'), ('der', u'Transfer', u'transfer; transference (of sb./sth.)'), ('der', u'Tiefgang', u'draft [Am.]; draught (of a ship); thoughtfulness'), ('das', u'Tagpfauenauge', u'peacock butterfly; European peacock (true butterfly)'), ('der', u'Schwefel', u'brimstone; sulphur; sulfur [Am.]'), ('die', u'Schenkung', u'donation; gift; transfer by way of gift'), ('die', u'Schallmauer', u'sound barrier; sonic barrier'), ('die', u'R\xfcckendeckung', u'backing; support; rear cover'), ('die', u'Ringelblume', u'marigold'), ('die', u'Rechtsstaatlichkeit', u'rule of law; due process'), ('das', u'Proton', u'proton'), ('die', u'Prohibition', u'prohibition'), ('der', u'Plenarsaal', u'(plenary) assembly room; plenar hall; floor'), ('die', u'Pension', u'boarding house; boardinghouse; guest house; guest-house; boarding-house; pension'), ('der', u'Partisanenkrieg', u'guerilla war; guerilla warfare'), ('der', u'Ortolan', u'ortolan bunting'), ('die', u'Natter', u'colubrid')] dictSet_67 = [('der', u'Mittelwellenbereich', u'medium-wave range; hectometer wave range'), ('die', u'Memel', u'Neman; Nemunas (river)'), ('das', u'Markenzeichen', u'trademark; brand'), ('das', u'L\xf6schwasser', u'water for firefighting; extinguishing water'), ('der', u'Luftkampf', u'air battle; aerial battle; air-to-air combat; dogfight'), ('die', u'Lesart', u'reading; version'), ('das', u'Kampfflugzeug', u'tactical aircraft; warplane'), ('die', u'Grundlagenforschung', u'basic research; fundamental research'), ('das', u'Gasthaus', u'tavern; inn; hotel; restaurant'), ('die', u'F\xfchrerin', u'leader; chief; guide'), ('die', u'Frische', u'freshness'), ('der', u'Freundeskreis', u'friends; circle of friends; group; set (of friends)'), ('die', u'Fernseh\xfcbertragung', u'TV broadcast'), ('der', u'Fernseher', u'television set; TV set; TV; telly; boob tube [coll.]; idiot box [coll.]'), ('das', u'Erwachen', u'awakening'), ('die', u'Erschie\xdfung', u'shooting'), ('das', u'Elektrizit\xe4tswerk', u'power station; power plant'), ('die', u'Ebbe', u'ebb; ebb tide; low tide'), ('die', u'Differenz', u'difference; difference'), ('die', u'Demontage', u'dismantlement; dismantling; disassembly'), ('die', u'Datierung', u'ageing; age determination; dating (of sth.); dating (on a document)'), ('der', u'Dart', u'dart'), ('der', u'Chinook', u'chinook; chinook wind; king salmon; Chinook; chinook salmon'), ('die', u'Bundesnetzagentur', u'Federal Network Agency; Federal Grid Agency'), ('das', u'Beta', u'Beta'), ('der', u'Bergsturz', u'landslide; rock fall landslide; debris slide; mountain creep'), ('die', u'Aufwertung', u'valorization [eAm.]; valorisation [Br.]; upgrading; appreciation; appreciation of value; gentrification; revaluation'), ('die', u'Auflistung', u'laundry list [coll.]; listing'), ('die', u'Aufdeckung', u'exposure (of sb./sth.); detection; revelation <revealment>'), ('der', u'Z\xf6llner', u'customs officer'), ('das', u'Wohnviertel', u'residential area; residential; residential quarter; uptown'), ('das', u'Weiden', u'grazing'), ('der', u'Wechsler', u'cambist; changer; changeover; changeover contact'), ('das', u'Wahrnehmen', u'percipience'), ('die', u'Vorstadt', u'suburbia; suburb'), ('die', u'Vorschau', u'preview'), ('die', u'Volksgemeinschaft', u'national community'), ('das', u'Telegramm', u'dispatch; despatch; telegram; cable; wire [Am.]'), ('der', u'Talk', u'talcum; talc; talcum powder'), ('die', u'S\xe4uberung', u'cleaning; cleansing; cleanup; mopping up; bowdlerization [eAm.]; bowdlerisation [Br.]; purge'), ('die', u'Staatsflagge', u'national flag'), ('der', u'Sprenger', u'blaster'), ('der', u'Speicher', u'attic; loft [Br.]; garret [poet.]; storehouse; entrepot; reservoir; granary; elevator; warehouse; reservoir; memory; storage; store; reservoir bed'), ('der', u'Sonnenschein', u'sunshine'), ('das', u'Segelflugzeug', u'glider; sailplane'), ('der', u'Segelflug', u'gliding; soaring'), ('der', u'Schrecken', u'amazement; fright; horror; terror; scare'), ('der', u'Schiedsspruch', u'arbitration award; arbitral award; award; arbitrament'), ('das', u'Sachalin', u'Sakhalin'), ('der', u'Rentner', u'pensioner; old age pensioner /OAP/ [Br.]'), ('der', u'Redenschreiber', u'speechwriter'), ('das', u'Radrennen', u'cycle race'), ('der', u'Pfeifer', u'piper; whistler'), ('der', u'Patrizier', u'patrician'), ('die', u'Oberschule', u'grammar school [Br.]; high school [Am.]'), ('der', u'Notfall', u'emergency; emergency case; distress'), ('das', u'Nirwana', u'Nirvana'), ('der', u'Nachbar', u'neighbour [Br.]; neighbor [Am.]'), ('die', u'Mandel', u'almond; tonsil; (amount of) fifteen; amygdule; amygdale; geode'), ('der', u'Malteser', u'Maltese'), ('der', u'Machtwechsel', u'change of government'), ('die', u'Lok', u'engine; railroad engine [Am.]; locomotive; loco'), ('der', u'Lastkraftwagen', u'lorry [Br.]; truck [Am.]; camion; commercial vehicle; heavy goods vehicle /HGV/'), ('das', u'Jugendbuch', u'juvenile book; book for adolescents'), ('das', u'Heimatland', u'home country; homeland; native land'), ('die', u'Grenzpolizei', u'border police; border guard; frontier police'), ('der', u'Grabh\xfcgel', u'burial mound; grave-mound; tumulus; barrow'), ('die', u'Geheimhaltung', u'nondisclosure; secrecy; confidentiality'), ('der', u'Einfall', u'incidence; incursion (into); vagary; thought; invasion (of); descent (on; upon)'), ('der', u'Castor', u'cask for storage and transport of radioactive material; castor'), ('der', u'Boxeraufstand', u'Boxer Rebellion'), ('die', u'Bildhauerei', u'sculpture'), ('das', u'Aufstellen', u'deployment; placement'), ('das', u'Ammoniak', u'ammonia'), ('die', u'Zusammenstellung', u'composition; anthology; buildup; set; compilation; collocation; arrangement'), ('das', u'Zusammenstellung', u'account'), ('der', u'Zufluss', u'influx; tributary; affluent; influent; confluent; feeder; inflow; conflux'), ('die', u'Wirtschaftsmacht', u'economic power'), ('die', u'Wiederbelebung', u'revival; reanimation; revitalization [eAm.]; revitalisation [Br.]; resurrection'), ('der', u'Vork\xe4mpfer', u'spearhead; protagonist; prophet'), ('der', u'Verlagsbuchh\xe4ndler', u'publisher'), ('der', u'Verbrauch', u'wastage; consumption; consumption; expenditure'), ('der', u'Ungar', u'Hungarian'), ('das', u'Turnfest', u'gymnastic sporting event'), ('die', u'Treppe', u'stair; step; stairs; staircase; stairway [Am.]; a flight of steps; a flight of stairs; stoop [Am.]'), ('die', u'Tragikom\xf6die', u'tragicomedy'), ('das', u'Torpedo', u'torpedo'), ('die', u'St\xe4tte', u'place'), ('die', u'Steuerreform', u'tax reform; fiscal reform'), ('die', u'Stadtbev\xf6lkerung', u'urban population; townspeople'), ('das', u'Sima', u'sima'), ('das', u'Sanskrit', u'Sanskrit'), ('der', u'Rebell', u'rebel; insurgent'), ('die', u'Pl\xfcnderung', u'plundering; pillage; depredation; sack; despoilment; spoliation; despoliation; looting; plunder; rapine; ravage; depredation'), ('der', u'Pirat', u'pirate'), ('der', u'Neuling', u'novice; fledgeling; fledgling; greenhorn; neophyte; catechumen; novitiate'), ('die', u'Neubildung', u'regeneration'), ('die', u'Missachtung', u'disregard; defiance; flouting; disrespect; breach'), ('die', u'Mineralogie', u'mineralogy; oryctognosy'), ('das', u'Magnetfeld', u'magnetic field')] dictSet_68 = [('der', u'Leibw\xe4chter', u'bodyguard'), ('das', u'Korfu', u'Corfu'), ('das', u'Kanu', u'canoe'), ('der', u'Hirt', u'herdsman; herder; shepherd'), ('der', u'Guerillakrieg', u'guerilla war; guerilla warfare'), ('der', u'Gospels\xe4nger', u'gospel singer'), ('das', u'Frauenstimmrecht', u'woman suffrage'), ('das', u'Fermium', u'fermium'), ('die', u'Erbfolge', u'succession'), ('die', u'Dezentralisierung', u'decentralization [eAm.]; decentralisation [Br.]; devolution'), ('die', u'Datenrate', u'data rate'), ('der', u'Crash', u'crash'), ('der', u'B\xfcchel', u'hill'), ('die', u'Abwanderung', u'migration; exodus; movement; brain drain'), ('die', u'Abneigung', u'aversion; disinclination; dislike (of; for); indisposition; reluctance; repugnance; antipathy; idiosyncrasy'), ('der', u'Zwinger', u'kennels; ward'), ('die', u'Wiedergabe', u'playback; play back; rendition; reproduction; rendering'), ('der', u'Westturm', u'west tower'), ('der', u'Wegfall', u'repeal (of sth.)'), ('die', u'Waldkiefer', u'Scots pine'), ('der', u'Vollzug', u'execution (of sth.); implementation; performance; enforcement'), ('der', u'Strich', u'dash; line; vein; stroke; street prostitution; streetwalking; stroke; grain; bar; streak (of a mineral)'), ('der', u'Steig', u'via ferrata; scramble'), ('die', u'Stadtplanung', u'town planning; city planning; urbanism'), ('der', u'Sonnabend', u'Saturday /Sat/'), ('die', u'Skepsis', u'scepticism; skepticism [Am.]; skepticalness'), ('das', u'Siedlungsgebiet', u'settlement area'), ('der', u'Seraph', u'seraph'), ('der', u'Segen', u'blessing; benison; boon'), ('der', u'Schiffsuntergang', u'shipwreck'), ('der', u'Sattler', u'saddler'), ('das', u'R\xfctteln', u'jog; jarring'), ('das', u'Riesenrad', u'big wheel [Br.]; Ferris wheel [Am.]'), ('der', u'Respekt', u'complaisance; respect (for); deference; props (= proper respect) [coll.]'), ('die', u'Reformerin', u'reformer'), ('die', u'Raffinerie', u'refinery'), ('der', u'Protagonist', u'protagonist'), ('die', u'Primaballerina', u'prima ballerina'), ('der', u'Pfau', u'peacock; Common Peafowl; Pavo; Peacock'), ('die', u'Pfarrei', u'rectory; vicarage; parsonage'), ('die', u'Odyssee', u'odyssey'), ('die', u'Mundartdichterin', u'dialect author; dialect poet'), ('die', u'Meile', u'mile'), ('das', u'Maul', u'trap; gob; yap; maw [coll.] (for mouth); mouth (of an animal); yap; muzzle'), ('der', u'Marinest\xfctzpunkt', u'naval base'), ('der', u'L\xf6ffler', u'Eurasian spoonbill; white spoonbill'), ('der', u'Lobbyist', u'lobbyist'), ('die', u'Lebensgeschichte', u"story of sb.'s life; life history"), ('das', u'Kriterium', u'criterion; criterion; circuit race; criterium; crit'), ('der', u'Kranz', u'wreath; chaplet; annulus; border; rim; collar'), ('das', u'Klinikum', u'clinical center'), ('die', u'Ketzerei', u'heresy; hereticalness'), ('das', u'Ketten', u'warp knit; warp knitting'), ('das', u'Judo', u'judo'), ('die', u'Inspiration', u'inspiration; afflatus'), ('die', u'Indienststellung', u'commissioning'), ('die', u'Hybride', u'hybrid'), ('die', u'Hauptversammlung', u'general business meeting'), ('die', u'Handschrift', u'handwriting; script; hand; penmanship'), ('das', u'Hadron', u'hadron'), ('der', u'G\xfcrtel', u'belt; girdle; protector; belt (radial)'), ('die', u'Goldammer', u'yellowhammer'), ('die', u'Gegenseite', u'opposite side; opposition'), ('die', u'Geburtenrate', u'birthrate; birth rate; natality'), ('der', u'Flyer', u'flyer; flier; leaflet'), ('die', u'Fahrbahn', u'carriageway; lane; runway'), ('die', u'Duldung', u'toleration; tolerance; sufferance'), ('die', u'Dampflokomotive', u'steam engine [Am.]; steam locomotive'), ('das', u'Bl\xe4ttern', u'page turning'), ('die', u'Bekanntmachung', u'announcement; circularization [eAm.]; circularisation [Br.]; proclamation; disclosure; notice'), ('der', u'Beh\xe4lter', u'receptacle; tidy; repository; reservoir; tank; container; bucket; vessel; bin; chafing dish'), ('der', u'Bann', u'ban'), ('die', u'Ballade', u'ballad; lay'), ('der', u'Balken', u'beam; joist; timber; arbor; baulk [Br.]; balk [Am.]; lamella'), ('das', u'Arzneimittel', u'medicine; medicines; drug; medication; pharmacon'), ('der', u'Appell', u'appeal (to); plea; roll call; roll call'), ('der', u'Antik\xf6rper', u'antibody; immune body'), ('die', u'Agitation', u'agitation; agitation'), ('die', u'Zeitskala', u'timescale; time scale'), ('der', u'Wintersport', u'winter sports'), ('der', u'Widersacher', u'opponent; adversary; antagonist'), ('die', u'Weiche', u'alterable switch; point [Br.]; railroad switch; track switch; switch [Am.]; turnout; crossover'), ('der', u'Wasserstand', u'water level'), ('die', u'Wasserscheide', u'watershed; water divide; water parting'), ('der', u'Wahn', u'delusion; illusion; mania'), ('die', u'V\xf6lkerschlacht', u'battle of the nations'), ('das', u'Unrecht', u'wrong; unjustness'), ('die', u'Umstrukturierung', u'restructuring'), ('der', u'Twist', u'twist; twist'), ('das', u'Trikot', u'jersey; strip [Br.]'), ('der', u'Tausch', u'trade-off; tradeoff; exchange (of sth.); swap; swop [Br.]'), ('der', u'Tabak', u'tobacco (plant); tobacco; baccy; tabac'), ('das', u'Stroh', u'litter; straw'), ('die', u'Steinzeit', u'Stone Age'), ('das', u'Selbstportr\xe4t', u'self-portrait'), ('der', u'Schoner', u'schooner'), ('die', u'R\xf6merzeit', u'Roman Age'), ('der', u'Raubm\xf6rder', u'robber and murderer'), ('das', u'Potential', u'potential'), ('die', u'Platzierung', u'place; placement; placement; placing')] dictSet_69 = [('das', u'Passiv', u'passive'), ('die', u'Niederschrift', u'record; writing; minute; minutes of meeting'), ('der', u'Modernismus', u'modernism'), ('der', u'Mitinhaber', u'joint owner; co-owner'), ('das', u'Milieu', u'environment; social background; surroundings; ambience; ambiance; milieu; setting'), ('der', u'Methodist', u'methodist'), ('das', u'Maar', u'maar; volcanic lake'), ('der', u'Lotus', u'lotus'), ('der', u'Lebensunterhalt', u'living; livelihood; means of subsistence; subsistence'), ('die', u'Landkarte', u'map; topographic map'), ('das', u'Kriegsmaterial', u'war material'), ('das', u'Kriegsjahr', u'year of (the) war'), ('der', u'Kirchhof', u"churchyard; kirkyard [Sc.]; graveyard; God's acre"), ('der', u'Kinofilm', u'cinematic film [Br.]; motion picture [Am.]'), ('der', u'Hornung', u'February'), ('die', u'Hebung', u'raising (of); lift; lifting; elevation (of voice); upheaval (of the bottom); heaving (by frost)'), ('der', u'Geschmack', u'taste; flavouring [Br.]; flavoring [Am.]; savour [Br.]; savor [Am.]; tastefulness; gusto; relish; flavour [Br.]; flavor [Am.]; flavour'), ('die', u'Gegenleistung', u'return service; service in return; consideration; counterperformance; exchange; return'), ('der', u'Gartenbau', u'horticulture; horticulture; landscaping; landscape gardening'), ('der', u'Garant', u'guarantor'), ('die', u'F\xfchrungsrolle', u'guide roller; guiding pulley; leading role'), ('die', u'Fortf\xfchrung', u'continuation; resumption'), ('die', u'Forscherin', u'researcher; research scientist'), ('die', u'Flottille', u'flotilla'), ('die', u'Feuchtigkeit', u'humidity; damp; dampness; dankness; humidification; moisture; sogginess; clamminess'), ('die', u'Feindseligkeit', u'animosity; animus; hostility'), ('die', u'Entlastung', u'easing the burden (of; on); relief of the strain (on); exoneration; exculpation; relief of load; reduction of load; relaxation; care'), ('der', u'Efeu', u'ivy'), ('das', u'Direktorium', u'board (or directors)'), ('der', u'Breitensport', u'mass sport; mass sports'), ('die', u'Blonde', u'blonde'), ('der', u'Blonde', u'blond; blond man; fair-haired man'), ('die', u'Ausgangslage', u'starting situation; initial situation; original position; initial position'), ('die', u'Anleitung', u'guidance; instruction; instructions; navigating; tutorial; guide; manual'), ('der', u'Akzent', u'accent; highlight; emphasis'), ('die', u'Abfolge', u'succession; sequence; sequence; succession'), ('der', u'Abfolge', u'sequence; course; succession'), ('die', u'Zersplitterung', u'balkanization [eAm.]; balkanisation [Br.]; political fragmentation; dispersal; break-up; dissipation; split-up; splintering'), ('der', u'Zentralrat', u'Central Council of Jews in Germany'), ('das', u'Wohngebiet', u'residential area'), ('die', u'Wohnbev\xf6lkerung', u'residential population'), ('der', u'Wei\xdfgerber', u'tawer'), ('der', u'Vormund', u'guardian; guardian; custodian'), ('der', u'Unterlauf', u'arithmetic underflow; underflow; lower course (of a river)'), ('der', u'Thymian', u'thyme'), ('das', u'Tagblatt', u'daily paper'), ('der', u'Stabhochsprung', u'pole vault; pole-jumping'), ('die', u'Soubrette', u'soubrette'), ('die', u'Signatur', u'signature; shelfmark'), ('der', u'Signatur', u'book number; call number; shelf number'), ('die', u'Schwefels\xe4ure', u'sulphuric acid'), ('die', u'Schilderung', u'narrative; account (of sth.); description; portrayal; depiction; recital (of details); description'), ('das', u'R\xfccktrittsgesuch', u'offer of resignation'), ('der', u'Puritaner', u'puritan'), ('die', u'Programmiersprache', u'programming language; program language'), ('die', u'Passion', u'Passion'), ('der', u'Oberingenieur', u'chief engineer'), ('der', u'Nervenarzt', u'neurologist'), ('der', u'Neonazi', u'neo-Nazi'), ('der', u'Nationaltrainer', u'national team coach; national coach'), ('der', u'Mitstreiter', u'comrade; comrade-in-arms'), ('der', u'Menschenrechtler', u'human rights activist'), ('der', u'Maskenbildner', u'make-up artist'), ('der', u'Lutheraner', u'Lutheran'), ('der', u'Lorbeer', u'laurel; bay; bay tree; bay leaf'), ('das', u'Leergewicht', u'dead weight; unladen weight; kerb weight; tare (weight)'), ('das', u'K\xf6nigtum', u'kingship; royalty; royalism'), ('die', u'Kultusgemeinde', u'religious community'), ('die', u'Kolonialisierung', u'colonisation [Br.]; colonization [Am.]'), ('der', u'Hut', u'hat; titfer [Br.] [coll.]'), ('die', u'Hardware', u'hardware'), ('die', u'Gesamtschule', u'comprehensive school; integrated comprehensive school'), ('das', u'Generalgouvernement', u'the German administered part of Poland during World War II'), ('das', u'Gedankengut', u'body of thought'), ('die', u'Fremdenlegion', u'Foreign Legion'), ('das', u'Fliegerkorps', u'air corps'), ('die', u'Fahrzeit', u'length of the trip; duration of the journey; journey time'), ('die', u'Ewigkeit', u'aeon; eternity; perpetuity'), ('die', u'Droge', u'drug; narcotic drug'), ('der', u'Drescher', u'thresher'), ('die', u'Bodenreform', u'agrarian reform; land reform'), ('die', u'Biochemie', u'biochemistry'), ('die', u'Bibel\xfcbersetzung', u'bible translation'), ('die', u'Benachteiligung', u'discrimination; disadvantage'), ('der', u'Batz', u'mush'), ('die', u'Ausgestaltung', u'arrangement; decoration'), ('die', u'Aufschrift', u'lettering; writing; inscription; legend [Am.]'), ('die', u'Anspielung', u'hint; allusion; suggestion; insinuation; indirectness; innuendo'), ('der', u'Algerienkrieg', u'Algerian War'), ('die', u'Abwicklung', u'processing; clearing and settlement; settlement; liquidation (of sth.); execution (of sth.); transaction; completion; carrying out'), ('der', u'Abfangj\xe4ger', u'interceptor; fighter interceptor'), ('der', u'Wohnungsbau', u'residential construction; house building'), ('die', u'Weltpolitik', u'world policy'), ('der', u'Weltmarkt', u'world market'), ('die', u'Weiterbildung', u'advanced education; advanced training; in-service training; continuing education; further education; continuing process of education (learning); self-improvement'), ('der', u'Wasserdampf', u'steam; water vapour; aqueous vapour'), ('der', u'Warentest', u'product test'), ('der', u'Want', u'shroud'), ('der', u'Vorstandssprecher', u'management spokesman; executive spokesman'), ('die', u'Vorhersage', u'forecasting; prevision; forecast; prediction; prognosis')] dictSet_70 = [('das', u'Visier', u'visor; backsight; gun sight'), ('das', u'Vetorecht', u'power of veto; right of veto'), ('die', u'Vermischung', u'intermixture; mashup; amalgamation; blending; mixture; immixture; commingling; mergence'), ('das', u'Verb', u'verb'), ('der', u'Trapper', u'trapper'), ('das', u'Thing', u'thing'), ('das', u'Symposium', u'symposium'), ('der', u'Surfer', u'surfer'), ('der', u'St\xf6r', u'sturgeon'), ('der', u'Stout', u'stout; stout beer'), ('der', u'Sp\xe4tsommer', u'late summer'), ('die', u'Serenade', u'serenade'), ('die', u'Schwertlilie', u'iris; flag'), ('die', u'Repr\xe4sentation', u'representation (of sb./sth.)'), ('die', u'Renovierung', u'refurbishing; redecoration; renovation; refurbishment'), ('der', u'Regierungssprecher', u'government spokesperson; government spokesman'), ('die', u'Rechtsgrundlage', u'legal basis'), ('das', u'Quintett', u'quintet'), ('der', u'Oberlauf', u'upper reaches; upper course (of a river); headwaters'), ('die', u'Notwasserung', u'ditching'), ('die', u'Normalisierung', u'normalization [eAm.]; normalisation [Br.]'), ('der', u'Lurch', u'amphibian'), ('der', u'K\xfchlturm', u'cooling tower'), ('die', u'Koexistenz', u'coexistence'), ('die', u'Karausche', u'crucian carp'), ('die', u'Irrtum', u'fallacy'), ('der', u'Irrtum', u'slip; error; mistake; aberrant; falsity; aberration'), ('die', u'Instandsetzung', u'restoration; repair'), ('der', u'Gutsherr', u'lord of the manor; laird'), ('die', u'Gew\xfcrznelke', u'clove'), ('die', u'Geb\xe4rdensprache', u'sign language; mimicry; deaf-and-dumb language'), ('der', u'Frosch', u'frog'), ('die', u'Flechte', u'eczema; lichen; braid; plait'), ('das', u'Filmstudio', u'film studio'), ('der', u'Falter', u'folder; butterfly moth; true butterfly'), ('das', u'Eisenerz', u'iron ore'), ('die', u'Drohung', u'threat (to sb.); compellence; menace'), ('der', u'Diskurs', u'discourse'), ('der', u'Buchstabe', u'letter; character'), ('die', u'Baustelle', u'building site; construction site; site of works; road works'), ('das', u'Bakterium', u'bacterium'), ('der', u'Ausstellungskatalog', u'official catalogue'), ('der', u'Amok', u'amok'), ('der', u'Ami', u'Yank'), ('der', u'Amateurfunk', u'amateur radio; ham radio'), ('die', u'Abschaltung', u'switching off; shutdown; cutoff; deactivation; passivation; de-energization [eAm.]; de-energisation [Br.]; abandonment of service; cutout; shutoff; disconnection; tagout'), ('die', u'Abhandlung', u'disquisition; treatise; paper; essay'), ('der', u'Zeh', u'toe'), ('die', u'Windhose', u'tornado [Am.]; twister [Am.] [coll.]; vortex; landspout; tornado [Am.]'), ('die', u'Wiedergeburt', u'reincarnation; rebirth; renascence; renaissance'), ('der', u'Weltsicherheitsrat', u'World Security Council'), ('die', u'Warnung', u'admonition; warning (about); admonishment; heads-up; caveat; warning; caution; alert; premonition'), ('der', u'Vordenker', u'mastermind'), ('der', u'Volksdichter', u'popular poet'), ('die', u'Verk\xfcndigung', u'promulgation; annunciation; proclamation'), ('das', u'Verkehrte', u'wrong thing; wrongness; incorrectness'), ('der', u'Vandalismus', u'vandalism'), ('der', u'Typus', u'type'), ('die', u'Trockenheit', u'drought; dryness; dries; aridity'), ('das', u'Tonband', u'audio tape; tape'), ('der', u'Synthesizer', u'synthesizer; moog [tm]'), ('der', u'Stumpf', u'stump (of a tree); stub (of a tree); stump'), ('die', u'Studentin', u'student; co-ed; coed; coed [Am.] [obs.]'), ('die', u'Stilllegung', u'shutting down; decommissioning; quiescence; abandonment; layoff; closedown; closing-down; shutdown'), ('der', u'Stieglitz', u'European goldfinch'), ('das', u'Stichwort', u'catchword; direction word; catchword; headword; keyword; key word; heading; cue'), ('der', u'Spruch', u'maxim; jingle; saying; adage; saw; dictum; a popular saying; verdict'), ('der', u'Spatz', u'sparrow'), ('der', u'Spann', u'instep (of the foot)'), ('der', u'Smog', u'smog; smog'), ('der', u'Segelflieger', u'glider; sailplane; glider pilot'), ('der', u'Schusswechsel', u'exchange of shots; gun battle'), ('das', u'Schusswechsel', u'weft change [Br.]; filling change [Am.]'), ('die', u'Schneedecke', u'shroud of snow; blanket of snow; covering of snow'), ('der', u'Schlosspark', u'castle park; castle grounds'), ('der', u'R\xfcckschlag', u'atavism; relapse; backstroke; setback; reverse; falloff'), ('der', u'Russe', u'Russian'), ('das', u'Rindfleisch', u'beef'), ('der', u'Reprint', u'Reprint'), ('das', u'Recycling', u'recycling'), ('die', u'Rangliste', u'position table; rankings; classement'), ('der', u'Rabbi', u'rabbi'), ('die', u'Qualit\xe4tssicherung', u'quality assurance /QA/'), ('der', u'Postmeister', u'postmaster'), ('die', u'Nomenklatur', u'nomenclature'), ('der', u'Neustart', u'new start; power fail restart; re-launch; reboot'), ('das', u'Minimum', u'minimum'), ('der', u'Mindestlohn', u'minimum wage'), ('die', u'Magma', u'magma; flow of rock'), ('das', u'Leitbild', u'core values; mission statement; overall concept'), ('das', u'Ladenschlussgesetz', u'law governing the hours of trading; store-closing law [Am.]'), ('die', u'Kultusministerin', u'minister of education and the arts'), ('die', u'Koordinierung', u'coordination'), ('der', u'Klub', u'club; club'), ('der', u'Kanzlerkandidat', u'Chancellor candidate'), ('der', u'Internetauftritt', u'Internet presence'), ('der', u'Innenraum', u'inner room; room inside'), ('der', u'Hagedorn', u'hawthorn'), ('der', u'Gro\xdfwesir', u'grand vezier'), ('das', u'Glied', u'(male) member; penis; limb; link')] dictSet_71 = [('die', u'Glaubenslehre', u'doctrine'), ('die', u'Geldpolitik', u'monetary policy'), ('der', u'Geiser', u'geyser'), ('der', u'Gartengestalter', u'landscape gardener'), ('das', u'Fahrwerk', u'landing gear (airplane); chassis; undercarriage; travel carriage; trolley; bogie'), ('das', u'Embryo', u'embryo'), ('das', u'Dulden', u'bearing'), ('das', u'Bundesgesetz', u'federal law'), ('der', u'Betriebswirt', u'graduate in business management; management expert'), ('die', u'Berufsausbildung', u'professional training; vocational training; vocational education'), ('die', u'Belletristik', u'(poetry and) fiction; belles lettres; book of fiction; fiction book'), ('das', u'Ausweichen', u'runaround'), ('das', u'Anraten', u'recommendation'), ('der', u'Alkoholiker', u'alcoholic; alcohol dependent; heavy drinker; alcoholic; inebriate'), ('der', u'Achtziger', u'octogenarian'), ('das', u'Abweichen', u'departure (from); divergence (from); deviation (from)'), ('der', u'Abteilungsleiter', u'head of department; floorwalker [ugs.]'), ('die', u'Verwerfung', u'rejection; dismissal; upheaval; fault; faulting; dip-slip fault; throw; shift(ing); dislocation (of strata); displacement; upslide; warp'), ('die', u'Verschmutzung', u'soiling; dirt; pollution; contamination; contamination; contaminant; chemical contamination; chemical pollution'), ('die', u'Versammlungsfreiheit', u'freedom of assembly'), ('die', u'Vermutung', u'assumption; suspicion; guess; surmise; conjecture; guesswork; presumption; supposition'), ('die', u'Sozialdemokratin', u'social democrat'), ('das', u'R\xfcstungsunternehmen', u'armaments manufacturer'), ('der', u'Rosengarten', u'rose garden; rosary'), ('die', u'Relaisstation', u'substation'), ('der', u'Rechtsextremist', u'right-wing extremist; far-rightist'), ('das', u'Polizeipr\xe4sidium', u'police headquarters'), ('der', u'Organismus', u'organism; structure'), ('das', u'Mehrparteiensystem', u'multiparty system'), ('die', u'Lava', u'lava'), ('der', u'Landarbeiter', u'agricultural labourer; peasant labourer; farmhand'), ('die', u'Kulturpolitikerin', u'politician who concerns herself/himself with cultural and educational policies'), ('der', u'Kollaps', u'collapse'), ('die', u'Kinderarbeit', u'child labour'), ('der', u'Karfreitag', u'Good Friday'), ('die', u'Kanzel', u'pulpit'), ('der', u'Kannibalismus', u'cannibalism'), ('das', u'Internierungslager', u'internment camp'), ('das', u'Insolvenzverfahren', u'insolvency proceedings'), ('das', u'Huhn', u'hen; chicken; biddy; poult'), ('der', u'Hockeyspieler', u'hockey player'), ('die', u'Herrscherin', u'ruler'), ('das', u'Grundsatzurteil', u'leading decision; judgement establishing a principle'), ('der', u'Glanz', u'brilliance; brilliancy; finery; glamour [Br.]; glamor [Am.]; blaze; lustre; luster [Am.]; luminousness; refulgence; resplendence; sheen; sheens; effulgence; glossiness; shininess; glitz; dazzle; glory; radiance; radiancy; magnificence'), ('der', u'Gibbon', u'gibbon'), ('die', u'Flugsicherung', u'air traffic control'), ('der', u'Flamenco', u'flamenco'), ('der', u'Faschist', u'fascist'), ('das', u'Domino', u'dominoes; game of dominoes'), ('die', u'Christin', u'Christian'), ('das', u'Buchgeld', u'book money; credit money; deposit money'), ('die', u'Bratschistin', u'violist; viola player'), ('der', u'Binnenstaat', u'landlocked country'), ('die', u'Beherrschung', u'governing; control (of); domination; strata control'), ('der', u'Anw\xe4rter', u'hopeful; aspirant; candidate'), ('der', u'Anleger', u'investor'), ('die', u'Altistin', u'alto; alto-singer'), ('der', u'Abbe', u'abbe'), ('der', u'Wohnort', u'residence; place of residence; domicile'), ('der', u'Wallfahrtsort', u'place of pilgrimage'), ('die', u'Studentenverbindung', u"(student) fraternity; frat; student league; students' society; students' association; students' fraternity"), ('der', u'Stricker', u'knitter'), ('die', u'Spiritualit\xe4t', u'spirituality'), ('die', u'Sphinx', u'sphinx'), ('die', u'Rinne', u'drain; groove; gully; gutter; channel; furrow; flute; sluice; chute'), ('das', u'Regelwerk', u'set of rules; body of rules and regulations; rules and standards'), ('die', u'Reede', u'safe anchorage; roadstead; road; roads'), ('die', u'Ordination', u"medical practice; doctor's surgery [Br.]; medical office [Am.]; ordination"), ('die', u'Olive', u'olive'), ('die', u'Nordseeinsel', u'North Sea island'), ('der', u'Materialismus', u'materialism'), ('der', u'L\xe4rm', u'uproar; breeze; racket; noise; hubbub; din; dins; noisiness; hurly-burly'), ('der', u'Linker', u'linker'), ('das', u'Lamm', u'lamb'), ('das', u'Kruzifix', u'crucifix'), ('die', u'Korrektur', u'erratum; corrigendum; correcting; correction; marking (of exams); correction; proof; patch; amendment; rectification'), ('der', u'Kibbuz', u'kibbutz'), ('die', u'Investmentbank', u'merchant bank'), ('die', u'Inspektion', u'inspectorate; inspection'), ('die', u'Infektion', u'infection'), ('der', u'Igel', u'hedgehog'), ('der', u'Helikopter', u'helicopter'), ('der', u'Heilpraktiker', u'healer; Registered German naturopath'), ('der', u'Halt', u'stay; grip; foothold; halt; stop; footing'), ('der', u'Grabstein', u'gravestone; tombstone; headstone'), ('das', u'Gezeitenkraftwerk', u'tidal power plant; tidal power station'), ('der', u'Gesellschafter', u'shareholder; stockholder; equity holder; partner; associate; share holder'), ('die', u'Gegenwartskunst', u'contemporaray art'), ('der', u'Galgen', u'gallows; gibbet'), ('das', u'Fressen', u'food; grub'), ('das', u'Flugger\xe4t', u'aircraft'), ('die', u'Erl\xf6sung', u'redemption; deliverance; ransom; salvation'), ('die', u'Erdgeschichte', u'geological history; history of the earth'), ('die', u'Entdeckerin', u'discoverer'), ('die', u'Einverst\xe4ndnis', u'accordance'), ('das', u'Einverst\xe4ndnis', u'approval (of); concurrence; consent (to)'), ('der', u'Eindecker', u'monoplane'), ('der', u'Egli', u'perch'), ('der', u'Dschungel', u'jungle'), ('die', u'Differenzierung', u'differentiation')] dictSet_72 = [('der', u'Brandstifter', u'arsonist; fire-raiser; torch [Am.]; incendiary'), ('die', u'Bibliothekarin', u'librarian'), ('der', u'Beleg', u'evidence; voucher; supporting document; slip; receipt; document'), ('der', u'Augenblick', u'moment; tick'), ('die', u'Aktivierung', u'activation'), ('die', u'Akklamation', u'acclamation'), ('der', u'Account', u'(user) account'), ('die', u'Abnahme', u'decrease; certification; inspection; inspection and approval; testing and passing; acceptance; acceptance; decline in the birth rate; decline; falloff; scrutineering; decrement; depletion; abatement; approval; reduction; degradation'), ('der', u'Abgrund', u'abyss; abysm; fovea; precipice; chasm; gulf'), ('die', u'Wichtigkeit', u'significance; weight; relevance; relevancy; pertinence; importance; meaningfulness; momentousness; opportunity; concern; primeness; interest'), ('der', u'Wanderer', u'hiker; rambler [Br.]; hillwalker [Br.]'), ('die', u'Wache', u'sentinel; guard duty; sentry duty; watch; watch duty; guard; station'), ('die', u'Vereisung', u'icing; ice frost; ice accretion; glaciation; glacierization [eAm.]; glacierisation [Br.]'), ('die', u'Verankerung', u'anchorage; fixture; fixing; anchoring'), ('die', u'Unterwelt', u'underworld; netherworld; nether world'), ('der', u'Transportbeton', u'ready-mixed concrete'), ('die', u'Tranche', u'tranche'), ('die', u'Stahlproduktion', u'steel manufacture; steel production; steel-making'), ('der', u'Spatenstich', u'cut with a spade'), ('das', u'Semester', u'term [Br.]; semester [Am.]'), ('die', u'Sch\xfcssel', u'basin; tureen; dish; bowl'), ('die', u'Sch\xfclerin', u'pupil [Br.]; high-school student [Am.]; schoolgirl; coed [Am.] [obs.]'), ('die', u'Scheuer', u'barn'), ('die', u'Reportage', u'coverage; report; commentary; reportage'), ('das', u'Reh', u'roe deer; deer; venison'), ('der', u'Referent', u'reporter; rapporteur; judge-rapporteur; speaker; referee'), ('der', u'Putz', u'furbelows; finery; plaster'), ('die', u'Pr\xe4sentation', u'presentation; presentation'), ('die', u'Probefahrt', u'test drive; road test'), ('das', u'Picknick', u'picnic'), ('die', u'Pflanzenwelt', u'flora; plant life'), ('der', u'Patentinhaber', u'patent holder; patentee'), ('der', u'Ossi', u'Ossi; easterner'), ('die', u'Nordseite', u'north face; north side; northern side'), ('die', u'Lufttemperatur', u'air temperature'), ('der', u'Kurort', u'spa; health resort; sanitarium; bath'), ('der', u'Konzertsaal', u'concert hall'), ('das', u'Konto', u'bank account; account with/at a bank /acct; a/c/; ledger; general ledger; nominal ledger; account'), ('der', u'Kegel', u'cone; skittle; ninepin; tenpin; pin'), ('die', u'Kanalisation', u'sewerage; sewage system; canalization [eAm.]; canalisation [Br.]'), ('das', u'Homeland', u'homeland; black African homeland; bantustan'), ('das', u'Hinweisen', u'advertence'), ('die', u'Handgranate', u'hand grenade; grenade'), ('die', u'Halbwertszeit', u'half life; half-life period; half-time'), ('das', u'Gewerbegebiet', u'industrial estate; industrial park; business park'), ('der', u'Generalissimus', u'generalissimo'), ('das', u'Gemeindehaus', u'parish hall'), ('die', u'Gabe', u'offering; gift; bounty; dispensation'), ('der', u'Funkverkehr', u'radio communication; radiotraffic'), ('der', u'Feuilletonist', u'feature writer'), ('das', u'Fett', u'fat; grease'), ('das', u'Erlebnis', u'experience'), ('der', u'Einspruch', u'appeal; appeal (against sth.); caveat; plea; veto; opposition; objection; protest (against)'), ('der', u'Einigungsvertrag', u'unification treaty'), ('der', u'B\xfchnendichter', u'playwright; dramatist'), ('die', u'Betriebswirtschaft', u'business economics; business management; managerial-economics'), ('die', u'Befehlsgewalt', u'authority; command'), ('der', u'Bagger', u'excavator; dredger; digger; dipper dredger; earthmover'), ('die', u'Ardennenoffensive', u'The Battle of the Bulge'), ('die', u'Zucht', u'breeding; breed; captive breeding'), ('der', u'Zirkel', u'coterie; compasses; Circinus; Compass'), ('die', u'Volksvertretung', u'representation of the people'), ('die', u'Verdr\xe4ngung', u'suppression; repression; displacement; psychological repression; psychic repression; extrusion; driving out; ousting'), ('die', u'Unterhaltungsmusik', u'popular music; light music'), ('die', u'Umr\xfcstung', u'conversion; modification; retrofitting (with sth.)'), ('die', u'Teilhabe', u'participation (in)'), ('der', u'Teich', u'pond; pool'), ('der', u'Stickstoff', u'azote [obs.]; nitrogen'), ('das', u'Sparen', u'saving'), ('die', u'Spalte', u'gash; chasm; cleft; diaclase; joint; column; newspaper column; aperture; fissure; cleft; scissure; crack; break; chink; col; column; crevice; column; rift; fudge; column /col/'), ('der', u'Sechziger', u'sexagenarian'), ('der', u'Scheck', u'cheque [Br.]; check [Am.]; draft'), ('die', u'Sammlerin', u'collector; gatherer; picker; collecting agent; promoter (of an artist)'), ('die', u'R\xfcckfahrt', u'return journey; return travel'), ('der', u'Reigen', u'round dance'), ('die', u'Reichspogromnacht', u'crystal night; "Kristallnacht" (anti-Jewish pogroms in November 1938)'), ('die', u'Polka', u'polka'), ('das', u'Normalnull', u'datum line; datum level'), ('die', u'Neuverschuldung', u'new borrowings'), ('der', u'Minimalismus', u'minimalism'), ('der', u'Malteserorden', u'Order of the Knights of St John'), ('der', u'Lupus', u'lupus'), ('das', u'Lesebuch', u'reading book; reader'), ('der', u'Lamborghini', u'Lamborghini (Italian car producer)'), ('der', u'Korridor', u'passage; corridor'), ('der', u'Konsens', u'consensus'), ('der', u'Koalitionspartner', u'coalition partner'), ('das', u'Kernst\xfcck', u'core (of a matter) [fig.]; principal item; nodule'), ('der', u'Kernel', u'kernel'), ('der', u'Kastrat', u'eunuch'), ('das', u'Jagen', u'hunting'), ('die', u'Instabilit\xe4t', u'instability; volatility'), ('das', u'H\xf6rbuch', u'audio book; talking book'), ('die', u'Herden', u'drove'), ('der', u'Hauer', u'mine worker; miner; pitman; collier [Br.] (old-fashioned); tusk; fang (of a boar); face worker; faceworker; hewer; getter; winegrower; wine grower; vintner [Am.]'), ('die', u'Handelsmarine', u'merchant navy; merchant marine'), ('der', u'Habicht', u'goshawk; northern goshawk'), ('der', u'Grill', u'barbecue; BBQ; rotisserie; grill'), ('die', u'Generaldirektion', u'Directorates-General'), ('die', u'Frucht', u'field crop; crop; fruit')] dictSet_73 = [('der', u'Freizeitpark', u'recreational park; amusement park; funfair'), ('der', u'Flugzeughersteller', u'aircraft manufacturer'), ('das', u'Fassungsverm\xf6gen', u'comprehension (of); capacity; holding capacity'), ('die', u'Exekution', u'execution (of sb.)'), ('der', u'Entsatz', u'relief; succor [Am.]'), ('der', u'Einzelfall', u'individual case; particular case'), ('die', u'B\xfcrokratie', u'bureaucracy; officialdom; officialism'), ('der', u'Brigadier', u'work team leader; brigadier; brigadier; brigadier general'), ('das', u'Borough', u'borough'), ('das', u'Blockieren', u'wheel lock-up'), ('die', u'Bestellung', u'cultivation; order (placed with sb.); purchase order; commission; order; ordering; mail-order; tillage; booking; reservation; appointment'), ('das', u'Arbeitslager', u'labour camp'), ('die', u'Arbeiterwohlfahrt', u'Workers Welfare Association'), ('die', u'Ader', u'blood vessel; vein; core; lead; ore lode; metalliferous lode; ore vein; metalliferous vein; ledge vein; strand; vein; leader'), ('der', u'Ader', u'vein'), ('der', u'Abschlussbericht', u'final report'), ('der', u'Abfall', u'wastage; dross; rubbish [Br.]; garbage [Am.]; waste; offal; drop; apostasy; descent; refuse; rubbish [Br.]; trash [Am.]; garbage [Am.]; scrap; leaving; decline; drop; drop fall; decline'), ('die', u'Zusammenkunft', u'rally; meeting'), ('der', u'Zehnte', u'tithe'), ('die', u'Vorstufe', u'preliminary stage; pre-amplifier'), ('die', u'Vollstreckung', u'enforcement; execution (of sth.); carrying out (of a death sentence)'), ('die', u'Verschlechterung', u'deterioration'), ('der', u'Verlierer', u'loser'), ('die', u'Vergewaltigung', u'rape (of sb.)'), ('die', u'Umweltverschmutzung', u'environmental pollution; pollution of the environment'), ('die', u'Umrechnung', u'conversion (into)'), ('der', u'Trabant', u'satellite; Trabant'), ('die', u'Thematik', u'theme; theme; themes; subject matter'), ('die', u'St\xfctze', u'rest; support; crutch; stilt; stanchion; strut; brace; prop; pad; support; sustainer; linchpin; comfort; support; sustentaculum; buttress; support'), ('der', u'Seismologe', u'seismologist'), ('der', u'Schulmeister', u'dominie; schoolmaster'), ('das', u'Scharm\xfctzel', u'skirmish'), ('die', u'Rekrutierung', u'recruitment'), ('der', u'Rechtsstreit', u'lawsuit; litigation'), ('der', u'Radius', u'radius; radius'), ('die', u'Photographie', u'photograph; picture'), ('das', u'Moratorium', u'moratorium'), ('das', u'Mandala', u'mandala'), ('das', u'Ludlow', u'Ludlovian (Series; Epoch)'), ('die', u'Legitimit\xe4t', u'legitimateness; legitimacy'), ('die', u'Lauer', u'look-out'), ('das', u'Lappland', u'Lapland; S\xe1pmi'), ('der', u'K\xfcstenstreifen', u'sea shore'), ('die', u'Kuh', u'cow'), ('die', u'Kreisverwaltung', u'county council (offices)'), ('die', u'Korrespondenz', u'correspondence; exchange of letters (with sb.); correspondence'), ('der', u'Kocher', u'boiler; cooker'), ('der', u'Klimaforscher', u'climate researcher'), ('das', u'Kalenderjahr', u'calendar year; legal year'), ('die', u'Jahresstatistik', u'annual statistics'), ('das', u'Heimatmuseum', u'local museum; museum of local history'), ('der', u'Gundermann', u'ground ivy'), ('die', u'Grippe', u'influenza; flu'), ('der', u'Grenzfluss', u'boundary river'), ('die', u'Freigabe', u'unblocking; deallocation; release; approval (of a drawing); enable; enabling; clearance; price decontrol; acceptance; homologation; qualification; type approval'), ('der', u'Frauenfu\xdfball', u"women's football; ladies football"), ('der', u'Eulenspiegel', u'owlglass'), ('der', u'Eisenbahnverkehr', u'rail traffic; railroad traffic'), ('die', u'Bruchlandung', u'crash landing'), ('die', u'Bergkette', u'mountain range; range of hills; mountain chain'), ('der', u'Belagerer', u'besieger'), ('die', u'Beisetzung', u'funeral; burial; inhumation; entombment'), ('die', u'Autopsie', u'autopsy; post-mortem examination; postmortem; PM; necropsy'), ('die', u'Aufsichtsbeh\xf6rde', u'surveillance authority; regulatory authority; supervisory authority; conservancy'), ('die', u'Attraktion', u'attraction'), ('das', u'Ansteigen', u'elevation; upswing'), ('der', u'Abdruck', u'mark; copy; print; offprint; moulding [Br.]; molding [Am.]; imprint; impression; indentation; impression; (im)print; (external) mould; external cast'), ('die', u'Zentralbibliothek', u'central library; main library'), ('die', u'Wiederentdeckung', u'rediscovery'), ('die', u'Werbebranche', u'advertising industry; ad industry'), ('die', u'Weltstadt', u'metropolis; cosmopolitan city'), ('die', u'Weltpremiere', u'world premiere'), ('die', u'Wechselbank', u'acceptance house; discount houses'), ('der', u'Vorreiter', u'vanguard; outrider; trailblazer (in sth.)'), ('der', u'Verbraucher', u'consumer'), ('der', u'Umweltminister', u'environment minister; minister of the environment'), ('die', u'Strafverfolgung', u'criminal prosecution (for sth.)'), ('der', u'Softwareentwickler', u'software developer'), ('die', u'Sekret\xe4rin', u'clerk; clerical worker; secretary /Sec./; pink-collar worker'), ('die', u'Ruhezeit', u'rest period (for employees); dormant season'), ('die', u'Rufe', u'landslide; rock fall'), ('der', u'Reiniger', u'chastener; purifier; sanitizer; cleaning agent; cleaner'), ('die', u'Reife', u'maturity; ripeness'), ('das', u'Ping', u'twang'), ('die', u'Natursch\xfctzerin', u'conservationist'), ('die', u'M\xf6rderin', u'murderer; slayer'), ('das', u'M\xf6bel', u'piece of furniture; item of furniture'), ('der', u'Mauerfall', u'the fall of the Berlin Wall; the fall of the Wall'), ('das', u'Luftbild', u'aerial photograph; air photo; aerial view'), ('der', u'Lein', u'flax'), ('die', u'Kriegsflotte', u'navy'), ('der', u'Kontrast', u'contrast (with; to)'), ('die', u'Komplexit\xe4t', u'complexness; intricacy; complexity'), ('das', u'Kolleg', u'course of lectures'), ('die', u'Kennzeichnung', u'lettering; marking; label; marker; qualification; labeling [Am.]; marking'), ('das', u'Interregnum', u'interregnum'), ('die', u'Identifikation', u'identification'), ('die', u'H\xf6henlage', u'altitude'), ('der', u'H\xe4userkampf', u'urban warfare; military operations in urban terrain /MOUT/ [Am.]'), ('der', u'Gesundheitsminister', u'Health Secretary [Br.]')] dictSet_74 = [('die', u'Gasse', u'alley; lane; backstreet; lane (in a tube bank)'), ('der', u'Fehlschlag', u'failure'), ('der', u'Fasching', u'carnival; Mardi Gras [Am.]'), ('die', u'Expansionspolitik', u'expansionism'), ('das', u'Erz\xe4hlen', u'narrative'), ('die', u'Erteilung', u'granting; giving; issuing'), ('der', u'Erl\xf6s', u'receipts; proceeds (from sth.); revenue'), ('die', u'Erlangung', u'obtainment; acquirement'), ('die', u'Entsorgung', u'dumping; cleaning up; disposal; waste disposal; disposal'), ('der', u'Endpunkt', u'endpoint; endpoint'), ('die', u'Ehrung', u'honour [Br.]; honor [Am.]; distinction'), ('die', u'Egge', u'harrow'), ('das', u'Drehkreuz', u'turnstile; star-wheel handle; star handle'), ('die', u'Bundesbeh\xf6rde', u'federal authority'), ('das', u'Bildnis', u'effigy; portrait; portrait'), ('der', u'Bewehrungsstahl', u'reinforced steel'), ('die', u'Barentssee', u'Barents Sea'), ('die', u'Banknote', u'banknote [Br.]; bill [Am.]; banknote; bank note; (bank) bill [Am.]'), ('der', u'Aufruhr', u'tumult; turmoil; riot; fracas; insurrection; uproar; insurgency; revolt; rebellion; sedition; donnybrook [Ir.] [coll.]'), ('das', u'Zyklotron', u'cyclotron'), ('die', u'Zwischenl\xf6sung', u'interim solution'), ('der', u'Zwillingsbruder', u'twin brother'), ('die', u'Zentralisierung', u'centralization [eAm.]; centralisation [Br.]'), ('die', u'Wohnsiedlung', u'housing estate; residential complex; residential subdivision; subdivision [Am.]'), ('das', u'Visum', u'visa'), ('die', u'Verst\xe4dterung', u'urbanisation [Br.]; urbanization [Am.]; suburbanization; suburbanisation [Br.]'), ('das', u'Triathlon', u'triathlon'), ('die', u'Trauer', u'sorrow; teariness'), ('die', u'Tierseuche', u'epizootic; epizootic disease'), ('die', u'Telegrafie', u'telegraphy'), ('der', u'Stichtag', u'qualifying date; effective date; record date; deadline [Am.]; cut-off date [Am.]'), ('die', u'Stele', u'stele; stela'), ('die', u'Sehensw\xfcrdigkeit', u'sight; place of interest'), ('das', u'Schwer\xf6l', u'heavy oil; heavy petroleum; crude oil'), ('der', u'Salzgehalt', u'salt content; (degree of) salinity; saltiness'), ('der', u'Rotor', u'rotor'), ('der', u'Ritz', u'cranny'), ('der', u'Querschnitt', u'profile; cross section; cross-section; transverse section'), ('die', u'Provokation', u'provocation; challenge; challenge test (immunology)'), ('das', u'Polynesien', u'Polynesia; Polynesian'), ('der', u'Polarkreis', u'polar circle'), ('die', u'Oxidation', u'oxidation; oxidization [eAm.]; oxidisation [Br.]'), ('der', u'Ostersonntag', u'Easter Sunday; Easter'), ('der', u'Obsidian', u'obsidian; volcanic glass'), ('der', u'Nussbaum', u'walnut tree'), ('die', u'Musikwissenschaft', u'musicology'), ('das', u'Markieren', u'marking'), ('die', u'Lust', u'lust; joy; pleasure; delight; zest; desire; zestfulness; sex drive; inclination; desire (for)'), ('die', u'Locke', u'curl; ringlet; tress; lock'), ('das', u'Leck', u'leak; seepage; leakage'), ('der', u'Lavendel', u'lavender'), ('der', u'Kuss', u'kiss'), ('die', u'Kriminalpolizei', u'criminal investigation department /CID/'), ('der', u'Kot', u'excrement; feces [Am.]; faeces; ordure'), ('die', u'Kl\xe4rung', u'clarification; clearance; purification'), ('das', u'Jagdgeschwader', u'fighter squadron'), ('der', u'H\xe4fner', u'stove fitter; stove builder; stove maker'), ('das', u'Horten', u'hoarding'), ('das', u'Hilfsmittel', u'resource; auxiliary means; means; aid'), ('die', u'Herde', u'herd; group (whales); herd; flock'), ('das', u'Herbeif\xfchren', u'induction'), ('die', u'Herausbildung', u'formation; forming; development'), ('die', u'Grundausbildung', u'basic training'), ('der', u'Gro\xdfkaufmann', u'merchant'), ('der', u'Graveur', u'engraver'), ('die', u'Genetik', u'genetics; plant genetics'), ('der', u'Generalarzt', u'Surgeon General'), ('der', u'Gartenrotschwanz', u'common redstart'), ('die', u'F\xfcrsorge', u'care; welfare; charge'), ('der', u'Feuerwehrmann', u'fireman; firefighter'), ('die', u'Festsetzung', u'assignment; appointment; ascertainment'), ('die', u'Energiegewinnung', u'power generation'), ('der', u'Einklang', u'unison; sympathy'), ('die', u'Druckerei', u"print shop; printing works; printing house; printer's; printery"), ('die', u'Dramaturgin', u'dramatic adviser'), ('die', u'Distribution', u'distribution'), ('die', u'Diakonie', u'welfare and social work'), ('das', u'Depot', u'depot; deposit; dump; warehouse; cache (for weapons)'), ('die', u'Cutterin', u'editor'), ('die', u'Courage', u'courage; pluck; spunk; mettle'), ('der', u'Cava', u'Cava (Spanish sparkling wine)'), ('das', u'Bibliothekswesen', u'librarianship'), ('die', u'Aufz\xe4hlung', u'enumeration; numeration; bill; recital (of details)'), ('das', u'Argon', u'argon'), ('das', u'Apulien', u'Apulia (Italian region)'), ('das', u'Adelsgeschlecht', u'nobility; noble family'), ('die', u'Z\xe4hmung', u'domestication; taming'), ('das', u'Zentralafrika', u'Central Africa'), ('das', u'Wunderland', u'wonderland'), ('die', u'Walnuss', u'walnut'), ('die', u'Volkskunde', u'folklore'), ('der', u'Untertitel', u'caption; subhead; subheading; subtitle'), ('die', u'Unf\xe4higkeit', u'disability; incompetence; incompetency; incapacity; impotence; inability; inaptitude; incapability; unability; inefficiency'), ('die', u'Transaktion', u'transaction; transaction'), ('die', u'S\xfcnderin', u'sinner'), ('das', u'S\xfcdpolarmeer', u'Antarctic Ocean'), ('der', u'S\xfcdpazifik', u'South Pacific Ocean; South Sea'), ('der', u'S\xe4bel', u'sabre; saber [Am.]; sword; steel'), ('das', u'Subjekt', u'subject'), ('die', u'Stadtbefestigung', u'city fortifications')] dictSet_75 = [('der', u'Sprint', u'sprint'), ('das', u'Sprachgebiet', u'speech area'), ('der', u'Seelsorger', u'minister; pastoral worker; pastor; spiritual caregiver'), ('der', u'Saldo', u'balance; balance of account; bottom line'), ('das', u'R\xfcckgrat', u'backbone; spinal column; spine; chine'), ('das', u'Rettungsboot', u'lifeboat'), ('der', u'Quastenflosser', u'coelacanth (Latimeria chalumnae)'), ('die', u'Presseagentur', u'press agency'), ('der', u'Pferdesport', u'horse-riding; riding; equine sports; equestrian sport; equitation'), ('die', u'Pappel', u'poplar; cottonwood'), ('das', u'N\xe4here', u'details'), ('die', u'Nutzfl\xe4che', u'useful area; effective surface'), ('der', u'M\xfcll', u'refuse; rubbish [Br.]; trash [Am.]; garbage [Am.]'), ('die', u'M\xfccke', u'midge; mosquito; gnat'), ('der', u'Meteor', u'meteor'), ('die', u'Marineinfanterie', u'marines'), ('der', u'Legat', u'legate; piratic flycatcher'), ('das', u'Legat', u'legacy; bequest'), ('das', u'Langhaus', u'nave; longhouse'), ('das', u'Lacrosse', u'lacrosse (ball sports)'), ('das', u'Korinth', u'Corinth (city in Greece)'), ('die', u'Kirmes', u'church jamboree; kermis [Am.]; funfair [Br.]; carnival [Am.]; exhibition [Am.]'), ('der', u'Kies', u'gravel; gravelstone; grit; shingle; kale; rocks [Am.] [slang]; brass; loot; boodle; moolah; lolly; dosh [coll.]'), ('die', u'Interessenvertretung', u'representation of interests'), ('die', u'Interaktion', u'interaction'), ('die', u'Horizontale', u'horizontal line'), ('das', u'Hakenkreuz', u'swastika; fylfot'), ('die', u'Grundordnung', u'basic order'), ('der', u'Golfstrom', u'Gulf Stream'), ('das', u'Gewehr', u'gun'), ('die', u'Gastst\xe4tte', u'restaurant; eatery [Am.] [coll.]'), ('das', u'Friedensangebot', u'peace offer; peace proposal; peace offering; olive branch [fig.]'), ('das', u'Flottenabkommen', u'naval agreement'), ('die', u'Fernw\xe4rme', u'long-distance heating'), ('der', u'Entzug', u"deprivation; denial; disallowance; disallowing (of sb.'s right to sth.); prohibition; withdrawal; extraction (of sth.)"), ('die', u'Eishockeyspielerin', u'ice-hockey player'), ('der', u'Eisbrecher', u'icebreaker; cut water; ice apron; ice guard; ice breaker'), ('das', u'Einhorn', u'unicorn; Monoceros; Unicorn'), ('das', u'Ehrenzeichen', u'badge of honour [Br.]; badge of honor [Am.]; decoration'), ('der', u'Drechsler', u'woodturner; turner'), ('das', u'Dekanat', u'deanery; deanship'), ('die', u'Dauerausstellung', u'permanent exhibition'), ('die', u'Biotechnologie', u'biotechnology; bioengineering'), ('die', u'Bibliografie', u'bibliography'), ('das', u'Besiedeln', u'settling'), ('der', u'Bekanntheitsgrad', u"extent of sb.'s fame; (degree of) familiarity; level of awareness"), ('die', u'Befeuerung', u'lights; lighting'), ('der', u'Arachnologe', u'arachnologist'), ('die', u'Apotheke', u"chemist's shop [Br.]; drugstore [Am.]; pharmacy; dispensary"), ('der', u'Amtseid', u'oath of office'), ('das', u'Zuordnen', u'allocating of system resources; time-slicing'), ('der', u'Zukunftsforscher', u'futurologist'), ('das', u'Zivilgericht', u'civil court'), ('der', u'Zeichenlehrer', u'art master'), ('der', u'Wecker', u'alarm clock; alarm-clock; alarmer'), ('das', u'Walhalla', u'Valhalla'), ('der', u'Voodoo', u'voodoo'), ('die', u'Vicomte', u'viscount'), ('der', u'Usurpator', u'usurper'), ('das', u'Urdu', u'Urdu'), ('der', u'Unabh\xe4ngigkeitstag', u'Independence Day [Am.]'), ('der', u'Staubsauger', u'vacuum cleaner; Hoover [tm] [Br.]; vacuum [Am.] [coll.]'), ('der', u'Seiler', u'ropemaker'), ('die', u'Schnur', u'line; flex; string; cord; lanyard'), ('die', u'Rotation', u'rotation; turn; rotation (of sth.); rotation'), ('der', u'Rechtsschutz', u'legal protection'), ('der', u'Platter', u'flat tyre; flat tire [Am.]; flat'), ('die', u'Mystik', u'mysticism'), ('das', u'Mikrofon', u'microphone; micro; mike; mic [coll.]'), ('der', u'Met', u'mead'), ('der', u'Meridian', u'meridian'), ('die', u'Machtstellung', u'position of power; powerful position; position of power'), ('die', u'Konfiguration', u'configuration'), ('die', u'Kokerei', u'coking plant'), ('der', u'Knigge', u'book on etiquette'), ('die', u'Kluft', u'rags; togs; things; junk; clobber [coll.]; chasm; cleft; diaclase; joint; gulf; gap; hiatus; abyss; crevice'), ('das', u'Kilowatt', u'kilowatt'), ('die', u'Kandidatin', u'nominee; prospective candidate; prospect; contestant'), ('das', u'Iridium', u'iridium'), ('der', u'Indianerstamm', u'Indien tribe'), ('der', u'Idealismus', u'idealism'), ('die', u'H\xe4ufigkeit', u'commonness; frequency; abundance'), ('die', u'Hexenverfolgung', u'witch-hunt'), ('der', u'Heimatort', u'native place; hometown; home town; place of origin'), ('die', u'Gesch\xe4ftst\xe4tigkeit', u'business activity'), ('der', u'Gerichtssaal', u'court room; courtroom'), ('der', u'Genuss', u'pleasure; consumption; indulgence; relish'), ('das', u'Gef\xe4lle', u'descent; incline; drop (of a river); slope; dip; gradient'), ('das', u'Fl\xfcchtlingslager', u'refugee camp'), ('das', u'Flugverbot', u'ban from flying; flying ban (in an area); ban on flying; flying ban (for persons)'), ('die', u'Flamme', u'flame; blaze'), ('die', u'Feststellung', u'ascertainment; statement; assessment (of sth.); detection; findings; realization [eAm.]; realisation [Br.]; observation'), ('das', u'Enzym', u'enzyme'), ('das', u'Entrichten', u'sharecropping [Am.]'), ('die', u'Enth\xfcllung', u'exposure (of sb./sth.); revelation <revealment>; uncovering; divulgement; disclosure; expos\xe9'), ('die', u'Enklave', u'enclave'), ('der', u'Einblick', u'insight (into); view (into); viewing system'), ('das', u'Darlehen', u'credit; loan'), ('das', u'Br\xfcten', u'brooding; sitting'), ('die', u'Botschafterin', u'head of mission (HOM; HoM)')] dictSet_76 = [('das', u'Bor', u'boron'), ('der', u'Bischofssitz', u"bishop's see"), ('die', u'Ber\xfchmtheit', u'eminence; kudos [Br.]; celebrity; celeb [coll.]; famousness; illustriousness'), ('der', u'Bauherr', u'building owner; client; master of the works'), ('die', u'Atompolitik', u'nuclear policy'), ('die', u'Allgemeinheit', u'universality; generality'), ('die', u'Abr\xfcstungskonferenz', u'disarmament conference'), ('der', u'Zustrom', u'inflow; influx; flow; flood; inrush; stream; influx'), ('die', u'Wucht', u'force; power; momentum; vehemence'), ('der', u'Wortschatz', u'thesaurus; vocabulary'), ('die', u'Witterung', u'weather'), ('das', u'Wirtschaftsleben', u'economic life'), ('der', u'Wirtschaftsberater', u'business consultant'), ('das', u'Wadi', u'wadi'), ('das', u'Wachen', u'vigil'), ('die', u'Vorderseite', u'front; forefront; front-side; obverse (of a coin)'), ('der', u'Verweis', u'admonition; admonishment; (auf etw.) reference (to sth.); reprimand; reproof; animadversion'), ('das', u'Verwandeln', u'transformation'), ('die', u'Versp\xe4tung', u'delay; late arrival; belatedness; lateness; tie-up'), ('die', u'Verminderung', u'decrease; alleviation; derogation; shrinkage; decrement; depletion; decrementation; diminution (of/in sth.) (formal); attenuation; abatement'), ('der', u'Trott', u'jog; rut; groove'), ('das', u'Testen', u'checking'), ('das', u'Stockwerk', u'storey; story [Am.]; floor'), ('das', u'Stadthaus', u'town house'), ('die', u'Staatengemeinschaft', u'community of states'), ('der', u'Spiegelsaal', u'hall of mirrors'), ('die', u'Schutzzone', u'sanctuary; protection zone; protected zone'), ('der', u'Sarkophag', u'sarcophagus'), ('die', u'Ratifikation', u'ratification'), ('die', u'Pharmakologie', u'pharmacology'), ('der', u'Nazar', u'Nazar; Nazar amulet; evil eye bead; evil eye stone'), ('die', u'Nachwirkung', u'aftereffect; aftermath; aftermath'), ('der', u'Musikverein', u'music club'), ('die', u'Mittelschule', u'secondary school'), ('die', u'Mitbestimmung', u'co-determination'), ('die', u'Massendemonstration', u'mass demonstration (against sth.)'), ('das', u'Luftfahrzeug', u'aircraft'), ('das', u'Lose', u'slack (of a rope or a hawser)'), ('das', u'Leuchtfeuer', u'beacon; flare'), ('die', u'Landesgrenze', u'frontier'), ('der', u'Kumpel', u'teammate; team mate; work mate; mate; mine worker; miner; pitman; collier [Br.] (old-fashioned); buddy [Am.]; dude [coll.]; crony [coll.]; chum; brotha; homeboy; homie [slang]; pal; sidekick [Am.]'), ('die', u'Kriminalit\xe4tsrate', u'crime rate'), ('das', u'Klagen', u'lamentation; taking legal action; wail'), ('das', u'Kirchenrecht', u'canon law'), ('die', u'Kindersterblichkeit', u'infant mortality'), ('der', u'Katastrophenschutz', u'emergency procedures; disaster prevention; disaster control; disaster control organization'), ('das', u'Jiddisch', u'Yiddish'), ('der', u'Jeep', u'jeep'), ('der', u'Innenarchitekt', u'interior decorator; interior designer'), ('der', u'Hochverrat', u'high treason'), ('die', u'Hauptschule', u'secondary modern school [Br.]; junior high school [Am.]'), ('der', u'Graffitik\xfcnstler', u'graffiti artist'), ('das', u'Gewohnheitsrecht', u'common law; consuetudinary law'), ('der', u'Generalkonsul', u'consul general; head of mission (HOM; HoM)'), ('das', u'F\xe4hrschiff', u'ferry-boat; ferryboat; ferry; traject'), ('der', u'Frequenzbereich', u'frequency range; band; frequency response'), ('das', u'Forschungsinstitut', u'institute for scientific research; research institute'), ('die', u'Feuchte', u'moistness; humidity; moisture'), ('das', u'Fechten', u'swordplay; fencing'), ('die', u'Fantasie', u'imagination; mind; fantasy; fancy; fantasia; fantasy'), ('der', u'Bogensch\xfctze', u'archer; bow hunter; bowman'), ('der', u'Blas', u'blow (of a whale); spout (of a whale)'), ('die', u'Beruhigung', u'pacification; sedation; reassurance; appeasement'), ('der', u'Bauchredner', u'ventriloquist'), ('die', u'Batterie', u'battery; battery'), ('der', u'Autoverkehr', u'traffic'), ('der', u'Aufschluss', u'information; development; opening; opening up; development; exposure; winning; (out)crop'), ('der', u'Anziehungspunkt', u'cynosure; attraction; honeypot; honey pot [fig.]'), ('das', u'Allegro', u'allegro'), ('der', u'Albino', u'Albino'), ('die', u'Abweichung', u'deviation; aberration; aberrance; aberrancy; abnormality; deviant; deviation (from); divergence; excursion; sheer; variance; deviance; deviancy; non-conformance; variation (of); anomaly; azimuth; discrepancy'), ('das', u'Ziesel', u'ground squirrel; spermophilus; gopher'), ('das', u'Zeughaus', u'fire station appliance bay; armoury [Br.]; armory [Am.]'), ('das', u'Wintersemester', u'winter term [Br.]; winter semester [Am.]'), ('der', u'Wecken', u'roll; bread roll'), ('das', u'Wecken', u'waking-up time; reveille'), ('die', u'Vorsicht', u'caution; cautiousness; prudence; attention; caution; circumspectness; guardedness; wariness; chariness'), ('die', u'Vorgehensweise', u'modality; procedure; procedure; policy; strategy'), ('die', u'Ver\xe4nderliche', u'variable'), ('die', u'Umschrift', u'transcription; legend (on coins)'), ('das', u'Troja', u'Troy'), ('die', u'Touristenattraktion', u'tourist attraction; touristic attraction; tourist spot'), ('die', u'Stadthalle', u'municipal hall'), ('die', u'Sitte', u'custom; fashion; convention; practice; tradition; do; vice squad'), ('der', u'Singular', u'singular'), ('die', u'Selbstaufl\xf6sung', u'autolysis'), ('das', u'Schwurgericht', u'jury court'), ('die', u'Schulung', u'schooling; schooling; training'), ('die', u'Schleuse', u'air lock; air shower; air gate; lock; watergate; sluice; lock'), ('die', u'Schiefe', u'obliquity; skewness; asymmetry'), ('das', u'Radioteleskop', u'radio telescope'), ('die', u'Quantentheorie', u'quantum theory'), ('der', u'Pack', u'bundle; pile'), ('das', u'Pack', u'rabble; riffraff; riff-raff'), ('der', u'Neger', u'negro; nigger; nigga; spade [pej.] [hist.]'), ('das', u'Navajo', u'Navajo; Navajo-language'), ('das', u'Naherholungsgebiet', u'local recreation area'), ('der', u'M\xe4nnerchor', u'male choir'), ('die', u'Mittelsteinzeit', u'mesolithic; middle stone age'), ('die', u'Mittelschicht', u'medial layer; middle class; middle classes')] dictSet_77 = [('das', u'Maskottchen', u'mascot'), ('die', u'Macke', u'bug; kink'), ('die', u'Lekt\xfcre', u'reading; reading matter; perusal'), ('der', u'Knotenpunkt', u'junction; nodal point; node; hub'), ('der', u'Kenner', u'appreciator; classicist; fancier; connoisseur; maven'), ('das', u'Isotop', u'isotope'), ('die', u'Identifizierung', u'identification /ID/; identifying; radio frequency identification /RFID/'), ('die', u'Hochebene', u'plateau; high plain; upland plain; elevated tableland'), ('der', u'Haupteingang', u'main-entrance'), ('die', u'Hallig', u'Hallig'), ('die', u'G\xf6ttin', u'goddess'), ('der', u'Gru\xdf', u'salutation; greeting; salutation; compliments'), ('die', u'Geometrie', u'geometry'), ('der', u'Gatte', u'spouse; husband'), ('das', u'Gastland', u'host country'), ('die', u'Funktionsweise', u'operation; workings; functionality'), ('der', u'Festakt', u'ceremonial act'), ('der', u'Els\xe4sser', u'Alsatian'), ('das', u'Copyleft', u'copyleft'), ('das', u'B\xfcrogeb\xe4ude', u'office building; office block'), ('das', u'Bu\xdfgeld', u'fine; fine'), ('der', u'Bursche', u'chap; laddie; lad; fellow; fella [coll.]; beggar; bugger'), ('der', u'Brauch', u'convention; rite; custom'), ('der', u'Bildungsminister', u'minister of education'), ('der', u'Beitrittsvertrag', u'treaty of accession'), ('der', u'Bassgitarrist', u'bass guitarist'), ('die', u'Ausnutzung', u'saturation; utilization [eAm.]; utilisation [Br.]'), ('die', u'Ausb\xfcrgerung', u'expatriation; denaturalization [eAm.]; denaturalisation [Br.]'), ('das', u'Aufsteigen', u'ascension'), ('die', u'Auferstehung', u'resurrection'), ('der', u'Armeeoffizier', u'army officer'), ('die', u'Anw\xe4ltin', u'attorney /att.; atty/ [Am.]; attorney at law [Am.]; solicitor /sol.; solr/ [Br.]; counsel; counselor; counsellor'), ('das', u'Anhydrit', u'anhydride; anhydrite; anhydrous calcium sulphate; anhydrous gypsum; karstenite; muriacite; cube spar'), ('der', u'Anger', u'common; common land; village green'), ('das', u'Amphitheater', u'amphitheatre [Br.]; amphitheater [Am.]'), ('die', u'Amme', u'(wet) nurse'), ('das', u'Altai', u'Altay'), ('das', u'Ableben', u'decease [adm.]; demise [poet.] <death>'), ('der', u'Zutritt', u'access (to); admission; approach; admittance'), ('der', u'Ziegel', u'brick'), ('der', u'Werber', u'advertiser; solicitor [Am.]; advertiser; adman'), ('die', u'V\xf6lkerverst\xe4ndigung', u'understanding among nations'), ('das', u'Verkehrsnetz', u'traffic system'), ('das', u'Tara', u'tare (weight); unladen weight'), ('die', u'Streuung', u'spread; spreading; diffusion; dispersion; scattering; mean variation; dispersion; dispersal'), ('der', u'Strahlenschutz', u'health physics; radiation protection/shielding; protection against radiation (material)'), ('das', u'Strahlenschutz', u'radiation safety; radiation protection'), ('die', u'Staatsmacht', u'state power'), ('der', u'Spekulant', u'venturer; adventurer; speculator'), ('der', u'Siegeszug', u'triumphal procession'), ('die', u'Seelsorge', u'care of souls; pastoral care'), ('die', u'Schutzstaffel', u'Schutzstaffel /SS/'), ('der', u'Schmuggel', u'smuggling'), ('der', u'Schl\xe4chter', u'butcher; sticker; butcher; slaughterer'), ('die', u'Russin', u'Russian'), ('die', u'Revanche', u'revenge; return game; return match'), ('die', u'Rentenmark', u'rentenmark'), ('die', u'Regierungskrise', u'government crisis; crisis of government'), ('der', u'Ratsvorsitz', u'coucil presidency'), ('der', u'Protestant', u'protestant'), ('die', u'Pistole', u'pistol; rod; gat [slang]; sidearm; side-arm; side arm'), ('der', u'Pechstein', u'pitchstone'), ('die', u'Observation', u'observation'), ('der', u'Naomi', u'naomi'), ('die', u'Nanotechnologie', u'nanotechnology'), ('der', u'Musicaldarsteller', u'musical theatre actor [Br.]; musical theater actor [Am.]'), ('die', u'Monographie', u'monograph'), ('die', u'Milit\xe4rpolizei', u'military police /MP/'), ('die', u'Milchstra\xdfe', u'Milky Way'), ('das', u'Meisterwerk', u'masterpiece; feat; masterwork; magnum opus'), ('der', u'L\xf6ffel', u'spoon; spoonful (of sth.); scoop; bailer'), ('die', u'Laute', u'lute'), ('die', u'Kritikerin', u'critic'), ('der', u'Kreislauf', u'loop; circulation; circular flow; cycle; circuit; circuitry'), ('die', u'Kanzlei', u"lawyer's office; law office; chamber(s) [Br.]; law firm [Am.]; court office"), ('der', u'Jumbo', u'jumbo'), ('der', u'H\xfcter', u'custodian; guardian; alerter'), ('die', u'Handelsmarke', u'trademark'), ('der', u'Greis', u'old man; geriatric'), ('die', u'Gosse', u'drain; gutter; kennel'), ('der', u'Gl\xe4ubigerschutz', u'protection of creditors'), ('die', u'F\xfchrungsspitze', u'top management'), ('das', u'Forschungszentrum', u'research centre [Br.]; research center [Am.]'), ('das', u'Flag', u'flag'), ('die', u'Eucharistie', u"(Holy) Communion; the Lord's Supper; Eucharist"), ('die', u'Entwicklungspolitik', u'development policy'), ('das', u'Entladen', u'unloading'), ('der', u'Energietr\xe4ger', u'source of energy; energy carrier'), ('die', u'Elle', u'ell; cubit; ulna'), ('das', u'Ehrenmal', u'cenotaph'), ('das', u'Dynamit', u'dynamite; nitroglycerine explosive; giant powder'), ('die', u'Boxerin', u'boxer'), ('das', u'Basketballspiel', u'basketball game; hoops game [coll.]'), ('die', u'Barriere', u'barrier; barrage; barrier; barrier; seal'), ('die', u'Bahngesellschaft', u'railway company [Br.]; railroad company [Am.]'), ('die', u'Auswirkung', u'repercussion; fall-out; effect (on); impact; ramification (of sth.); outcome; consequence; implication'), ('der', u'Atombombentest', u'nuclear (weapons) test'), ('der', u'Alchemist', u'alchemist'), ('das', u'Zwielicht', u'twilight'), ('die', u'Zauberformel', u'spell; charm; magic formula; incantation')] dictSet_78 = [('das', u'Wohngeb\xe4ude', u'dwelling house; residential building'), ('die', u'Wohlt\xe4terin', u'benefactress'), ('die', u'Wochenschau', u'weekly newsreel'), ('die', u'Wildgans', u'brant; wild goose'), ('die', u'Verkleinerung', u'making smaller; scaling down; reduction (of sth.); decrease; diminution; diminishment; minification'), ('die', u'Unsch\xe4rferelation', u'uncertainty relation'), ('die', u'Umweltaktivistin', u'environmental activist; eco-warrior'), ('das', u'Tuch', u'blanket; scarf; cloth; sheet'), ('die', u'Tr\xe4gerin', u'wearer'), ('die', u'Tragfl\xe4che', u'wing; foil; wing panel; airfoil; airofoil; aerofoil'), ('die', u'Tollwut', u'rabies'), ('die', u'S\xe4kularisation', u'secularization [eAm.]; secularisation [Br.]'), ('der', u'Steuerzahler', u'taxpayer'), ('der', u'Stecher', u'stabber'), ('die', u'Sichtweite', u'visibility; visual range; range of vision; eyeshot; visibility'), ('der', u'Sch\xe4tzwert', u'appraised value; estimated value'), ('der', u'Schurz', u'apron'), ('der', u'Schriftzug', u'lettering'), ('der', u'Schriftsetzer', u'typesetter'), ('der', u'Schneefall', u'snowfall; fall of snow'), ('das', u'Schlafzimmer', u'bedroom'), ('die', u'Rivalit\xe4t', u'rivalry'), ('das', u'Rendezvous', u'rendezvous; date'), ('die', u'Reinigung', u'cleaning; cleansing; cleanup; chores; purgation; cleandown; purification'), ('die', u'Regierungsmehrheit', u"government majority; government's majority"), ('die', u'Psychotherapeutin', u'psychotherapist'), ('die', u'Pr\xe4ambel', u'preamble; whereas'), ('das', u'Pleistoz\xe4n', u'Pleistocene; ice age; diluvium; drift period; diluvial period; glacial epoch; glacial time'), ('die', u'Pfeife', u'whistle; pipe; whistle; fife; pipe'), ('der', u'Pelz', u'coat; pelt; fur'), ('der', u'Opernball', u'opera ball'), ('der', u'Narr', u'fool; tomfool; saphead; sap; fiend; zany; fool; goop [obs.]; eejit [slang] [Ir.]'), ('das', u'Napalm', u'napalm'), ('der', u'Mob', u'mob'), ('der', u'Magen', u'stomach'), ('der', u'Lebensstil', u'lifestyle'), ('die', u'Laube', u'gazebo; arbour [Br.]; arbor [Am.]; summerhouse; bower'), ('der', u'K\xfcstenschutz', u'coastal preservation; coastal protection; shore protection'), ('das', u'Kerosin', u'kerosene; jet propellant (JP fuel)'), ('der', u'Kanon', u'canon; round'), ('der', u'Himmelsk\xf6rper', u'celestial body; heavenly body; stellar body; luminary; orb'), ('der', u'Gesundheitszustand', u'state of health; physical condition'), ('das', u'Gemeindezentrum', u'community centre; parish rooms; parish house'), ('die', u'Gegenrevolution', u'counter-revolution; counterrevolution'), ('der', u'Gegenentwurf', u'alternative draft; alternative model (to sth.)'), ('die', u'Gartenschau', u'horticultural show; garden show'), ('der', u'Fortbestand', u'continuance; continuity'), ('die', u'Flex', u'angle grinder'), ('das', u'Einsatzgebiet', u'field of application; field; operational area'), ('der', u'Einheitsstaat', u'centralized state'), ('das', u'Eigenverlag', u'self-publishing company'), ('das', u'Dreil\xe4ndereck', u'tri-border region; tri-border area'), ('die', u'Bisamratte', u'muskrat; musquash'), ('die', u'Beschneidung', u'circumcision; retrenchment'), ('die', u'Ausrottung', u'eradication; extirpation; extermination; extinction'), ('der', u'Ast', u'bough; knot; limb; perch; branch'), ('die', u'Argumentation', u'line of reasoning; argumentation; reasoning (behind sth.)'), ('das', u'Arbeitsrecht', u'labour legislation; labor legislation; industrial law; labour law; labor law'), ('das', u'Abbild', u'image; effigy; simulacrum'), ('der', u'Zugverkehr', u'rail traffic; railway service; train service; train services'), ('die', u'Wunde', u'wound; sore; lesion'), ('der', u'Welterfolg', u'worldwide success'), ('der', u'Wallach', u'gelding'), ('das', u'Vorspiel', u'foreplay; preliminary; prelude'), ('die', u'Versteigerung', u'auction'), ('die', u'Versorgungslage', u'supply situation'), ('der', u'Triebwagen', u'railcar'), ('die', u'Tonne', u'barrel; barrel; cask; tub; tonne; metric ton; tun [Br.]'), ('der', u'S\xfcdrand', u'lateral sky South'), ('die', u'Suffragette', u'suffragette (member of the suffrage movement)'), ('die', u'Staatskirche', u'state church; Established Church'), ('der', u'Spa\xdf', u'gag; laugh; jape [Br.] (old-fashioned); frolic; joke; spree; fun; jest; Roman holiday; craic [Ir.]; kick [coll.]; sport'), ('die', u'Sonderausgabe', u'special edition; special'), ('der', u'Sold', u'pay'), ('die', u'Silbe', u'syllable'), ('die', u'Sicherstellung', u'ensuring (sth.); seizure (of sth.); backup'), ('der', u'Salbei', u'sage'), ('die', u'R\xfcckf\xfchrung', u'repatriation; feedback; recirculation; reduction'), ('der', u'Revolver', u'revolver; gat'), ('das', u'Rauschen', u'hissing; noise; whirring'), ('das', u'Pr\xe4dikat', u'predicate; predicate; rating; attribute'), ('der', u'Praktiker', u'general practitioner; practitioner'), ('das', u'Potenzial', u'capabilities; potential'), ('die', u'Ozonschicht', u'ozone layer; ozonosphere'), ('das', u'Oval', u'oval'), ('der', u'Ostermontag', u'Easter Monday'), ('das', u'M\xfcndliche', u'oral'), ('das', u'Mittelfeld', u'midfield; centre-field'), ('die', u'Magnetschwebebahn', u'magnetic levitation train; maglev train'), ('die', u'Macht\xfcbergabe', u'handover of power'), ('die', u'Luftunterst\xfctzung', u'close air support; air support'), ('die', u'Lehranstalt', u'school'), ('das', u'Lehramt', u'lectureship'), ('die', u'Landenge', u'isthmus; neck of land'), ('die', u'K\xfcndigung', u'cancellation; call; abrogation; termination; dismissal; notice; notice to quit'), ('die', u'Kurve', u'bend; bending; twist; bend; bend; turn; curve; curve; curved line'), ('das', u'Kreuzfahrtschiff', u'cruiser'), ('die', u'Kommunalpolitik', u'local politics'), ('die', u'Kollektivierung', u'collectivization [eAm.]; collectivisation [Br.]'), ('die', u'Jugendorganisation', u'youth organization [eAm.]; youth organisation [Br.]')] dictSet_79 = [('der', u'Hofstaat', u'court'), ('der', u'Hochwasserschutz', u'flood protection; flood control'), ('das', u'Gusseisen', u'cast iron; pig iron [Am.]'), ('der', u'Grenzverkehr', u'border traffic'), ('die', u'Gewaltherrschaft', u'dictatorship; tyranny'), ('das', u'Genus', u'gender'), ('die', u'Gefolgschaft', u'following; followers {pl}'), ('der', u'F\xe4lscher', u'counterfeiter; faker; forger; falsifier'), ('die', u'Flammenblume', u'phlox'), ('das', u'File', u'file; data file; computer file'), ('der', u'Feinmechaniker', u'precision mechanic; precision engineer'), ('das', u'Fachgebiet', u'special field; special field of work; specialism'), ('die', u'Erwachsenenbildung', u'adult education'), ('die', u'Dekade', u'decade'), ('die', u'Brandung', u'surf; breakers; breaking waves'), ('die', u'Boje', u'buoy'), ('die', u'Bew\xe4sserung', u'irrigation; watering'), ('die', u'Bekleidung', u'clothing; apparel'), ('die', u'Bekanntschaft', u'acquaintance; acquaintanceship'), ('die', u'Befestigung', u'attachment; fortification; fastening; fixation; fixing; mounting'), ('der', u'Basar', u'bazaar'), ('die', u'Balz', u'courtship'), ('der', u'Balsam', u'balsam; balm; salve (to)'), ('der', u'Ausspruch', u'statement; remark; saying'), ('das', u'Auslaufen', u'leakage'), ('das', u'Ausflugsziel', u'excursion destination; destination for a day trip'), ('der', u'Auftraggeber', u'purchaser; orderer; principal; client; purchaser'), ('die', u'Abk\xfchlung', u'cooling down; cool-off; cooling; chilling; cooling (down); chilling'), ('die', u'Wut', u'furore; furor; furiousness; exasperation; fury; ire; temper; angriness; irateness; rabidness; wrath; anger; rage'), ('das', u'Wiegen', u"sway; roll (of a person's gait)"), ('das', u'Weltwunder', u'wonder of the world'), ('das', u'Verwalten', u'administration; admin; management'), ('das', u'Verstecken', u'hiding'), ('die', u'Unterkunft', u'billet; accommodation; accommodations [Am.]; lodging; housing; lodging'), ('der', u'Umstieg', u'changeover; change; changing'), ('der', u'Truppenabzug', u'troop withdrawal; withdrawal of troops; pull-out of troups'), ('der', u'Tizian', u'Titian'), ('das', u'Teleshopping', u'teleshopping'), ('der', u'Spielmann', u'bandsman'), ('der', u'Sonnenwind', u'solar wind'), ('der', u'Sonderfall', u'outlier; freak value; maverick [coll.]; special case'), ('das', u'Soda', u'soda (ash); natron'), ('der', u'Skandinavier', u'Scandinavian; Northman; Northwoman'), ('die', u'Selektion', u'selection'), ('die', u'Schur', u'shearing; clip'), ('die', u'Schokolade', u'chocolate'), ('der', u'Ruhetag', u'day off; day of rest; closing day'), ('das', u'Rollfeld', u'airfield; landing field'), ('der', u'Roller', u'scooter'), ('die', u'Redundanz', u'redundancy'), ('der', u'Rahm', u'cream'), ('der', u'P\xe4chter', u'renter [Am.]; tenant; lessee; leaseholder'), ('der', u'Psalm', u'psalm'), ('der', u'Portugiese', u'Portuguese'), ('das', u'Patentgesetz', u'Patents Act'), ('der', u'Pate', u'godfather; godparent; godchild'), ('der', u'Naturalist', u'naturalist'), ('die', u'Mentalit\xe4t', u'mentality; mentality; mindset'), ('der', u'Leuchter', u'candlestick; flambeaux; glower'), ('der', u'Lenkflugk\xf6rper', u'guided missile'), ('die', u'Leier', u'hurdy-gurdy; lyre; Lyra'), ('die', u'Kurtisane', u'doxy; courtesan'), ('die', u'Kristallographie', u'crystallography'), ('das', u'Kraftfahrzeug', u'motor vehicle; motor car [Br.]; automobile [Am.]'), ('die', u'Konstante', u'absolute term; constant'), ('das', u'Kliff', u'cliff'), ('der', u'Kirchturm', u'steeple'), ('das', u'Inferno', u'inferno; holocaust'), ('das', u'Idol', u'idol'), ('der', u'Hellseher', u'clairvoyant; clairvoyante'), ('die', u'Helferin', u'helper; supporter; backer'), ('der', u'Hauptgrund', u'main reason; root cause'), ('die', u'G\xf6tterd\xe4mmerung', u'twilight of the gods; Gotterdammerung; Ragnarok'), ('der', u'Grundwehrdienst', u'basic military service'), ('das', u'Gesamtgewicht', u'total weight; laden weight'), ('die', u'Genossenschaft', u'cooperative; companionship'), ('die', u'Genesung', u'recuperation; recovery (of sb.); convalescence; reconvalescence'), ('die', u'Forschergruppe', u'research group'), ('der', u'Fixstern', u'fixed star'), ('der', u'Fassbinder', u'cooper'), ('das', u'Faksimile', u'facsimile'), ('die', u'Fabel', u'fable; tale; myth'), ('der', u'Etymologe', u'etymologist'), ('die', u'Enthauptung', u'decapitation'), ('der', u'Ehrengast', u'guest of honour [Br.]; guest of honor [Am.]'), ('der', u'Draht', u'wire; filament; strand'), ('der', u'Bundesgrenzschutz', u'Federal Border Guard'), ('das', u'Brennholz', u'firewood; kindling; kindling wood'), ('die', u'Bodenplatte', u'floor slab; paving tiles'), ('das', u'Billard', u'billiards (game)'), ('der', u'Bildband', u'pictorial; illustrated book; coffee-table book'), ('die', u'Beschlagnahme', u'impressment; sequestration; levy; distress; confiscation; attachment'), ('die', u'Ber\xfchrung', u'contact; tangency'), ('der', u'Befreier', u'liberator; deliverer; emancipator'), ('der', u'Autounfall', u'car accident; motor vehicle accident; fender-bender [Am.]'), ('das', u'Augenmerk', u'attention'), ('das', u'Auftauchen', u'emersion; loom; emergence'), ('der', u'Asket', u'ascetic'), ('die', u'Anteilnahme', u'sympathy; care'), ('der', u'Alarm', u'alarm; scare')] dictSet_80 = [('der', u'Advokat', u'lawyer [Br.]'), ('die', u'Wirtschaftsunion', u'economic union'), ('der', u'Weltraumflug', u'space flight; space shot'), ('die', u'Wasserwirtschaft', u'water resources management; water economy; water supply service'), ('die', u'Volksbefragung', u'public opinion poll'), ('der', u'Vers', u'verse; verse; line'), ('das', u'Verh\xf6r', u'interrogation; examination; inquisition; examination'), ('der', u'Veranstaltungsort', u'venue'), ('der', u'Urwald', u'virgin forest; primeval forest; pristine forest; boondocks; back country'), ('die', u'Treuhand', u'trust'), ('der', u'Treff', u'meeting place'), ('der', u'Topograph', u'topographer'), ('die', u'Supermacht', u'superpower'), ('der', u'Stra\xdfenbau', u'road construction; road building; highway engineering'), ('die', u'Startbahn', u'runway'), ('die', u'Spielshow', u'game show'), ('die', u'Solarenergie', u'solar energy'), ('die', u'Sklavin', u'slave'), ('der', u'Sklave', u'slave; bondsman; bondman; drudge; peon'), ('das', u'Sievert', u'sievert /Sv/ (unit of radiation absorption)'), ('der', u'Seeheld', u'naval hero'), ('das', u'Sechstel', u'sixth part'), ('das', u'Schreckliche', u'tremendousness'), ('die', u'Schleifung', u'dismantlement; dismantling'), ('der', u'Schauspiellehrer', u'dramatic-arts teacher'), ('das', u'R\xfcckspiel', u'return game; return match; second leg'), ('der', u'Rittmeister', u'cavalry captain'), ('die', u'Pr\xe4rie', u'prairie'), ('das', u'Preisgeld', u'prize-money'), ('der', u'Pinocchio', u'Pinocchio'), ('das', u'Parteiprogramm', u'party platform'), ('die', u'Okkultistin', u'occultist'), ('die', u'Nebenrolle', u'supporting role; minor role'), ('das', u'Mobiltelefon', u'mobile; mobile phone; cellular; cellular phone; cell phone; cellphone'), ('der', u'Mittelstand', u'middle class; middle classes; mid-tier (business); small business(es); small and medium-sized companies'), ('die', u'Lerche', u'early bird; early riser; lark [coll.]; lark; skylark'), ('die', u'Landmine', u'land mine'), ('die', u'Kunde', u'lore; tidings [poet.]'), ('der', u'Kunde', u'taker; customer; punter [coll.] [Br.]; client; purchaser; patron'), ('die', u'Krypta', u'crypt'), ('das', u'Kerngebiet', u'heartland'), ('die', u'Kabuki', u'Kabuki (classical Japanese dance theatre)'), ('der', u'Jodler', u'yodel; yodeller; yodeler'), ('der', u'Jesuitenorden', u'Jesuit order'), ('der', u'Idiot', u'dumbass; dipwad; wally; muppet [Br.] [slang]; schnook; blockhead; bonehead; lunkhead; hammerhead; knucklehead; muttonhead [coll.]; idiot; basket [Br.] [slang]; cretin; doofus; numskull; numbskull; dunce; dunderhead; douche; douchebag; douche bag; dickhead; thicko [pej.] [coll.]; saddo; flapdoodle [slang]; poop; boob; ninny [coll.]; moron'), ('das', u'H\xfcgelland', u'down'), ('das', u'Heroin', u'heroin; smack [slang]'), ('der', u'Greif', u'griffin; griffon; gryphon'), ('das', u'Geschick', u'skill; fortune; aptness; deftness; swankiness; craft; finesse; fate'), ('die', u'Genitalverst\xfcmmelung', u'genital mutilation'), ('der', u'Genfersee', u'Lake Geneva; Lake Leman'), ('das', u'Fr\xfchwarnsystem', u'early warning system'), ('das', u'Flie\xdfgew\xe4sser', u'flowing waters; running waters'), ('der', u'Fick', u'fuck; bang [vulg.]'), ('das', u'Erlernen', u'learning'), ('die', u'Erbschaftsteuer', u'inheritance tax; estate tax [Am.]; death tax [Am.]'), ('der', u'Enzian', u'gentian'), ('die', u'Entfaltung', u'development; evolvement; unfolding; deconvolution; development; unfoldment'), ('der', u'Einschnitt', u'gash; incision; indent; indentation; indenture; incision; notch; fissure; cleft; scissure; saw kerf; decisive point; break; cut; cutting; trench'), ('das', u'Einhalten', u'observance (of); compliance (with)'), ('die', u'Effektivit\xe4t', u'effectiveness'), ('die', u'Dunkelheit', u'blackness; darkness; dark; gloom; gloominess; murk; obscureness; obscurity; swarthiness'), ('die', u'Datenverarbeitung', u'data processing; data handling'), ('das', u'Countdown', u'countdown'), ('das', u'Bruttoeinkommen', u'gross income; before-tax income'), ('der', u'Beutel', u'sac; pouch; marsupium; bag; pouch'), ('der', u'Betonstahl', u'reinforcing steel'), ('der', u'Berufssoldat', u'professional soldier; regular soldier; regular; career soldier; lifer'), ('das', u'Bergsteigen', u'mountaineering; climbing'), ('das', u'Aussetzen', u'exposure (to sth.)'), ('die', u'Auslandsreise', u'journey abroad'), ('die', u'Attraktivit\xe4t', u'attractiveness; attraction'), ('der', u'Atomreaktor', u'nuclear reactor; atomic pile'), ('die', u'Arche', u'ark'), ('die', u'Arbeitsweise', u'operation; functioning; workings; procedure; approach to work; working method; mode of operation'), ('die', u'Anh\xe4ngerschaft', u'discipleship; following; followers {pl}'), ('die', u'Abtreibung', u'abortion'), ('das', u'Zur\xfcckf\xfchren', u'ascription'), ('die', u'Zeitspanne', u'interval; gap; time frame; timeframe; period; period of time; lapse of time'), ('die', u'Wertung', u'judgment; judgement; assessment; valuation; score'), ('das', u'Wei\xdfbuch', u'White Paper'), ('die', u'Wassertiefe', u'depth of the water; water depth; soundings'), ('das', u'Verschiedenes', u'miscellaneous; sundries; other; AOB (any other business)'), ('der', u'Vermessungsingenieur', u'geodetic engineer'), ('die', u'Vergiftung', u'intoxication; poisoning'), ('die', u'Ungleichheit', u'imbalance; disparity; inequality; odds'), ('die', u'Umschreibung', u'periphrase; circumlocution; circumscription; periphrasis; transliteration'), ('das', u'Tribunal', u'tribunal'), ('der', u'Taucher', u'diver; skin-diver; plunger; aquanaut'), ('die', u'Streckenf\xfchrung', u'routing'), ('die', u'Standseilbahn', u'cable car'), ('der', u'Schuldspruch', u'verdict of guilty; conviction'), ('der', u'Schenkel', u'shank; thigh; limb; limb; wing'), ('der', u'Scheffel', u'bushel /bu./'), ('die', u'Satsuma', u'satsuma'), ('der', u'Sakralbau', u'sacred building'), ('die', u'Riege', u'squad; gymnastic squad; gym team'), ('die', u'Rechtslage', u'legal position'), ('die', u'Rechenschaft', u'account'), ('die', u'Raumordnung', u'regional planning; regional development; regional policy; town and country planning')] dictSet_81 = [('die', u'Patentanmeldung', u'patent application; application for a patent; caveat [Am.]'), ('der', u'Originaltext', u'original text'), ('die', u'Optik', u'appearance; optics; lens system'), ('die', u'Obergrenze', u'ceiling; upper limit; cap'), ('der', u'Neumond', u'new moon'), ('die', u'Nationalspielerin', u'international (player)'), ('die', u'Nase', u'nose; gib head; nose; nose; lug; lug'), ('die', u'Nachtigall', u'nightingale; common nightingale'), ('der', u'Mund', u'mouth'), ('der', u'Motorradrennen', u'motorcycle race'), ('das', u'Monster', u'monster; monster'), ('die', u'Meisterin', u'master craftswoman'), ('die', u'Meinungs\xe4u\xdferung', u'expression of opinion'), ('die', u'Lockerung', u'relaxation; relaxing of regulations; loosening'), ('der', u'Leopard', u'leopard; libbard'), ('die', u'Leine', u'cord; line; leash; lead; rope; line'), ('die', u'Lagune', u'lagoon; laguna; lagune'), ('die', u'K\xe4mpferin', u'campaigner'), ('die', u'Koppel', u'pen; enclosure; paddock'), ('das', u'Koppel', u'waist belt; belt'), ('die', u'Kompression', u'compression'), ('die', u'Kommerzialisierung', u'commercialization [eAm.]; commercialisation [Br.]'), ('der', u'Koks', u'coke <coak>; coke; snow [slang]'), ('das', u'Kochbuch', u'cookbook; cookery book'), ('die', u'Kartographie', u'cartography; mapping; cartography; map printing'), ('die', u'Ingenieurin', u'engineer (with university degree) /eng./'), ('die', u'Hochspannungsleitung', u'power line'), ('das', u'Getreidesilo', u'grain storehouse'), ('das', u'Ger\xe4usch', u'noise; sound'), ('die', u'Gemeindeverwaltung', u'municipal administration'), ('der', u'F\xfchrerschein', u"driving licence [Br.]; driver's license [Am.]; driving permit; motor vehicle operator diploma [Am.]"), ('die', u'F\xf6rderin', u'sponsor'), ('der', u'Fundamentalist', u'fundamentalist'), ('der', u'Filmstar', u'film star; movie star'), ('der', u'Falkner', u'falconer'), ('das', u'Fagott', u'bassoon'), ('die', u'Fachliteratur', u'specialist literature; technical literature'), ('der', u'Etat', u'budget'), ('die', u'Eintragung', u'enrolment [Br.]; enrollment [Am.]; entry; entering; registration; inscription'), ('das', u'Eintragen', u'entering'), ('die', u'Ehescheidung', u'divorce; divorcement'), ('das', u'Dornr\xf6schen', u'Sleeping Beauty'), ('der', u'Diamant', u'diamond; sparkler; ice; rock [slang]'), ('das', u'Dada', u'Dadaism; Dada'), ('das', u'Chromosomen', u'chromosome'), ('der', u'Chip', u'chip'), ('das', u'B\xfchnenst\xfcck', u'play'), ('die', u'Burschenschaft', u'(student) fraternity; frat; student league'), ('die', u'Blockbildung', u'arrangement into blocks; blocking'), ('der', u'Behindertensport', u'disabled sport'), ('die', u'Baut\xe4tigkeit', u'construction activity'), ('das', u'Baumaterial', u'building material; construction material; structural material; building material'), ('die', u'Barockzeit', u'baroque period'), ('das', u'Bankguthaben', u'bank balance; cash in bank'), ('die', u'Au\xdferdienststellung', u'decommissioning'), ('das', u'Anwesen', u'estate; land; premises'), ('die', u'Ansammlung', u'accumulation; aggregation; accumulativeness; agglomerate; package; congeries; aggregation (of sth.)'), ('die', u'Amtsf\xfchrung', u'performance of duties; conduct of business; administration of office'), ('die', u'Akropolis', u'acropolis'), ('die', u'Absenkung', u'lowering (of the groundwater level); downward expansion; downward thermal growth; settling (of a rock); downthrown fault; downwarp; subsidence; drawdown component (hydrology)'), ('das', u'Zusammenwirken', u'concurrence; interoperation'), ('das', u'Wiesenschaumkraut', u"lady's smock; cuckooflower; cuckoo flower"), ('die', u'Wertsch\xe4tzung', u'regard; high regard; estimation; esteem'), ('die', u'Vormacht', u'supremacy; predominance; predomination; prepotency'), ('die', u'Verwirrung', u'disorientation; bewilderment; bewilderedness; bemusement; puzzlement; perplexity; obfuscation; distraction; entanglement; confusion; muddle; disarray; aberration; bafflement; befuddlement; bafflingness; bedevilment; fuddle; dishevelment; perplexity; babel'), ('die', u'Vergletscherung', u'glaciation; glacierization [eAm.]; glacierisation [Br.]'), ('die', u'Unterbringung', u'placement; accommodation; accommodations [Am.]; lodging; lodging'), ('der', u'Tourist', u'tourist; sightseer'), ('das', u'Telefonnetz', u'telephone network'), ('die', u'S\xfchne', u'atonement; expiation'), ('der', u'Syrer', u'Syrian'), ('der', u'Syndikus', u'syndic'), ('die', u'Suspension', u'suspension'), ('der', u'Spross', u'offshoot; shoot; slip; shoot; sprout; scion'), ('der', u'Sportmediziner', u'sport medicine specialist'), ('der', u'Smiley', u'smiley :-); smilie'), ('die', u'Seltenheit', u'scarceness; scarcity; curiosity; rarity; infrequence; rareness; sparsity; uncommonness'), ('die', u'Selbstausschaltung', u'automatic cut out'), ('das', u'Segelfliegen', u'gliding; sailplaning'), ('die', u'Seenot', u'distress at sea'), ('der', u'Schnitzer', u'solecism; slip; slip; carver; blunder; boob [Br.]; boner; blooper; fuckup [coll.]; bloomer'), ('der', u'Schatzmeister', u'treasurer; bursar'), ('der', u'Sanderling', u'sanderling'), ('der', u'Rocker', u'rocker'), ('der', u'Ramm', u'ram'), ('der', u'Pulsar', u'pulsar'), ('die', u'Priesterschaft', u'ministry; priesthood'), ('der', u'Personenkult', u'personality cult'), ('der', u'Pakistaner', u'Pakistani'), ('die', u'Orthodoxie', u'orthodoxy'), ('der', u'Naturheilkundler', u'naturopath'), ('der', u'Muff', u'muff; musty smell'), ('der', u'Monsun', u'monsoon'), ('der', u'Mitherausgeber', u'associate editor; coeditor; co editor; coeditor'), ('die', u'Mitarbeiterin', u'staffer; employee /EE/; cooperator; co-worker; coworker; collaborator; staff member'), ('die', u'Mette', u'matins'), ('der', u'Mechanismus', u'mechanism'), ('der', u'Mauerbau', u'Berlin Wall'), ('der', u'Marienk\xe4fer', u'ladybug; ladybird; ladybeetle'), ('der', u'Magnetismus', u'magnetism')] dictSet_82 = [('das', u'Leid', u'affliction; sorrow; suffering; harm; woe; hurt; pain'), ('die', u'Legierung', u'alloy'), ('der', u'Landschaftsschutz', u'landscape conservation; rural conservation'), ('der', u'Landfrieden', u'general peace'), ('die', u'Kurzform', u'short form; shortened form'), ('die', u'Konsole', u'bracket; console; bracket; cantilever'), ('das', u'Kokain', u'cocaine; stardust [coll.]'), ('der', u'Katamaran', u'catamaran'), ('das', u'Karelien', u'Karelia'), ('der', u'Kardinalbischof', u'cardinal bishop'), ('der', u'Juwelier', u'jeweller; jeweler [Am.]'), ('der', u'Isolationismus', u'isolationism'), ('die', u'Heldin', u'protagonist; heroine'), ('das', u'Grauen', u'horror (of)'), ('die', u'Grabkammer', u'sepulchre; sepulcher [Am.]; funerary chamber'), ('der', u'Gin', u'gin'), ('die', u'Gewissensfreiheit', u'freedom of conscience'), ('das', u'Gemeinwesen', u'polity; commonwealth'), ('der', u'Gel\xe4ndewagen', u'cross country vehicle; sport utility vehicle /SUV/; jeep'), ('das', u'Gehirn', u'brain'), ('die', u'F\xe4rbung', u'slant; slanting view [coll.]; colouring [Br.]; coloring [Am.]; colouration [Br.]; coloration [Am.]; dyeing; spinning cake dyeing; stain; hue; tinge'), ('die', u'Fu\xdfballerin', u'footballer; kicker'), ('die', u'Funktechnik', u'radio engineering; radio technology'), ('das', u'Forschungsschiff', u'research ship'), ('der', u'Familienname', u'surname; last name; family name'), ('die', u'Erledigung', u'dispatch; execution (of sth.); completion; settling; transaction; shopping; acquittal; settlement execution (of sth.)'), ('der', u'Eisberg', u'iceberg; berg'), ('die', u'Dissidentin', u'dissident'), ('der', u'Diebstahl', u'theft; larceny [Am.] (criminal offence)'), ('die', u'Buslinie', u'bus route'), ('der', u'Bierbrauer', u'brewer'), ('die', u'Beilage', u'supplement; enclosure /enc./; inclosure; side dish; side order; extra; inset'), ('die', u'Bache', u'wild sow'), ('die', u'Aussendung', u'emission; emanation'), ('die', u'Ausl\xf6sung', u'dissolution; accommodation allowance; cleardown; tripping; triggering; call disconnection; ransom'), ('das', u'Ausf\xfchren', u'performing'), ('der', u'Aufmarsch', u'procession; parade'), ('der', u'Atomausstieg', u'phasing out nuclear energy; withdrawal from the nuclear energy programme; opting out of the nuclear energy program'), ('das', u'Andalusien', u'Andalusia'), ('die', u'Amts\xfcbernahme', u'assumption of (an) office'), ('die', u'Ampel', u'hanging lamp; traffic light; traffic lights; robot [South Africa]'), ('der', u'Zeitgeist', u'zeitgeist; spirit of the time(s); time spirit'), ('der', u'Yankee', u'Yankee'), ('der', u'Workshop', u'workshop'), ('der', u'Wirtschaftsstandort', u'business location'), ('die', u'Wiege', u'cradle'), ('die', u'Weitergabe', u'transmission (of); passing on'), ('die', u'Vorhut', u'spearhead; vanguard; van; vaward [obs.]'), ('der', u'Vokal', u'vowel'), ('das', u'Vitamin', u'vitamin; vitamine'), ('das', u'Verwaltungsgericht', u'administrative tribunal; Higher Administrative Court; Administrative Court'), ('das', u'Verteidigungsb\xfcndnis', u'defence alliance [Br.]; defense alliance [Am.]'), ('das', u'Unterstreichen', u'underlining'), ('die', u'Unschuld', u'virginity; innocence; innocency; innocent; ingenue; artlessness'), ('das', u'Tr\xe4nengas', u'tear gas; CS gas [Br.]; lachrymatory agent; lachrymator'), ('der', u'Tropfen', u'glob; blob; knob [Br.]; drop; driblet'), ('der', u'Treibstoffverbrauch', u'fuel consumption; miles per gallon (mpg)'), ('der', u'Torf', u'peat'), ('der', u'Tierschutz', u'protection of animals; animal protection; conservation; animal welfare; prevention of cruelty to animals'), ('das', u'Tabu', u'taboo; tabu'), ('die', u'S\xfc\xdfe', u'chickadee'), ('die', u'Sterblichkeit', u'mortality; moribundity; lethality'), ('der', u'Stenograph', u'shorthand writer; stenographer'), ('die', u'Starthilfe', u'choke; assist-starting; jump start; starting aid'), ('der', u'Spie\xdf', u'warrant officer class I [Br.]; first sergeant [Am.]; Company Sergeant Major /CSM/; first shirt [coll.] [Am.]; spear; spit; skewer; pike; brochette'), ('der', u'Spender', u'dispenser; donator; donor; giver; contributor; donor'), ('der', u'Skil\xe4ufer', u'skier'), ('der', u'Skater', u'skater'), ('die', u'Sedimentation', u'sedimentation; sedimentary deposition'), ('die', u'Sch\xe4rfe', u'acrimony; stridency; stridence; sharpness; focus; acridity; pepperiness; hotness; keenness; acuity; incisiveness; trenchancy; poignancy; pungency; pungence; severeness; edge; asperity; severity'), ('das', u'Schwingen', u'sway; swing'), ('der', u'Schuldirektor', u'headteacher [Br.]; principal [Am.]; schoolmaster'), ('die', u'Schale', u'hull; husk; shell; basin; peel (peeled); pod; skin (fruit; vegetable); carapace; test; bowl of ice cream; dish; bowl'), ('der', u'Rundbrief', u'circular'), ('die', u'Rennstrecke', u'race track; race circuit'), ('das', u'Reiterstandbild', u'equestrian statue'), ('das', u'Reiten', u'riding; horseback riding'), ('die', u'Radikalisierung', u'radicalization [eAm.]; radicalisation [Br.]; trend to radicalism'), ('das', u'Querhaus', u'transept'), ('die', u'Pleite', u'fizzling; whipping; bankruptcy; flop; collapse; washout; bust [coll.]; disaster; flop; nonevent'), ('das', u'Plasma', u'plasma'), ('die', u'Pharmaindustrie', u'pharmaceutical industry'), ('das', u'Perfekt', u'present perfect; present perfect tense'), ('die', u'Patenschaft', u'sponsorship'), ('das', u'Parkhaus', u'(multi-storey) car park [Br.]; multi-storey [Br.]; parking garage [Am.]'), ('der', u'Orion', u'Orion; hunter'), ('die', u'Offenheit', u'bluntness; frankness; frankness; openness; candidness; candour [Br.]; candor [Am.]; ingenuousness; outspokenness'), ('das', u'Nor', u'Norian (stage)'), ('die', u'Neuregelung', u'reorganization [eAm.]; reorganisation [Br.]'), ('der', u'Mitbewerber', u'competitor'), ('der', u'Mekong', u'Mekong'), ('das', u'Mehrheitswahlrecht', u'majority representation; first-past-the-post system'), ('die', u'Marionette', u'marionette; puppet; puppet on a string'), ('die', u'Lithografie', u'lithograph; lithography'), ('die', u'Libelle', u'dragonfly; spirit level; level; bubble; level (geodesy)'), ('das', u'Leugnen', u'denial'), ('die', u'Landmasse', u'land mass'), ('die', u'K\xf6nigsw\xfcrde', u'royal dignity; regality'), ('der', u'Kranich', u'crane; Grus; Crane; common crane'), ('der', u'Kasack', u'tunic')] dictSet_83 = [('das', u'Karbon', u'Carboniferous'), ('die', u'Justizministerin', u'minister of justice; Lord Chancellor [Br.]; Attorney General [Am.]'), ('der', u'Journalismus', u'journalism'), ('das', u'Joch', u'yoke'), ('der', u'Husar', u'hussar'), ('die', u'Heraldik', u'heraldry'), ('die', u'Hautfarbe', u'complexion; colour of the skin'), ('der', u'Hardliner', u'hardliner'), ('das', u'Hafengebiet', u'waterfront'), ('der', u'Folger', u'follower'), ('das', u'Fax', u'fax; telefax; fax message; telefax message; fax'), ('das', u'Erl\xf6schen', u'expiry [Br]; expiration [Am.]; extinction; extinguishment; termination (of sth.); extinction'), ('der', u'Erdboden', u'ground; earth; soil'), ('das', u'Entsetzen', u'dismay; horror; terror'), ('das', u'Elementarteilchen', u'elementary particle'), ('der', u'Durchschlag', u'press copy; copy; copy; disruptive discharge; colander; culleander; collander; puncture'), ('die', u'Dienstleistung', u'service; provision of services; attendance'), ('die', u'Dauerhaftigkeit', u'durability; permanence; stability; durableness; lastingness'), ('das', u'Bremsen', u'braking'), ('die', u'Bel\xe4stigung', u'importunity; annoyance; nuisance; harassment; inconvenience; molestation; pestering'), ('die', u'Befruchtung', u'fecundation; fertilization [eAm.]; fertilisation [Br.]; pollination; impregnation; insemination'), ('der', u'Autofahrer', u'driver; motorist'), ('der', u'Ausw\xe4rtssieg', u'away victory; away win'), ('das', u'Aspirin', u'aspirin'), ('die', u'Aristokratie', u'aristocracy'), ('die', u'Anhebung', u'raising (of); increase; rise (in); ascension'), ('die', u'Alleinherrschaft', u'autarchy; sole reign; autocracy'), ('das', u'Akut', u'acute accent'), ('der', u'Absteiger', u'relegated team'), ('der', u'Wirt', u'host'), ('die', u'Wiederkehr', u'anniversary; return'), ('die', u'Wiederbet\xe4tigung', u'revitalising/promotion of nazi-era ideas (and paraphernalia); promotion of Nazi ideology (criminal offence)'), ('der', u'Wendekreis', u'tropic; turning circle; lock'), ('der', u'Weltcup', u'World Cup'), ('die', u'Urgeschichte', u'prehistory'), ('das', u'Unverst\xe4ndnis', u'lack of understanding; lack of appreciation'), ('das', u'Ungeheuer', u'behemoth; monster; monstrosities; ogre'), ('der', u'Tweed', u'tweed'), ('das', u'Tischbein', u'table-leg; leg of the table'), ('der', u'Thaler', u'thaler'), ('das', u'Tenorsaxophon', u'tenor saxophone'), ('das', u'S\xfcdufer', u'south bank; southern bank'), ('das', u'Streichorchester', u'string orchestra; stringband'), ('der', u'Stimmzettel', u'ballot card; ballot paper; voting paper'), ('die', u'Steuerhinterziehung', u'tax evasion; tax fraud'), ('der', u'Stammesf\xfchrer', u'tribal chieftain; chieftain of a tribe'), ('der', u'Sportbund', u'sports confederation'), ('der', u'Spitzenreiter', u'front runner; most popular ...; top-rated ...; number one ...; best-selling ...; top of the pops'), ('das', u'Spielzeug', u'toy; plaything'), ('der', u'Schaft', u'shank; barrel'), ('der', u'Sager', u'statement'), ('der', u'Sachse', u'Saxon'), ('die', u'Rechtm\xe4\xdfigkeit', u'legality; legitimacy; lawfulness; legitimacy; rightfulness; warrantableness'), ('der', u'Propagandist', u'propagandist; demonstrator; (sales) representative'), ('die', u'Priorin', u'prioress'), ('das', u'Patagonien', u'Patagonia'), ('der', u'Nigerianer', u'Nigerian'), ('der', u'Massentourismus', u'mass tourism'), ('der', u'Locher', u'punch; puncher; hole-puncher [Am.]'), ('der', u'Lastwagen', u'lorry [Br.]; truck [Am.]; camion; commercial vehicle; heavy goods vehicle /HGV/'), ('die', u'K\xfcrzung', u'retrenchment; abatement; abridgement; shortage (of); curtailment; shortening; foreshortening; cutback (in sth.); abbreviation'), ('der', u'Kat', u'catalytic converter'), ('der', u'Improvisator', u'extemporizer; improviser'), ('der', u'Holzschnitzer', u'wood carver'), ('die', u'Helligkeit', u'brightness; lightness; brilliance; brilliancy; luminosity'), ('die', u'Harfe', u'harp'), ('das', u'Handw\xf6rterbuch', u'pocket dictionary; concise dictionary'), ('die', u'Gesch\xe4ftsordnung', u'rules of procedure; internal rules; standing orders (Parliament); agenda {pl}; docket [Am.]'), ('der', u'Geldmangel', u'impecuniousness; penuriousness; pennilessness; lack of money'), ('die', u'Flugverbotszone', u'no-fly zone; no-fly area'), ('der', u'Fischotter', u'otter'), ('der', u'Ferienort', u'holiday resort'), ('die', u'Feige', u'fig'), ('das', u'Ermitteln', u'ascertainment; ascertaining; determination; determining; establishment; establishing'), ('die', u'Entfremdung', u'alienation; estrangement'), ('das', u'Endergebnis', u'final result'), ('der', u'Elefant', u'elephant'), ('die', u'D\xfcrre', u'aridity; aridness; drought'), ('das', u'Chrom', u'chrome; chromium'), ('die', u'B\xe4uerin', u"farmer's wife; countrywoman; farmer"), ('das', u'Bouquet', u'bouquet'), ('die', u'Bewachung', u'custody'), ('die', u'Besteigung', u'ascent'), ('die', u'Beschaffenheit', u'habit; texture; character; quality structure; nature; quality; state; condition; condition; state; constitution; quality'), ('das', u'Begleiten', u'company'), ('der', u'Banker', u'bank employee; bank assistant; banker'), ('der', u'Aufprall', u'impact; bounce'), ('der', u'Atheismus', u'atheism'), ('der', u'Antrittsbesuch', u'first visit; inaugural visit'), ('der', u'Ansturm', u'assault; onrush; run (on)'), ('die', u'Anstiftung', u'instigation; subornation; incitement (to); abetment'), ('die', u'Anemone', u'anemone'), ('der', u'Amtstr\xe4ger', u'office holder; officeholder'), ('die', u'Abstrahlung', u'radiation; emission'), ('die', u'Zielsetzung', u'objective (goal); objective target'), ('das', u'Zehntel', u'tenth; tenth part'), ('der', u'Wortf\xfchrer', u'spokesman'), ('der', u'Wintergarten', u'conservatory; winter garden'), ('die', u'Werbekampagne', u'advertising campaign; publicity campaign; promotion (of)'), ('der', u'Weihnachtsmarkt', u'Christmas fair')] dictSet_84 = [('die', u'Wassertemperatur', u'water temperature'), ('die', u'Wasseroberfl\xe4che', u'surface of the water; free surface'), ('der', u'Waffenh\xe4ndler', u'arms dealer; arms trader'), ('die', u'Waage', u'yarn tester; scale; scales; balance; Libra; Scale'), ('die', u'Vorentscheidung', u'preliminary decision'), ('das', u'Vielfaches', u'multiple'), ('der', u'Vertragspartner', u'contracting party; party to a contract; trade partner'), ('das', u'Versandhaus', u'mail-order house'), ('die', u'Verdunstung', u'evaporation'), ('das', u'Ufo', u'ufo'), ('der', u'Tribut', u'tribute; tribute'), ('das', u'Tribut', u'paean; pean [Am.]'), ('die', u'Transkription', u'transcription'), ('der', u'Tierpfleger', u'animal caretaker; animal custodian [Am.]'), ('die', u'Theoretikerin', u'theoretician; theorist'), ('der', u'Tanganjikasee', u'Lake Tanganyika'), ('das', u'Supermodel', u'supermodel; super model; top model'), ('das', u'Summen', u'drone; purr; fizzling; hum; buzz'), ('der', u'Stra\xdfenr\xe4uber', u'footpad; highwayman; mugger'), ('die', u'Stadtb\xfccherei', u'city library; town library'), ('das', u'Staatsrecht', u'constitutional law'), ('das', u'Staatsarchiv', u'public record office'), ('die', u'Speicherung', u'storage; storing; retention'), ('der', u'Sondeng\xe4nger', u'detectorist'), ('der', u'Sirius', u'Sirius'), ('die', u'Sicherheitslage', u'security situation'), ('die', u'Sendereihe', u'series (of self-contained programmes)'), ('der', u'Schwinger', u'swing'), ('das', u'Schwimmbad', u'swimming pool; public swimming pool'), ('die', u'Schmalspurbahn', u'narrow gauge railway'), ('der', u'Schick', u'chic; style; peachiness'), ('das', u'Riesenslalom', u'giant slalom'), ('die', u'Replik', u'replica; replication'), ('der', u'Reisebericht', u'travelogue; travelog [Am.]'), ('der', u'Rechtsanspruch', u'title (to); legal claim'), ('der', u'Ratgeber', u'adviser; advisor; counsellor [Br.]; counselor [Am.]; companion'), ('das', u'Quiz', u'quiz'), ('die', u'Plakette', u'badge; badge'), ('die', u'Naturwissenschaft', u'science; natural science; physical science; science'), ('die', u'Nachrichtensendung', u'newscast'), ('das', u'Munitionsdepot', u'munitions dump'), ('das', u'Monitoring', u'monitoring'), ('das', u'Mesozoikum', u'Mesozoic; Mesozoic (Era)'), ('die', u'Massenbewegung', u'mass movement'), ('das', u'Maschinengewehr', u'machine gun'), ('das', u'Marionettentheater', u'puppet theatre; puppet theater [Am.]; puppet play; puppetry'), ('der', u'Luftdruck', u'air pressure; atmospheric pressure; barometric pressure; inflation pressure; air pressure; cabin pressure'), ('die', u'Liquidierung', u'liquidation (of sb.)'), ('der', u'Lehrmeister', u'master; teacher; instructor; mentor; taskmaster'), ('der', u'Landschaftsg\xe4rtner', u'landscape gardener; landscape gardener; landscaper'), ('die', u'Korvette', u'corvette'), ('der', u'Konvoi', u'convoy'), ('die', u'Kinetik', u'kinetics'), ('der', u'Kannibale', u'cannibal'), ('das', u'Kaninchen', u'bunny; rabbit; coney'), ('das', u'Kaffeehaus', u'coffee house; coffee shop; coffee bar; caf\xe9'), ('die', u'Inhaltsangabe', u'epitome; precis; table of contents; abstract'), ('der', u'Haushaltsentwurf', u'draft budget'), ('der', u'Handelsvertrag', u'trade agreement'), ('der', u'Gr\xe4uel', u'aversion; horror'), ('das', u'Gr\xe4uel', u'bete noir; b\xeate noir'), ('der', u'Gro\xdfunternehmer', u'large scale manufacturer'), ('der', u'Gro\xdfoffizier', u'Knight Commander [Br.] /KC/'), ('die', u'Glaubensgemeinschaft', u'denomination; church'), ('die', u'Gewerbefreiheit', u'freedom of trade'), ('das', u'Geringste', u'least'), ('das', u'Geleit', u'convoy; escort'), ('die', u'Geldmenge', u'money supply; money stock; quantity of money; volume of money'), ('die', u'Gef\xe4ngnisstrafe', u'term of imprisonment; hard time [slang]; jail sentence'), ('der', u'Fallschirmspringer', u'parachutist; skydiver'), ('der', u'Ertrag', u'yield; return; produce; profit; earnings; rate of return; return (on sth.); yield; output'), ('die', u'Entspannungspolitik', u'policy of detente; policy of d\xe9tente'), ('die', u'Entschl\xfcsselung', u'decoding; decryption'), ('die', u'Ente', u"duck; hoax; canard; false report; mare's nest [coll.]"), ('der', u'Eisenbahnzug', u'train'), ('die', u'Eingabe', u'feed; input; intake; enter; entry; submission'), ('das', u'Eiland', u'island; isle'), ('der', u'Durchstich', u'cutoff; puncture (tyre/tire); cut; avulsion'), ('die', u'Drehscheibe', u"(potter's) wheel; hotspot; hot spot (for sth.); turntable"), ('die', u'Dem\xfctigung', u'humiliation; indignity; mortification; abasement'), ('die', u'Currywurst', u'sausage in curry sauce'), ('die', u'Blindenschrift', u'braille; embossed printing'), ('der', u'Bengel', u'urchin; rascal'), ('die', u'Audienz', u'audience (with)'), ('die', u'Arbeitswelt', u'world of employment; working world; working environment'), ('das', u'Aquarium', u'aquarium; fish tank'), ('die', u'Angelegenheit', u'concern; affair; business; pidgin; instance; matter'), ('die', u'Agrarpolitik', u'agricultural policy'), ('das', u'Zusammenspiel', u'cooperation; co-operation; ensemble playing; ensemble acting; teamwork; co-operation; interaction'), ('der', u'Zauberer', u'warlock; magician; wizard; sorcerer; captivator; conjurer; enchanter'), ('das', u'Wirtschaftssystem', u'economy; economic system'), ('der', u'Weing\xe4rtner', u'vine dresser'), ('der', u'Wahnsinn', u'madness; deliriousness; frenzy; insanity; lunacy; madness; mania'), ('das', u'Vorderasien', u'geogr. Southwest Asia; Southwestern Asia'), ('der', u'Vorbehalt', u'caveat; proviso; reservation; reserve'), ('der', u'Versand', u'dispatch; despatch (to); shipment; shipping; forwarding'), ('die', u'Verkehrssprache', u'lingua franca'), ('das', u'Vergn\xfcgen', u'joy; pleasure; craic [Ir.]; delight; delectableness; treat; sport'), ('die', u'Vereinheitlichung', u'standardization [eAm.]; standardisation [Br.]; harmonization [eAm.]; harmonisation [Br.]; unification'), ('der', u'Vampir', u'vampire')] dictSet_85 = [('das', u'T\xf6nen', u'tintinnabulation'), ('der', u'Treueeid', u'oath of allegiance; oath of fidelity'), ('der', u'Tic', u'tic'), ('das', u'Thanksgiving', u'Thanksgiving (Day) [Am.]'), ('die', u'Terminologie', u'terminology'), ('die', u'Sturmabteilung', u'armed and uniformed branch of the NSDAP'), ('der', u'Strip', u'striptease; strip'), ('das', u'Steinkohlenbergwerk', u'coal mine; coalmine; colliery'), ('das', u'Sprachrohr', u'megaphone; bullhorn [Am.]; speaking tube; mouthpiece; spokesman'), ('das', u'Spielfeld', u'field; pitch; ground'), ('die', u'Spende', u'donation; subscription; dole; contribution; bounty'), ('die', u'Selbsthilfe', u'self-help; selfhelp'), ('die', u'Seilschaft', u'roped party; insider relationship'), ('die', u'Sch\xe4digung', u'soil degradation; damage'), ('die', u'Schwarzerde', u'chernozem; black soil; black earth'), ('der', u'Schulbesuch', u'school attendance'), ('die', u'Schleiereule', u'barn owl; barn owl'), ('die', u'Scheune', u'barn'), ('die', u'Satellitenaufnahme', u'satellite picture; satellite imagery'), ('die', u'Ritterschaft', u'knighthood'), ('die', u'Reisezeit', u'tourist season'), ('das', u'Pr\xe4fix', u'prefix; access code; traffic discriminating digit; (international) prefix'), ('der', u'Piratensender', u'pirate station; pirate radio station'), ('der', u'Onkologe', u'oncologist'), ('die', u'N\xe4hmaschine', u'sewing machine'), ('die', u'Neuverteilung', u'reallocation; redistribution'), ('die', u'Muschel', u'shell'), ('der', u'Mullah', u'Mullah'), ('das', u'Motel', u'motel'), ('die', u'Metaphysik', u'metaphysics'), ('die', u'Ma\xdfgabe', u'stipulation.'), ('der', u'Manierismus', u'Mannerism'), ('das', u'Magnesium', u'magnesium'), ('die', u'Magellanstra\xdfe', u'Straits of Magellan'), ('das', u'Languedoc', u'Languedoc'), ('die', u'Kutsche', u'coach; carriage'), ('der', u'Krankenpfleger', u'male nurse; nurse'), ('die', u'Kommandantur', u"commandant's office"), ('die', u'Kanzlerkandidatin', u'Chancellor candidate'), ('der', u'Jongleur', u'juggler'), ('die', u'Investition', u'investment; capital investment; capital expenditure; input'), ('die', u'Informationstechnik', u'information technology /IT/'), ('das', u'Hinspiel', u'first leg'), ('das', u'Hervorrufen', u'evocation'), ('die', u'Heilung', u'cure'), ('die', u'Hausfrau', u'housewife; hausfrau; homemaker'), ('die', u'Handelsgesellschaft', u'trading company'), ('die', u'Gerste', u'barley'), ('der', u'Gastspiel', u'stand'), ('das', u'Gastspiel', u'guest performance'), ('der', u'F\xfcrsprecher', u'intercessor; advocate (of sb./sth.); interceder'), ('die', u'Fl\xe4chennutzung', u'land use designation; land utilisation [Br.]; land utilization [Am.]'), ('das', u'Elysium', u'Elysium (Latin); Elysion (Greek) - paradise in Greek mythology'), ('das', u'Elternhaus', u'parental home'), ('die', u'Elektrifizierung', u'electrification'), ('der', u'Dolomit', u'dolomite; bitter spar; dolomite; dolomite rock; magnesian limestone; dolostone'), ('die', u'Diplomarbeit', u'diploma thesis; degree dissertation; final year project'), ('die', u'Dampfschifffahrt', u'steam navigation'), ('der', u'Brennstoff', u'fuel'), ('die', u'Bildungspolitik', u'educational policy'), ('das', u'Belvedere', u'Belvedere'), ('die', u'Ballonfahrt', u'balloon ride'), ('die', u'Ausgliederung', u'outsourcing; disembodiment; spinoff; spin-off; hive-down'), ('der', u'Atem', u'breath'), ('der', u'Apache', u'apache'), ('die', u'Antrittsrede', u'inaugural; inaugural address'), ('der', u'Analytiker', u'analyst; analyst'), ('das', u'Almanach', u'almanac'), ('die', u'Adoption', u'adoption'), ('das', u'Abwasser', u'sewage; sewerage; effluent; waste water; wastewater; residual water; used water; foul water'), ('die', u'Abstinenz', u'abstinence; teetotalism'), ('die', u'Abschreckung', u'quenching (of steel); determent; deterrence; deterrent'), ('die', u'Ableitung', u'derivation; derivative; derive; deduction; lead; revulsion; dissipation; leakage; control voltage supply discharge; shunt; derivative (of a potential field)'), ('der', u'Zweckverband', u'administration union'), ('die', u'Zusicherung', u'confirmation; assurance; undertaking'), ('der', u'Zuh\xf6rer', u'listener; hearer; auditor'), ('der', u'Zuber', u'tub'), ('die', u'Zeugin', u'witness'), ('die', u'Zentralstelle', u'centre; central office'), ('das', u'Zelt', u'tent'), ('der', u'Zeitablauf', u'timing; lapse of time'), ('der', u'Zaun', u'fence'), ('der', u'Zapfen', u'stud; tongue; cone; tenon; pin; cone; gudgeon; spigot; tap; peg; trunnion'), ('der', u'Zahlungsverkehr', u'payments {pl}; transactions {pl}; movement of payments'), ('die', u'Wohlfahrt', u'welfare; charity'), ('der', u'Wirtschaftspolitiker', u'economic politician'), ('der', u'Werkstoff', u'material'), ('die', u'Wehrpflichtige', u'conscript'), ('das', u'Vorstellen', u'introduction'), ('die', u'Utopie', u'Utopia'), ('der', u'Urgro\xdfvater', u'great-grandfather; great-granddad; great-grandpa'), ('die', u'Unsicherheit', u'insecurity; precariousness; shakiness; tentativeness; uncertainness; uncertainty; unstableness; unsureness; wobbliness; unsteadiness'), ('der', u'Ukrainer', u'Ukrainian'), ('die', u'Trikolore', u'tricolor; tricolour'), ('das', u'Tandem', u'tandem; tandem bicycle'), ('der', u'S\xfcdafrikaner', u'South African'), ('der', u'Stellenabbau', u'job shakeout; downsizing'), ('die', u'Sozialpsychologie', u'social psychology'), ('die', u'Soldatin', u'servicewoman; female soldier'), ('der', u'Schreier', u'bawler; crier; shouter; yeller')] dictSet_86 = [('der', u'Schlachtkreuzer', u'battle cruiser'), ('die', u'Sabotage', u'incendiary; sabotage'), ('das', u'Rudel', u'pack; herd; swarm; horde; pride (of lions)'), ('der', u'Regieassistent', u'assistant director'), ('das', u'Planetarium', u'planetarium'), ('der', u'Neuaufbau', u'reconstruction'), ('die', u'Nachhaltigkeit', u'sustainability'), ('der', u'Muttersprachler', u'native speaker'), ('das', u'Musikvideo', u'music video'), ('die', u'Meeresforschung', u'ocean research'), ('der', u'Median', u'median'), ('der', u'Libanese', u'Lebanese'), ('das', u'Leuchten', u'luminousness; refulgence; brilliance; brilliancy; radiance; radiancy'), ('der', u'Lauschangriff', u'bugging operation (on); electronic eavesdropping'), ('das', u'Landhaus', u'country home; country house'), ('der', u'Komplott', u'scheme'), ('das', u'Komplott', u'frame-up; stitch-up; put-up affair'), ('das', u'Kollektiv', u'collective'), ('die', u'Klarheit', u'articulateness; clarity; perspicuity; clarification; cloudlessness; intelligibleness; limpidity; limpidness; pellucidity; lucidity; perspicaciousness; serenity; vividness'), ('das', u'Kerzenlicht', u'candlelight'), ('die', u'Katholikin', u'Catholic; Roman Catholic'), ('der', u'Kampfpanzer', u'combat tank; battle tank'), ('der', u'Kamm', u'crest; mountain crest; crest; comb; neck fillet'), ('die', u'Jugendarbeit', u'youth work; youth employment'), ('das', u'Industriegebiet', u'industrial area; industrial zone'), ('der', u'Inbegriff', u'embodiment; mother-of-all; incarnation; epitome (of)'), ('der', u'H\xe4rter', u'curing agent'), ('der', u'Heger', u'gamekeeper'), ('der', u'Handstreich', u'surprise attack; surprise raid; coup de main'), ('die', u'Handelshochschule', u'commercial college'), ('der', u'Grundbesitzer', u'landholder; landowner'), ('das', u'Genom', u'genome'), ('der', u'Gemahl', u'husband'), ('die', u'Garage', u'garage; lock-up; lock-up garage'), ('die', u'Freisetzung', u'redundancy; release; liberation; displacement of labour'), ('die', u'Flugh\xf6he', u'level; flight altitude'), ('der', u'Fluchthelfer', u'helper in escape; escape agent; aider and abettor of a prison escape/break; escape agent'), ('der', u'Fernmeldedienst', u'signal-service'), ('das', u'Feature', u'feature'), ('die', u'Farbgebung', u'colouring; choice of colours; colouration [Br.]; coloration [Am.]'), ('die', u'Farbenfabrik', u'paint manufacturer'), ('die', u'Fahnenflucht', u'desertion'), ('der', u'Fackellauf', u'torch relay'), ('das', u'Examen', u'examination; exam'), ('der', u'Entwicklungshelfer', u'development aid worker; development aid volunteer; aid worker'), ('die', u'Energiewirtschaft', u'energy industry; power supply industry'), ('der', u'D\xe4ne', u'Dane; Danish man; Danish woman'), ('die', u'Diskuswerferin', u'discus thrower'), ('die', u'Demographie', u'demography'), ('das', u'Croissant', u'croissant; crescent'), ('der', u'Campingplatz', u'campsite; camping site; camping ground; campground [Am.]'), ('der', u'Buchverlag', u'book publisher'), ('das', u'Bet\xe4ubungsmittel', u'narcotic; anaesthetic [Br.]; anesthetic [Am.]'), ('das', u'Baudenkmal', u'building of historic importance; historical monument'), ('der', u'Ballettmeister', u'ballet master'), ('das', u'Ausnutzen', u'exploit'), ('der', u'Augenzeuge', u'eyewitness'), ('die', u'Arbeitsorganisation', u'labor organization [eAm.]; labour organisation [Br.]'), ('der', u'Arbeitseinsatz', u'voluntary labour stint; work assignment; assignment'), ('der', u'Abtransport', u'evacuation'), ('das', u'Abtransport', u'transportation'), ('das', u'Abschneiden', u'abscission; cutting off; school achievement; school performance; truncation; trimming; cutting to shape'), ('die', u'Absage', u'refusal; declination; rejectance; cancellation; nonacceptance; turndown'), ('die', u'Zur\xfcckhaltung', u'aloofness; caution; reserve; coolness; abstinence; demureness; reticence; self-effacement; restraint; retentiveness'), ('der', u'Zelter', u'palfrey'), ('die', u'W\xe4hrungseinheit', u'monetary unit; unit of currency'), ('die', u'Wintersonnenwende', u'winter solstice; midwinter'), ('der', u'Wildwest', u'Wild West'), ('das', u'Viereck', u'four-sided figure; quadrangle; quadrilateral; quad; square'), ('die', u'Vermehrung', u'increase; propagation; augmentation; reproduction; breeding; aggrandizement; aggrandisement [Br.]'), ('der', u'Verkehrsunfall', u'road accident; traffic accident; car crash'), ('der', u'Verfassungsrang', u'status of constitutional law; constitutional status'), ('der', u'Verdienst', u'earnings; income'), ('das', u'Verdienst', u'merit (of a person); meritoriousness'), ('das', u'Vakuum', u'vacuum; space void of air'), ('das', u'Utopia', u'Utopia'), ('die', u'Unterseite', u'bottom side; underside; underneath'), ('die', u'Troph\xe4e', u'trophy'), ('die', u'Topografie', u'topography'), ('das', u'Theben', u'Thebes'), ('die', u'S\xfcnde', u'peccadillo; crime; sin; trespass'), ('die', u'S\xe4ure', u'acid; sourness; tartness'), ('der', u'Subkontinent', u'subcontinent'), ('das', u'Stra\xdfenbahnnetz', u'tramway [Br.]; streetcar system'), ('die', u'Stratosph\xe4re', u'stratosphere'), ('die', u'Spurweite', u'track; gauge; track gauge'), ('das', u'Spritzen', u'injection'), ('die', u'Sprachfamilie', u'language family; stock'), ('das', u'Sportflugzeug', u'two seater'), ('die', u'Splittergruppe', u'splinter group; faction'), ('die', u'Sozialhilfe', u'social security benefits; social welfare benefits [Am.]'), ('die', u'Sendeanstalt', u'broadcaster; station'), ('der', u'Schwei\xdf', u'sweat; sudor; blood'), ('die', u'Schreibung', u'spelling'), ('das', u'Retortenbaby', u'test-tube baby'), ('das', u'Ren', u'reindeer'), ('der', u'Religionsunterricht', u'religious education'), ('die', u'Ratio', u'pure reason; rational logic'), ('die', u'Pressemeldung', u'news item'), ('die', u'Pracht', u'finery; resplendence; gorgeousness; magnificence; splendour [Br.]; splendor [Am.]; richness; glory; panoply')] dictSet_87 = [('der', u'Podcast', u'podcast (Playing On Demand broadcast); non-streamed webcast'), ('das', u'Patt', u'stalemate; stalemate; deadlock; standoff; stand-off'), ('der', u'Mustang', u'mustang'), ('der', u'Multimillion\xe4r', u'multimillionaire'), ('der', u'Messias', u'Messiah'), ('die', u'Markthalle', u'covered market; market hall'), ('der', u'Mammut', u'mammoth'), ('der', u'Machtanspruch', u'claim to power; pretension to power'), ('die', u'Loge', u'box'), ('der', u'Libero', u'sweeper'), ('die', u'Legalisierung', u'legalization [eAm.]; legalisation [Br.]'), ('der', u'Landmann', u'peasant'), ('der', u'K\xfcster', u'sexton; sacristan; verger'), ('das', u'Kulturinstitut', u'cultural institute'), ('das', u'Kulturerbe', u'cultural heritage'), ('das', u'Kugelsto\xdfen', u'shot put; shot-putting; putting the shot'), ('die', u'Klammer', u'staple; clamp; clip; peg; cramp; bear hug'), ('der', u'Kauer', u'chewer'), ('der', u'Kater', u'tomcat; male-cat; tom; hangover'), ('das', u'Kampanien', u'Campania (Italian region)'), ('die', u'Kabine', u'cabin; cab; cage; cubicle; stateroom; dressing room'), ('der', u'Hochofen', u'blast furnace; furnace; smelting furnace'), ('der', u'Haufen', u'heap; accumulation; pile; clamp; cluster; mob; bunch; slew; stack'), ('die', u'Handelsschifffahrt', u'merchant shipping'), ('der', u'Halbmond', u'half moon; half-moon; crescent moon; crescent; crescent of the moon'), ('die', u'Habilitation', u'habilitation; postdoctoral qualification; qualification for a teaching career in higher education'), ('der', u'G\xf6nner', u'backer; patron; well-wisher; sugar daddy; sugardaddy [slang]'), ('das', u'Gr\xfcndungsjahr', u'year established'), ('die', u'Gro\xdfindustrie', u'large scale industry'), ('der', u'Gro\xdfflughafen', u'hub airport [Am.]'), ('die', u'Gedenkfeier', u'commemoration'), ('die', u'Freizeitgestaltung', u"recreational activities {pl}; organization of one's leisure time"), ('der', u'Flugkapit\xe4n', u'aircraft captain; skipper'), ('die', u'Flasche', u'bottle; flagon; twerp; twit'), ('die', u'Fatwa', u'fatwa'), ('der', u'Facharzt', u'specialist (in); consultant [Br.]; attending [Am.]; allergist; plastic surgeon; geriatrician; internist; specialist for internal medicine'), ('die', u'Ethnie', u'ethnic group; ethnicity'), ('die', u'D\xe4mmerung', u'dawn; dusk; twilight'), ('der', u'Drei\xdfiger', u'(number) thirty'), ('das', u'Dock', u'dock'), ('die', u'Diagnose', u'diagnosis'), ('der', u'Denkzettel', u'lesson'), ('der', u'Deist', u'deist'), ('die', u'Charge', u'batch; rank'), ('das', u'Buchen', u'accounting; booking; reservation'), ('das', u'Brutto', u'gross /gr./'), ('die', u'Boa', u'boa'), ('der', u'Blitzeinschlag', u'lightning strike; lightning stroke'), ('die', u'Begabung', u'vocation; giftedness; aptitude; faculty; endowment; ability; bent; talent; facility'), ('die', u'Befragung', u'interrogation; inquiry; questioning; consultation; consult; debriefing; survey; poll (on)'), ('die', u'Beeinflussung', u'impact; interference; influencing; influence (on); lobbying (of so.)'), ('die', u'Baukunst', u'architecture'), ('das', u'Autobahnkreuz', u'motorway intersection; expressway interchange'), ('die', u'Australierin', u'Australian; Aussie [coll.]'), ('die', u'Auktion', u'auction; public sale'), ('die', u'Armutsgrenze', u'poverty level; poverty line'), ('das', u'Aquarell', u'watercolour [Br.]; watercolor [Am.]; watercolour [Br.]; watercolor [Am.]'), ('der', u'Angestellter', u'officer'), ('die', u'Amazone', u'Amazon'), ('die', u'Altsteinzeit', u'Paleolithic; Palaeolithic; old stone age'), ('das', u'Allerheiligen', u"All Saints' Day; Allhallows; Hallow; Hallowmas"), ('das', u'Abziehen', u'decal'), ('die', u'Abwertung', u'abasement; devaluation'), ('die', u'Absprache', u'arrangement; agreement; consultation'), ('das', u'Abheben', u'loss of adhesion; take-off; cut (dividing a pack of playing cards into two before dealing); liftoff; lift-off'), ('der', u'Z\xfcnder', u'exploder; fuse; fuze [Am.] (explosive); igniter; ignitor'), ('die', u'Waldorfschule', u'Rudolf Steiner school'), ('die', u'Virologie', u'virology'), ('die', u'Verstrickung', u'enmeshment'), ('die', u'Verkn\xfcpfung', u'tieing; linking (up with); linkage; linkup; tie; link; connection; combination; alliance; done; nexus'), ('das', u'Verkehrsaufkommen', u'volume of traffic; traffic volume'), ('die', u'Umlaufzeit', u'round-trip time; period of circulation; orbital period'), ('die', u'Symbolik', u'symbolism; imageries'), ('die', u'Standarte', u'standard; guidon'), ('die', u'Sozialforschung', u'social research'), ('der', u'Solist', u'soloist'), ('der', u'Sicherheitsberater', u'security adviser; security advisor'), ('die', u'Sendezeit', u'broadcasting time; airtime; air time'), ('die', u'Selbstverteidigung', u'self-defence; self-defense [Am.]; legitimate self-defence'), ('das', u'Schmelzen', u'fusion; smelting (of metals)'), ('das', u'Schmalz', u'corniness; lard'), ('der', u'Schalttag', u'leap day; intercalary day'), ('der', u'Reiz', u'stimulus; alluringness; attractiveness; charm; charmingness; relish; stimulus (for); allure; allurement; attraction'), ('der', u'Reisepass', u'passport'), ('das', u'Referat', u'department /dept./; presentation; paper; lecture'), ('die', u'Radrennbahn', u'cycling track; velodrome'), ('das', u'Quadrat', u'square; foursquare; quadrat; square'), ('der', u'Pr\xe4sidentenpalast', u'presidential palace'), ('das', u'Poker', u'poker'), ('die', u'Phonologie', u'phonology'), ('das', u'Penicillin', u'penicillin'), ('die', u'Pastorale', u'pastoral'), ('die', u'Pal\xe4ontologin', u'palaeontologist [Br.]; paleotologist [Am.]; fossilist'), ('das', u'Ostufer', u'east bank; eastern bank'), ('die', u'Ortung', u'location; locating'), ('der', u'Nachkomme', u'scion; offspring; descendant; descendent'), ('die', u'Milit\xe4rintervention', u'military intervention'), ('die', u'Metamorphose', u'metamorphosis; metamorphism; metamorphosis'), ('das', u'Messing', u'brass'), ('der', u'Mandarin', u'mandarin')] dictSet_88 = [('das', u'Mandarin', u'Mandarin'), ('der', u'Lokomotivf\xfchrer', u'engine driver [Br.]; engineer [Am.]'), ('die', u'Linse', u'lens; lentil'), ('die', u'Linguistik', u'linguistics'), ('der', u'Liebling', u'darling; sweetheart; bonny; favourite [Br.]; favorite [Am.]; ducky; pet; sweetie; honey; sweetheart; boo [coll.]'), ('die', u'Leere', u'blank; blank space; blankness; emptiness; inaneness; vacantness; vacuity; vacuousness; vacancy; void'), ('die', u'Lebenshilfe', u'life care; life support; counselling [Br.]; counseling [Am.]'), ('die', u'Kurzwelle', u'high frequency; short wave; shortwave /SW/'), ('der', u'Kriegsveteran', u'war veteran'), ('die', u'Krankenkasse', u'health insurance fund; sickness fund; health insurance; health insurance scheme; medical insurance'), ('die', u'Kolonne', u'band; column; column; gang'), ('der', u'Kodex', u'codex'), ('das', u'Klettern', u'climbing'), ('der', u'Kirchenkreis', u'parish'), ('der', u'Kampfrichter', u'referee'), ('das', u'Kalbfleisch', u'veal'), ('das', u'Joule', u'joule'), ('das', u'Intermezzo', u'intermezzo; interlude; musical interlude'), ('die', u'Interferenz', u'interference'), ('die', u'Inbesitznahme', u'occupation; occupancy (of sth.); distress'), ('die', u'Hydratation', u'hydration'), ('die', u'Hunderasse', u'dog breed; breed of dog'), ('die', u'Humanit\xe4t', u'humaneness; humanity'), ('der', u'Hort', u'cr\xe8che [Br.]; after-school care center [Am.]; refuge; shelter; palladium'), ('die', u'Hockeyspielerin', u'hockey player'), ('der', u'Hengst', u'stallion'), ('die', u'Hast', u'hurry; haste; precipitation; precipitancy; rashness'), ('das', u'Groteske', u'grotesqueness'), ('das', u'Grauh\xf6rnchen', u'grey squirrel'), ('die', u'Gew\xe4hrleistung', u'warranty; ensuring (sth.)'), ('die', u'Gewaltlosigkeit', u'nonviolence; non-violence'), ('der', u'Gesichtspunkt', u'point of view; viewpoint'), ('die', u'Franz\xf6sin', u'French woman; Frenchwoman'), ('die', u'Felswand', u'rock face; rock wall; cliff'), ('der', u'Exporteur', u'exporter; export company'), ('die', u'Erleichterung', u'alleviation; easement; facilitation; relief; relief; surcease (from sth.)'), ('die', u'Energieerzeugung', u'energesis; power generation'), ('die', u'Einkaufsstra\xdfe', u'shopping street; shopping promenade'), ('die', u'Eigenstaatlichkeit', u'statehood'), ('der', u'Dodekanes', u'Dodecanese'), ('der', u'Dixieland', u'Dixieland; Dixie'), ('die', u'Dienststelle', u'agency'), ('der', u'Demograph', u'demographer'), ('der', u'Busverkehr', u'bus service'), ('die', u'Bodenerosion', u'soil erosion'), ('die', u'Biomasse', u'biomass'), ('der', u'Billiger', u'approver'), ('die', u'Beschleunigung', u'acceleration; speedup; speed-up'), ('die', u'Beleidigung', u'insult; slander; slur; affront; offence; offense [Am.]; slight (against); indignity; scathe; libel'), ('die', u'Bassistin', u'bass guitarist; double bass player; bass player; bassist'), ('der', u'Ausleger', u'boom; jib; gantry; cantilever; cantilever arm; outrigger; side arm; outrigger'), ('der', u'Ausfluss', u'effluence; outflow; effluent (from a lake); efflux; outfall; flowing off; vaginal discharge; outlet; discharge'), ('das', u'Aufheben', u'ado; fuss'), ('die', u'Atomphysikerin', u'atomic physicist'), ('der', u'Albatros', u'albatross'), ('das', u'Abwehren', u'repelling'), ('die', u'Wirtschaftlichkeit', u'economy; efficiency'), ('der', u'Werkzeug', u'medium'), ('das', u'Werkzeug', u'instrument; agency; tool; artifact; implement; tool kit'), ('der', u'Weltfrieden', u'world peace'), ('der', u'Wasserbau', u'hydraulic engineering; water engineering; hydraulic works; waterworks'), ('die', u'Vorliebe', u'preference; penchant; bias (towards); liking; partiality (for); affectation; fondness; predilection; preference'), ('der', u'Vogelschlag', u'bird strike'), ('die', u'Vertonung', u'setting'), ('das', u'Verh\xe4ngnis', u'doom; fatality; fate'), ('die', u'Variet\xe4t', u'variety'), ('die', u'Variation', u'variation (on); variation'), ('der', u'Urenkel', u'great-grandchild; great-grandson; great-granddaughter'), ('die', u'Unternehmensberatung', u'management consultancy'), ('die', u'Unterhaltungssendung', u'entertainment show'), ('die', u'Turmspitze', u'spire'), ('der', u'Trumpf', u'trump; trumps; trump card; trump card'), ('die', u'Thermodynamik', u'thermodynamics; theory of heat'), ('die', u'Teilstrecke', u'stage; hop; fare [Br.]; leg (of a course)'), ('der', u'Teilstrecke', u'leg'), ('die', u'Tarifrunde', u'bargaining round; wage round'), ('die', u'Syphilis', u'syphilis'), ('der', u'Stilist', u'stylist'), ('die', u'Staatsministerin', u'minister of state'), ('der', u'Staatsdienst', u'public service; government service; civil service'), ('die', u'Schwulenbewegung', u'gay rights movement'), ('der', u'Schieber', u'gate valve; stop valve; spiv; grafter; pusher; slider; wangler'), ('die', u'Schande', u'disgrace; shame; disgracefulness; disrepute; crime; ignominy; opprobrium; reproach'), ('der', u'Schalter', u'switch; counter; ticket window'), ('die', u'Sandale', u'sandal'), ('die', u'Saline', u'saltworks; saline; salina; saltern'), ('die', u'Reinheit', u'purity; chasteness; immaculateness; pureness; cleanness'), ('die', u'Rechenmaschine', u'calculating machine; calculator'), ('die', u'Parodie', u'burlesque; parody; mimicry; spoof'), ('die', u'Parit\xe4t', u'parity'), ('die', u'Palette', u'palette; range; gamut; pallet; stillage; wooden pallet'), ('das', u'Paket', u'packet; parcel [Br.]; package [Am.]'), ('das', u'Netto', u'net'), ('das', u'Megawatt', u'megawatt /MW/'), ('die', u'Medizintechnik', u'medical technology; medical devices'), ('die', u'Ma\xdfeinheit', u'unit; measure; unit of measurement; scale unit'), ('das', u'Matterhorn', u'the Matterhorn (mountain on the border between Switzerland and Italy)'), ('der', u'Macho', u'macho'), ('die', u'Luftlinie', u'bee-line; beeline'), ('die', u'Luftherrschaft', u'air superiority')] dictSet_89 = [('die', u'Lotterie', u'lottery'), ('die', u'Leitlinie', u'policy; guideline; guideline'), ('das', u'Latium', u'Lazio (Italian region)'), ('die', u'Langwelle', u'long wave /LW/'), ('das', u'Landschaftsbild', u'landscape; landscape; landscape painting'), ('die', u'K\xfcstenfunkstelle', u'coastal radio station; shore station'), ('die', u'Kugelsto\xdferin', u'shot-putter'), ('der', u'Kosmopolit', u'cosmopolitan; cosmopolite'), ('das', u'Konsortium', u'syndicate; consortium'), ('das', u'Kongresszentrum', u'convention center'), ('die', u'Kolonisierung', u'colonisation [Br.]; colonization [Am.]'), ('der', u'Katholik', u'Catholic; Roman Catholic'), ('der', u'Kapuziner', u'capuchin'), ('der', u'Justizpalast', u'law courts'), ('der', u'Isthmus', u'isthmus; neck of land'), ('das', u'Instrumentalisierung', u'exploitation; abuse'), ('der', u'Giebel', u'gable; pediments'), ('die', u'Formgebung', u'shaping'), ('der', u'Flottenadmiral', u'Admiral of the Fleet [Br.]; Fleet Admiral [Am.]'), ('das', u'Flair', u'flair'), ('der', u'Fernost', u'Far East'), ('der', u'Fender', u'fender'), ('der', u'Fenchel', u'fennel; saunf [In.]'), ('der', u'Favorit', u'favourite [Br.]; favorite [Am.]'), ('der', u'Fahrzeugbau', u'vehicle construction'), ('das', u'Erbrecht', u'law of trusts; law of succession'), ('der', u'Einschlag', u'impact; impaction; allowance (seam or hem); weft; woof'), ('die', u'Durchsuchung', u'search; body cavity search; shakedown [Am.] [coll.]'), ('die', u'Butter', u'butter'), ('die', u'Bewerberin', u'applicant; candidate; enrollee; contestant'), ('das', u'Beryllium', u'beryllium'), ('die', u'Beeintr\xe4chtigung', u'adverse effect; derogation; negative impact; impairment; damage; prejudice (to sth.); detraction; detracting; encroachment; spoiling; nuisance; restriction; interference'), ('das', u'Bankett', u'banquet; banquet meal; feast'), ('die', u'Ausgangsbasis', u'starting point'), ('das', u'Auseinanderbrechen', u'implosion [fig.]'), ('das', u'Anthrax', u'anthrax; splenic fever'), ('das', u'Amtsblatt', u'official gazette; official journal'), ('die', u'Amtsbezeichnung', u'official title; official designation; grade'), ('der', u'Ablass', u'drain; indulgence'), ('die', u'Abhaltung', u'disincentive; holding'), ('das', u'Aas', u'carrion; sod [coll.]'), ('das', u'Aalen', u'Aalenian (subdivision of the Middle Jurassic epoch)'), ('die', u'Zwischenlandung', u'intermediate landing; flight stop-over; stopover'), ('der', u'Wirbel', u'tuning peg; peg; tuning pin (on stringed instruments); fuss; to-do; kerfuffle [Br.]; hoo-ha [Br.] [coll.]; roll of drums; roll; vortices; swivel; vertebra; vortex; whirl; swirl; eddy; splurge; gyre'), ('der', u'Wiesel', u'weasel'), ('die', u'Wiederauff\xfchrung', u'revival; rerun; restage (of a work)'), ('die', u'Wertsch\xf6pfung', u'net product; creation of value; added value; net value added'), ('das', u'Wasserwerk', u'waterworks'), ('die', u'Wasserfl\xe4che', u'surface of the water; water surface'), ('der', u'Waldbrand', u'forest fire'), ('das', u'Vogelschutz', u'protection of birds'), ('der', u'Veterin\xe4r', u'veterinary surgeon; veterinarian [Am.]'), ('die', u'Verunsicherung', u'insecurity; feeling of insecurity; discomfiture; disconcertion; disconcertment'), ('der', u'Uhrenhersteller', u'maker of clocks or watches; clock/watch maker; horologist'), ('die', u'Tatra', u'Tatra'), ('die', u'Stra\xdfenbahnlinie', u'tramway'), ('die', u'Stenografie', u'stenography; shorthand; stenography'), ('der', u'Steinbock', u'ibex; Capricorn; Capricornus; Sea Goat'), ('der', u'Stecker', u'connector; plug; jack; connector; plug; male plug; stomacher'), ('die', u'Stadtgemeinde', u'borough'), ('die', u'Spezialisierung', u'specialization [eAm.]; specialisation [Br.]'), ('die', u'Segregation', u'segregation'), ('der', u'Schwule', u'gay; queer; poof; poofter; poove [Br.] [slang]; fairy [Am.] [slang]; fag; homofag; faggot; fagot; queen; queer; pansy [slang]'), ('die', u'Sauce', u'sauce'), ('der', u'Salzsee', u'salt lake; saline lake'), ('die', u'Romanik', u'Romanesque'), ('die', u'Ressource', u'resource'), ('der', u'Rechtsnachfolger', u'successor in interest; successor in title; assignee; assign; grantee'), ('der', u'Quark', u'curd; curd cheese; quark; junket; nonsense; rubbish; twaddle; tosh [Br.]; codswallop [Br.]; rot [Br.] (old-fashioned)'), ('das', u'Quark', u'quark'), ('der', u'Propeller', u'air-screw; propeller; propellor; prop'), ('das', u'Priesterseminar', u'seminary'), ('die', u'Posaune', u'trombone'), ('das', u'Pfand', u'bottle deposit; deposit; security; pawn; forfeit; mortgage; pledge'), ('das', u'Partikel', u'particle; grain'), ('der', u'Normalfall', u'normal case'), ('die', u'Niere', u'kidney'), ('die', u'Nationalheldin', u'national heroine'), ('der', u'Nachbrenner', u'afterburner'), ('das', u'M\xfcndungsgebiet', u'estuary; mouth of a river; river mouth; stream outlet; embouchure; debouchure'), ('der', u'Milit\xe4rst\xfctzpunkt', u'military base'), ('der', u'Milit\xe4rgef\xe4ngnis', u'brig'), ('das', u'Milit\xe4rgef\xe4ngnis', u'stockade [Am.]'), ('der', u'Milit\xe4rattach\xe9', u'military attach\xe9; military attache'), ('die', u'Menschenkette', u'human chain'), ('das', u'Masuren', u'Masuria'), ('der', u'Marschflugk\xf6rper', u'cruise missile'), ('der', u'Lift', u'lift; elevator [Am.]'), ('die', u'Liege', u'couch; chaise; chaise longue; lounger'), ('das', u'Kunsthandwerk', u'arts and craft; (artistic) handicrafts'), ('die', u'Konstellation', u'constellation'), ('das', u'Kleinkind', u'infant; sprog [Br.]; baby'), ('das', u'Kirchspiel', u'parish'), ('der', u'Kautschuk', u'uncured rubber; india rubber; caoutchouc'), ('die', u'Kanonade', u'cannonade'), ('der', u'Inspektor', u'superintendent'), ('der', u'Immigrant', u'immigrant'), ('der', u'H\xf6henunterschied', u'difference in altitude; difference in elevation'), ('der', u'Hyacinth', u'hyacinth; jacinth'), ('der', u'Hugenotte', u'huguenot')] dictSet_90 = [('das', u'Hallenhockey', u'indoor field hockey'), ('der', u'G\xfcnstling', u'minion'), ('die', u'Grundsatzrede', u'keynote address'), ('der', u'Globetrotter', u'globe-trotter'), ('der', u'Geltungsbereich', u'scope; ambit; range of validity/application (of sth.)'), ('das', u'Geh\xf6r', u'ear; hearing; audience; sense of hearing; auditory sense; hearing; audition'), ('das', u'Gateway', u'gateway'), ('die', u'Fr\xf6mmigkeit', u'devoutness; piety'), ('das', u'Flugdeck', u'flight deck (on an aircraft carrier)'), ('die', u'Fitness', u'fitness'), ('die', u'Feuerzangenbowle', u'red wine punch (containing rum which has been set alight)'), ('der', u'Feuerl\xf6scher', u'fire extinguisher; extinguisher'), ('das', u'Fertigen', u'manufacture'), ('das', u'Fernrohr', u'telescope'), ('die', u'Fee', u'fairy; faerie [poet.]'), ('das', u'Fachen', u'doubling-folding'), ('das', u'Ester', u'ester'), ('die', u'Erreichbarkeit', u'accessibleness; reachability'), ('das', u'Ernten', u'cotton harvest; harvesting; picking'), ('die', u'Drucksache', u'printed matter'), ('die', u'Druckkabine', u'pressurized cabin'), ('der', u'Dorsch', u'cod; codfish'), ('der', u'Coup', u'coup'), ('der', u'B\xfcchersammler', u'bookcollector; book collector'), ('die', u'Bushaltestelle', u'bus stop'), ('der', u'Buchbinder', u'bookbinder'), ('das', u'Bruttosozialprodukt', u'gross national product /GNP/'), ('der', u'Brennpunkt', u'combustion point; focal point; focus; hotspot; hot spot (for sth.); hotspot; hot-spot; hot spot'), ('der', u'Bourbone', u'Bourbon'), ('das', u'Bl\xfchen', u'blooming; bloom'), ('die', u'Bildqualit\xe4t', u'picture quality; quality of image'), ('das', u'Betonieren', u'placing of concrete'), ('die', u'Authentizit\xe4t', u'authenticity'), ('die', u'Anreise', u'arrival; journey to a destination; journey; outward journey'), ('das', u'Alltagsleben', u'everyday life; daily life; mundane existence'), ('die', u'Aktie', u'share [Br.]; share of stock [Am.]; stock [Am.]; share certificate'), ('das', u'Aktenzeichen', u'file number; reference (in correspondence)'), ('der', u'Akkord', u'chord; piece-rate work; piecework'), ('das', u'Abstrakte', u'abstract'), ('der', u'Zuspruch', u'encouragement; consolation; comfort; words of comfort'), ('der', u'Zusammenhalt', u'cohesion; coherence'), ('die', u'Zugfestigkeit', u'tensile strength'), ('der', u'Wohlt\xe4ter', u'benefactor'), ('die', u'Wirtschaftslage', u'economic situation; economic fluctuation'), ('der', u'Wildpark', u'wild park; wildlife park; game park'), ('die', u'Wertpapierb\xf6rse', u'stock exchange'), ('die', u'Weltreise', u'world tour; world journey; round-the-world trip'), ('der', u'Waldfriedhof', u'forest cemetery'), ('die', u'Vogelwarte', u'ornithological station'), ('die', u'Vervollst\xe4ndigung', u'complement; completion; integration'), ('das', u'Versteck', u'cache (for weapons); cranny; hideaway; stash [coll.]; hiding-place; hidy-hole; hideout'), ('die', u'Urne', u'urn'), ('die', u'Unt\xe4tigkeit', u'inactivity; inactiveness; inactivity; inertially'), ('der', u'Unsinn', u'tosh [Br.]; nonsense; rubbish; twaddle; tosh [Br.]; codswallop [Br.]; rot [Br.] (old-fashioned); crap [slang]; absurdism'), ('die', u'Unruhe', u'unrest; unease; uneasiness; anxiety; commotion; tumult; balance spring; disquietude; ruckus; disquietness; fidget; fidgetiness; inquietude; trouble; concern (at; about; for)'), ('die', u'T\xe4uschung', u"illusion; swindle; con; mare's nest [coll.]; beguilement; deception; deceit; deceptiveness; delusion; illusiveness; mystification"), ('das', u'Trockendock', u'dry dock'), ('der', u'Triumphzug', u'triumph; triumphal procession'), ('die', u'Trib\xfcne', u"grandstand; stand; rostrum; speaker's platform; platform; bleachers [Am.]; gallery; stand"), ('das', u'Transportmittel', u'means of transportation; means of transport; conveyance'), ('der', u'Totentanz', u'Dance of Death; Danse Macabre'), ('die', u'Tiefgarage', u'underground parking; underground car park [Br.]; underground garage [Am.]; subterranean garage'), ('das', u'Synchrotron', u'synchrotron'), ('das', u'Swahili', u'swahili'), ('der', u'Studiengang', u'course of studies; study path'), ('die', u'Stifterin', u'founder; donor'), ('die', u'Stange', u'hen-roost; perch; pole; rod; bar; perch; stick'), ('die', u'Sprachwissenschaft', u'linguistics; glottology'), ('die', u'Sintflut', u'the Flood; the Deluge'), ('das', u'Seezeichen', u'sea marker'), ('die', u'Schwierigkeit', u'problem; arduousness; hitch; intricacy; difficulty; trouble; severity'), ('der', u'Schwarzmarkt', u'black market; black market'), ('der', u'Schrott', u'scrap metal; scrap; tat; schlock'), ('die', u'R\xfcstungsbegrenzung', u'arms limitation'), ('das', u'Rotwild', u'red deer'), ('der', u'Rennsport', u'racing'), ('die', u'Raumfahrerin', u'spacewoman; space traveller; astronaut'), ('die', u'Radiation', u'radiation'), ('der', u'Puff', u'brothel; whorehouse; toke; buffet; dig'), ('der', u'Pornofilm', u'porn film [Br.]; porn movie [Am.]; adult film/movie; blue film/movie; skin flick'), ('der', u'Pfl\xfcger', u'ploughman; plowman [Am.]'), ('die', u'Pfarrerin', u'priestess; vicar; woman pastor; clergywoman'), ('der', u'Pelzhandel', u'fur trade'), ('der', u'Paukenschlag', u'beat of the drum'), ('die', u'Pagode', u'pagoda'), ('die', u'Notiz', u'note; memo; /N.B.; NB/; aide memoire; minute; note; notification; memorandum'), ('der', u'Neurotiker', u'neurotic'), ('das', u'Neolithikum', u'neolithic; young stone age'), ('das', u'Naturdenkmal', u'natural monument'), ('der', u'M\xfcnzer', u'coiner'), ('das', u'Munster', u'Munster'), ('die', u'Mole', u'jetty; pier'), ('die', u'Misshandlung', u'mistreatment; maltreatment'), ('der', u'Mieter', u'lodger; renter [Am.]; tenant; lessee'), ('die', u'Metallindustrie', u'metal industry'), ('der', u'Meistersinger', u'meistersinger'), ('die', u'Margarine', u'-margarine; oleomargarine; oleo'), ('das', u'Manual', u'manual; manual'), ('die', u'Landungsbr\xfccke', u'gangplank; jetty'), ('die', u'Landbr\xfccke', u'land bridge')] dictSet_91 = [('der', u'K\xfchler', u'cooler; radiator; chiller'), ('das', u'Kentern', u'capsizing'), ('die', u'Ionosph\xe4re', u'ionosphere'), ('der', u'Incubus', u'nightmare; incubus'), ('die', u'H\xf6chsttemperatur', u'top temperature'), ('die', u'Hitlerjugend', u'Hitler Youth'), ('die', u'Herpetologie', u'herpetology'), ('der', u'Heiland', u'Saviour; Redeemer'), ('das', u'Haiku', u'haiku'), ('der', u'Gr\xf6nl\xe4nder', u'Greenlander'), ('der', u'Gleichstrom', u'direct current /DC; D.C./; concurrent flow'), ('das', u'Gehei\xdf', u'behest'), ('die', u'Frontlinie', u'front line'), ('der', u'Fluchtversuch', u'attempt to escape; escape attempt; escape bid'), ('der', u'Fischadler', u'osprey'), ('die', u'Finanzpolitik', u'fiscal policy'), ('der', u'Finanzmarkt', u'financial market; mart [coll.]'), ('der', u'Esel', u'donkey; moke [Br.]; burros; jackass; ass; zany'), ('die', u'Erw\xe4gungen', u'consideration'), ('das', u'Epos', u'epic; epic poem; epos; epopee'), ('das', u'Eismeer', u'Polar Sea'), ('der', u'Dinosaurier', u'Dinosaur'), ('die', u'Devise', u'motto'), ('der', u'Despot', u'despot'), ('das', u'Coup\xe9', u'coup\xe9; coup\xe9; coupe (closed car with two doors)'), ('das', u'Containerschiff', u'container ship'), ('das', u'Connaught', u'Connaught'), ('der', u'Charme', u'charm; allure; allurement'), ('das', u'Bindemittel', u'binder; binding agent; binding material; cement; excipient; thickener'), ('die', u'Besserung', u'betterment; melioration; reform; improvement'), ('die', u'Bergstation', u'summit station'), ('das', u'Berauben', u'robbery (of sth./sb.)'), ('die', u'Bauh\xfctte', u"builders' hut"), ('die', u'Bai', u'bay; bight'), ('die', u'Au\xdfenwirtschaft', u'foreign trade'), ('das', u'Auflegen', u'issue; laying'), ('das', u'Artkonzept', u'species concept'), ('die', u'Antennenanlage', u'aerial system'), ('das', u'Altersheim', u"retirement home; old people's home; senior-citizens home; rest home; retirement home; old people's home; home for the aged"), ('die', u'Ablenkung', u'diversion; distraction; deviation; deflection; deflexion [Br.]; deviation'), ('die', u'Zweigstelle', u'office; branch; branch office; branch'), ('das', u'Zuckerrohr', u'sugar cane; sugarcane'), ('der', u'Zeitungsartikel', u'newspaper article'), ('der', u'Wischer', u'wiper; wiper'), ('die', u'Wettbewerbsf\xe4higkeit', u'competitive position; competitive capacity; competitive ability; capacity to compete; competitiveness'), ('der', u'Walf\xe4nger', u'whaler'), ('der', u'Vorposten', u'vanguard; van; vaward [obs.]; forward post; outpost'), ('die', u'Vogelgrippe', u'bird flu; avian influenza; avian flu'), ('das', u'Verkehrsunternehmen', u'transportation company'), ('die', u'Vereinbarkeit', u'compatibility; consistency; reconcilableness'), ('das', u'Usenet', u'Usenet (user + network, Internet discussion system)'), ('die', u'Untreue', u'perfidy; infidelity; unfaithfulness; embezzlement'), ('die', u'Umweltkatastrophe', u'ecological disaster; environmental catastrophe; eco-catastrophe'), ('der', u'Trog', u'basin; tub; trough; vat; trough'), ('der', u'Tip', u'advice; hint; tip'), ('der', u'Tiefpunkt', u'low point; rock-bottom; rock bottom; bottom; low'), ('der', u'Tender', u'tender'), ('die', u'Synchronisation', u'dubbing; synchronization [eAm.]; synchronisation [Br.]'), ('der', u'Stadtstaat', u'city state'), ('das', u'Springen', u'bouncing; leaping (of a whale or dolphin); breaching (of a whale)'), ('die', u'Spezies', u'species'), ('die', u'Sozialgesetzgebung', u'social legislation'), ('die', u'Sonneneinstrahlung', u'insolation; heliation; solarization; incoming solar radiation; solar radiation; solar irradiation'), ('die', u'Simulation', u'simulation'), ('das', u'Seitenruder', u'rudder'), ('der', u'Schie\xdfbefehl', u'firing order; order to shoot'), ('das', u'Salzwasser', u'salt water; salty water; saltwater; seawater; brine; saline water'), ('die', u'R\xfcckzahlung', u'back pay; repayment; rebate; refund; refunding; payback; clean-up [Am.]; redemption; liquidation; amortization (of sth.)'), ('die', u'Romanistin', u'teacher of Romance languages and Literature; researcher of Romance languages and Literature'), ('das', u'Roheisen', u'pig iron'), ('die', u'Rhapsodie', u'rhapsody'), ('der', u'Regierungsantritt', u'accession to power'), ('das', u'Radon', u'radon'), ('der', u'Quast', u'tassel'), ('die', u'Psychotherapie', u'psychotherapy'), ('das', u'Provisorium', u'temporary measure; provisional arrangement'), ('der', u'Postverkehr', u'postal service'), ('das', u'Poster', u'poster'), ('die', u'Popkultur', u'pop culture; popular culture'), ('die', u'Politologin', u'political scientist'), ('die', u'Polio', u'poliomyelitis; polio; infantile paralysis [obs.]'), ('der', u'Philister', u'Philistine'), ('das', u'Parkett', u'parquet; stalls [Br.]'), ('der', u'Ortsname', u'place name'), ('das', u'Nylon', u'nylon'), ('die', u'Nebenlinie', u'byline; side line; offshoot; branch line; branchline'), ('der', u'Nacken', u'neck; nape (of the neck); scruff'), ('das', u'Nachbeben', u'aftershock'), ('der', u'Matsch', u'capot; sludge; slush; mush; slobber; drool; slush'), ('die', u'Manufaktur', u'cottage industry [Br.]; manufactory; factory'), ('der', u'Lufttransport', u'air transportation; carriage by air; airlift'), ('die', u'Lebensgefahr', u'danger of life'), ('die', u'K\xf6rpergr\xf6\xdfe', u'body height; height'), ('der', u'Kulturkreis', u'society'), ('der', u'Kran', u'crane'), ('die', u'Kosmonautin', u'cosmonaut'), ('der', u'Koordinator', u'anchorman; anchorwoman; anchor; coordinator'), ('die', u'Kompensation', u'compensation; null balance; nullification'), ('die', u'Koda', u'coda'), ('die', u'Kleider', u'outfit')] dictSet_92 = [('die', u'Kernwaffe', u'nuclear weapon; nuke [coll.]'), ('der', u'Juno', u'June'), ('der', u'Ire', u'Irishman; Irishwoman'), ('die', u'Industrieproduktion', u'industrial output'), ('die', u'Hydrologie', u'hydrology'), ('der', u'Hohn', u'scoff; taunt; scorn; derision; contumely; libel; travesty'), ('die', u'Hochsprache', u'standard language'), ('die', u'Hepatitis', u'hepatitis; inflammation of the liver'), ('die', u'Gleichung', u'equation'), ('die', u'Glaubw\xfcrdigkeit', u'plausibility; credibility; cred; believability; credit; fidelity; authenticity'), ('die', u'Gipfelkonferenz', u'summit meeting; summit conference'), ('das', u'Gep\xe4ck', u'baggage; luggage [Br.]; impediments {pl}'), ('der', u'Frischbeton', u'fresh concrete; freshly mixed concrete; wet concrete'), ('das', u'Foyer', u'lounge; guest lounge; foyer'), ('der', u'Fernsehsprecher', u'television announcer; TV announcer'), ('der', u'Faustball', u'fistball'), ('der', u'Fabeldichter', u'write of fables; fabulist'), ('das', u'Evangelium', u'Gospel'), ('die', u'Elektrolyse', u'electroanalysis; electrolysis; electrolysis'), ('der', u'Dolmetscher', u'interpreter'), ('die', u'Diva', u'diva; prima donna; star'), ('das', u'Dezimalsystem', u'decimal system'), ('die', u'Charakterisierung', u'characterization [eAm.]; characterisation [Br.]'), ('das', u'Carrel', u'carrel; booth; carrel desk'), ('die', u'Brut', u'spawn; brood; mob; lot; brooding; sitting; breed'), ('die', u'Blechtrommel', u'tin drum'), ('der', u'Bildschirm', u'display; screen; telescreen; screen; monitor; VDU (abbr. for visual display unit )'), ('die', u'Bilanzsumme', u'balance sheet total'), ('die', u'Besitzung', u'possession; estate; property'), ('das', u'Besitztum', u'estate'), ('die', u'Beraterin', u'consultant; consultant; advisor'), ('das', u'Bed\xfcrfnis', u'want; need; need'), ('die', u'Bedr\xe4ngnis', u'distress; affliction; dire straits'), ('der', u'Bauernhof', u'farm; farmstead'), ('der', u'Bauarbeiter', u'construction worker'), ('die', u'Ballonfahrerin', u'balloonist'), ('das', u'Bahnnetz', u'railway network [Br.]; railroad network [Am.]; rail network'), ('die', u'Aufspaltung', u'breakdown; splitting; splitting up; cleavage; splitting'), ('der', u'Apfel', u'apple'), ('die', u'Anschaffung', u'purchase; acquisition'), ('der', u'Z\xfcgel', u'rein'), ('das', u'Z\xf6gern', u'indecisions; hesitation; hesitance'), ('der', u'Zwischenstopp', u'stopover; stop-off; transit stop'), ('die', u'Zuverl\xe4ssigkeit', u'safeness; soundness; trustiness; reliability; credibleness; creditableness; dependability; steadiness; dependableness'), ('die', u'Zuspitzung', u'tapering; critical development; critical situation'), ('die', u'Wirtschaftsordnung', u'economic order/system'), ('die', u'Wiederer\xf6ffnung', u're-opening'), ('der', u'Weltruhm', u'world fame, worldwide fame'), ('die', u'Wartezeit', u'stop; stopover; idle time; time of waiting; waiting period; period of restriction; qualifying period (insurances); waiting time; waiting period; wait; attendance time; latency'), ('das', u'Walross', u'walrus'), ('das', u'Volksempf\xe4nger', u'NS-era radio'), ('die', u'Verk\xfcrzung', u'shortening; foreshortening; condensation; avoidance (of taxes); abbreviation; abridgement; contraction'), ('die', u'Variable', u'unknown quantity; variable'), ('die', u'Unterlegenheit', u'inferiority (to)'), ('der', u'Tuff', u'tuff (volcanic); tufa (sedimentary)'), ('die', u'Trockenlegung', u'drainage; draining; dewatering; unwatering'), ('die', u'Transliteration', u'transliteration'), ('das', u'Torpedoboot', u'torpedo boat'), ('der', u'Tarnkappenbomber', u'Stealth bomber'), ('der', u'Stollen', u'fruit loaf; fruit cake; stollen [Am.] (eaten at Christmas); stud; mining gallery; tunnel; adit'), ('das', u'Stahlwerk', u'steelwork; steel mill; steelworks'), ('das', u'Sportkegeln', u'skittle'), ('das', u'Speerwerfen', u'javelin'), ('der', u'Sklavenh\xe4ndler', u'slave trader'), ('das', u'Selbstbildnis', u'self-portrait'), ('das', u'Selbstbewusstsein', u'self-confidence; ego; self-consciousness; self-awareness'), ('das', u'Seil', u'rope; cable (metal); tightrope; cord'), ('der', u'Schlachthof', u'slaughterhouse; abattoir'), ('das', u'Schafott', u'scaffold'), ('der', u'Rothirsch', u'red deer; elk [Am.]'), ('das', u'Reiseziel', u'destination'), ('die', u'Rechtsnachfolgerin', u'successor in interest; successor in title'), ('das', u'Priestertum', u'the ministry'), ('der', u'Pommer', u'bombarde'), ('das', u'Polonium', u'polonium'), ('der', u'Patriotismus', u'patriotism'), ('der', u'Parkplatz', u'car park; parking lot [Am.]'), ('die', u'Oberherrschaft', u'dominion; supremacy; supreme authority'), ('der', u'Nadelwald', u'coniferous forest'), ('die', u'Nachtwache', u'nocturnal vigil'), ('die', u'Musiktheorie', u'music theory'), ('die', u'Montanindustrie', u'mining industry; coal and steel industry'), ('das', u'Mittelgewicht', u'middleweight'), ('der', u'Medaillenspiegel', u'medal table'), ('der', u'Medaillengewinner', u'medalist; medallist; medal winner'), ('der', u'Maifisch', u'shad'), ('das', u'Looping', u'loop'), ('die', u'Lithographie', u'lithograph; lithography'), ('die', u'K\xf6nigsklasse', u'elite class'), ('der', u'Kurseinbruch', u'fall in prices; slump'), ('die', u'Kriminalgeschichte', u'mystery story; mystery novel; detective story'), ('die', u'Kreditanstalt', u'credit institute'), ('das', u'Kopieren', u'copying'), ('der', u'Kojote', u'coyote'), ('die', u'Kenngr\xf6\xdfe', u'feature size; characteristic value; parameter'), ('die', u'Kapitalerh\xf6hung', u'increase of capital'), ('die', u'Kampfgruppe', u'brigade group'), ('der', u'J\xfcngling', u'lad; youngling; youth; teenager; teen'), ('die', u'Jugendzeit', u'adolescence; youth; early days'), ('die', u'H\xe4ufung', u'accumulation; burst')] dictSet_93 = [('der', u'Heizwert', u'calorific value; heating value; caloric value'), ('der', u'Hammerwurf', u'hammer throw'), ('die', u'Goldw\xe4hrung', u'gold standard'), ('das', u'Gewand', u'robe; garb; vest [poet.]; garment; vestment; raiment; livery; vesture'), ('der', u'Geburtshelfer', u'obstetrician; perinatologist'), ('die', u'Funkverbindung', u'radio contact; radio communication'), ('die', u'Freeware', u'freeware'), ('das', u'Flussbett', u'river bed; riverbed; river bottom; stream bed; bed'), ('die', u'Firmengr\xfcndung', u'formation of a company'), ('der', u'Findling', u'erratic block; drift boulder; perched block; glacial boulder'), ('die', u'Feuersbrunst', u'blaze; conflagration'), ('das', u'Fasten', u'fasting period; fast; fasting; fast'), ('die', u'Eskorte', u'escort'), ('das', u'Entgelt', u'consideration; hire; charges'), ('die', u'Einnahmequelle', u'source of revenue; source of income; revenue stream'), ('die', u'Einfachheit', u'elementariness; homeliness; simpleness; simplicity; simplicity; plainness'), ('die', u'Eichel', u'acorn; glans'), ('der', u'Edelstein', u'gem; gemstone; precious stone; jewel'), ('der', u'Drogist', u'chemist; druggist [Am.]'), ('die', u'Dreifaltigkeit', u'Trinity'), ('der', u'Dobermann', u'doberman; Doberman pinscher'), ('die', u'Castingshow', u'casting show'), ('die', u'Buche', u'beech'), ('die', u'Brailleschrift', u'braille'), ('das', u'Bort', u'bort; boart'), ('die', u'Bohrung', u'drill hole; drilled hole; borehole; (drilled) well; bore; bore; drill; hole; drilling; boring'), ('das', u'Bohrloch', u'drill hole; drilled hole; borehole; (drilled) well; bore'), ('das', u'Besucherzentrum', u"visitors' center; visitors' centre"), ('die', u'Bestechung', u'bribery; graft; corruption; bribe; bung [Br.] [slang]'), ('die', u'Bekehrung', u'conversion'), ('die', u'Beichte', u'confession; shrift'), ('die', u'Behebung', u'removal; withdrawal (of an amount of money); correction of the defects; redress'), ('der', u'Ballsaal', u'ballroom; ball room'), ('das', u'Ausbreiten', u'widening; spreading'), ('die', u'Auffahrt', u'driveway; slip road [Br.]'), ('der', u'Atombombenabwurf', u'atomic bomb dropping; atomic bombing; dropping of an atom bomb; atomic bomb release'), ('die', u'Astrologie', u'astrology'), ('die', u'Anthologie', u'anthology'), ('das', u'Ansprechen', u'reaction'), ('der', u'Alleingang', u'solo run; solo effort'), ('das', u'Ableiten', u'differentiation'), ('die', u'Abdeckung', u'access cover; blanking cover; coping; cover; covering; barrier; escutcheon; cocoon; cover; occultation; revelation'), ('der', u'Zirkusdirektor', u'ringmaster; circus director'), ('die', u'Zielgruppe', u'target group; audience'), ('die', u'Wintersaison', u'winter season'), ('der', u'Westwall', u'Siegfried line'), ('der', u'Wechselstrom', u'alternating current /AC; A.C./'), ('der', u'Wasserweg', u'water route; waterway'), ('der', u'Wasserfall', u'waterfall; falls; cascade; cataract'), ('der', u'Wandervogel', u'wanderer; bird of passage; wayfaring man'), ('die', u'Wachmannschaft', u'guard detail'), ('das', u'Vorzeichen', u'omen; portent; accidental; augury'), ('die', u'Vorauswahl', u'preselection; screening; prequalification of tenders'), ('die', u'Vollmacht', u'authority; full power; legal power; legal authority; letter of attorney; power of attorney; warrant; stock power'), ('der', u'Vielv\xf6lkerstaat', u'multinational state'), ('der', u'Verst\xe4rker', u'amplifier; amp; intensifier; repeater; multiplier; booster'), ('die', u'Versklavung', u'enslavement'), ('die', u'Verm\xe4hlung', u'wedding; marriage'), ('der', u'Verk\xe4ufer', u'seller; shop assistant [Br.]; sales assistant; clerk; shop clerk; sales clerk [Am.]; salesman; salesperson; shopman; vendor [Br.]; vender [Am.]'), ('der', u'Vergn\xfcgungspark', u'recreational park; amusement park; funfair'), ('die', u'Umgehung', u'workaround; bypassing; circumvention; evasion; bypass; bypass road; avoidance'), ('der', u'Tumult', u'riot; bedlam; affray; hubbub; welter; pandemonium; hurly-burly; hullabaloo'), ('die', u'Tugend', u'goodness; virtue'), ('die', u'Tolle', u'quiff'), ('das', u'S\xfcdeuropa', u'Southern Europe'), ('das', u'Streifenh\xf6rnchen', u'chipmunk'), ('der', u'Streich', u'coup; trick; trickery; mischievous trick; prank; joke; prank; trick; escapade; stroke'), ('die', u'Strafprozessordnung', u'Code of Criminal Procedure'), ('die', u'Stadtchronik', u'history of a town'), ('der', u'Sonderfrieden', u'separate peace'), ('die', u'Skifahrerin', u'skier'), ('die', u'Seemine', u'sea mine; naval mine'), ('die', u'Seemeile', u'nautical mile; sea mile'), ('der', u'Schwindel', u"fudge; humbug; hokum; giddiness; goldbrick [pej.]; swindle; bogus; dizziness; giddiness; light-headedness; fake; cheat; swindle; con; imposture; quackery; vertigo; mumbo-jumbo; hocus-pocus; mare's nest [coll.]; whirl"), ('das', u'Schwefeldioxid', u'sulphur dioxide; sulfur dioxide [Am.]'), ('die', u'Schutzhaft', u'protective custody'), ('das', u'Schelfeis', u'shelf ice; barrier ice'), ('die', u'Schaltung', u'shifter; gear change; gearshift; shift; shifting system; circuit; set-up; hook-up; wiring'), ('der', u'Satellitenstaat', u'satellite state; client state'), ('der', u'Sanit\xe4tsoffizier', u'medical officer /MO/'), ('der', u'R\xfcstungswettlauf', u'armament race; arms race; escalation ladder [fig.]'), ('die', u'R\xfccksprache', u'consultation'), ('die', u'R\xfcckgewinnung', u'retrieval; recovery (of sth.); second mining; second working; reclamation'), ('der', u'Rekordhalter', u'record holder'), ('das', u'Reinheitsgebot', u'purity requirement; reinheitsgebot'), ('der', u'Regierungsvertreter', u'government representative'), ('die', u'Rauchschwalbe', u'barn swallow'), ('der', u'Quarz', u'quartz'), ('der', u'Prolog', u'prologue; prolog [Am.]'), ('die', u'Pressezensur', u'censorship of the press'), ('die', u'Polemik', u'polemic; polemics'), ('die', u'Pfingstbewegung', u'pentecostalism'), ('das', u'Pendel', u'pendular; pendulum'), ('die', u'Pathologie', u'pathology'), ('der', u'Pandit', u'pundit'), ('der', u'Obrist', u'colonel /Col./'), ('das', u'Mondgestein', u'moon rock; moon rocks'), ('der', u'Mitsch\xfcler', u'classmate; schoolfellow; schoolmate'), ('das', u'Mineralwasser', u'mineral water; minerals'), ('die', u'Meerenge', u'strait; straits (of); sound')] dictSet_94 = [('die', u'Medienlandschaft', u'media landscape; mediascape; media scene'), ('der', u'Mafiaboss', u'capo'), ('der', u'Lebensabend', u'evening of life; eventide'), ('die', u'K\xfchle', u'chilliness; coolness; chill'), ('der', u'Kurswechsel', u'change of policy; veer'), ('die', u'Kunstszene', u'art world'), ('die', u'Klientel', u'clientele'), ('der', u'Kladderadatsch', u'unholy mess'), ('der', u'Kashmir', u'Kashmir'), ('das', u'Kapern', u'seizure (of a ship)'), ('die', u'Kabinettsumbildung', u'cabinet reshuffle; shuffle of the cabinet'), ('der', u'Hufnagel', u'horseshoe-nail'), ('die', u'Hom\xf6opathie', u'homoeopathy [Br.]; homeopathy [Am.]'), ('der', u'Hochsommer', u'midsummer'), ('die', u'Gro\xdfdemonstration', u'mass demonstration'), ('die', u'Gospels\xe4ngerin', u'gospel singer'), ('der', u'Gleitflug', u'gliding flight; volplane'), ('das', u'Gleis', u'rail; line; track; rails'), ('die', u'Gewerbesteuer', u'trade tax; commercial tax [Am.]'), ('das', u'Gesamtwerk', u'complete works'), ('der', u'Gedankenaustausch', u'exchange of ideas; brainstorming'), ('die', u'Gartenbohne', u'common bean; haricot; haricot bean'), ('die', u'Freimaurerloge', u'Masonic lodge'), ('die', u'Forschungsf\xf6rderung', u'research promotion'), ('der', u'Fluglehrer', u'pilot instructor'), ('der', u'Filmdarsteller', u'movie actor; film actor'), ('das', u'Fieber', u'bug; fever (disease); temperature; pyrexia; fever'), ('der', u'Fakir', u'fakir'), ('die', u'Erotik', u'eroticism; erotism; sexiness'), ('die', u'Erbse', u'pea'), ('der', u'Einzugsbereich', u'catchment area; service area'), ('die', u'Drehung', u'turn; twist; gyration; rotation; twist; twisting; barrel roll; veer; swing'), ('der', u'Dompteur', u'tamer; animal tamer; (animal) trainer'), ('der', u'Dieselkraftstoff', u'diesel fuel; diesel'), ('die', u'Demo', u'demonstration; demo [coll.]'), ('die', u'Computergrafik', u'computer graphics'), ('der', u'Bronzeguss', u'bronze casting'), ('der', u'Brandschutz', u'fire prevention; fire protection; protection against fire'), ('das', u'Bohren', u'boring; drilling'), ('die', u'Biosph\xe4re', u'biosphere'), ('die', u'Bestandsaufnahme', u'stock taking; stocktaking; stock-check; inventory control; taking of an inventory'), ('die', u'Besichtigung', u'tour (museum); viewing; inspection; review (of troops); visit; perambulation; sightseeing'), ('der', u'Besch\xfctzer', u'buckler; guardian; paladin; defender (of sth.) [fig.]'), ('der', u'Aussteller', u'exhibitor; issuer (of sth.); drawer'), ('die', u'Aster', u'aster'), ('die', u'Arbeitskraft', u'man power; manpower'), ('die', u'Annullierung', u'cancellation; cancelation [Am.]; anullment; nullification; defeasance'), ('die', u'Amtshandlung', u'official act; act; official (pastoral) act (chruch ceremony)'), ('die', u'Altertumskunde', u'archeology; archaeology'), ('das', u'Alpenvorland', u'Alpine Foothills'), ('die', u'Allegorie', u'allegory; apologue'), ('die', u'Akustik', u'acoustics'), ('die', u'Abtragung', u'ablation; erosion; removal; abrasion; erosion; denudation; degradation; wearing away [down]; stripping; truncation'), ('die', u'Aberkennung', u"deprivation; denial; disallowance; disallowing (of sb.'s right to sth.); disenfranchisement; disfranchisement (rare)"), ('die', u'Zweitstimme', u'second vote'), ('die', u'Zusammenf\xfchrung', u'conflation'), ('der', u'Zentralismus', u'centralism'), ('der', u'Zehner', u'ten; (number) ten; tenner'), ('der', u'Wohnraum', u'housing space; living space; living area'), ('die', u'Wendung', u'change (from sth.); about face; volte-face; phrase; expression; turn'), ('die', u'Weltherrschaft', u'world domination; world supremacy'), ('das', u'Weben', u'weaving'), ('die', u'Walk\xfcre', u'Valkyrie'), ('die', u'Vorsorge', u'foresight; forethought; precaution; provision; provisions; forehandedness'), ('das', u'Vogtland', u'Vogtland'), ('die', u'Urbanisierung', u'urbanisation [Br.]; urbanization [Am.]'), ('die', u'Untergrundbahn', u'underground [Br.]; subway [Am.]; tube (London); underground railway; tube'), ('die', u'Tierhaltung', u'animal husbandry; livestock farming; keeping of animals; keeping; lairaging'), ('die', u'Telefonie', u'telephony'), ('der', u'Tagebau', u'surface mining; open-cast mining; open mine; open pit; opencast work; open pit mine; strip mine [Am.]'), ('der', u'Streiter', u'fighter'), ('das', u'Strandbad', u'lido'), ('der', u'Straft\xe4ter', u'offender; criminal'), ('der', u'Sprengk\xf6rper', u'explosive device'), ('der', u'Sonderm\xfcll', u'hazardous waste; special waste'), ('der', u'Siedepunkt', u'boiling point'), ('der', u'Seehandel', u'maritime trade; seaborne trade'), ('das', u'Sanatorium', u'sanatorium; sanitarium [Am.]; sanitorium [Am.]'), ('die', u'Rundfahrt', u'round trip'), ('der', u'Rubikon', u'Rubicon'), ('der', u'Rotmilan', u'red kite'), ('die', u'Rosine', u'raisin'), ('die', u'Relevanz', u'relevance; relevancy; pertinence'), ('der', u'Reisebus', u'coach'), ('das', u'Reglement', u'regulations; rules'), ('der', u'Rechtstr\xe4ger', u'legal entity; entity; legal body'), ('die', u'Rechtssicherheit', u'legal certainty; predictability of legal decisions; legal security'), ('der', u'Rechtsextremismus', u'right-wing extremism'), ('die', u'Quinte', u'fifth; quint'), ('der', u'Punkrock', u'punk rock; punk'), ('der', u'Puck', u'puck'), ('die', u'Pr\xe4vention', u'prevention (of)'), ('das', u'Planetensystem', u'planetary system'), ('der', u'Parodist', u'impersonator; imitator'), ('der', u'Nonsens', u'nonsense; rubbish; twaddle; tosh [Br.]; codswallop [Br.]; rot [Br.] (old-fashioned)'), ('die', u'Nervenzelle', u'nerve cell'), ('der', u'Meeresgrund', u'sea bottom; ocean bottom; sea floor; ocean floor; sea bed'), ('der', u'Matador', u'matador'), ('der', u'Letten', u'mush; loam; soft clay; plastic clay; pug'), ('das', u'Landgut', u'manor')] dictSet_95 = [('der', u'Kurzbericht', u'abridged report'), ('die', u'Kriminologin', u'criminologist'), ('das', u'Kost\xfcm', u"fancy dress; woman's suit; costume; theatrical costume"), ('die', u'Konkordanz', u'concordance; conformation; conform(abil)ity'), ('das', u'Klassenzimmer', u'classroom; class-room; schoolroom'), ('der', u'Kamikaze', u'kamikaze'), ('der', u'Kalendertag', u'calendar day'), ('der', u'Impfstoff', u'vaccine'), ('der', u'Imker', u'beekeeper; apiarist'), ('der', u'Hungertod', u'starvation'), ('die', u'Heftklammer', u'staple; stapler'), ('der', u'Groll', u'dudgeon; resentment; pique; grudge (against); ill will; rancour [Br.]; rancor [Am.]'), ('das', u'Graffiti', u'graffiti'), ('die', u'Gesundheitsreform', u'health service reform'), ('die', u'Gerichtsverhandlung', u'trials; court hearing; (judicial) hearing; court proceedings'), ('der', u'Generalmusikdirektor', u'chief musical director'), ('das', u'Gel\xf6bnis', u'vow; plight'), ('die', u'Gegnerschaft', u'enmity'), ('der', u'Gefrierpunkt', u'freezing point'), ('die', u'Gala', u'gala dress; fulldress'), ('die', u'Fuchtel', u'vixen; harpy; hellcat'), ('die', u'Forelle', u'trout'), ('die', u'Flugbegleiterin', u'stewardess; air hostess'), ('der', u'Firmensitz', u'office; domicile'), ('das', u'Fahrwasser', u'navigable water; strait; channel (of a ship)'), ('der', u'Fahrplan', u'timetable; time-table; schedule'), ('die', u'Fachwelt', u'experts'), ('der', u'Facharbeiter', u'skilled worker; craftsman'), ('die', u'Erdrotation', u'earth rotation; rotation of the earth'), ('das', u'Erdmittelalter', u'Mesozoic'), ('das', u'Entwicklungsland', u'developing nation; developing country; less developed country'), ('die', u'Entwarnung', u'all clear (signal)'), ('der', u'Endsieg', u'ultimate victory'), ('die', u'Eisscholle', u'ice floe'), ('der', u'Eisenbahnbau', u'railway construction'), ('der', u'Einschluss', u'embedding; inclusion; occlusion; incasement; inlay; involvement; encapsulation; inclusion; enclosure; pocket; occlusion'), ('das', u'Einleiten', u'dumping of substances'), ('der', u'Ehrenpreis', u'prize'), ('das', u'Durchschnittsalter', u'average age'), ('das', u'Direktmandat', u'direct mandate'), ('die', u'Cafeteria', u'cafeteria'), ('die', u'Bleibe', u'a place to stay; domicile'), ('das', u'Bilderbuch', u'picture-book; picture book'), ('das', u'Bersten', u'break-up'), ('die', u'Bedienung', u'handling; operating; operation; service; handling; use; manipulation'), ('das', u'Balsa', u'balsa'), ('die', u'Aura', u'aura'), ('der', u'Aufsteiger', u'promoted team'), ('der', u'Apparat', u'apparatus; extension /ext./; direct dialing; direct dialling; device; instrument; gadget; widget'), ('der', u'Anpfiff', u'whistle; whistle for the start of play; bawling-out [coll.]; rocket [Br.]'), ('das', u'Anlaufen', u'warm-up; tarnish'), ('der', u'Andromedanebel', u'Andromeda galaxy; Great Andromeda Nebula'), ('das', u'Abendland', u'occident; Western World'), ('die', u'Zw\xf6lftonmusik', u'twelve tone music'), ('die', u'Zwischenstation', u'stopover; intermediate station; interstation'), ('das', u'Zugest\xe4ndnis', u'concession (to); concession'), ('das', u'Zerw\xfcrfnis', u'discord; quarrel; row; disagreement'), ('der', u'Wilderer', u'poacher'), ('der', u'Wassersport', u'water sports; aquatics'), ('die', u'Wasserburg', u'castle built in water; moated castle'), ('das', u'Wahlsystem', u'electoral system'), ('die', u'Vorgangsweise', u'procedure; policy'), ('die', u'Verhaltensforscherin', u'behaviourist [Br.]; behaviorist [Am.]'), ('das', u'Ungen\xfcgend', u'fail (school grade)'), ('die', u'Unfehlbarkeit', u'impeccability; infallibility'), ('die', u'Tragweite', u'significance; range; scope'), ('der', u'Todesmarsch', u'death march'), ('der', u'Teppich', u'carpet; carpeting'), ('der', u'Tanach', u'Tanakh (Hebrew Bible)'), ('der', u'Tagungsort', u'conference venue; conference place; venue (of a conference); meeting place'), ('der', u'Stress', u'stress; pressure'), ('der', u'Streitpunkt', u'issue; controversial subject; contentious point'), ('der', u'Strahler', u'emitter; radiator'), ('die', u'Strafandrohung', u'threat of punishment'), ('der', u'Staatsfeiertag', u'national holiday'), ('der', u'Spott', u'scoff; taunt; sarcasm; mockery; sneer; derisiveness; fleer; jeer; ridicule'), ('die', u'Sozialstruktur', u'social structure'), ('das', u'Sonnenlicht', u'sunlight'), ('das', u'Senfgas', u'mustard gas'), ('der', u'Senf', u'mustard'), ('die', u'Sch\xf6nheitsk\xf6nigin', u'beauty queen'), ('der', u'Schnittpunkt', u'intersection; break-even point; point of intersection; intersection point; cut point'), ('der', u'Schirmherr', u'patron'), ('die', u'Schauspiellehrerin', u'dramatic-arts teacher'), ('das', u'Satellitenfernsehen', u'satellite television; Sat-TV'), ('der', u'Salpeter', u'nitre [Br.]; niter [Am.]; salpetre; saltpeter [Am.]'), ('die', u'Quarzuhr', u'quartz clock; quartz watch'), ('das', u'Pub', u'pub'), ('das', u'Porzellan', u'porcelain; china; chinaware'), ('der', u'Peruaner', u'Peruvian'), ('das', u'Nutzungsrecht', u'right of use'), ('die', u'Nofretete', u'Nefertiti'), ('der', u'Muttertag', u"Mother's Day"), ('die', u'Moderation', u'presentation; moderation [Am.]'), ('die', u'Massenflucht', u'mass exodus; stampede'), ('der', u'Marktf\xfchrer', u'market leader'), ('die', u'Linguistin', u'linguist'), ('der', u'Lette', u'Latvian'), ('die', u'Laterne', u'lantern; lamp; valve yoke; yoke'), ('das', u'K\xfcstengew\xe4sser', u'coastal waters; nearshore waters')] dictSet_96 = [('die', u'Kulisse', u'piece of scenery; background; wing; backdrop; motion link; splitter (silencer)'), ('der', u'Kriminalfall', u'criminal case; case'), ('die', u'Kriegsverbrecherin', u'war criminal'), ('der', u'Kreditgeber', u'credit grantor; loan issuer; lender; loaner'), ('die', u'Kongresshalle', u'congress hall'), ('der', u'Kollaborateur', u'collaborator; collaborationist'), ('die', u'Kokarde', u'cockade'), ('das', u'Kochen', u'cooking; boiling'), ('das', u'Kampflied', u'battle song; battle song'), ('die', u'Intention', u'purpose; intention'), ('das', u'Infrarot', u'infrared'), ('das', u'Informationszentrum', u'information centre [Br.]; information center [Am.]'), ('das', u'Industrieland', u'industrialized country; developed country; industrialized economy; industrial country'), ('das', u'Indiz', u'sign; indication (of); clue (to); evidentiary fact; piece of circumstantial evidence'), ('die', u'H\xfclle', u'wrapper; envelope; jacket; spout; velum; wrapper; coat; hull; shell of increasing cleanliness; cocoon; cover'), ('der', u'H\xf6fling', u'courtier'), ('das', u'Hoheitsgew\xe4sser', u'territorial water'), ('die', u'Heuer', u'pay'), ('die', u'Handhabung', u'operation; handling; use; manipulation; handling; management (of)'), ('die', u'Handelsbilanz', u'balance of trade; trade balance'), ('der', u'Hain', u'grove'), ('das', u'Grundrecht', u'basic right; fundamental right'), ('das', u'Gro\xdffeuer', u'large fire'), ('der', u'Grizzlyb\xe4r', u'grizzly bear'), ('der', u'Glockenturm', u'belfry; bell tower'), ('die', u'Gipfelh\xf6he', u'ceiling'), ('das', u'Getr\xe4nk', u'beverage; drink; potation'), ('das', u'Gebrauchsmuster', u'registered design (of shape or appearance); registered effect; registered pattern; utility model'), ('die', u'Gammastrahlung', u'gamma radiation'), ('der', u'Fundamentalismus', u'fundamentalism'), ('die', u'Freiz\xfcgigkeit', u'freedom of movement; generositiy; freedom of movement; free movement of persons; liberality; liberalness; permissiveness'), ('der', u'Freihafen', u'freeport'), ('die', u'Folie', u'foil; film; overhead transparency; OHP transparency'), ('die', u'Flugschule', u'flight school'), ('das', u'Faltengebirge', u'fold mountains; folded mountains; fold mountain range; mountain formed by folding'), ('die', u'Etage', u'floor /fl./; tier; storey; story [Am.]; floor'), ('das', u'Etage', u'floor /fl./'), ('das', u'Erh\xe4ngen', u'hanging'), ('die', u'Erd\xf6lf\xf6rderung', u'oil production'), ('die', u'Entr\xfcstung', u'indignation (at)'), ('der', u'Eisschnelllauf', u'speed skating'), ('das', u'Ehrenwort', u'word of honour [Br.]; word of honor [Am.]'), ('die', u'Chronobiologie', u'chronobiology'), ('die', u'Chirurgin', u'surgeon'), ('die', u'Bresche', u'breach'), ('die', u'Brandbek\xe4mpfung', u'fire-fighting; firefighting'), ('die', u'Bevorzugung', u'preferableness; preference'), ('die', u'Besitzerin', u'owner; owner; proprietor /prop.; propr/'), ('der', u'Bescheid', u'message; official listing notice; word'), ('das', u'Berufsverbot', u'employment ban'), ('die', u'Ausgrabung', u'excavation; dig'), ('das', u'Ausgangsmaterial', u'starting material; feedstock; base material; starting material; staple'), ('der', u'Aufenthaltsort', u'abode; dwelling; whereabouts {pl}'), ('das', u'Aufbringen', u'seizure (of a ship)'), ('der', u'Antragsteller', u'applicant; claimant; enrollee; proposer; requester; requestor; petitioner; claimant for mining patent; submitter'), ('das', u'Ansinnen', u'suggestion'), ('die', u'Anrede', u'salutation; address; form of address; title'), ('die', u'Aluminiumh\xfctte', u'aluminium mill [Br.]; aluminum mill [Am.]'), ('der', u'Akkusativ', u'accusative'), ('die', u'Abenteurerin', u'adventuress'), ('die', u'Z\xe4sur', u'turning point; caesura; break'), ('die', u'Zul\xe4ssigkeit', u'legitimacy; admissibility; admissibillity; allowableness; permissibility; admissibleness'), ('die', u'Zivilgesellschaft', u'civil society'), ('der', u'Zettel', u'slip; warp; receipt; slip of paper; slip; note'), ('die', u'Zersetzung', u'dissolution; decomposition; disintegration; disruptiveness'), ('der', u'Zeitzeuge', u'witness of a time period; contemporary witness'), ('die', u'Zeile', u'row; line /l./; row'), ('der', u'Zechstein', u'Zechstein subdivision'), ('die', u'W\xe4hrungspolitik', u'monetary policy'), ('der', u'Wesir', u'vizier'), ('der', u'Weiher', u'pond'), ('der', u'Vorzug', u'precedence; priority; benefit; preference; merit (of a thing); virtue'), ('der', u'Vortragsk\xfcnstler', u'elocutionist'), ('die', u'Viehweide', u'pasture; lea'), ('der', u'Verzehr', u'consumption'), ('die', u'Verleumdung', u'slur; detraction; calumniation; defamation; obloquy; slanderousness; traducement; blot; calumny; aspersion'), ('der', u'Verkehrstr\xe4ger', u'common carrier'), ('das', u'Verfassungsrecht', u'constitutional law'), ('der', u'Untertan', u'subject'), ('die', u'Unfreiheit', u'bondage'), ('die', u'Unfallversicherung', u'accident insurance; casualty insurance [Am.]'), ('der', u'Umtausch', u'exchange (of sth.)'), ('die', u'Umerziehung', u'reeducation; re-education'), ('die', u'Tundra', u'tundra'), ('der', u'Trotzkist', u'Trotskyist; Trotskyite; Trot [coll.]'), ('der', u'Transvestit', u'transvestite; gender bender [Br.]; drag-queen; tranny [slang]'), ('die', u'Tempelanlage', u'temple'), ('die', u'Telomerase', u'telomerase'), ('der', u'S\xe4uger', u'mammal; mammalian'), ('der', u'Streckenverlauf', u'course of the road'), ('die', u'Strandung', u'stranding'), ('der', u'Strafrechtler', u'penologist'), ('der', u'Spielplan', u'game plan; repertoire'), ('die', u'Spektroskopie', u'spectroscopy'), ('der', u'Sicherer', u'saver'), ('das', u'Schwerefeld', u'gravitational field; gravity field; gravity field'), ('die', u'Schweineinfluenza', u'swine influenza; swine flu; H1N1 flu'), ('die', u'Schuldenlast', u'encumbrance (on sth.); burden of debts; debt burden'), ('der', u'Schlemm', u'slam'), ('die', u'Schlammlawine', u'mudflow; mudslide; mudflow')] dictSet_97 = [('das', u'Schiefergebirge', u'slate mountains'), ('der', u'Schausteller', u'showman; carny [coll.]'), ('der', u'Schauer', u'shower; frisson (of excitement)'), ('der', u'Sari', u'sari'), ('die', u'Response', u'response'), ('die', u'Referenz', u'reference; referrer <referer>'), ('der', u'Rationalismus', u'rationalism'), ('der', u'Privatdetektiv', u'private investigator /PI/; private detective; private eye [coll.]'), ('die', u'Polizeiwache', u'police station; Garda station [Ir.]; station house [Am.]; police station'), ('der', u'Physiotherapeut', u'remedial gymnast; medical gymnast; physiotherapist; physical therapist'), ('der', u'Perlentaucher', u'pearl diver'), ('das', u'Patentrecht', u'patent law; patent rights'), ('das', u'Parken', u'parking'), ('die', u'Pangaea', u'Pangaea'), ('die', u'Otter', u'adder; viper'), ('der', u'Otter', u'otter'), ('der', u'Ortbeton', u'in-situ concrete'), ('das', u'Nordufer', u'north bank; northern bank'), ('die', u'Neuheit', u'newness; novelty; recency'), ('die', u'Nennleistung', u'power rating; rated power; wattage rating; nominal capacity; rated capacity'), ('die', u'Nachbehandlung', u'after-treatment; aftertreatment; after-care; recleaning retreatment; secondary treatment'), ('die', u'Musikgruppe', u'band; music group'), ('der', u'Mitb\xfcrger', u'fellow citizen'), ('die', u'Linotype', u'linotype'), ('das', u'Leichtgewicht', u'lightweight'), ('der', u'Lateinamerikaner', u'Latin-American'), ('die', u'Kunstmalerin', u'artist; painter'), ('die', u'Kreisebene', u'area level'), ('die', u'Kreditvergabe', u'granting of credit; extension of credit; accommodation of a loan'), ('die', u'Konsistenz', u'texture; consistence; consistency'), ('die', u'Kolumnistin', u'columnist'), ('der', u'Klo\xdf', u'gobbet; lump; dumpling'), ('die', u'Kinder\xe4rztin', u'pediatrician; paediatrician [Br.]'), ('das', u'Kambrium', u'Cambrian'), ('der', u'Innensenator', u'internal affairs minister; minister for internal affairs'), ('die', u'Innenansicht', u'interior view'), ('das', u'Innehaben', u'occupancy (of sth.)'), ('die', u'Improvisation', u'vamp; improvisation; improv [coll.]'), ('der', u'Hauptlast', u'brunt'), ('die', u'Harmonielehre', u'harmonic theory; theory of harmony; harmonics'), ('die', u'Halde', u'heap; waste heap; attle heap; spoil bank; spoil dump; cinder tip; stockpile'), ('der', u'Hagel', u'hail; volley; hail'), ('die', u'Haftung', u'adhesion; stiction; static friction; liability; bonding; wet grip; wet road holding; adhesion'), ('die', u'Hacke', u"mattock; hack; drudgery; grind; slog; donkeywork; hoe; hack; hackiron; miner's pickax; miner's hack"), ('der', u'G\xfcterzug', u'goods train [Br.]; freight train [Am.]'), ('die', u'Gr\xfcnanlage', u'green; green area; green space; park'), ('die', u'Grenzkontrolle', u'border control; border check; frontier control'), ('die', u'Grazie', u'gracefulness; poise'), ('die', u'Graphik', u'graphic'), ('das', u'Golfturnier', u'golf tournament'), ('das', u'Gletschereis', u'glacial ice'), ('die', u'Gletscherbahn', u'glacier lift'), ('die', u'Gewichtsklasse', u'weight class'), ('die', u'Gewaltt\xe4tigkeit', u'forcibleness; rough stuff; rowdyism; violence; outrage'), ('die', u'Geomorphologie', u'geomorphology; geomorphic geology; morphological geology; orography; physiography'), ('der', u'Gentleman', u'gentleman'), ('die', u'Generalamnestie', u'general amnesty'), ('der', u'Gedichtband', u'book of poetry; book of poems; collection of poems; anthology'), ('die', u'Gaze', u'gauze'), ('der', u'Gaylord', u'gaylord (container)'), ('der', u'Gasstreit', u'gas dispute'), ('die', u'Gaskammer', u'gas chamber'), ('der', u'F\xfcnfjahresplan', u'five-year plan'), ('die', u'Fuge', u'seam; joint; join; interstice; fugue; mortise; mortice'), ('das', u'Freibad', u'open-air swimming pool; open-air bath'), ('der', u'Flugzeugbau', u'aircraft construction'), ('der', u'Fischereihafen', u'fishing port'), ('das', u'Fiasko', u'fizzling; fiasco'), ('das', u'Ersuchen', u'demand; request'), ('das', u'Erdgeschoss', u'first floor [Am.]; ground floor'), ('die', u'Ekstase', u'ecstasy; frenzy; furore; furor'), ('die', u'Einwirkung', u'impact; influence; effect'), ('die', u'Einsamkeit', u'isolation; loneliness; solitude; aloneness; lonesomeness; reclusion; reclusiveness; solitariness; secludedness'), ('die', u'Einm\xfcndung', u'T-junction; confluence; junction; embouchure'), ('die', u'Ehrfurcht', u'awe (of); reverence; veneration'), ('der', u'Duft', u'aura; redolence; perfume; fragrance; haze; whiff'), ('die', u'Drehbr\xfccke', u'swing bridge'), ('das', u'Domkapitel', u'cathedral chapter'), ('die', u'Demobilisierung', u'demobilization [eAm.]; demobilisation [Br.]'), ('die', u'Clique', u'cliques; clique; coterie; junto; posse [coll.]; friends; circle of friends; group; set (of friends)'), ('der', u'B\xfcroleiter', u'office manager; office supervisor'), ('der', u'Blitzableiter', u'lightning rod; lightning conductor [Br.]; lightning arrester; arrester; lightning arrestor; earthwire'), ('die', u'Blase', u'bladder; blister; bubble; flaw; balloon'), ('das', u'Binnengew\xe4sser', u'inland water'), ('der', u'Betriebsrat', u"works council; workers' council; works committee; industrial council; shop committee"), ('der', u'Betrachter', u'observer; beholder; viewer; spectator'), ('die', u'Berechtigung', u'warranty; authorization [eAm.]; authorisation [Br.]; authority; right'), ('das', u'Bedecken', u'covering; protection'), ('der', u'Baustil', u'architectural style; tectonic style; structural style'), ('der', u'Bauernaufstand', u'peasant uprising'), ('die', u'Ballerina', u'ballerina'), ('das', u'Aufkl\xe4rungsflugzeug', u'reconnaissance plane; reconnaissance aircraft'), ('die', u'Atomphysik', u'atomic physics <nuclear physics>'), ('der', u'Atomkrieg', u'nuclear war; nuclear warfare'), ('die', u'Artischocke', u'artichoke; globe artichoke'), ('die', u'Arbeitsniederlegung', u'work stoppage'), ('der', u'Arbeiterverein', u"workers' association"), ('das', u'Anpassen', u'suiting; site fitting'), ('der', u'Alpenraum', u'Alpine region; Alps region'), ('das', u'Ackerland', u'arable farm land; farmland; cropland; cultivated land; tillage; tilth; infield')] dictSet_98 = [('das', u'Abwerfen', u'jettisoning (from ship)'), ('die', u'Abwahl', u'voting out (of office)'), ('die', u'Abrechnung', u'cashing up; pay-off; deduction; accounting; billing; statement of account; statement; settlement; bill [Br.]; check [Am.]; tab [Am.]'), ('das', u'Ablaufen', u'run-off'), ('der', u'Zuschnitt', u'customization; customizing [eAm.]; customisation; customising [Br.]; tailor; blanc'), ('der', u'Zufluchtsort', u'sanctuary; retreat; place of refuge; harbour [Br.]; harbor [Am.]; haven'), ('der', u'Zaunk\xf6nig', u'wren; (Winter) wren'), ('das', u'Wunderbare', u'marbellousness; miraculousness'), ('der', u'Whisky', u'whisky (Scotch)'), ('die', u'Wetterstation', u'weather station; meteorological station; weather observatory'), ('die', u'Weltkarte', u'world map; map of the world'), ('der', u'Wegweiser', u'sign; signpost; guidepost; fingerpost'), ('der', u'Weggef\xe4hrte', u'fellow traveller/traveler [Am.]; traveling companion'), ('der', u'Wanderfalke', u'peregrine falcon'), ('die', u'Vorbedingung', u'prerequisite (to; for); precondition (for/of sth.)'), ('das', u'Verm\xe4chtnis', u'bequest; legacy; devise'), ('die', u'Urbev\xf6lkerung', u'native population; native inhabitants'), ('der', u'Unwillen', u'displeasure; indignation'), ('der', u'Tonmeister', u'sound engineer'), ('das', u'Ticket', u'ticket'), ('das', u'Terrain', u'terrain'), ('die', u'Tapferkeit', u'courage; bravery; gallantry; bravado; courageousness; fortitude; prowess; valor [Am.]; valour; braveness'), ('die', u'Stromleitung', u'power supply line'), ('der', u'Stander', u'pennant'), ('der', u'Staatsfeind', u'public enemy'), ('die', u'Sprinkleranlage', u'sprinkler system'), ('die', u'Sperrung', u'stoppage; inhibition'), ('der', u'Sozialstaat', u'welfare state'), ('der', u'Siebenschl\xe4fer', u'edible dormouse; fat dormouse'), ('das', u'Schwarzbuch', u'black book'), ('die', u'Schreibmaschine', u'typewriter'), ('der', u'Schmelzpunkt', u'melting point; smelting point; fusion point'), ('der', u'Schadensersatz', u'damages; compensation; indemnification; amends; indemnity'), ('das', u'Rollo', u'roller blind; blind; (window) shade [Am.] (privacy screen inside)'), ('das', u'Ritterkreuz', u'Knight\xb4s Cross of the Iron Cross'), ('das', u'Remis', u'draw; tie game; tie'), ('der', u'Reiseverkehr', u'tourist traffic'), ('das', u'Raumfahrzeug', u'spacecraft; space vehicle'), ('die', u'Rampe', u'platform; ramp'), ('der', u'Radweg', u'cycle track; cycleway; cyclng path; bicycle path; bike path; bicycle lane; bikeway [Am.]'), ('das', u'Radium', u'radium'), ('das', u'Querschiff', u'transept'), ('die', u'Privatschule', u'private school [Am.]'), ('der', u'Privatdozent', u'outside lecture; Adjunct Professor'), ('der', u'Pressedienst', u'news service'), ('die', u'Positionierung', u'positioning'), ('der', u'Pollen', u'pollen'), ('das', u'Pokalfinale', u'cup final'), ('die', u'Peripherie', u'circumference (of a circle); periphery; peripheral equipment; outskirts'), ('das', u'Patriarchat', u'patriarchate'), ('die', u'Operationsbasis', u'base of operations'), ('die', u'Oase', u'oasis'), ('die', u'Nocturne', u'nocturne'), ('die', u'Naturforscherin', u'natural scientist; naturalist'), ('der', u'Namenstag', u"name day; Saint's (feast) day"), ('die', u'Monarchin', u'monarch'), ('der', u'Ministerialrat', u'Deputy Assistant Under-Secretary'), ('der', u'Milizion\xe4r', u'militaman'), ('die', u'Menschenw\xfcrde', u'dignity of man; human dignity'), ('die', u'Makro\xf6konomie', u'macroeconomics'), ('die', u'Machtpolitik', u'power politics'), ('die', u'Leibgarde', u'life guards; bodyguard'), ('der', u'Laizismus', u'laicism'), ('das', u'Lagerhaus', u'store; storehouse; entrepot; warehouse'), ('das', u'Lachen', u'laughter'), ('der', u'Kontrapunkt', u'counterpoint'), ('das', u'Kohlevorkommen', u'coal deposits'), ('die', u'Kogge', u'cog'), ('der', u'Kernreaktor', u'nuclear reactor; atomic pile'), ('die', u'Keilschrift', u'wedge writing; cuneiform writing'), ('der', u'J\xe4germeister', u'professional hunter'), ('das', u'Jubeljahr', u'jubilee'), ('die', u'Heimsuchung', u'infestation; visitation'), ('das', u'Heilbad', u'spa; therapeutic bath'), ('die', u'Hauptsache', u'main thing; most important thing; essential'), ('das', u'Haften', u'adherence'), ('der', u'Gewaltverbrecher', u'violent criminal'), ('die', u'Gesamtstrecke', u'whole distance; whole length; whole route; total distance'), ('das', u'Germanium', u'germanium'), ('das', u'Gef\xfcge', u'fabric; framework; structure; texture'), ('die', u'Gebirgsbildung', u'orogeny; mountain formation'), ('das', u'F\xfcllen', u'foal; colt; filly; filly; Equuleus; foal'), ('das', u'Futter', u'food (for animals); pasture; pasturage; fodder; animal feed; animal food; chow; chows; provender; lining; lining; scran [slang]; chuck'), ('der', u'Freibrief', u'charter; charter [Br.]'), ('der', u'Fischmarkt', u'fish market'), ('die', u'Ferieninsel', u'resort island'), ('die', u'Farbfotografie', u'colour photography'), ('die', u'Fachmesse', u'specialized fair; trade fair'), ('das', u'Exponat', u'exhibit'), ('das', u'Ermessen', u'discretion'), ('die', u'Erdplatte', u'plate'), ('die', u'Endung', u'ending; case ending'), ('die', u'Eidesformel', u'form of oath'), ('der', u'Durst', u'thirst'), ('die', u'Dramaturgie', u'dramaturgy; dramatic composition; script department'), ('die', u'Dienstgipfelh\xf6he', u'service ceiling [Am.]'), ('die', u'Demoskopie', u'public opinion research; opinion poll; opinion survey'), ('die', u'Datumsgrenze', u'(international) date line; dateline'), ('der', u'Collie', u'collie'), ('die', u'Chinesin', u'Chinese')] dictSet_99 = [('der', u'Bruchteil', u'fraction; trickle [fig.]'), ('die', u'Birke', u'birch'), ('die', u'Bewirtschaftung', u'rationing; cultivation'), ('die', u'Beutekunst', u'looted art'), ('das', u'Badezimmer', u'bathroom; bath room'), ('der', u'Augustinerm\xf6nch', u'Augustinian monk; Austin friar [Br.]'), ('der', u'Anreiz', u'incentive; stimulus; inducement; fillip; incitement (to)'), ('die', u'Analogie', u'analogy'), ('der', u'Amtsnachfolger', u'successor in office'), ('das', u'Altgriechisch', u'Old Greek'), ('der', u'Achtstundentag', u'eight hour day'), ('die', u'Abw\xe4rme', u'waste heat; exhaust heat'), ('das', u'Abendprogramm', u'evening programme'), ('der', u'Zehnkampf', u'decathlon'), ('die', u'Wolkendecke', u'cloud cover'), ('die', u'Wochenschrift', u'weekly'), ('die', u'Wirtschaftsstruktur', u'economic structure'), ('die', u'Wettervorhersage', u'weather forecast; weather report'), ('der', u'Weltpokal', u'World Cup'), ('der', u'Weinanbau', u'winegrowing; wine-growing'), ('der', u'Wasserschlauch', u'water hose; bladderwort'), ('die', u'Wasserpflanze', u'aquatic plant; water plant; hydrophytic plant; hydrophyte'), ('das', u'Wappenzeichen', u'blazonry'), ('die', u'Wandlung', u'metamorphosis; change; mutation'), ('der', u'Vorfahre', u'forefather; forbear; forebear; ancestor'), ('das', u'Viadukt', u'viaduct'), ('die', u'Verwahrung', u'safekeeping; caveat; custody'), ('die', u'Vertiefung', u'dent; dint; indentation; depression; hollow; holler; wrinkle; deepening; consolidation; absorption; immersion; pit'), ('der', u'Vermerk', u'note; memo; /N.B.; NB/; note; comment; memorandum; qualifiers; notation; annotation mark; endorsement'), ('die', u'Verliererin', u'loser'), ('der', u'Umweg', u'detour; detour; indirection'), ('der', u'Typhus', u'typhus; typhoid; typhoid fever'), ('der', u'Trip', u'trip; trip [slang]'), ('der', u'Tischler', u'joiner; carpenter'), ('die', u'Tiara', u'tiara'), ('der', u'Sund', u'sound; Oresund; The Sound'), ('das', u'Strafma\xdf', u'scale of penalties'), ('der', u'Stadtbewohner', u'city dweller; townsman; urbanite'), ('die', u'Spannungsfeld', u'stress field'), ('das', u'Spannungsfeld', u'area of tension'), ('die', u'Sojabohne', u'soybean; soy bean'), ('der', u'Soja', u'soy'), ('die', u'Sense', u'scythe'), ('die', u'Seitw\xe4rtsbewegung', u'sidewards movement'), ('das', u'Seitenleitwerk', u'vertical fin; vertical stabiliser [Br.]; vertical stabilizer [Am.]; tail fin'), ('die', u'Schwiegertochter', u'daughter-in-law'), ('der', u'Scholar', u'scholar; itinerant scholar'), ('die', u'Schluckimpfung', u'oral vaccination'), ('der', u'Schlemmer', u'gourmand; sybarite'), ('der', u'Scheinwerfer', u'flood light; floodlight; spotlight; headlight; headlamp; searchlight; reverberator'), ('die', u'Schafgarbe', u'yarrow'), ('das', u'Santon', u'Santonian (stage)'), ('die', u'Sandburg', u'sandcastle'), ('die', u'Sachliteratur', u'non-fiction literature; nonfiction'), ('das', u'Rufzeichen', u'radio call sign; callsign'), ('die', u'Resignation', u'resignation'), ('die', u'Reiterei', u'cavalry'), ('der', u'Regenwurm', u'earthworm'), ('der', u'Rechtsberater', u'lawyer [Br.]; legal adviser'), ('die', u'Quarant\xe4ne', u'quarantine'), ('das', u'Pumpen', u'perfusion'), ('die', u'Psyche', u'psyche'), ('das', u'Protein', u'protein'), ('die', u'Privatwirtschaft', u'private industry'), ('das', u'Privatfernsehen', u'commercial television'), ('das', u'Pl\xe4doyer', u'pleading; final speech; plea'), ('der', u'Pik', u'peak'), ('das', u'Pik', u'spade; spades'), ('die', u'Phonetik', u'phonetics'), ('die', u'Pharmazie', u'pharmacy'), ('der', u'Pfeiler', u'bridge pier; pier; pylon; tooth abutment; stilt; pillar; stanchion; strut'), ('die', u'Pfefferminze', u'peppermint'), ('die', u'Pathologin', u'pathologist'), ('der', u'Paradigmenwechsel', u'paradigm shift'), ('die', u'Panzerfaust', u'bazooka; rocket-propelled grenade; rocket-powered grenade /RPG/'), ('die', u'Offenlegung', u'disclosure'), ('die', u'Oboe', u'oboe'), ('die', u'Oberseite', u'top side; topside; top surface; upside; upper side; top'), ('die', u'Neuerung', u'innovation; denouement; improvement'), ('die', u'Montage', u'installation; fitting; assembly; assembling; mounting; editing; assembly department; erection'), ('der', u'Milliliter', u'millilitre; milliliter [Am.]'), ('die', u'Marktforschung', u'market research'), ('die', u'Markenname', u'trade name; brand name; brand; marque'), ('die', u'Machtverteilung', u'distribution of power'), ('die', u'Literaturliste', u'bibliographical reference; bibliography'), ('die', u'Leichtindustrie', u'light industry'), ('die', u'Leibwache', u'body guard'), ('die', u'Landzunge', u'spit; tongue'), ('die', u'Landschafts\xf6kologie', u'landscape ecology'), ('der', u'Landbewohner', u'countryman [Br.]; landsman'), ('das', u'Kulturhaus', u'arts and leisure centre; arts and leisure center'), ('der', u'Kriegseinsatz', u'war effort'), ('das', u'Krematorium', u'crematorium; crematory [Am.]'), ('der', u'Knockout', u'knockout; KO'), ('der', u'Knoblauch', u'garlic'), ('der', u'Knicks', u'curtsy; curtsey; bob'), ('das', u'Klingen', u'tintinnabulation; cling'), ('die', u'Kilometrierung', u'kilometer mileage; chainage'), ('der', u'Karabiner', u'carbine; snap hook; spring hook; karabiner; snap link'), ('der', u'Jadebusen', u'Jadebusen; Jade bay')] dictSet_100 = [('die', u'Innenarchitektur', u'interior design'), ('die', u'Inhaftierung', u'imprisonment; durance'), ('die', u'Hochschulbildung', u'university education'), ('das', u'Heimspiel', u'home game'), ('das', u'Hegen', u'nurture'), ('der', u'Hausschwamm', u'dry rot'), ('der', u'Hauptwohnsitz', u'main place of residence'), ('die', u'Harmonik', u'harmonics; harmony'), ('der', u'G\xfcterbahnhof', u'freight depot; goods station'), ('das', u'Graphen', u'graphene'), ('die', u'Gleitschalung', u'slipform'), ('das', u'Gesetzesvorhaben', u'parliamentary bill; draft law'), ('der', u'Gef\xe4ngnisw\xe4rter', u'prison guard; jailer; jailor; gaoler; screw; turnkey'), ('das', u'Gefieder', u'feathering; feathers; plumage'), ('der', u'Gebirgszug', u'mountain range; range of hills; mountain chain'), ('die', u'Freik\xf6rperkultur', u'nudism; naturism'), ('die', u'Fotomontage', u'composite photograph; photomontage'), ('der', u'Forschungsflug', u'research flight'), ('die', u'Fission', u'nuclear fission; atomic fission [coll.]; fission'), ('die', u'Fernuniversit\xe4t', u'correspondence university; distance university; distance learning institute; the Open University [Br.]'), ('das', u'Farbfoto', u'colour photo; colour photography'), ('die', u'Entschlossenheit', u'determinedness; intentness; purposefulness; decisiveness; resoluteness; resolve; firmness; determination'), ('die', u'Einzelhaft', u'solitary; solitary confinement'), ('die', u'Einsatzbereitschaft', u'willingness; readiness for duty; operational readiness; readiness for action; readiness for use'), ('die', u'Einkommensteuer', u'income tax'), ('das', u'Einfordern', u'claim; claming; laying claim (against sb./of sth.); demand (of sth.)'), ('die', u'Eifersucht', u'jealousy (of); jealousness'), ('der', u'Drogenh\xe4ndler', u'drug dealer; dope dealer; drug trafficker; trafficker in drugs; dealer; pusher'), ('die', u'Dominante', u'dominant'), ('der', u'Dienstleister', u'service provider'), ('die', u'Dienstgradabzeichen', u'badge'), ('die', u'Destabilisierung', u'destabilization [eAm.]; destabilisation [Br.]'), ('der', u'Coupe', u'bowl of ice cream'), ('der', u'Burgunder', u'Burgundy; Burgundy wine'), ('das', u'Bullauge', u'porthole'), ('die', u'Bodenn\xe4he', u'ground level'), ('die', u'Bodenbeschaffenheit', u'composition of the ground'), ('die', u'Bildungseinrichtung', u'educational institution'), ('das', u'Bias', u'bias'), ('die', u'Bergbahn', u'mountain railway'), ('die', u'Befreiungsaktion', u'liberation operation'), ('die', u'Badebekleidung', u'swimwear'), ('der', u'Aussichtspunkt', u'viewpoint; vantage point'), ('das', u'Aush\xe4ngeschild', u'figurehead; flagship [fig.]'), ('die', u'Archivarin', u'archivist; registrar'), ('die', u'An\xe4sthesie', u'anaesthesia [Br.]; anesthesia [Am.]; anesthesiology'), ('der', u'Animationsfilm', u'animated film; animated cartoon'), ('die', u'Amtseinsetzung', u'chaired; investiture; chairing'), ('der', u'Alterspr\xe4sident', u'president by right of age; preliminary president by seniority'), ('die', u'Agility', u'agility'), ('die', u'Adelsfamilie', u'nobility; noble family'), ('der', u'Z\xfcchter', u'breeder; grower (of plants)'), ('die', u'Zugabe', u'allowance; addition; give-away; encore; extra; encore'), ('die', u'Zinne', u'pinnacle; pinnacle; merlon'), ('der', u'Zeitplan', u'timetable; schedule'), ('die', u'Wasserf\xfchrung', u'channel flow'), ('der', u'Warenverkehr', u'goods traffic; movement of goods'), ('der', u'Vormittag', u'morning; forenoon'), ('das', u'Vorf\xfchren', u'showing; presentation'), ('die', u'Verzweiflung', u'anguish; distress; despair (of); desperation; desolation; desolateness'), ('das', u'Versorgungsschiff', u'supply ship [Am.]; replenishment oiler; fleet tanker'), ('die', u'Verlangsamung', u'bradykinesia; slowdown; deceleration; slowdown; deceleration (of vehicles)'), ('das', u'Verh\xe4ltniswahlrecht', u'proportional representation'), ('das', u'Verbum', u'verb'), ('das', u'Update', u'update; updated version'), ('der', u'Unterstrich', u'underline; low line; underscore (_)'), ('der', u'Unterstaatssekret\xe4r', u'undersecretary'), ('die', u'Untersch\xe4tzung', u'underestimation; undervaluation'), ('das', u'Tierkreiszeichen', u'sign of the zodiac'), ('der', u'Tiefststand', u'all-time low; lowest level'), ('der', u'Tibeter', u'Tibetan'), ('der', u'Thronanw\xe4rter', u'heir apparent; pretender; pretender to the throne'), ('die', u'Teilchenphysik', u'particle physics'), ('die', u'Subventionierung', u'subsidization [eAm.]; subsidisation [Br.]'), ('das', u'Stra\xdfenrennen', u'road race'), ('die', u'Sterberate', u'mortality rate'), ('das', u'Standesamt', u"Register Office [Br.]; registry office; registrar's office; Registry of Births, Deaths & Marriages [Austr.]; civil registry office"), ('die', u'Stadtautobahn', u'urban motorway'), ('der', u'Sprudel', u'sparkling mineral water; fizz'), ('die', u'Spezialit\xe4t', u'speciality; specialty [Am.]'), ('der', u'Sitzungssaal', u'assembly hall; boardroom; conference hall'), ('der', u'Sikhismus', u'sikhism'), ('die', u'Scientology', u'Scientology'), ('der', u'Sch\xe4ffler', u'cooper'), ('der', u'Schwiegervater', u'father-in-law'), ('die', u'Schussverletzung', u'gunshot wound; bullet wound'), ('das', u'Schuhwerk', u'footgear'), ('der', u'Schlepper', u'tout; touter [Br.]; coyote [Am.] [slang]; tugboat; tug; hauler; tractor; smuggler (of people across a border); facilitator (of illegal migration/immigration / entry) [Br.]; trammer; putter; drawer; haul(i)er; buggyman; car runner'), ('die', u'Schauspielschule', u'acting school'), ('der', u'Saxophonspieler', u'saxophonist'), ('der', u'Saphir', u'sapphire'), ('der', u'Sambesi', u'Zambezi'), ('das', u'Rundschreiben', u'circular; newsletter'), ('die', u'Rufnummer', u'telephone number; phone number; call number'), ('das', u'Ried', u'reedy marsh; reed'), ('das', u'Reinigen', u'cleaning; cleansing; cleanup'), ('das', u'Regenwasser', u'rainwater; storm water; storm sewage'), ('das', u'Rechtswesen', u'(the) law; legal system'), ('der', u'Ragtime', u'ragtime'), ('das', u'Poolbillard', u'pool')] dictSet_101 = [('das', u'Podium', u"stage; podium; dais; stand; rostrum; speaker's platform; platform"), ('das', u'Pilotprojekt', u'pilot project'), ('die', u'Pille', u'dot; donut; birth control pill; the pill; contraceptive pill; pill; tablet'), ('der', u'Pfuhl', u'murky pool; mudhole'), ('der', u'Pelikan', u'pelican'), ('der', u'Pedal', u'pedal; treadle'), ('die', u'Parabel', u'parable; parabola'), ('der', u'Parabel', u'parable'), ('der', u'Obmann', u'chairman; head; representative'), ('das', u'Objektiv', u'lens; objective lens; objective'), ('die', u'N\xe4chstenliebe', u'charity; brotherly love; charity'), ('der', u'Notarzt', u'emergency doctor; emergency physician; emergency response physician [Am.]'), ('der', u'Neudruck', u'reprint; reprinting'), ('der', u'Neuanfang', u'recommencement; clean slate'), ('das', u'Naturkundemuseum', u'museum of natural history'), ('die', u'Nationalelf', u'national team (of eleven)'), ('der', u'Nachfahre', u'scion; descendant; descendent'), ('die', u'M\xe4dchenschule', u"girls' school; school for girls"), ('die', u'Mulde', u'trough; hollow; tray; downfold; syncline; synclinal fold; low ground(s)'), ('der', u'Motorradfahrer', u'motorcyclist; biker'), ('die', u'Modifikation', u'modification (to sth.)'), ('die', u'Mistel', u'mistletoe'), ('der', u'Mauersegler', u'common swift; Eurasian swift'), ('der', u'Machtfaktor', u'power broker; powerbroker [Am.]'), ('die', u'L\xfcge', u'lie; story; taradiddle; tarradiddle'), ('der', u'L\xe4ngengrad', u'longitude; degree of longitude'), ('die', u'Losung', u'watchword; shibboleth; turds'), ('die', u'Lizenzausgabe', u'licensed edition'), ('die', u'Leitw\xe4hrung', u'key currency; base currency'), ('die', u'Lebensf\xfchrung', u'lifestyle'), ('der', u'Lebemann', u'playboy; swinger; man-about-town'), ('der', u'K\xfcmmel', u'caraway; caraway seed; k\xfcmmel (liqueur)'), ('der', u'K\xe4se', u'cheese; crap [slang]'), ('der', u'Kriminologe', u'criminologist'), ('der', u'Kriminalroman', u'whodunit; murder mystery; thriller; detective novel'), ('der', u'Kriminalpolizist', u'detective; CID officer [Br.]'), ('die', u'Krankensalbung', u'Anointing of the Sick; Unction of the Sick; Extreme Unction (old term); Last Rites (old term) (Catholic sacrament)'), ('der', u'Konservatismus', u'conservatism'), ('der', u'Kompass', u'compass'), ('der', u'Kompaniechef', u'company commander'), ('die', u'Kegelrobbe', u'grey seal; horsehead seal'), ('der', u'Jugendverband', u'youth organization [eAm.]; youth organisation [Br.]'), ('das', u'Internat', u'boarding school; residential school'), ('die', u'Inneneinrichtung', u'furnishings; interior furnishings'), ('das', u'Indianerreservat', u'Indian reservation'), ('die', u'Hypothekenbank', u'mortgage bank'), ('der', u'Honig', u'honey'), ('das', u'Hirn', u'brain'), ('das', u'Hinziehen', u'protraction'), ('die', u'Heuchler', u'pretender'), ('der', u'Heuchler', u'hypocrite; dissembler; phony; phoney; chadband; pharisee [fig.] (hypocritical person)'), ('die', u'Hauptachse', u'principal axis; rotational axis'), ('das', u'Handelshaus', u'business house'), ('der', u'Grammatiker', u'grammarian'), ('der', u'Goldklumpen', u'nugget'), ('die', u'Goldader', u'vein of gold'), ('die', u'Gesch\xe4ftsfrau', u'businesswoman'), ('der', u'Gegenkandidat', u'rival candidate; opposing candidate'), ('der', u'Geb\xe4rmutterhalskrebs', u'cervical cancer'), ('die', u'Geberkonferenz', u"donors' conference"), ('die', u'Fu\xdfnote', u'footnote; gloss'), ('die', u'Fr\xfchz\xfcndung', u'advanced ignition; advance ignition; preignition'), ('die', u'Friktion', u'friction'), ('der', u'Frachtraum', u'cargo compartment; cargo hold; freight capacity; hold; cargo bay [Am.]'), ('der', u'Flusslauf', u'course of a river; river course'), ('der', u'Flugdauer', u'flight time'), ('die', u'Finsternis', u'darkness; dark; gloom; gloominess; eclipse'), ('der', u'Fahrgast', u'passenger; fare'), ('das', u'Fachwerk', u'half-timbered construction; frame-work; framework; truss'), ('die', u'Eruptionss\xe4ule', u'eruption column; eruption plume'), ('die', u'Erschaffung', u'creation'), ('die', u'Entsprechung', u'equivalent (for; of); analogy; counterpart (of/to sb./sth.)'), ('der', u'Eisenbahnknotenpunkt', u'railway junction; railroad junction [Am.]'), ('die', u'Einweisung', u'admission; hospitalization [eAm.]; hospitalisation [Br.]; introduction; briefing'), ('die', u'Einsch\xfcchterung', u'intimidation; browbeating'), ('die', u'Einheitsw\xe4hrung', u'single currency'), ('der', u'Eigenbedarf', u'home requirements; auxiliary power requirement'), ('der', u'Ehepartner', u'spouse'), ('der', u'Ehebruch', u'adulterousness; adultery; fornication'), ('der', u'Eber', u'boar'), ('das', u'D\xfcngemittel', u'fertilizer; fertiliser'), ('der', u'Dutt', u'bun'), ('die', u'Dunkelziffer', u'estimated number of unknown cases; estimated number of unrecorded cases'), ('das', u'Duett', u'duet'), ('die', u'Dreizehenm\xf6we', u'black-legged kittiwake'), ('die', u'Drehzahl', u'number of revolutions; number of revs; revolutions per minute; revs per minute; rpm; rev; speed; rotational speed'), ('die', u'Domina', u'domina; dominatrix'), ('die', u'Direktion', u'top management; the directors'), ('die', u'Diakonisse', u'deaconess'), ('die', u'Datensicherheit', u'data integrity; data security'), ('der', u'Datenabruf', u'data retrieval'), ('das', u'Dasein', u'entities; being; entity; existence; existence; being'), ('die', u'Codierung', u'coding; encoding'), ('der', u'Choral', u'chorale'), ('das', u'Chlor', u'chlorine'), ('der', u'Chemiekonzern', u'chemicals company'), ('die', u'Bremse', u'brake; horsefly; retardant; retardent; gadfly'), ('die', u'Bombendrohung', u'bomb threat'), ('das', u'Benefizkonzert', u'benefit concert'), ('die', u'Belgierin', u'Belgian')] dictSet_102 = [('der', u'Ausflug', u'trip; excursion; outing; short trip; jaunt'), ('die', u'Aufnahmepr\xfcfung', u'entrance examination; entrance exam; admission examination'), ('der', u'Atomkern', u'nucleus; atomic kernel'), ('die', u'Atomenergie', u'nuclear energy; atomic energy'), ('das', u'Asthma', u'asthma'), ('das', u'Aqu\xe4dukt', u'aqueduct'), ('der', u'Anruf', u'call; phone call; telephone call; ring [Br.]; buzz [coll.]; challenge (order from a guard/sentry to stop and prove identity); call'), ('die', u'Anreicherung', u'adsorption; enhancement; enrichment; enrichment; concentration; accumulation'), ('das', u'Anilin', u'aniline'), ('die', u'Andacht', u'devotion; prayers'), ('die', u'Abschlussfeier', u'commencement; final party; going away party; final ceremony; closing ceremony'), ('die', u'Abhilfe', u'remedy; redress'), ('das', u'Zuwanderungsgesetz', u'Immigration Act'), ('der', u'Zuh\xe4lter', u'pimp; ponce [Br.]; pander; panderer; fancy man; procurer; souteneur'), ('der', u'Widder', u'ram; ram; Aries; Ram; tup'), ('die', u'Wicke', u'vetch; tare'), ('das', u'Weiterf\xfchren', u'follow-up'), ('das', u'Wappentier', u'heraldic animal'), ('die', u'Waffenruhe', u'truce'), ('der', u'Vorleser', u'reader'), ('der', u'Vietnamese', u'Vietnamese'), ('der', u'Videotext', u'teletext [Br.]; videotext'), ('der', u'Verursacher', u'cause; causer'), ('die', u'Vermittlungsstelle', u'telephone switch'), ('das', u'Unheil', u'mischief; calamity'), ('der', u'Turban', u'turban'), ('das', u'Treibhausgas', u'greenhouse gas; global warming gas'), ('das', u'Trauma', u'trauma'), ('das', u'Trapez', u'trapezium [Br.]; trapezoid [Am.]; trapeze'), ('die', u'Thronfolgerin', u'heir to the throne; successor'), ('der', u'Therapeut', u'therapist'), ('das', u'Tempolimit', u'speed limit'), ('der', u'Tartan', u'tartan'), ('der', u'Tarif', u'rate; scale of charges; charge; tariff'), ('der', u'Tagesablauf', u'day; daily routine'), ('die', u'Studienzeit', u'duration of study; length of study; years of study'), ('die', u'Stahlerzeugung', u'steel manufacture; steel production; steel-making'), ('der', u'Stadtverkehr', u'city traffic'), ('das', u'Sonderheft', u'special issue'), ('die', u'Sichel', u'sickle; hook'), ('das', u'Sexualverbrechen', u'sex crime'), ('die', u'Schwiegermutter', u'mother-in-law'), ('die', u'Schwarzerle', u'black alder; common alder; European alder'), ('die', u'Schulter', u'shoulder; scapular'), ('die', u'Schulausbildung', u'schooling'), ('die', u'Schleie', u'tench'), ('der', u'Schaum', u'foam; foamed material; froth (of drinks); lather; scum; spume; suds; yeast'), ('der', u'Schatzkanzler', u'Chancellor of the Exchequer [Br.]'), ('der', u'Sammelband', u'omnibus volume'), ('die', u'Salbung', u'anointment; anointing; unction; unctuousness'), ('der', u'R\xfcckgriff', u'draft (on/upon sth.); recourse (to sb./sth.); availment (of sth.); recourse; recovery over [Am.] (against sb.); fallback'), ('die', u'Rosette', u'rosette'), ('die', u'Romanze', u'romance'), ('die', u'Rettungsaktion', u'rescue operation; bailout'), ('der', u'Reichsparteitag', u'Nuremberg Rally (Reich national party convention of the Nazi party)'), ('die', u'Rangfolge', u'pecking order; rule of precedence; hierarchy'), ('die', u'Quappe', u'burbot; eel-pot'), ('der', u'Prozentsatz', u'percentage'), ('das', u'Privateigentum', u'private property; private ownership'), ('das', u'Plankton', u'plankton'), ('das', u'Pirmasens', u'Pirmasens (city in Germany)'), ('die', u'Personenbef\xf6rderung', u'passenger transport; passenger transportation [Am.]; passenger service'), ('das', u'Ozon', u'ozone'), ('der', u'Oszillator', u'oscillator'), ('die', u'Orangerie', u'orangery'), ('der', u'Notruf', u'emergency call; distress call; 911 [Am.]'), ('die', u'Normalspur', u'standard gauge; English standard gauge /ESG/'), ('die', u'Nachrichtentechnik', u'telecommunications; communications engineering'), ('die', u'M\xe4chtigkeit', u'mightiness; thickness; depth'), ('das', u'Mondjahr', u'lunar year'), ('das', u'Methan', u'methane; formene'), ('der', u'Merkantilismus', u'mercantilism'), ('die', u'Medienpolitik', u'media policy'), ('der', u'Maskenball', u'fancy-dress ball; masked-ball'), ('das', u'Luthertum', u'Lutheranism'), ('die', u'Liquidation', u'liquidation; realization [eAm.]; realisation [Br.] (of sth.)'), ('die', u'Lebensart', u'way of life; savoir vivre; lifestyle'), ('das', u'Lasso', u'lariat'), ('der', u'Landarzt', u'country doctor'), ('der', u'Kurzschluss', u'short-circuit; bypass; power cut'), ('das', u'Kultusministerium', u'ministry of education and the arts'), ('der', u'Kulturraum', u'cultural area'), ('die', u'Kopfsteuer', u'poll tax'), ('der', u'Kopfbahnhof', u'terminus'), ('die', u'Konjunktur', u'boom; economic situation; economic fluctuation; business activity'), ('die', u'Kohlens\xe4ure', u'carbonic acid'), ('die', u'Kernschmelze', u'nuclear meltdown'), ('die', u'Kernphysik', u'nuclear physics; nucleonics'), ('die', u'Kasse', u'cash; cash-desk; cash box; checkout; check-out; till; point of sale /POS/; box office; counter (for payments); cash register; register; ticket window'), ('der', u'Kanonenboot', u'gunship'), ('das', u'Kanonenboot', u'gunboat'), ('die', u'Kanone', u'gun; cannon; hotshot (at sth.); top-notcher [coll.]'), ('der', u'Jak', u'yak'), ('die', u'Innenausstattung', u'interior decoration'), ('das', u'Industrieunternehmen', u'industrial enterprise; industrial firm; industrial undertaking'), ('der', u'Individualismus', u'individualism'), ('die', u'Heimreise', u'homeward journey'), ('die', u'Hammondorgel', u'Hammond organ'), ('der', u'Golfplatz', u'golf course; golf links; golf court'), ('der', u'Globus', u'globe')] dictSet_103 = [('das', u'Gitter', u'grid; grating; flat grid; lattice; trellis; lattice; grille; latticework; grate; grating'), ('die', u'Gewerbeausstellung', u'industrial exhibition'), ('das', u'Gewebe', u'(woven) fabric; texture; textile; tissue; web; webbing; stuff; weave'), ('das', u'Getriebe', u'gear; gearbox; gearing; gear unit; gearing mechanism; transmission; gearcase; gear'), ('das', u'Gesch\xfctzfeuer', u'gunfire; battery fire'), ('der', u'Gesch\xe4ftsbericht', u'financial report; business report; company report'), ('das', u'Geldinstitut', u'credit institution; financial institution; bank'), ('die', u'Gedichtsammlung', u'book of poetry; book of poems; collection of poems; anthology'), ('die', u'Galle', u'gall bladder; gall; bile; gall'), ('der', u'Fu\xdfboden', u'sole; floor; flooring'), ('die', u'Furt', u'ford'), ('der', u'Friseur', u'hair-dresser; hairdresser; barber; hair-stylist; hairstylist; coiffeur; haircutter [obs.]; hairstylist; hair stylist'), ('der', u'Frauenarzt', u'gynaecologist'), ('die', u'Fortbildung', u'advanced education; advanced training; in-service training'), ('der', u'Finanzplatz', u'financial centre; financial center [Am.]'), ('das', u'Finanzamt', u'inland revenue office [Br.]; internal revenue office [Am.]; tax office'), ('die', u'Finalrunde', u'final; final round'), ('der', u'Filmdreh', u'shooting; film shooting; filming; making of the film'), ('das', u'Fernsehspiel', u'TV drama; television drama'), ('das', u'Feldlager', u'boot camp; bivouac'), ('die', u'Feldgrille', u'field cricket'), ('das', u'Farbfernsehen', u'color television; colour television'), ('die', u'Europareise', u'trip to Europe'), ('die', u'Erl\xe4uterung', u'comment; exposition (of); explanation; elucidation; exemplification'), ('das', u'Erhitzen', u'microwave heating'), ('das', u'Erdulden', u'bearing'), ('die', u'Emission', u'issuance; issue (of sth.); launch; emission'), ('der', u'Einkauf', u'purchase; procurement; purchasing department; shopping; buying; purchase; buy; purchase'), ('das', u'Einf\xfchren', u'import; importing'), ('das', u'Eichh\xf6rnchen', u'squirrel'), ('der', u'Dreizehnte', u'Christmas bonus'), ('die', u'Dom\xe4ne', u'sphere; domain; estate'), ('die', u'Dompteuse', u'(animal) trainer'), ('die', u'Diphtherie', u'diphtheria'), ('das', u'Dilemma', u'dilemma; fix; catch-22 situation'), ('die', u'Dekadenz', u'decadence; fin de siecle'), ('die', u'Datenquelle', u'data origin; data source'), ('die', u'Bu\xdfe', u'penance; forfeit; atonement'), ('der', u'Buchmarkt', u'book market'), ('der', u'Bleicher', u'bleacher'), ('die', u'Bewilligung', u'grant; allocation; approval; allowance; permit'), ('die', u'Beugung', u'flection; flexion; diffraction'), ('die', u'Befriedung', u'establishment of peace'), ('das', u'Bauxit', u'bauxite; alumina hydrate'), ('das', u'Bauvorhaben', u'building project; construction project'), ('der', u'Backstein', u'clinker; brick'), ('die', u'Autostra\xdfe', u'road /Rd/'), ('der', u'Autodidakt', u'self-educated person; autodidact'), ('das', u'Ausw\xe4rtsspiel', u'away match; away game'), ('die', u'Austrocknung', u'dehydration; seasoning; exsiccation; desiccation; withering'), ('die', u'Ausl\xf6schung', u'effacement; obliteration; extinction'), ('die', u'Attacke', u'attack'), ('die', u'Archivierung', u'archiving'), ('die', u'Arbeitsstelle', u'job; place of work'), ('der', u'Anstifter', u'abettor; agitator; fomenter; instigator; suborner'), ('die', u'Anforderung', u'requirement; request; requisition; demand; exigence; exigency'), ('die', u'Altersgruppe', u'age group; age bracket; age cohort'), ('der', u'Alpenverein', u'Alpinist association'), ('die', u'Aktienmehrheit', u'majority of shares'), ('die', u'Abholzung', u'deforestation; disforestation; chopping down; clearing (of a forest)'), ('die', u'Zuneigung', u'attachment (to); affection (for; towards)'), ('der', u'Zobel', u'sable'), ('die', u'Zimmerantenne', u'indoor aerial'), ('der', u'Zentner', u'metric hundredweight'), ('die', u'W\xe4rmeleitf\xe4higkeit', u'thermal conductivity; heat conductance; heat conductivity; caloric conductivity'), ('das', u'Wohlwollen', u'goodwill; favour [Br.]; favor [Am.]; goodwill; kindness; affection; partiality; patronage; benevolence; sympathy; goodwill; good will'), ('das', u'Wirtshaus', u'inn; hostelry'), ('das', u'Wiedersehen', u'reunion; Chemnitz revisited'), ('die', u'Wiedergutmachung', u'indemnification; reparation; retrieval; redress; rectification'), ('die', u'Wiedereingliederung', u'reintegration'), ('der', u'Wettstreit', u'rivalry; contest'), ('die', u'Werkst\xe4tte', u'workshop; laboratory'), ('die', u'Weihnachtszeit', u'Christmas time; Christmastime; Yuletide; Christmas season; Christmastide; Noel'), ('der', u'Weidmann', u'huntsman; hunter'), ('der', u'Wasserstein', u'water stone'), ('die', u'Verkleidung', u'casing; disguising; facing; cladding; covering; fairing; disguise; fancy dress; wainscoting; revetment; cowling; paneling; boarding'), ('das', u'Verdichten', u'packing'), ('der', u'Valentinstag', u"Valentine's Day"), ('der', u'Unternehmensbereich', u'corporate division; corporate department'), ('der', u'Tiefflug', u'low-level flight'), ('das', u'Taxon', u'taxon; taxonomic unit'), ('die', u'S\xe4kularisierung', u'secularization [eAm.]; secularisation [Br.]'), ('der', u'Strudel', u'strudel; roly-poly pudding; maelstrom; whirlpool; vortex; whirl; swirl; eddy; gyre'), ('der', u'Step', u'tap dancing (activity); tap dance (set of movements)'), ('die', u'Sprachgenie', u'linguistic genius'), ('das', u'Sinnbild', u'allegory; symbol'), ('die', u'Silhouette', u'silhouette; outline; silhouette'), ('die', u'Serienproduktion', u'serial production; series production'), ('die', u'Selbstkontrolle', u'self-control; self-possession; self-restraint; self-restraint; self-regulation'), ('die', u'Selbstdarstellung', u'self-projection; image cultivation; self-presentation; self-expression; showmanship'), ('die', u'Seidenstra\xdfe', u'silk road'), ('das', u'Sehnen', u'yearning; longing (for)'), ('die', u'Schonung', u'consideration (for); care; protection; forest plantation area'), ('die', u'Schnelligkeit', u'quickness; speed; quickness; swiftness; fastness; speediness; promptness; promptitude; rapidity; nippiness; rapidness'), ('das', u'Scheit', u'piece of wood'), ('der', u'Same', u'seed; Sami; S\xe1mi'), ('der', u'Ru\xdf', u'soot; carbon black'), ('der', u'Rosenstock', u'rose tree'), ('der', u'Rist', u'instep (of the foot)'), ('der', u'Rehbock', u'roebuck')] dictSet_104 = [('der', u'Rasen', u'lawn; grass; turf'), ('das', u'Rasen', u'speeding; rage'), ('der', u'Positivismus', u'positivism'), ('die', u'Polizeigewalt', u'police power'), ('der', u'Polder', u'polder'), ('der', u'Pinscher', u'pinscher'), ('der', u'Personenkraftwagen', u'passenger car; motorcar [Br.]; automobile [Am.]'), ('der', u'Papyrus', u'papyrus'), ('der', u'Nullmeridian', u'zero meridian; main meridian; Greenwich Meridian'), ('die', u'Neujahrsansprache', u"New Year's speech"), ('der', u'Naturraum', u'natural region'), ('die', u'Naturkunde', u'natural history; natural history'), ('die', u'Morphologie', u'morphology'), ('der', u'Mittelwert', u'mean (value); average (value) (of A and B)'), ('der', u'Mischwald', u'mixed forest; mixed deciduous and coniferous forest; mixed woodland'), ('das', u'Ministeramt', u'ministry [Br.]; ministerial office'), ('das', u'Mikroklima', u'microclimate'), ('der', u'Meuterer', u'mutineer'), ('die', u'Meeresumwelt', u'marine environment'), ('die', u'Luftlandedivision', u'airborne division'), ('das', u'Lebensalter', u'age; chronological age'), ('das', u'K\xfcken', u'chick; fledgling'), ('der', u'Kugelsto\xdfer', u'shot-putter'), ('der', u'Korrosionsschutz', u'corrosion protection'), ('die', u'Konkubine', u'concubine'), ('der', u'Kleinstaat', u'statelet'), ('die', u'Kantorei', u'chantry'), ('der', u'Juniorpartner', u'junior partner'), ('die', u'Induktion', u'induction (on); induction; inductance'), ('die', u'Inanspruchnahme', u'draft (on/upon sth.); use; utilization; utilisation [Br.] (of sth.); demands (on sb./sth.); recourse (to sb./sth.); availment (of sth.); claim; claming; laying claim (against sb./of sth.); demand (of sth.); drawdown'), ('die', u'Hydrolyse', u'hydrolysis'), ('der', u'Holoz\xe4n', u'Holocene (series)'), ('der', u'Hochseilartist', u'high-wire circus artist'), ('die', u'Hochschulreife', u'baccalaureate; matriculation standard; higher education entrance qualification'), ('der', u'Hochbau', u'building construction; superstructure work; structural engineering'), ('der', u'Hippie', u'hippie'), ('der', u'Hetzer', u'baiter; agitator'), ('die', u'Herpetologe', u'herpetologist'), ('der', u'Henker', u'hangman; decapitator; executioner'), ('das', u'Hauptthema', u'main subject; principal theme'), ('der', u'Hauptpunkt', u'gist'), ('der', u'Hannoveraner', u'Hanoverian; Hannoverian'), ('die', u'Grausamkeit', u'savageness; barbarism; bloodiness; cruelty; ferocity; ghastliness; gruesomeness; inhumanity; cruelness'), ('die', u'Gesundheitspolitik', u'health policy; health care policy'), ('die', u'Geste', u'gesture; gesture'), ('die', u'Gesamtauflage', u'total circulation; total edition; total number of copies published; total circulation'), ('das', u'Gerichtsgeb\xe4ude', u'court house; court-house; courthouse'), ('der', u'Generaladmiral', u'General Admiral'), ('die', u'Gartenlaube', u'gazebo; pergola; arbour [Br.]; arbor [Am.]'), ('die', u'F\xf6rderschule', u'school for children with learning difficulties'), ('der', u'Freitod', u'suicide; self-inflicted death'), ('der', u'Flop', u'flop; Fosbury Flop; failure; flop; disaster; flop; turkey [coll.]'), ('der', u'Flegel', u'flail; churl; toerag [Br.] [slang]; cub; lout; yob [Br.]; oaf'), ('der', u'Flaschenhals', u'bottleneck'), ('der', u'Finanzberater', u'financial consultant'), ('der', u'Finalist', u'finalist'), ('die', u'Filmgesellschaft', u'film company'), ('die', u'Fernsehwerbung', u'television advertising; TV ads'), ('das', u'Fabrikat', u'manufacture; make (of a product)'), ('die', u'Erbschaft', u'inheritance; estate (of a deceased [Br.]/decedent [Am.])'), ('das', u'Entgegenkommen', u'responsiveness; complaisance; good will; goodwill; kindness; obligingness; accommodation; concession (to)'), ('die', u'Entdeckungsreise', u'mystery tour; expedition'), ('der', u'Energieverbrauch', u'energy consumption; consumption of energy; expenditure of energy; energy consumption'), ('der', u'Empirismus', u'empiricism'), ('der', u'Edelstahl', u'high-grade steel; special steel'), ('das', u'EEG', u'electroencephalography'), ('das', u'Dressurreiten', u'dressage'), ('der', u'Dreh', u'shoot [coll.]'), ('der', u'Distelfink', u'goldfinch'), ('die', u'Didaktik', u'didactics'), ('die', u'Dialektik', u'dialectics'), ('die', u'Combo', u'combo; small band'), ('das', u'Cembalo', u'harpsichord'), ('der', u'Bl\xe4ser', u'wind player; blower'), ('der', u'Blackout', u'blackout'), ('das', u'Bindeglied', u'link; connective link'), ('die', u'Berufsschule', u'vocational school'), ('der', u'Bereitschaftsdienst', u'on-call service; stand-by duty; standby duty'), ('der', u'Beisitzer', u'assessor'), ('der', u'Beirat', u'advisory council; advisory board; advisory committee; counsellor [Br.]; counselor [Am.]'), ('der', u'Arbeitskampf', u'industrial action; labour dispute [Br.]; labor dispute [Am.]'), ('die', u'Apanage', u'apanage; appanage'), ('die', u'Alpenregion', u'Alpine region; Alps region'), ('das', u'Allerlei', u'welter; farrago; farrago'), ('die', u'Agrarreform', u'agrarian reform'), ('die', u'Abschrift', u'manuscript; transcription; copy'), ('die', u'Zille', u'barge; lighter'), ('die', u'W\xe4rmekapazit\xe4t', u'effective heat capacity; heat capacity; thermal capacity'), ('der', u'Wucherer', u'usurer'), ('die', u'Wirtschaftsf\xf6rderung', u'promotion of the economy; business development'), ('die', u'Windkraft', u'wind energy; wind power'), ('die', u'Widmung', u'dedication; inscription; designation (for a purpose)'), ('die', u'Wanne', u'tub'), ('das', u'Waldst\xfcck', u'piece of woodlands'), ('die', u'Waldfl\xe4che', u'forest area'), ('das', u'Wahlversprechen', u'pre-election promise'), ('die', u'Waffentechnik', u'arms technology'), ('die', u'Vulkanologin', u'volcanist; vulcanologist'), ('die', u'Vulkaninsel', u'volcanic island'), ('die', u'Verwandlung', u'metamorphosis; transformation; transmogrification')] dictSet_105 = [('die', u'Verschwendung', u'squandering; waste; dissipation; lavishness; prodigality; profuseness; thriftlessness; wastefulness'), ('die', u'Verfestigung', u'strain hardening; solidification; consolidation; solidification; bonding (of the rock)'), ('die', u'Vereinfachung', u'simplification'), ('der', u'Urin', u'piss [vulg.]; urine'), ('die', u'Untergliederung', u'breakdown; subdivision; structuring; categorization [eAm.]; categorisation [Br.]; classification (into sth.); partition'), ('das', u'Unglaubliche', u'marvelousness'), ('das', u'Unfallopfer', u'accident victim; accident casualty'), ('die', u'Unachtsamkeit', u'heedlessness; inadvertence; inadvertency; inattention'), ('die', u'Tunte', u'fag; homofag; faggot; fagot; queen; queer; pansy [slang]; sissy; cissy [coll.]'), ('der', u'Trunk', u'drink'), ('der', u'Todesfall', u'case of death; fatality; death; bereavement'), ('der', u'Templer', u'templar'), ('das', u'Telefongespr\xe4ch', u'call; telephone call; phone call; telephone conversation'), ('die', u'Streitschrift', u'polemic pamphlet'), ('das', u'Staatsorgan', u'government body'), ('der', u'Spitzenwert', u'peak; peak value'), ('der', u'Spenser', u'spencer'), ('die', u'Soziet\xe4t', u'partnership; firm of solicitors; joint practice'), ('die', u'Sondersendung', u'special (TV, radio)'), ('die', u'Selbstbehauptung', u'self-assertion'), ('die', u'Schutzimpfung', u'immunization [eAm.]; immunisation [Br.]; shot [coll.]'), ('der', u'Schriftgie\xdfer', u'type founder'), ('die', u'Schlagzeile', u'catch line; headline'), ('die', u'Schiffswerft', u'shipyard'), ('das', u'Scherzo', u'scherzo'), ('das', u'Sachbuch', u'fact book; non-fiction book; book of non-fiction; nonfiction; specialized book'), ('der', u'Romantiker', u'Romantic; Romanticist; romantic; romanticist'), ('der', u'Rollstuhl', u'wheelchair; wheel chair; roll chair'), ('der', u'Rettich', u'radish'), ('das', u'Rei\xdfbrett', u'drawing board; drawing table'), ('die', u'Regenzeit', u'rainy season; wet season [Am.]; pluvial phase; pluvial period; rainy period'), ('der', u'Ratsvorsitzender', u'council chairman; chairman of council'), ('die', u'Rationalit\xe4t', u'rationality'), ('das', u'Platzen', u'heat blow-out'), ('die', u'Pferderennbahn', u'race course; turf'), ('die', u'Pfarrgemeinde', u'parish'), ('der', u'Pendler', u'commuter; straphanger [Am.]'), ('die', u'Pattsituation', u'standoff; stand-off'), ('die', u'Partizipation', u'exposure; participation'), ('die', u'Paarung', u'pairing; mating'), ('der', u'Oberbegriff', u'hypernym; hyperonym; superordinate; generic name; generic term; genus'), ('die', u'Nichteinhaltung', u'nonconformity; default; defaulting; non-compliance; non-fulfilment [Br.]; nonfulfillment; non-fulfilment of a contract; non-performance of a contract; violation; breach (of); violation (of)'), ('das', u'Nachtlager', u'bivouac; bivouacs'), ('die', u'Nachhut', u'rearguard'), ('der', u'M\xf6rtel', u'mortar'), ('der', u'Mungo', u'mongoose'), ('das', u'Mombasa', u'Mombasa (city in Kenya)'), ('die', u'Mittelstreckenrakete', u'intermediate-range ballistic missile /IRBM/'), ('die', u'Meinungsbildung', u'forming of an opinion; opinion-forming'), ('der', u'Medizinalrat', u'medical officer of health'), ('die', u'Mausefalle', u'mousetrap'), ('die', u'Magistrale', u'main transportation channel'), ('die', u'Luftfahrttechnik', u'aeronautical engineering; aeronautics'), ('das', u'Ligurien', u'Liguria (Italian region)'), ('die', u'Lichtquelle', u'source of light'), ('der', u'Leu', u'lion'), ('die', u'Laune', u'temper; caprice; fancy; sulkiness; vagary; vein; whim; whimsy; whimsicality; freak of nature; freak; mood'), ('der', u'Laptop', u'notebook computer/PC; laptop computer/PC; notebook; laptop'), ('das', u'Lanzarote', u'Lanzarote (Canary Island)'), ('die', u'Kunstschule', u'school of arts'), ('die', u'Kultivierung', u'cultivation'), ('der', u'Kriegsrat', u'powwow'), ('das', u'Kriegsgericht', u'court martial'), ('die', u'Krabbe', u'crab; crab; prawn'), ('der', u'Korvettenkapit\xe4n', u'Corvette Captain (Lieutenant-Commander)'), ('die', u'Kopplung', u'coupling; interlinking; linking; docking; linkage'), ('das', u'Konstruieren', u'design'), ('die', u'Kompatibilit\xe4t', u'compatibility; interoperability'), ('die', u'Kolumne', u'column; newspaper column'), ('der', u'Knebel', u'gag; toggle'), ('die', u'Klinge', u'blade'), ('das', u'Kinderdorf', u"children's village"), ('die', u'Kernforschung', u'nuclear research'), ('die', u'Kategorisierung', u'categorization [eAm.]; categorisation [Br.]; classification in categories'), ('das', u'Kammergericht', u'Supreme Court'), ('das', u'Kali', u'potassium ...'), ('die', u'Ironie', u'irony'), ('die', u'Holdinggesellschaft', u'holding company'), ('der', u'Herstellungsprozess', u'production process; manufacturing process'), ('die', u'Hecke', u'hedge; hedgerow'), ('der', u'Hausbesetzer', u'squatter'), ('das', u'Harem', u'harem; serail'), ('der', u'Handelsposten', u'trade post'), ('die', u'Gl\xfchlampe', u'incandescent lamp; incandescent light bulb'), ('die', u'Gesch\xe4ftsleitung', u'(company) management; managerial staff; management board; executive officers [Am.]; management; executive office(s) [Am.]'), ('die', u'Gesamthochschule', u'comprehensive university'), ('das', u'Ger\xfcst', u'scaffolding; scaffold; structure; gantry; trestle; framework'), ('der', u'Geldgeber', u'backer; investor'), ('der', u'Geiselnehmer', u'hostage-taker'), ('das', u'Geh\xe4use', u'box; casing; case; casing box; housing; chassis; package; shell; cabinet; body; barrel; enclosure'), ('die', u'Gegenbewegung', u'counter-movement; countermovement; counter-reaction'), ('das', u'Geburtsjahr', u'year of birth'), ('die', u'Fundstelle', u'point of discovery; place of discovery (of sth.); site of the discovery; site of the find; find spot; publication reference; publication source; (Internet) search result; hit; locality; finding place; collecting place; source of discovery; point of discovery'), ('der', u'Frauenchor', u'female choir'), ('das', u'Finanzwesen', u'financial concerns'), ('der', u'Festsaal', u'ballroom'), ('der', u'Fehlstart', u'false start; jump start'), ('die', u'Fahrrinne', u'fairway; navigable channel; shipping channel'), ('die', u'Erststimme', u'first vote'), ('die', u'Erdkunde', u'geography')] dictSet_106 = [('die', u'Entschuldigung', u'excuse; alibi; apology; exculpation; sorry; exculpation'), ('der', u'Elektriker', u'electrician'), ('die', u'Einstufung', u'measurement; classification; grading; placement'), ('das', u'Einkaufen', u'shopping'), ('der', u'Ehrgeiz', u'ambition; ehrgeiz'), ('der', u'D\xfcsenj\xe4ger', u'jet fighter'), ('der', u'Doppelsieg', u'first and second place'), ('das', u'Diesseits', u'this world'), ('die', u'Degradierung', u'degradation; demotion; reduction to lower rank'), ('das', u'Casting', u'casting; casting'), ('das', u'Bundesgericht', u'federal court'), ('der', u'Binnensee', u'lake; inland lake'), ('die', u'Betreuer', u'minder; childminder'), ('der', u'Betreuer', u'doctor; physio; person in charge; sb. who looks after sb.; supervisor; tutor; counsellor [Br.]; counselor [Am.]'), ('das', u'Bethaus', u'synagogue; temple'), ('die', u'Best\xe4ndigkeit', u'constancy; fixity; invariance; resistance (to); perpetualness; consistency; resistiveness; stability; continuity; persistence; reliability; steadiness'), ('die', u'Berufsarmee', u'professional army'), ('das', u'Bellen', u'bay; bark'), ('die', u'Bauphase', u'construction phase'), ('die', u'Astrophysik', u'astrophysics'), ('die', u'Arbeitsteilung', u'division of labour; distribution of tasks; division of tasks; division of duties'), ('das', u'Apt', u'Aptian; Aptian stage'), ('der', u'Ansprechpartner', u'contact; contact person; counterpart; point of contact; person in charge; reference person'), ('die', u'Anleihe', u'bond; loan; public loan; floating rate note /FRN/; floater; debenture'), ('die', u'Anh\xf6rung', u'hearing'), ('die', u'Altersgrenze', u'age-limit; age limit'), ('das', u'Akkordeon', u'accordion'), ('die', u'Agrarwirtschaft', u'agriculture; agricultural economy; rural economy'), ('das', u'Abnehmen', u'dieting; abatement'), ('die', u'Abfindung', u'financial settlement; indemnity; severance pay; severance payment; redundancy payment; paying off; gratuity [Br.]; redundancy payment; forisfamiliation; compensation'), ('das', u'Zollgebiet', u'customs area'), ('der', u'Zoff', u'trouble'), ('die', u'Zivilluftfahrt', u'civil aviation; civilian aviation'), ('das', u'Zivilgesetzbuch', u'Civil Code; Civil Law Code'), ('der', u'Zins', u'coupon rate; interest; interest; interest rate'), ('der', u'Wok', u'wok'), ('der', u'Wirtschaftsethiker', u'business ethicist'), ('der', u'Werwolf', u'werewolf; werwolf'), ('die', u'Weltliteratur', u'world literature'), ('der', u'Wei\xdfstorch', u'white stork'), ('der', u'Wasserstoffantrieb', u'hydrogen propulsion'), ('die', u'Wassermenge', u'water volume; water discharge'), ('der', u'Warenaustausch', u'exchange of goods'), ('der', u'Vorname', u'Christian name; first name; firstname; given name; forename; prename'), ('das', u'Volkslied', u'folk song'), ('der', u'Vertragsschluss', u'contract completion; completion of a contract; conclusion of an agreement'), ('die', u'Verschleppung', u'kidnapping; abduction; procrastination'), ('die', u'Vernachl\xe4ssigung', u'neglect; self-neglect'), ('die', u'Verk\xf6rperung', u'incarnation; epitome (of); impersonation; materialization [eAm.]; materialisation [Br.]; personification'), ('das', u'Unterwasser', u'back water; underscreen water'), ('die', u'Unterschicht', u'lower class; lower classes; underclass; understory (AmE); understorey (BrE); basement; substratum'), ('die', u'Unkenntnis', u'ignorance; unconsciousness'), ('das', u'Unheimliche', u'weirdness'), ('das', u'Ungeheure', u'tremendousness'), ('die', u'Tonaufnahme', u'sound recording; recording'), ('das', u'Todesschwadron', u'death squad'), ('der', u'Todesengel', u'angel of death'), ('der', u'Tequila', u'tequila'), ('die', u'Taxonomie', u'taxonomy'), ('das', u'Tabor', u'tabor; tabour'), ('der', u'S\xe4ugling', u'infant; nurseling; nursling; baby; suckling; sucker'), ('die', u'Sure', u'sura'), ('der', u'Sturzflug', u'nose dive; nosedive; dive; swoop'), ('die', u'Strahlentherapie', u'radiation treatment; radiotherapy; (ir)radiation therapy; emanotherapy; actinotherapy'), ('die', u'Strafexpedition', u'punitive expedition'), ('die', u'Stirn', u'brow; forehead; front; face; end'), ('die', u'Statik', u'statics; static; static equilibrium'), ('der', u'Startplatz', u'launch pad'), ('das', u'Standbein', u'main pillar'), ('der', u'Stag', u'stay'), ('das', u'Sp\xe4twerk', u'late work (of an artist)'), ('der', u'Sportklub', u'sports club'), ('die', u'Sparsamkeit', u'frugality; frugalness; canniness; parsimony; thrift; thriftiness'), ('die', u'Sonderausstellung', u'special exhibition; special exhibit; sideshow'), ('das', u'Skull', u'scull'), ('die', u'Sichtverbindung', u'visual contact (with sb.)'), ('der', u'Sichtbeton', u'fairfaced concrete; exposed concrete'), ('die', u'Serienfertigung', u'batch fabrication; batch production; series production; serial production'), ('die', u'Semiotik', u'semiotics; semeiotics'), ('das', u'Sediment', u'sedimentary rock; stratified rock; bedded rock; sedimentite; sediment'), ('das', u'Schulschiff', u'training ship'), ('der', u'Schreibtisch', u'desk; writing table'), ('der', u'Schaufelraddampfer', u'paddle steamer'), ('der', u'Schaltkreis', u'circuit'), ('der', u'Sandstrand', u'sandy beach'), ('die', u'Rune', u'rune'), ('das', u'Rondo', u'rondo'), ('der', u'Roggen', u'rye'), ('das', u'Ritzel', u'pinion; sprocket'), ('das', u'Ressort', u'department /dept./'), ('das', u'Regierungsabkommen', u'Foreign Military Sales /FMS/'), ('die', u'Quizsendung', u'quiz program; quiz programme [Br.]'), ('das', u'Querruder', u'aileron'), ('die', u'Quantenphysik', u'quantum physics'), ('der', u'Pulp', u'pulp'), ('der', u'Pr\xe4sidentenberater', u'presidential adviser'), ('der', u'Prinzgemahl', u'prince consort'), ('der', u'Presbyterianer', u'Presbyterian'), ('die', u'Polizistin', u'policewoman'), ('die', u'Photosynthese', u'photosynthesis')] dictSet_107 = [('das', u'Pflanzenschutzmittel', u'pesticide'), ('die', u'Pfefferm\xfchle', u'pepper mill'), ('die', u'Pensionierung', u'retirement; superannuation'), ('der', u'Pazifismus', u'pacifism'), ('die', u'Patentierung', u'grant of a patent'), ('der', u'Pasch', u'doublets'), ('der', u'Ottomotor', u'petrol engine [Br.]; gasoline engine [Am.]; spark ignition engine'), ('die', u'Nuklearkatastrophe', u'nuclear disaster'), ('der', u'Nous', u'nous'), ('die', u'Normalzeit', u'standard time'), ('die', u'Nichtanerkennung', u'disallowance; repudiation; disavowal'), ('der', u'Neid', u'jealousy (of); envy; enviousness; grudge'), ('der', u'Neandertaler', u'Neanderthal; Neanderthal man'), ('der', u'Nachbarstaat', u'neighbouring country [Br.]; neighboring state [Am.]; bordering country'), ('der', u'Mordverdacht', u'suspicion of murder'), ('das', u'L\xf6schen', u'erasure; erasing; extinction'), ('die', u'Lufthoheit', u'sovereignty over the airspace'), ('die', u'Luftaufnahme', u'aerial photograph; air photo; aerial view'), ('die', u'Litfa\xdfs\xe4ule', u'advertising pillar'), ('die', u'Leichtigkeit', u'easiness; facility; lightness; ease; facileness; airiness'), ('die', u'Lanze', u'lance'), ('die', u'Langspielplatte', u'long-playing record /LP/ <album>'), ('die', u'Langl\xe4uferin', u'cross-country ski runner'), ('die', u'Landflucht', u'rural migration; migration from the land; emigration to the cities; rural flight; rural exodus'), ('der', u'Landesverrat', u'treason'), ('das', u'K\xf6pfen', u'heading'), ('das', u'Keyboard', u'keyboard'), ('der', u'Jahrmarkt', u'fair'), ('das', u'Hirschhorn', u'staghorn'), ('die', u'Hilfeleistung', u'help; assistance'), ('die', u'Hetze', u'frantic pace; hectic pace; hectic rush; hurly-burly; race; hustle; chevy; chivy; coursing; hunt (hunting with dogs); dash'), ('der', u'Heimweg', u'way home'), ('der', u'Heckrotor', u'tail rotor; rear rotor'), ('der', u'Hanf', u'hemp'), ('das', u'Handelsgesetzbuch', u'(German) commercial code; code of commercial law'), ('die', u'Gottheit', u'divinity; godhood'), ('die', u'Gesetzeskraft', u'force of law; legal force'), ('die', u'Gesellschaftsordnung', u'social order'), ('das', u'Gesamtvolumen', u'total volume; overall volume; total capacity'), ('die', u'Geistlichkeit', u'the ministry; spirituality; spiritualness; clergy'), ('der', u'Fris\xf6r', u'hair-dresser; hairdresser; barber; hair-stylist; hairstylist; coiffeur; haircutter [obs.]'), ('das', u'Freilichtmuseum', u'open-air museum'), ('der', u'Fond', u'rear; back; meat juice; meat stock'), ('die', u'Flugroute', u'air route'), ('die', u'Flanke', u'flank; sidewall; wing; cross; centre pass; edge; side'), ('das', u'Filmgesch\xe4ft', u'film business; movie business [Am.]; film industry; movie industry [Am.]'), ('die', u'Fehleinsch\xe4tzung', u'misjudgement'), ('die', u'Faser', u'fibre [Br.]; fiber [Am.]; grain'), ('der', u'Extremist', u'extremist'), ('der', u'Essig', u'vinegar'), ('der', u'Erneuerer', u'renovator'), ('das', u'Entw\xe4ssern', u'drain'), ('die', u'Entmilitarisierung', u'demilitarization [eAm.]; demilitarisation [Br.]'), ('der', u'Eitel', u'European chub; round chub; fat chub; chub; chevin; pollard'), ('die', u'Einzigartigkeit', u'singularity; inimitability; singularity; uniqueness'), ('die', u'Einwilligung', u'agreement; consent; approval (for); adhesion; assent; acquiescence; indulgence'), ('das', u'Diktat', u'dictation; dictates; diktat'), ('der', u'Diademh\xe4her', u"Steller's jay"), ('das', u'Dia', u'slide; transparency; diapositive; slide'), ('die', u'B\xfcrde', u'burden; weight [fig.]'), ('der', u'B\xfchl', u'hill'), ('der', u'Busbahnhof', u'bus station; bus terminal'), ('die', u'Braunerde', u'cambisol; braunerde'), ('der', u'Bonus', u'premium; bonus; bonus'), ('die', u'Besucherzahl', u'attendance figures; number of visitors'), ('der', u'Bartkauz', u'great grey owl'), ('der', u'Au\xdfenseiter', u'outsider; longshot; misfit; maverick'), ('die', u'Armbanduhr', u'wristwatch; wrist watch'), ('die', u'Arbeitsvermittlung', u'job placement'), ('der', u'Approach', u'approach; landing approach'), ('die', u'Anschlussstelle', u'junction'), ('die', u'Anh\xf6he', u'elevation; hill'), ('die', u'Allergie', u'allergy (to)'), ('die', u'Aktualisierung', u'updating; update'), ('der', u'Adelsstand', u'nobility'), ('die', u'Abgeschiedenheit', u'seclusion; solitude'), ('das', u'Abendessen', u'supper; evening meal; dinner'), ('die', u'Zuladung', u'payload; cargo load; vehicle load capacity'), ('das', u'Zentralamerika', u'Central America'), ('der', u'Zauber', u'charm; allure; allurement; magic; spell; blessing [obs.]; attraction'), ('der', u'Wertpapierhandel', u'trade in securities; securities trading; stockbroking'), ('der', u'Weihnachtsmann', u'Father Christmas; Santa Claus'), ('die', u'Weide', u'pasture; willow; pasturage; grazing; grazing land'), ('die', u'Wasserqualit\xe4t', u'water quality'), ('die', u'Vokalmusik', u'vocal music'), ('der', u'Verwaltungsakt', u'administrative act; administration act; administrative deed'), ('der', u'Verkehrsteilnehmer', u'traffic participant; road user'), ('die', u'Verg\xfctung', u'payment; remuneration; commission; percentage; emolument; payment; perquisite; salary; compensation; artificial aging; tempering'), ('die', u'Vererbung', u'descent; inheritance; heredity; bequeathing; transmission; passing on'), ('das', u'Upgrade', u'upgrade'), ('das', u'Unterseeboot', u'submarine; submarine boat; U-boat'), ('die', u'Untergrenze', u'lower limit; minimum level'), ('die', u'Unterern\xe4hrung', u'malnutrition; nutritional deficiency; undernourishment; malnourishment'), ('die', u'Ungleichung', u'inequality; unequation'), ('das', u'Umweltbundesamt', u'Federal Environmental Agency'), ('die', u'Tube', u'tube'), ('das', u'Transparent', u'banner; reproducible copy; transparentness; banner'), ('der', u'Totalverlust', u'total loss'), ('die', u'Tiersch\xfctzerin', u'animal protectionist; animal-rights activist; animal welfarist'), ('das', u'Tiefdruckgebiet', u'depression; low-pressure area')] dictSet_108 = [('das', u'Testosteron', u'testosterone'), ('der', u'Term', u'term; mathematical term'), ('die', u'Suppe', u'soup; potage'), ('die', u'Struma', u'struma'), ('die', u'Strahlungsleistung', u'radiancy'), ('das', u'Strafgesetz', u'penal law'), ('die', u'Strafbarkeit', u'punishability'), ('der', u'Stiefsohn', u'stepson'), ('der', u'Steuermann', u'cox; coxswain; cox'), ('das', u'Standbild', u'tableau; fixed-image; freeze frame; statue; freeze image; still image'), ('der', u'Sp\xe4therbst', u'late autumn; late fall [Am.]'), ('der', u'Splitt', u'grit; (stone) chippings; (loose) chippings; crushed stone'), ('die', u'Spitzengruppe', u'top flight'), ('der', u'Spiritualist', u'spiritualist'), ('die', u'Spionageabwehr', u'counterintelligence; counter-espionage service; counter intelligence corps; counterespionage'), ('der', u'Spannbeton', u'prestressed concrete'), ('die', u'Sommersaison', u'summer season'), ('die', u'Sexualit\xe4t', u'sexuality'), ('das', u'Segment', u'segment'), ('der', u'Seeadler', u'white-tailed sea eagle'), ('der', u'Schw\xe4rmer', u'enthusiast; romantic; romanticist; hawkmoth; gusher'), ('der', u'Schwur', u'oath; vow'), ('das', u'Schwinden', u'evanescence'), ('die', u'Schwerkraft', u'gravity; force of gravity; gravitational force; gravitation'), ('die', u'Schriftgie\xdferei', u'typefoundry'), ('der', u'Schmaus', u'good spread [coll.]; feast; feasting'), ('das', u'Schlagwetter', u'firedamps'), ('die', u'Schatzkammer', u'treasury; treasure house; repertory'), ('das', u'Satellitenfoto', u'satellite picture'), ('die', u'Sakristei', u'sacristy; vestry'), ('das', u'Rubidium', u'rubidium'), ('das', u'Rezitativ', u'recitative'), ('die', u'Resistance', u'resistance; r\xe9sistance'), ('der', u'Raubzug', u'raid'), ('die', u'Putte', u'putto; cherub'), ('der', u'Prozessor', u'processor'), ('die', u'Presseerkl\xe4rung', u'statement to the press'), ('die', u'Polarisierung', u'polarization [eAm.]; polarisation [Br.]'), ('die', u'Pilgerfahrt', u"pilgrimage; pilgrim's journey"), ('der', u'Piefke', u'boaster; swaggerer; rodomont; braggart [Br.]; blowhard [Am.] (old-fashioned); German'), ('die', u'Physiotherapeutin', u'remedial gymnast; medical gymnast; physiotherapist; physical therapist'), ('das', u'Phosphat', u'phosphate'), ('der', u'Personalausweis', u'identity card; ID card; identification card'), ('die', u'Partitur', u'score'), ('das', u'Obergeschoss', u'top floor'), ('der', u'Neubeginn', u'new beginning; new beginnings'), ('die', u'Nennung', u'mention; entry'), ('das', u'Nachdenken', u'cogitation; thought; consideration'), ('die', u'Moorleiche', u'bog body; bog mummy; well-preserved body found in a bog'), ('das', u'Molek\xfcl', u'molecule'), ('der', u'Mindestumtausch', u'minimum obligatory exchange'), ('das', u'Mesolithikum', u'mesolithic; middle stone age'), ('die', u'Mensa', u'refectory; canteen; commons [Am.]'), ('die', u'Meeresh\xf6he', u'sea level'), ('der', u'Medizinstudent', u'medical student'), ('die', u'Materialwirtschaft', u'materials administration; materials logistics'), ('die', u'Massenverhaftung', u'mass arrest'), ('die', u'Magd', u'maiden; farmgirl; maid; maidservant'), ('die', u'Machtposition', u'powerful position; position of power'), ('der', u'L\xfcgner', u'liar'), ('der', u'Linienbus', u'public service vehicle'), ('der', u'Liedtext', u'words; lyrics'), ('die', u'Lautverschiebung', u'sound shift; sound change'), ('die', u'K\xfchlung', u'cooling; chilling; cooling'), ('der', u'Kutscher', u'coachman; coach driver'), ('die', u'Kranzniederlegung', u'laying of a wreath; wreath-laying'), ('der', u'Kosmologe', u'cosmologist'), ('das', u'Kollegium', u'council'), ('die', u'Kohleverfl\xfcssigung', u'coal liquefaction; coal hydrogenation'), ('der', u'Klausner', u'hermit'), ('der', u'Klassenkampf', u'class struggle'), ('der', u'Kirschbaum', u'cherry tree'), ('die', u'Keyboarderin', u'keyboarder'), ('der', u'Kernbereich', u'core area'), ('die', u'Kathodenstrahlr\xf6hre', u'cathode-ray tube /CRT/'), ('der', u'Kammerdiener', u'valet'), ('das', u'Kalium', u'potassium'), ('die', u'Kabale', u'intrigue; cabal'), ('das', u'Jagdschloss', u'hunting lodge'), ('die', u'Instandhaltung', u'maintenance; upkeep; maintenance'), ('der', u'H\xf6rsaal', u'lecture room'), ('das', u'H\xe4rten', u'hardening'), ('die', u'Hydrographie', u'hydrography'), ('die', u'Humanistin', u'humanist'), ('das', u'Hotelzimmer', u'hotel room'), ('die', u'Herrin', u'mistress'), ('der', u'Heimathafen', u'home port; port of registry; native port'), ('der', u'Heiligabend', u'Christmas Eve'), ('der', u'Haussperling', u'house sparrow; dunnock sparrow'), ('der', u'Haubentaucher', u'loon; great crested grebe'), ('der', u'Harnisch', u'slickenside; polished surface'), ('der', u'Haltepunkt', u'hold point'), ('der', u'Haken', u'hook; peg; crotchet; crook; crux; sidewinder [Am.]'), ('der', u'Hafenarbeiter', u'docker; longshoreman'), ('der', u'G\xfctertransport', u'haul; carriage'), ('das', u'Gro\xdfunternehmen', u'large scale enterprise'), ('die', u'Gesandtschaft', u'legation'), ('das', u'Gelege', u'clutch (of eggs)'), ('die', u'Geiselhaft', u'captivity (as hostage)'), ('die', u'Gebirgskette', u'mountain chain; mountain range')] dictSet_109 = [('die', u'Garbe', u'sheaf'), ('der', u'Fundort', u'habitat; point of discovery; place of discovery (of sth.); site of the discovery; site of the find; find spot; locality; finding place; collecting place; source of discovery; point of discovery'), ('die', u'Fortbewegung', u'locomotion'), ('das', u'Finanzzentrum', u'financial centre; financial center [Am.]'), ('der', u'Festk\xf6rper', u'solid state; solid object; solid'), ('das', u'Feindbild', u'bogeyman image; image as a bogeyman; concept of an/the enemy'), ('der', u'Extremfall', u'extreme example; extreme case'), ('der', u'Exorzismus', u'exorcism'), ('die', u'Erwerbst\xe4tigkeit', u'gainful employment'), ('das', u'Ertragen', u'bearing'), ('das', u'Erlegen', u'cull'), ('das', u'Erkennungszeichen', u'distinctive mark; shibboleth'), ('die', u'Entw\xe4sserung', u'dehydration; drainage; draining; dewatering; unwatering; dewatering'), ('die', u'Einschlie\xdfung', u'embedment; encompassment'), ('der', u'Eindringling', u'intruder; gatecrasher; interloper; invader; infiltrator'), ('die', u'Druckluftbremse', u'pneumatic brake; air brake'), ('die', u'Draisine', u'handcar; trolley'), ('der', u'Dogmatiker', u'dogmatist'), ('das', u'Dingsda', u'dohickey; dojigger; doodad; doodah [Br.]; doohickey; hickey; gimmick; whatchamacallit; whatsis [coll.]'), ('der', u'Devisenmarkt', u'currency market; foreign exchange market'), ('der', u'Delphin', u'dolphin; butterfly; butterfly stroke'), ('das', u'Darts', u'darts'), ('der', u'Buchdruck', u'letterpress printing'), ('das', u'Blinklicht', u'indicator light; flashing light'), ('das', u'Blickfeld', u'field of vision; range of vision'), ('die', u'Biese', u'tuck'), ('die', u'Bergstra\xdfe', u'mountain road'), ('das', u'Beiname', u'epithet'), ('das', u'Beiheft', u'supplement'), ('der', u'Beifall', u'applause; acclamation; acclaim; eclat; \xe9clat; round of applause; plaudit; clap; clapping'), ('die', u'Bef\xfcrchtung', u'apprehension; misgiving; fear'), ('der', u'Bearbeiter', u'arranger; processor'), ('der', u'Baronin', u'baroness'), ('der', u'Bank\xfcberfall', u'bank raid; bank hold-up'), ('die', u'Au\xdfenbezirke', u'outskirts'), ('die', u'Auszahlung', u'payment; paying out (of money); paying off; disbursement; pay-off; disbursal'), ('das', u'Ausschalten', u'power down'), ('der', u'Aufkl\xe4rungsflug', u'reconnaissance flight; reconnaissance mission'), ('der', u'Atomspion', u'nuclear spy'), ('der', u'Atmosph\xe4rendruck', u'atmospheric pressure'), ('der', u'Asylbewerber', u'asylum seeker; person seeking (political) asylum'), ('das', u'Ass', u'ace (playing card); crackerjack [coll.]; ace'), ('der', u'Angriffskrieg', u'war of aggression'), ('die', u'Amsel', u'blackbird; Eurasian blackbird'), ('die', u'Amphibie', u'amphibian'), ('die', u'Alpinistin', u'alpinist'), ('der', u'Aka', u'aka'), ('das', u'Adjektiv', u'adjective /adj./'), ('die', u'Adaption', u'adaption'), ('die', u'Abordnung', u'delegacy; delegation; deputation; mission'), ('das', u'Abfeuern', u'firing'), ('der', u'Zitronenfalter', u'brimstone butterfly'), ('der', u'Zimmerer', u'carpenter'), ('der', u'Zentaur', u'centaur; Centaurus'), ('die', u'Zange', u'forceps; claw; pliers; pincers; nippers; tongs; forceps'), ('die', u'Wohlt\xe4tigkeit', u'beneficence; charity; charitableness'), ('das', u'Windsurfen', u'wind surfing; windsurfing'), ('der', u'Wetterhahn', u'weathercock'), ('die', u'Weltzeituhr', u'clock showing times around the world'), ('der', u'Welthandel', u'international trade'), ('die', u'Volkssprache', u'popular speech'), ('die', u'Volkssouver\xe4nit\xe4t', u'sovereignty of the people'), ('die', u'Verwechslung', u'mistake; confusion; mixing up; mix-up'), ('die', u'Verunreinigung', u'impurity; contamination; pollution; defilement; impureness; contaminant'), ('der', u'Verbrennungsmotor', u'combustion engine'), ('das', u'Veilchen', u'violet'), ('das', u'Variet\xe9theater', u'variety theatre; variety theater [Am.]'), ('der', u'Urknall', u'big bang'), ('die', u'Tyrannei', u'tyranny'), ('der', u'Thesaurus', u'thesaurus'), ('die', u'Thermik', u'thermal'), ('der', u'Taxifahrer', u'taxi driver; cab driver; cabman; cabbie [coll.]; cabby [coll.]'), ('der', u'Tarifabschluss', u'wage settlement'), ('das', u'Sudhaus', u'brewing room; brewing house; mashhouse'), ('der', u'Strunk', u'stem; stalk'), ('der', u'Stoppel', u'stubble'), ('der', u'Steppt\xe4nzer', u'tap dancer'), ('die', u'Steppe', u'steppe; grass-covered plain; temperate grassland; pampa (Argentina); scrub (Australia); veld(t) (South Africa); Ilanos (Orinoco)'), ('die', u'Stammesgeschichte', u'phylogeny'), ('der', u'Stammbaum', u'pedigree; family tree; genealogic tree; genealogic succession; pedigree; studbook'), ('der', u'Stahlstich', u'steel engraving'), ('der', u'Spinner', u'crank; spinner; nutter; wacko; whacko; loon; psycho [Am.] [coll.]; crackpot; screwball [Am.]; flake [Am.]'), ('der', u'Spielraum', u'clearance; scope; time; margin; elbowroom; leeway'), ('der', u'Spielbeginn', u'start of play'), ('die', u'Sonnenspektrum', u'solar spectrum'), ('die', u'Sonnenenergie', u'solar energy; solar power'), ('die', u'Sole', u'brine; salt brine'), ('der', u'Soden', u'sod'), ('das', u'Siebenfache', u'septuple'), ('die', u'Sexualkunde', u'sex education'), ('die', u'Seglerin', u'sailer; yachtswoman'), ('der', u'Sch\xfcttler', u'rocker; shaker'), ('das', u'Sch\xfcren', u'fomentation'), ('der', u'Schulabschluss', u'school-leaving qualifications; secondary school qualifications'), ('die', u'Scholle', u"furrow slice; clod; plaice; sand dab; soil; block; fault(ed) block; clod; massif (of earth's crust); raft (in magmatites)"), ('die', u'Schnittstelle', u'cut surface; interface; interface'), ('das', u'Schnellboot', u'speedboat; high-speed patrol boat'), ('die', u'Schneiderin', u'tailor'), ('die', u'Schneeschmelze', u'thaw; thawing period; melting of the snow; snowmelt; snowbreak; melting of snow'), ('die', u'Schmelze', u'melting; smelting; melting; molten mass; liquid rock; molten metal; molten glass; heat code; thaw; thawing period; melting of the snow; snowmelt; snowbreak')] dictSet_110 = [('der', u'Schlachtruf', u'whoop; war cry'), ('die', u'Schenkungsurkunde', u'deed of donation'), ('die', u'Schenke', u'tavern'), ('die', u'R\xfcster', u'elm; elm tree'), ('die', u'R\xfcckbesinnung', u'reversion (to)'), ('das', u'Renommee', u'renown'), ('die', u'Reliquie', u'relic'), ('der', u'Recke', u'warrior; hero'), ('das', u'Radom', u'radiation dome; radome'), ('das', u'Pr\xe4ludium', u'prelude; prelude'), ('der', u'Proll', u'toerag [Br.] [slang]; prole; chav [Br.] [coll.]'), ('der', u'Porenbeton', u'Autoclaved aerated concrete'), ('das', u'Plebiszit', u'plebiscite (on sth.)'), ('die', u'Plane', u'tarpaulin; tarpaulin; awning; blanket; canvas cover'), ('die', u'Phasenlage', u'phase; phase shift; phase relation'), ('das', u'Pfarrhaus', u'rectory; vicarage; parsonage'), ('das', u'Pech', u'pitch; bad luck; bad break; tough luck [coll.]; misfortune'), ('das', u'Oxid', u'oxide'), ('die', u'Ohnmacht', u'powerlessness; faint; swoon; blackout; palsy'), ('der', u'Nichtangriffsvertrag', u'non-aggression treaty; non-aggression pact; nonaggression pact'), ('die', u'Neuorientierung', u'reorientation'), ('die', u'Nationalr\xe4tin', u'member of the National Council'), ('die', u'M\xfcllabfuhr', u'refuse collection; garbage collection [Am.]'), ('das', u'Mountainbike', u'mountain bike /MTB/'), ('der', u'Misstrauensantrag', u'motion of no confidence; censure motion'), ('das', u'Misstrauensantrag', u'motion of no confidence; censure motion'), ('das', u'Missfallen', u'disapproval; disfavour [Br.]; disfavor [Am.]; displeasure; discontent'), ('der', u'Mexikaner', u'Mexican'), ('das', u'Medikament', u'remedy; medicinal drug; medicament; medicine; pill; tablet'), ('die', u'Matura', u'school leaving examination; general qualification for university entrance; A-levels [Br.]; Higher School Certificate [Austr.]; Certificate Victorian Education /CVE/ [Austr.]'), ('das', u'Marmarameer', u'Sea of Marmara; Sea of Marmora; Marmara Sea'), ('das', u'Lyzeum', u"girls' grammar school"), ('die', u'Lade', u'chest; ark; drawer'), ('die', u'K\xf6nigstochter', u"king's daughter; princess"), ('der', u'Kunstliebhaber', u'lover of the arts; art lover; dilettante'), ('das', u'Konversationslexikon', u'encyclopedia; encyclopaedia'), ('das', u'Kontinentalklima', u'continental climate'), ('die', u'Kompromissl\xf6sung', u'compromise solution'), ('die', u'Kommunion', u'communion'), ('die', u'Kommunalverwaltung', u'local government'), ('der', u'Klavierunterricht', u'piano lesson'), ('die', u'Klappbr\xfccke', u'bascule bridge; lifting loading ramp'), ('das', u'Kartenhaus', u'house of cards; chart house'), ('die', u'Kalkgrube', u'lime pit'), ('der', u'Kabelkanal', u'cable duct; cable conduit'), ('der', u'J\xe4hrling', u'yearling'), ('der', u'Jett', u'jet'), ('das', u'Jahreseinkommen', u'annual income; yearly income'), ('das', u'Jagdrecht', u'shooting right'), ('der', u'Insiderhandel', u'insider dealing; insider trading'), ('die', u'Infrarotstrahlung', u'infrared radiation'), ('die', u'Individualit\xe4t', u'individuality'), ('die', u'Impedanz', u'impedance'), ('der', u'Hundeschlitten', u'dog sled'), ('die', u'Hochseefischerei', u'deep-sea fishing'), ('der', u'Hirte', u'herdsman; herder; pastoralist'), ('die', u'Hinterlegung', u'lodgement; escrow'), ('der', u'Hieb', u'hack; clip; blow; stroke; hit'), ('die', u'Haush\xe4lterin', u'housekeeper'), ('die', u'Hauptursache', u'root cause; chief cause; main cause'), ('die', u'Handfeuerwaffe', u'handgun'), ('die', u'Gravitation', u'gravitation; gravity; force of gravity; gravitational force'), ('das', u'Gew\xf6lbe', u'arch; vault; dome; cove; arched roof; arched top; quaquaversal structure'), ('die', u'Gesch\xe4ftsstelle', u'agency; office; offices; administrative office; location of a company'), ('der', u'Gerichtsmediziner', u'specialist in forensic medicine; forensic pathologist'), ('die', u'Generalprobe', u'dress rehearsal'), ('die', u'Geige', u'fiddle; violin'), ('die', u'Fruchtbarkeit', u'fecundity; fertility; fruitfulness; prolificness; reproductiveness; richness (of soil)'), ('die', u'Fl\xfcssigkeit', u'fluid; liquid; fluidness; fluency (of movement); liquidness; fluidity; liquor'), ('die', u'Flie\xdfgeschwindigkeit', u'flow velocity; flow capacity; current velocity'), ('das', u'Flie\xdfband', u'conveyor belt; assembly line; production line'), ('die', u'Flexibilit\xe4t', u'flexibility; versatility'), ('der', u'Exorzist', u'exorcist'), ('der', u'Eroberungskrieg', u'war of conquest'), ('der', u'Elektromotor', u'electric motor'), ('die', u'Elektrolokomotive', u'electric locomotive'), ('das', u'Einspielergebnis', u'box-office takings; box-office receipts'), ('die', u'Eidesleistung', u'oath taking'), ('die', u'Ehrlichkeit', u'forthrightness; honesty; straightforwardness; earthiness'), ('der', u'Drehstrom', u'rotary current; three-phase current; three-phase A.C. current'), ('die', u'Dose', u'tin [Br.]; can [Am.]; box'), ('die', u'Diagnostik', u'diagnostics'), ('die', u'Dau', u'dhow'), ('das', u'Cellophan', u'cellophane'), ('der', u'B\xfcchsenmacher', u'gunsmith'), ('der', u'Bundeshaushalt', u'federal budget'), ('die', u'Br\xfcderlichkeit', u'brotherliness'), ('die', u'Boygroup', u'boygroup'), ('der', u'Bohrer', u'drill; driller; borer; drill; wimble; burr; bur; auger; auger bit; worm auger; bit; crown; boring bar; steel; auger'), ('das', u'Blutvergie\xdfen', u'bloodletting; bloodshed'), ('der', u'Blitzschlag', u'stroke of lightning'), ('die', u'Bescheinigung', u'certificate; attestation; certification; certificate; credentials; authentication (of sth.); bill; credentials'), ('das', u'Bescheinigung', u'certificate /cert./'), ('die', u'Berufsgenossenschaft', u"(German) employer's liability insurance association; professional association; trade association; workers' compensation board"), ('das', u'Begreifen', u'apprehension; comprehension'), ('das', u'Begehren', u'desire; longing'), ('der', u'Bauteil', u'component (of sth.)'), ('das', u'Bauteil', u'component; structural element; part; building component'), ('die', u'Bautechnik', u'architectural technology'), ('der', u'Baustein', u'building block; building stone; module; element; brick')] dictSet_111 = [('das', u'Ausrichten', u'alignment; alignment'), ('die', u'Aufbereitung', u'preparation; treatment; dressing; processing; separation; concentration; beneficiation; cleansing; upgrading; milling'), ('das', u'Atmen', u'breathing'), ('der', u'Asphalt', u'asphalt; metal; pavement [Am.] [Austr.]; asphalt; asphaltum; oil coal; stellar coal; mineral pitch'), ('das', u'Arbeitslosengeld', u'unemployment benefit; dole [Br.]'), ('der', u'Angler', u'angler; fisherman'), ('die', u'Aneignung', u'adoption; annexation; occupance; appropriation; acquisition; occupancy (of sth.)'), ('die', u'Aktfotografie', u'nude photography; nude photograph'), ('der', u'Aggregatzustand', u'state; aggregate state; state of matter; phase of matter'), ('das', u'Achtelfinale', u'second round; round before the quarterfinal; round of sixteen'), ('die', u'Abstinenzbewegung', u'temperance movement'), ('das', u'Abdecken', u'covering; protection'), ('die', u'Abberufung', u'recall'), ('die', u'Z\xfcchtung', u'breeding; breeding; growth'), ('das', u'Zerlegen', u'removal; removing; disassembling'), ('die', u'Zentralverwaltung', u'head office'), ('der', u'Zeitabschnitt', u'period; period of time'), ('der', u'W\xf6rthersee', u'Lake W\xf6rthersee'), ('die', u'Windrichtung', u'wind direction'), ('die', u'Wilderei', u'poaching'), ('der', u'Wasserverbrauch', u'water consumption; water usage; water use'), ('die', u'Waldohreule', u'(Northern) long-eared owl'), ('das', u'Wahlgesetz', u'electoral law'), ('der', u'Wahlbezirk', u'constituency; ward; electoral district [Am.]'), ('die', u'Waffengattung', u'arm (of the service); armed service'), ('die', u'Vervielf\xe4ltigung', u'diversification; diversification of supply; diversification of sources of supply; reproduction; duplication; manifold (a copy); reprography'), ('die', u'Versuchsanstalt', u'experimental station; research institute'), ('die', u'Verr\xfcckte', u'madwoman'), ('der', u'Verr\xfcckte', u'furioso; weirdo; madman'), ('die', u'Verdoppelung', u'reduplication; doubling; redoubling'), ('die', u'Verbr\xfcderung', u'fraternization [eAm.]; fraternisation [Br.]'), ('der', u'Verbreiter', u'disseminator; circulator; monger; propagator; utterer'), ('das', u'Urstromtal', u'glacial valley; Pleistocene watercourse; icemarginal valley; glacial spillway; glacial stream channel'), ('die', u'Untersuchungshaft', u'remand in custody (before trial); detention awaiting/pending trial; pre-trial detention [Am.]'), ('der', u'Unterkiefer', u'lower jaw; mandible; jowl'), ('der', u'T\xfcrke', u'Turk; Turkish man; Turkish woman'), ('der', u'Trakt', u'section; wing; block'), ('die', u'Tomographie', u'tomography; imaging'), ('die', u'Tomate', u'tomato'), ('die', u'Tinte', u'ink'), ('der', u'Technologietransfer', u'technology transfer'), ('der', u'Suezkanal', u'Suez Canal'), ('der', u'Sturzkampfbomber', u'dive bomber; dive fighter'), ('das', u'Streichholz', u'match; matchstick; vesta'), ('die', u'Straftat', u'crime; offence [Br.]; offense [Am.]; criminal act; criminal offence [Br.]; criminal offense [Am.]; punishable act'), ('der', u'Steinadler', u'golden eagle'), ('die', u'Staatsverfassung', u'constitution (of a State)'), ('der', u'Staatsapparat', u'government machinery'), ('der', u'Spargel', u'asparagus'), ('die', u'Sohle', u'river bed; riverbed; river bottom; stream bed; bed; sole; bottom; bottom; floor (of an adit); base surface (of a layer); underlier; horizon (of a working)'), ('die', u'Siedlerin', u'settler'), ('die', u'Sesshaftigkeit', u'sedentariness; settledness'), ('die', u'Seeseite', u'sea side; lakefront'), ('die', u'Schwerelosigkeit', u'weightlessness'), ('die', u'Schwangere', u'pregnant woman'), ('der', u'Schwall', u'deluge; torrent; torrential stream; ravine stream; flush'), ('der', u'Schuppen', u'shanty; shed; garden shed; scurf; shelter; hovel'), ('der', u'Schrank', u'cupboard; cabinet; locker'), ('der', u'Schleudersitz', u'ejection seat; ejector seat'), ('die', u'Schlagkraft', u'punch; clout; strike power; striking power'), ('der', u'Schirm', u'blind; umbrella; brollie [coll.]; visor; shade; screen'), ('das', u'Schie\xdfpulver', u'gunpowder'), ('der', u'Scher', u'mole'), ('das', u'Schachturnier', u'chess tournament'), ('die', u'Savanne', u'savannah; savanna'), ('das', u'Ruderboot', u'rowboat; rowing boat [Br.]'), ('das', u'Rift', u'rift; rift valley'), ('die', u'Reprise', u'reprise'), ('die', u'Religiosit\xe4t', u'religiousness'), ('der', u'Reichsadler', u'imperial eagle'), ('die', u'Rangordnung', u'hierarchy; order of ranks'), ('das', u'Quellgebiet', u'headwater; source region'), ('das', u'Qualit\xe4tsmanagement', u'quality management /QM/'), ('der', u'Probeflug', u'test flight'), ('die', u'Phrase', u'phrase; catchphrase'), ('die', u'Pflaume', u'prune; plum'), ('der', u'Personenwagen', u'railway carriage [Br.]; railway coach [Br.]; railroad car [Am.]; passenger coach; passenger car [Am.]; passenger car; motorcar [Br.]; automobile [Am.]; coach'), ('die', u'Pergola', u'pergola; arbour [Br.]; arbor [Am.]'), ('der', u'Panda', u'panda'), ('der', u'Oberamtmann', u'county commissioner (head of county administration)'), ('der', u'Nullpunkt', u'zero point; zero; rock-bottom; rock bottom; bottom'), ('das', u'Natrium', u'sodium'), ('der', u'Motivationstrainer', u'motivation coach; motivational speaker'), ('die', u'Motette', u'motet'), ('das', u'Molybd\xe4n', u'molybdenum'), ('der', u'Mittelbau', u'central block'), ('die', u'Mitgift', u'dowry; tocher; endowment; marriage-portion'), ('die', u'Methodik', u'methodology; methods; methodology'), ('der', u'Mehrheitsbeschluss', u'majority decision'), ('die', u'Meeresbiologin', u'marine biologist'), ('das', u'Mauerwerk', u'masonry; brickwork; walling; stonework'), ('die', u'Mahlzeit', u'meal; meal; repast'), ('die', u'Magisterarbeit', u"final thesis for an MA degree; master thesis; master's thesis"), ('das', u'Lotto', u'lottery'), ('die', u'Lebensretterin', u'rescuer'), ('der', u'Landstreicher', u'hobo [Am.]; vagabond; vagrant; yegg; sundowner; tramp'), ('der', u'Landsitz', u'country home; country house'), ('das', u'Labyrinth', u'labyrinth; maze'), ('der', u'K\xf6rperbau', u'frame; physique'), ('das', u'K\xf6lsch', u'Koelsch (beer from Cologne)')] dictSet_112 = [('der', u'K\xe4ufer', u'buyer; vendee; purchaser'), ('der', u'Ku\xdf', u'kiss'), ('das', u'Kurhaus', u'kurhaus; casino'), ('die', u'Kriminologie', u'criminology'), ('die', u'Kreuzfahrt', u'cruise; cruise'), ('die', u'Korrelation', u'correlation'), ('die', u'Konterrevolution', u'counter-revolution; counterrevolution'), ('die', u'Kaste', u'caste'), ('das', u'Kanzleramt', u'chancellory; chancellery; chancellorship; Cabinett Office; Cabinett Office'), ('die', u'Kamille', u'camomile; chamomile'), ('die', u'Kaiserstadt', u'imperial city'), ('die', u'Jugendweihe', u'ceremony in which teenagers are given adult social status (esp. in East Germany)'), ('der', u'Jahresniederschlag', u'mean annual precipitation'), ('die', u'Immunologie', u'immunology'), ('das', u'Hundertstel', u'hundredth'), ('der', u'Holk', u'hulk'), ('die', u'Hochkultur', u'advanced civilization; advanced culture; high culture'), ('die', u'Hirse', u'millet; sorghum'), ('das', u'Herzversagen', u'heart failure'), ('die', u'Hauptquelle', u'key source; main source'), ('die', u'Handwerkskammer', u'chamber of handicrafts'), ('der', u'Handelsplatz', u'emporium'), ('der', u'Gutachter', u'expert; censor; reviewer; estimator'), ('die', u'Grundversorgung', u'basic care'), ('die', u'Grundhaltung', u'tenor'), ('der', u'Groschen', u'groschen (in Austria); grosz (in Poland); dime; 10 cent [Am.]; 10-pfennig piece; penny; cent'), ('das', u'Grasland', u'lea; ley; grassland; pastureland'), ('die', u'Goldm\xfcnze', u'gold coin'), ('die', u'Gleichbehandlung', u'equality of treatment'), ('die', u'Giraffe', u'giraffe; giraffe (Camelopardalis)'), ('die', u'Gewaltfreiheit', u'nonviolence; non-violence'), ('der', u'Gesundheitsexperte', u'health expert'), ('die', u'Gemeinschaftsschule', u'common school'), ('die', u'Gebrauchsanweisung', u'directions for use; operating instructions {pl}'), ('der', u'Gebirgsschlag', u'fall of country; pressure burst; popping rock'), ('die', u'Gastgeberin', u'hostess'), ('die', u'F\xfcrsorgerin', u'social welfare worker'), ('die', u'F\xfchrungsposition', u'executive position'), ('die', u'Friedenssicherung', u'peacekeeping'), ('der', u'Fleischhauer', u'butcher'), ('der', u'Flaschenk\xfcrbis', u'gourd; calabash; butternut squash'), ('das', u'Finalspiel', u'final match'), ('die', u'Filmszene', u'movie scene'), ('die', u'Fiktion', u'myth; fiction'), ('die', u'Festplatte', u'hard disk; harddisk [Am.]; hard disc; harddisc [Br.]; fixed disc [Br.]; fixed disk [Am.]; hard-disc [Br.]; hard disk [Am.]'), ('das', u'Fesseln', u'pinning of a piece'), ('die', u'Farbenlehre', u'chromatics; theory of colours'), ('die', u'Fahndung', u'search (for)'), ('die', u'Eule', u'owl; owlet; late riser; slugabed; lie-abed; owl; eagle owl'), ('das', u'Establishment', u'the establishment [Br.]'), ('die', u'Erstarrung', u'congealment; congelation; torpidor; torpidity; torpidness; torpor; stupor; stiffness; solidification; setting; freezing'), ('der', u'Ernstfall', u'case of emergency'), ('die', u'Entlohnung', u'pay; payment; compensation [Am.]'), ('die', u'Empfangsantenne', u'receiving aerial'), ('der', u'Eisenbahner', u'railroader'), ('die', u'Einspeisung', u'feed; power feed'), ('das', u'Einlaufen', u'shrinkage'), ('der', u'Eingangsbereich', u'entry area'), ('der', u'Einflu\xdf', u'influence (on)'), ('der', u'D\xe4mon', u'demon; daemon'), ('die', u'Dankbarkeit', u'gratefulness; gratitude; thankfulness; gratitude; appreciation'), ('das', u'DSL', u'DSL (originally: digital subscriber loop, nowadays: digital subscriber line)'), ('das', u'Contergan', u'thalidomide'), ('der', u'Comicstrip', u'strip cartoon; comic cartoon'), ('der', u'Chefankl\xe4ger', u'Attorney General'), ('das', u'Charisma', u'charisma; vibes'), ('die', u'B\xfcrgschaft', u'surety; guarantee; guaranty; bail; sponsion; security'), ('der', u'Buchhalter', u'accountant; bookkeeper; book keeper; accountant; accounting clerk; accounting clerk; accounts clerk'), ('der', u'Bibliograph', u'bibliographer'), ('das', u'Beitrittsgebiet', u'acceding territory'), ('der', u'Befund', u'findings; result; results; findings'), ('das', u'Befolgen', u'heed; heeding'), ('die', u'Beatmusik', u'beat; beat music'), ('das', u'Bandoneon', u'bandoneon'), ('das', u'Austreten', u'leakage'), ('die', u'Ausgangssituation', u'starting situation; initial situation'), ('der', u'Atlantikwall', u'Atlantic Wall (Nazi defensive works against invasion from England)'), ('das', u'Armenviertel', u'poor district; poor quarter; slum; slum area'), ('die', u'Anthroposophie', u'anthroposophy (spiritual philosophy)'), ('die', u'Anschauung', u'view; intuition; conception; apprehension; contemplation; idea; opinion (about sth.)'), ('die', u'Aburteilung', u'sentencing; condemnation'), ('das', u'Ablesen', u'reading'), ('der', u'Zulieferer', u'supplier'), ('die', u'Zollgrenze', u'customs frontier'), ('der', u'Zipfel', u'corner'), ('der', u'Zementgehalt', u'content of cement'), ('der', u'Zauberw\xfcrfel', u"Rubik's Cube"), ('die', u'Wissenschaftstheorie', u'philosophy of science; theory of science'), ('der', u'Wirtschaftssektor', u'economic sector'), ('der', u'Windschatten', u'lee; lee site; slipstream'), ('das', u'Wiederherstellen', u'retrieval'), ('die', u'Wiederansiedlung', u'return (of)'), ('das', u'Westufer', u'west bank; western bank'), ('der', u'Weltverband', u'world organisation'), ('das', u'Weinen', u'crying; weeping'), ('der', u'Wassergehalt', u'moisture content; water content; moisture equivalent; moisture percentage'), ('der', u'Wanderweg', u'hiking trail'), ('die', u'Wanderausstellung', u'touring exhibition; travelling exhibition'), ('das', u'Walfleisch', u'whale meat'), ('das', u'Vokabular', u'vocabulary')] dictSet_113 = [('der', u'Viertaktmotor', u'four-stroke engine [Br.]; four-cycle engine [Am.]; four-stroker [coll.] [Br.]'), ('die', u'Vernetzung', u'networking; networking; cross-linking; cross-linkage; interconnectedness'), ('der', u'Verfolger', u'pursuer; persecutor; followspot; spotlight; follow spotlight; Super Trouper [tm]; chaser; follower; haunter'), ('die', u'Verantwortlichkeit', u'liability; responsibility; accountableness; amenableness; liability; accountability'), ('die', u'Unterstellung', u'suggestion; imputation'), ('die', u'Unternehmung', u'enterprise; attempt; operation; venture'), ('die', u'Unm\xf6glichkeit', u'impossibility; impracticality'), ('das', u'Timing', u'timing'), ('das', u'Sujet', u'subject; topic; theme'), ('das', u'Substrat', u'substrate; substratum; substrate'), ('die', u'Strukturformel', u'structural formula'), ('der', u'Stiel', u'hilt (sword; dagger); stem; stalk; handle; helve; shaft; stem; stick; stalk; stem; peduncle; leafstalk; petiole'), ('die', u'Stiefmutter', u'stepmother'), ('die', u'Staustufe', u'barrage; retaining dam; retaining dam weir'), ('das', u'Stadtparlament', u'city parliament'), ('der', u'Stadtf\xfchrer', u'city guide; city guidebook'), ('die', u'Staatsverwaltung', u'public administration'), ('das', u'Sprungbrett', u'springboard; diving board; stepping stone; steppingstone [fig.]'), ('die', u'Sportveranstaltung', u'sporting event; sports event; sports meeting; sports'), ('der', u'Spielleiter', u'quizmaster; tourneur'), ('der', u'Spektakel', u'brouhaha'), ('das', u'Spektakel', u'pageant; fracases; spectacular; ruction; extravaganza'), ('der', u'Sonderzug', u'special train; special'), ('das', u'Snowboard', u'snowboard'), ('das', u'Sigel', u'outline'), ('die', u'Siegess\xe4ule', u'triumphal column'), ('die', u'Sichtbarkeit', u'conspicuity [Br.]; visibility; visibleness'), ('die', u'Setzmaschine', u'typesetting machine; jigger'), ('der', u'Schlangentr\xe4ger', u'Ophiuchus; snake-holder'), ('der', u'Scheideweg', u'crossroads; parting of the ways'), ('der', u'Rundgang', u'tour; round; beat'), ('der', u'Revisionismus', u'revisionism'), ('die', u'Reklame', u'canvassing; billing; plug [coll.]; advertisement; advertising; ad; advert'), ('der', u'Reiher', u'heron'), ('der', u'Rangierbahnhof', u'marshaling yard; marshalling yard; switchyard [Am.]; classification yard; shunting yard; shunting station'), ('das', u'Quecksilber', u'quicksilver; mercury; quicksilver'), ('die', u'Produktionszeit', u'lead time; production period'), ('die', u'Privatsph\xe4re', u'privacy'), ('der', u'Primat', u'primacy; primate'), ('das', u'Primat', u'primacy (over)'), ('das', u'Positron', u'positron'), ('die', u'Popul\xe4rkultur', u'pop culture; popular culture'), ('das', u'Polyethylen', u'polyethylene'), ('das', u'Pianoforte', u'pianoforte'), ('die', u'Ph\xe4nomenologie', u'phenomenology'), ('der', u'Pfingstmontag', u'Whit Monday'), ('der', u'Personenkreis', u'circle of people'), ('die', u'Periodendauer', u'cycle duration'), ('der', u'Originalton', u'original soundtrack'), ('der', u'Ophthalmologe', u'eye specialist; eye doctor; ophthalmologist'), ('das', u'Nutzsignal', u'useful signal; wanted signal'), ('der', u'Numerus', u'anti log'), ('die', u'Notlage', u'distress; dire straits; emergency; emergency case; plight; exigency; calamity'), ('die', u'Nichtverbreitung', u'non-proliferation (of weapons)'), ('die', u'Naturlandschaft', u'natural landscape'), ('das', u'Nachspiel', u'epilogue; epilog [Am.]; closing section; sequel; consequences; repercussions; fallout; postlude'), ('das', u'Milit\xe4rlager', u'military camp'), ('die', u'Messtechnik', u'measurement engineering; measurement; measurement technology; measuring technique; metrology'), ('die', u'Membran', u'membrane; diaphragm'), ('das', u'Marrakesch', u'Marrakech; Marrakesh'), ('die', u'Manier', u'manner; style; vein'), ('das', u'Mangan', u'manganese'), ('der', u'Locker', u'elicitor'), ('die', u'Lithografin', u'lithographer'), ('das', u'Leinen', u'linen; linen; cloth'), ('die', u'Lebensgrundlage', u'base of life; basis of existence; livelihood [Am.]'), ('die', u'Laudatio', u'encomium; eulogy'), ('die', u'Latte', u'batten; slat; lath; picket; bar; crossbar; pale; boner; stiffy; chubby [slang]'), ('der', u'Langl\xe4ufer', u'cross-country ski runner'), ('das', u'Krisengebiet', u'crisis area'), ('der', u'Kranfahrer', u'crane driver; crane operator'), ('der', u'Klangk\xf6rper', u'orchestra; body of sound; body'), ('die', u'Kehle', u'valley; throat; gorge; hollow moulding; fillet'), ('der', u'Kabeljau', u'cod; codfish'), ('das', u'Interstadial', u'interstadial epoch'), ('der', u'Industriestaat', u'industrial country'), ('der', u'Impressionist', u'impressionist'), ('der', u'Hypertext', u'hypertext'), ('die', u'Huldigung', u'homage'), ('der', u'Horrorfilm', u'horror film; hair-raiser [fig.]'), ('die', u'Hochzeitsfeier', u'wedding; nuptial celebrations; wedding ceremony'), ('die', u'Hochseeschifffahrt', u'high-sea navigation'), ('das', u'Heiz\xf6l', u'fuel oil; heating oil; combustion fuel'), ('die', u'Hauptlinie', u'mainline; stem (of family tree)'), ('die', u'Handlungsf\xe4higkeit', u'capacity to act; legal capacity'), ('die', u'Hafeneinfahrt', u'harbor entrance; harbour entry'), ('der', u'Gummi', u'rubber; rubber; chicle; elastic; elastic bands'), ('die', u'Gruft', u'grave; vault; tomb; crypt'), ('der', u'Gockel', u'cock'), ('das', u'Glasfenster', u'glass window'), ('das', u'Gipfelkreuz', u'cross on the summit of a mountain'), ('die', u'Gewissheit', u'certitude; sureness; certainty; assuredness; surety'), ('die', u'Gewichtung', u'emphasis; exposure [Br.]'), ('der', u'Gesetzesentwurf', u'bill'), ('die', u'Gesamtmenge', u'aggregate'), ('der', u'Geruch', u'smell; odour [Br.]; odor [Am.]; smack (of); odour; smell'), ('der', u'Geheimbund', u'secret society'), ('die', u'Gegenzeichnung', u'countersign; countersignature'), ('das', u'Gefl\xfcgel', u'fowl; poultry'), ('der', u'Gasthof', u'inn; hotel')] dictSet_114 = [('das', u'Garn', u'thread; cotton; yarn'), ('die', u'Freiheitsrechte', u'civil rights and liberties'), ('der', u'Forschungsbericht', u'research report'), ('die', u'Font\xe4ne', u'fountain'), ('das', u'Flechten', u'plait'), ('das', u'Flachland', u'flat country; flat land; flat ground; flat; plain; level country'), ('die', u'Firmung', u'Confirmation'), ('das', u'Filmmuseum', u'film museum; movie museum [Am.]'), ('die', u'Filmkamera', u'cine camera'), ('die', u'Filipina', u'Filipino'), ('die', u'Feuerwaffe', u'firearm; fire arm'), ('der', u'Feldhase', u'hare [Br.]; rabbit [Am.]'), ('der', u'Fahnentr\xe4ger', u'standard-bearer'), ('die', u'Fachschule', u'technical college; technical school'), ('der', u'Etrusker', u'Etruscan'), ('der', u'Epilog', u'epilogue; epilog [Am.]'), ('die', u'Einziehung', u'sequestration; draft; induction [Am.]; conscription; levy'), ('die', u'Einheitlichkeit', u'uniformity; consistency; togetherness; unity; standardization [eAm.]; standardisation [Br.]'), ('der', u'Eifer', u'enthusiasm; verve; alacrity; assiduousness; eagerness; ardency; intentness; mettles; zeal; zealousness; seriousness; diligence; mettle'), ('der', u'D\xfcnger', u'fertilizer; fertiliser; manure'), ('die', u'Durchdringung', u'penetration; pervasion'), ('die', u'Druckluft', u'compressed air'), ('die', u'Disposition', u'disposition (to); disposal; arrangement; right of disposal'), ('der', u'Diskjockey', u'disc jockey; jock [coll.] /DJ/; deejay [coll]'), ('der', u'Deckname', u'alias; assumed name'), ('das', u'Debakel', u'debacle'), ('der', u'Dativ', u'dative; dative case'), ('der', u'Dadaist', u'dadaist'), ('das', u'Credo', u'credo; creed'), ('das', u'Cordoba', u'cordoba'), ('der', u'Chemieingenieur', u'chemical engineer'), ('die', u'Chefredakteurin', u'chief editor; editor-in-chief'), ('die', u'Chartermaschine', u'charter plane'), ('das', u'Bundeskartellamt', u'Federal Cartel Office'), ('der', u'Bluthund', u'bloodhound'), ('die', u'Bezugnahme', u'reference (to sth.); quotation'), ('die', u'Bezirksregierung', u'district government'), ('das', u'Bezahlfernsehen', u'pay TV'), ('die', u'Betoninstandsetzung', u'concrete repair; concrete restoration'), ('der', u'Bergrutsch', u'landslide; fall of rocks; earth slip'), ('die', u'Bemessung', u'calculation; dimensioning; assessment (of charges, fines etc.)'), ('die', u'Basketballspielerin', u'basketball player; hoopster [coll.]'), ('der', u'Autobus', u'bus'), ('das', u'Ausstellungsgel\xe4nde', u'exhibition area; showground'), ('die', u'Augenh\xf6he', u'eye-level'), ('die', u'Aufzucht', u'breeding'), ('die', u'Aufsch\xfcttung', u'filled ground; earth deposit; mound; accretion; upbuilding; aggradation'), ('der', u'Atomtod', u'nuclear death'), ('der', u'Athlet', u'athlete'), ('der', u'Apennin', u'Apennines; Apennine mountains'), ('die', u'Anziehungskraft', u'attraction; power of attraction; attractional force; appeal; gravity; force of gravity; gravitational force; allure; allurement'), ('das', u'Angesicht', u'face; countenance'), ('der', u'Alkoholkonsum', u'consumption of alcohol; alcohol consumption'), ('das', u'Adagio', u'adagios; adagio'), ('der', u'Abzweig', u'junction; turn-off'), ('das', u'Abstimmen', u'voting; matching; tuning; suiting'), ('das', u'Abschmelzen', u'melting; melting off'), ('der', u'Aborigine', u'Aborigine'), ('der', u'Abnutzungskrieg', u'war of attrition'), ('der', u'Aberglaube', u'superstition; superstitiousness'), ('die', u'Zeiteinheit', u'unit of time'), ('der', u'Wirkungskreis', u'sphere (of activity)'), ('das', u'Winterhalbjahr', u'winter half year'), ('die', u'Windst\xe4rke', u'wind force'), ('die', u'Wetterlage', u'weather situation; weather conditions'), ('die', u'Weltraumforschung', u'(outer) space research; exploration of space'), ('die', u'Weiterreise', u"onward journey; onward movement; continuation of one's journey"), ('die', u'Wasserung', u'ditching; splashdown'), ('der', u'Wasserspiegel', u'surface of the water; free surface; iwater table; water surface; water level'), ('das', u'Wasserflugzeug', u'seaplane; hydroplane; waterplane'), ('der', u'Waffengang', u'engagement; clash; confrontation; conflict'), ('das', u'Volksst\xfcck', u'folk play'), ('der', u'Vision\xe4r', u'visionary'), ('der', u'Viktoriasee', u'Lake Victoria'), ('das', u'Vierteln', u'quartering; inquartation'), ('das', u'Versorgungsgebiet', u'supply area; service area'), ('die', u'Vereinnahmung', u'(cultural) assimilation; collection'), ('die', u'Verdammnis', u'perdition'), ('die', u'Unterklasse', u'lower class'), ('das', u'Untergeschoss', u'basement'), ('die', u'Unteilbarkeit', u'indivisibility'), ('das', u'Umbrien', u'Umbria (Italian region)'), ('das', u'Triptychon', u'triptych'), ('der', u'Trawler', u'trawler'), ('die', u'Trambahn', u'tram [Br.]; streetcar [Am.]'), ('die', u'Tragf\xe4higkeit', u'burden; load capacity; load rating; load; load-carrying capacity; load-bearing capacity; tyre load; tire load [Am.]; burden; bearing capacity; lifting capacity'), ('das', u'Trachten', u'striving (for)'), ('die', u'Tierart', u'animal species'), ('der', u'Teilhaber', u'copartner; partner; joint partner; participator; associate; partner'), ('das', u'Tauwetter', u'thaw; thaw period'), ('die', u'Tarnung', u'screen; camouflage; disguising'), ('der', u'Tanzsport', u'dancesports'), ('die', u'Stra\xdfenschlacht', u'street battle'), ('der', u'Stratege', u'strategist'), ('das', u'Strafverfahren', u'criminal proceedings; criminal procedure'), ('die', u'Steineiche', u'holm; holm oak'), ('das', u'Staatsunternehmen', u'public enterprise; public-sector undertaking'), ('das', u'Squash', u'squash'), ('die', u'Spitzenk\xf6chin', u'top-rated chef'), ('die', u'Spekulation', u'speculation; spec')] dictSet_115 = [('die', u'Sowjetisierung', u'sovietization [eAm.]; sovietisation [Br.]'), ('das', u'Souvenir', u'souvenir'), ('der', u'Sonderling', u'eccentric; crank; anorak [pej.] [Br.] [slang]'), ('der', u'Soldatenfriedhof', u'military cemetery; war cemetery'), ('der', u'Skilanglauf', u'cross-country skiing; cross-country ski run; langlauf'), ('die', u'Sitzungsperiode', u'session'), ('der', u'Sicherheitsdienst', u'secret service; security service'), ('das', u'Sextett', u'sextette'), ('die', u'Sesamstra\xdfe', u'Sesame Street'), ('das', u'Servieren', u'waiting'), ('die', u'Seitenlinie', u'lateral line; branch line; branchline; touchline; side line'), ('das', u'Schulgeb\xe4ude', u'school; school building'), ('die', u'Schriftart', u'typeface; font; type'), ('der', u'Schornstein', u'chimney; smokestack; funnel'), ('die', u'Schl\xfcsselrolle', u'key role; pivotal role'), ('die', u'Schauspielerei', u'acting; play acting'), ('der', u'Schatzsucher', u'treasure hunter; treasure seeker'), ('die', u'Sauberkeit', u'cleanness; cleanliness; uprightness; honesty; neatness; spruceness'), ('der', u'Samariter', u'Samaritan'), ('das', u'Rigg', u'rig'), ('die', u'Richtwirkung', u'directivity; directionality'), ('die', u'Raumplanung', u'spatial planning; regional development'), ('das', u'Randmeer', u'border sea; marginal sea; adjacent sea'), ('das', u'Rampenlicht', u'footlight; limelight'), ('die', u'Pumpe', u'pump; ticker [coll.]'), ('die', u'Protestbewegung', u'protest movement'), ('die', u'Politisierung', u'politicization [eAm.]; politicisation [Br.]'), ('die', u'Plenarsitzung', u'plenary session; plenary assembly; plenary meeting; plenary session'), ('der', u'Ph\xf6nizier', u'Phoenician'), ('das', u'Pflaster', u'adhesive plaster; sticking plaster; plaster [Br.]; Band-Aid [tm] [Am.]; pavement; paving; boot [Am.]; gaiter; patch; repair patch; cobble'), ('die', u'Pflanzenart', u'plant species; species of plant'), ('der', u'Perron', u'platform; track [Am.]'), ('der', u'Pelzh\xe4ndler', u'fur trader; skinner'), ('die', u'Pein', u'anguish; pain'), ('die', u'Partnerstadt', u'twin town; twin city'), ('der', u'Optimismus', u'optimism'), ('die', u'Optimierung', u'optimization; optimisation [Br.]; tweak'), ('die', u'Neuorganisation', u'reorganization [eAm.]; reorganisation [Br.]'), ('die', u'Neuigkeit', u'recentness'), ('das', u'Namur', u'Namurian (stage)'), ('das', u'Nachrichtenb\xfcro', u'press agency'), ('der', u'Moralphilosoph', u'moral philosopher'), ('die', u'Mod', u'mod; modification of a computer game'), ('die', u'Miniatur', u'miniature; cameo'), ('die', u'Militarisierung', u'militarization [eAm.]; militarisation [Br.]'), ('das', u'L\xe4cheln', u'smile'), ('die', u'Lizenzierung', u'licensing'), ('das', u'Limit', u'bourn; bourne [obs.]'), ('die', u'Liebelei', u'dalliance; flirtatiousness'), ('die', u'Liaison', u'affair; liaison'), ('die', u'K\xfcrze', u'shortness; briefness; conciseness; brevity; terseness; curtness'), ('der', u'Kryptograph', u'cryptographer'), ('die', u'Kriegspropaganda', u'wartime propaganda'), ('die', u'Kreuzigung', u'crucifixion <crucification>'), ('der', u'Kreditnehmer', u'borrower; issuer'), ('die', u'Knolle', u'corm; tuber; burl; bulb; nodule'), ('das', u'Kikeriki', u'cock-a-doodle-doo'), ('die', u'Kausch', u'thimble'), ('die', u'Karosserie', u'car body; vehicle body; body; bodywork'), ('die', u'Kampfhandlung', u'action; operation'), ('der', u'Jugendfreund', u'school day friend'), ('das', u'Jojo', u'yo-yo'), ('der', u'Informant', u'informant; police informer'), ('der', u'Idealfall', u'ideal case'), ('der', u'H\xfcrdenlauf', u'hurdle race; hurdlerace; hurdles'), ('der', u'Hummer', u'lobster'), ('die', u'Hose', u'trousers [Br.]; pants [Am.]; pantaloon; slacks [Am.]; strides [Austr.]'), ('der', u'Hellenismus', u'Hellenism'), ('die', u'Heiligsprechung', u'canonization [eAm.]; canonisation [Br.]'), ('die', u'Heiligkeit', u'sacredness; saintliness; holiness; sanctity'), ('der', u'Hauptabnehmer', u'major customer'), ('das', u'Handelsministerium', u'Board of Trade /BOT/'), ('die', u'Handelsmesse', u'trade fair'), ('das', u'Gest\xe4ndnis', u'avowal; confession; guilty plea; plea of guilty'), ('das', u'Geschoss', u'floor /fl./; projectile; bullet; shell'), ('die', u'Genetikerin', u'geneticist'), ('das', u'Generalkonsulat', u'consulat general'), ('das', u'Geheimnisvolle', u'the mysteriousness; the secrecy'), ('der', u'Gegenwert', u'equivalent value; equivalent; proceeds'), ('die', u'Gegenrichtung', u'opposite direction'), ('der', u'Gefolgsmann', u'party man; poodle [pej.]'), ('das', u'Galopp', u'gallop'), ('die', u'F\xfcrsprache', u'advocacy (of)'), ('die', u'Fremdenfeindlichkeit', u'hostility towards foreigners; xenophobia'), ('der', u'Freihandel', u'free trade'), ('die', u'Fluggeschwindigkeit', u'flying speed'), ('der', u'Flammenwerfer', u'flame-thrower'), ('das', u'Finanzsystem', u'financial system'), ('die', u'Filmvorf\xfchrung', u'cinema show'), ('die', u'Fastnacht', u'shrovetide; Shrove Tuesday; Mardi Gras [Am.]'), ('das', u'Existenzminimum', u'poverty level; poverty line; subsistence level; breadline'), ('die', u'Etsch', u'Adige (river)'), ('das', u'Erzeugnis', u'manufacture; produce; product'), ('die', u'Ersetzung', u'displacement; substitution; supersedure; supersession'), ('der', u'Erdrutschsieg', u'landslide; landslide victory'), ('die', u'Endhaltestelle', u'final stop; terminus'), ('das', u'Elternteil', u'parent'), ('die', u'Eisbildung', u'formation of ice'), ('das', u'Eingest\xe4ndnis', u'admission; concession'), ('das', u'Ehrenkreuz', u'honour cross [Br.]; honor cross [Am.]')] dictSet_116 = [('die', u'D\xe4mpfung', u'damping; decay; bounce memory; attenuation'), ('die', u'Durchreise', u'journey through; travel through'), ('die', u'Douglasie', u'Oregon pine; Douglas fir'), ('der', u'Dokumentar', u'documentalist'), ('der', u'Disput', u'dispute'), ('die', u'Denkmalliste', u'monument register'), ('der', u'Darm', u'intestine; bowel; gut'), ('der', u'Chiropraktiker', u'chiropractor; bonesetter'), ('das', u'Chateaubriand', u'Chateaubriand steak; steak Chateaubriand (named after the French writer and statesman Fran\xe7ois-Ren\xe9 de Chateaubriand)'), ('der', u'Cadillac', u'cadillac'), ('die', u'Bundesverwaltung', u'federal administration'), ('das', u'Bundeskriminalamt', u'German Federal Criminal Office'), ('das', u'Bundesgesetzblatt', u'(Federal) Law Gazette; Annual Statutes [Br.]; Statutes of the Realm [Br.]; United States Statutes at large [Am.] (official compilation of Acts of Parliament)'), ('der', u'Bruderkrieg', u'fratricidal war'), ('der', u'Bolschewik', u'bolshevik'), ('die', u'Blindenschule', u'school for the blind'), ('die', u'Bildergalerie', u'picture gallery; art gallery'), ('der', u'Bezugspunkt', u'reference point; point of reference; datum point; benchmark'), ('der', u'Bevollm\xe4chtigte', u'attorney in fact'), ('der', u'Betriebsleiter', u'plant manager; works manager; factory manager; Chief Operating Officer; Chief Operations Officer /COO/; operations manager'), ('der', u'Berggipfel', u'mountain top'), ('der', u'Beifu\xdf', u'mugwort'), ('der', u'Beifahrer', u'co-driver ((lorry, rally); front-seat passenger (car); rider'), ('die', u'Befriedigung', u'satisfaction; gratification; pacification; appeasement'), ('das', u'Bedauern', u'regret; regretfulness; sorrow'), ('die', u'Badewanne', u'bath; bathtub; bath tub'), ('die', u'Autof\xe4hre', u'car ferry; auto ferry'), ('der', u'Ausweis', u'identification document; identification; ID; pass (for using a service); credentials'), ('der', u'Ausschlag', u'deflection; deflexion [Br.]; rash'), ('das', u'Auktionshaus', u'auctioneers'), ('der', u'Augenoptiker', u'ophthalmic optician [Br.]'), ('das', u'Auftaktspiel', u'opening match; opening game; opener'), ('der', u'Aufgabenbereich', u'terms of reference; area of responsibility; remit'), ('das', u'Atrium', u'atrium; auricle'), ('die', u'Assessor', u'assessor'), ('die', u'Artikulation', u'articulation; enunciation'), ('das', u'Array', u'array; array'), ('das', u'Architekturb\xfcro', u"architect's office; firm of architects; architecture firm; architectural office; architectural practice"), ('das', u'Arbeitszimmer', u'workroom; study'), ('der', u'Anzug', u'suit; off-the-peg suit'), ('der', u'Anschein', u'appearance; colour [Br.]; color [Am.]; semblance (of sth.); face; appearances'), ('die', u'Anarchie', u'anarchy'), ('der', u'Alien', u'alien'), ('das', u'Ale', u'ale'), ('die', u'Ab\xe4nderung', u'modification (to sth.); alteration; amendment; climacteric; climacteric period; menopause'), ('das', u'Abwickeln', u'phaseout'), ('die', u'Abschw\xe4chung', u'alleviation; attenuation; fade; fading; suppression'), ('die', u'Abschiebung', u'deportation'), ('die', u'Abrasion', u'abrasion; abrasion; attrition; degradation'), ('der', u'Abnehmer', u'account debtor; buyer; purchaser; taker; authorised inspector [Br.]; authorized inspector [Am.]; acceptor'), ('die', u'Ablagerung', u'deposition; debris; deposit; sediment; sedimentary deposition; deposition; laying-down; sedimentation; settling; deposit; sediment; alleviation; scale'), ('die', u'Zirkulation', u'circulation'), ('das', u'Zeitzeichen', u'time signal'), ('die', u'Wirtschaftszone', u'economic zone'), ('das', u'Wirtschaftszentrum', u'center of commerce; commercial centre; economic centre'), ('der', u'Wintersportort', u'winter resort'), ('der', u'Wettbewerber', u'competitor'), ('das', u'Weltergewicht', u'welter weight; welterweight'), ('die', u'Weiterverarbeitung', u'processing'), ('der', u'Warenumschlag', u'stock turn; handling'), ('der', u'Wahlmann', u'elector'), ('die', u'Vorrichtung', u'apparatus; contraption; feature; provision (for); device; timing device; appliance; gadget; widget; artifice; contrivance; development work (e.g. in coal)'), ('die', u'Vorrangstellung', u'primacy'), ('das', u'Vorland', u'foreland; foreshore'), ('das', u'Volt', u'volt'), ('der', u'Volksstamm', u'tribe'), ('die', u'Vogelart', u'type of bird; species of bird'), ('die', u'Verzichtserkl\xe4rung', u'disclaimer (of); waiver; declaration of renunciation'), ('die', u'Versuchung', u'temptation'), ('die', u'Versicherungssteuer', u'insurance tax'), ('das', u'Verankern', u'fixing; anchoring'), ('das', u'Velvet', u'velvet'), ('die', u'Ungnade', u'disgrace; ungraciousness'), ('der', u'Tumor', u'neoplasm; tumour [Br.]; tumor [Am.]; neoplasia; growth'), ('die', u'Truppenparade', u'military parade'), ('die', u'Trottellumme', u'common guillemot'), ('der', u'Triumphbogen', u'triumphal arch'), ('der', u'Tischlermeister', u'master carpenter; master carpenter'), ('der', u'Thymus', u'thymus; thymus gland'), ('der', u'Telegraf', u'telegraph'), ('der', u'Talisman', u'talisman; (lucky) charm; good-luck charm; mascot; mojo'), ('das', u'St\xe4dtchen', u'little town'), ('das', u'Strafgericht', u'tribunal'), ('der', u'Stoffwechsel', u'metabolism'), ('die', u'Stieftochter', u'stepdaughter'), ('der', u'Steward', u'steward; flight attendant; cabin attendant'), ('die', u'Stammzellforschung', u'stem cell research'), ('der', u'Sportplatz', u'sports field; playing field'), ('der', u'Spiritismus', u'spiritualism'), ('der', u'Spaziergang', u'breeze [Am.]; piece of cake; cakewalk; pushover [coll.]; walk; stroll; turn'), ('der', u'Sparer', u'saver'), ('die', u'Sequenz', u'sequence; run; sequence'), ('die', u'Selbstversorgung', u'self-supply; self-catering; self-sufficiency'), ('die', u'Seismologin', u'seismologist'), ('der', u'Seeunfall', u'maritime casualty'), ('das', u'Sechstagerennen', u'six day race'), ('das', u'Schrifttum', u'writings; literature'), ('die', u'Schnitzeljagd', u'paper chase; hare and hounds; scavenger hunt'), ('der', u'Schlussstrich', u'final stroke'), ('der', u'Schiffbruch', u'wreck; wreckage; shipwreck')] dictSet_117 = [('der', u'Scharfsch\xfctze', u'sniper; marksman; sharpshooter'), ('der', u'Sanit\xe4tsdienst', u'emergency medical service /EMS/; emergency health service /EHS/ [Can.]; medical service'), ('das', u'Romme', u'rummy (cards game)'), ('die', u'Robe', u'gown; robe'), ('die', u'Redewendung', u'phrase; expression; idiom; idiomatic expression; turn of phrase; figure of speech'), ('die', u'Reaktorkatastrophe', u'nuclear disaster'), ('das', u'Pr\xe9lude', u'prelude'), ('der', u'Protests\xe4nger', u'protest singer'), ('das', u'Proterozoikum', u'Proterozoic'), ('die', u'Promille', u'alcohol level; per mille; thousandth; millesimal'), ('die', u'Professionalisierung', u'professionalization [eAm.]; professionalisation [Br.]'), ('der', u'Preisverfall', u'drop-off in prices'), ('die', u'Preisstabilit\xe4t', u'price stability'), ('die', u'Preiserh\xf6hung', u'increase in price; markup; price increase'), ('der', u'Pragmatismus', u'pragmatism'), ('der', u'Poseidon', u'Poseidon (the Greek god of the sea)'), ('der', u'Polsterer', u'upholsterer'), ('die', u'Plattentektonik', u'plate tectonics'), ('die', u'Pacht', u'rent; lease; leasehold'), ('die', u'Originalfassung', u'original version'), ('die', u'Nuklearwaffe', u'nuclear weapon; nuke [coll.]'), ('die', u'Norwegerin', u'Norwegian'), ('das', u'Neuwagen', u'new car'), ('die', u'Neuausrichtung', u'realignment; reorientation; adjustment'), ('die', u'Narkose', u'anaesthesia [Br.]; anesthesia [Am.]; narcosis'), ('die', u'Namens\xe4nderung', u'change of name'), ('das', u'Nagetier', u'rodent; gnawer'), ('das', u'Nachleben', u'legacy; heritage'), ('der', u'M\xfcllwagen', u'rubbish truck [Br.]; garbage truck [Am.]; dustcart [Br.]'), ('das', u'Musikinstrument', u'musical instrument; instrument'), ('der', u'Mumm', u'strength; spunk; guts'), ('die', u'Minerva', u'minerva'), ('das', u'Menschenrecht', u'human right'), ('der', u'Maibaum', u'maypole'), ('der', u'Magnet', u'magnet; lodestone'), ('der', u'Luftweg', u'air route; airway'), ('die', u'Luftnahunterst\xfctzung', u'close air support; air support'), ('die', u'Logop\xe4din', u'speech pathologist; speech therapist'), ('der', u'Lieferant', u'furnisher; purveyor; supplier; vendor [Br.]; vender [Am.]; victualer'), ('die', u'Lichtgeschwindigkeit', u'speed of light; light speed'), ('das', u'Leitwerk', u'tail unit; empennage; tail empennage [Am.]; approach pier'), ('der', u'Leitfaden', u'compendium; manual; textbook; guide; manual; vade-mecum'), ('der', u'Leistungssport', u'competitive sport; serious sport'), ('die', u'Lebensgemeinschaft', u'cohabitation; life partnership'), ('das', u'Leasing', u'leasing'), ('der', u'Langwellensender', u'long-wave radio station; long-wave transmitter'), ('der', u'Landbesitzer', u'landowner'), ('das', u'K\xfcstenland', u'littoral; coastal land; seaboard'), ('der', u'K\xfcrschner', u'furrier'), ('das', u'K\xe4nozoikum', u'Cenozoic; Cainozoic (era); Cenozoic; Caenozoic (Era); Kainozoic (Era)'), ('der', u'Korb', u'rejection; cage; conveyor cage; basket; nacelle'), ('der', u'Kooperationsvertrag', u'consortium contract; cooperation contract'), ('die', u'Kondensation', u'condensation'), ('die', u'Kochkunst', u'cookery'), ('der', u'Karpfen', u'carp; common carp; European carp'), ('der', u'Jahresdurchschnitt', u'annual average; yearly average'), ('der', u'Iraner', u'Iranian'), ('der', u'Inzest', u'incest'), ('der', u'Hom\xf6opath', u'homoeopath [Br.]; homeopath [Am.]'), ('die', u'Holzkohle', u'charcoal'), ('die', u'Hinterlassenschaft', u'bequeathment; legacy; devise'), ('das', u'Hilfspaket', u'aid package'), ('die', u'Herzklappe', u'cardiac valve; heart valve'), ('der', u'Heilp\xe4dagoge', u'teacher of children with special needs'), ('der', u'Halter', u'bracket; mounting support; mounting bracket; retainer; holder; socket; support'), ('die', u'Halbierung', u'bisection'), ('die', u'Gracht', u'canal'), ('die', u'Gewohnheit', u'habit; wont; consuetude; habitualness; usualness; custom'), ('der', u'Gesch\xe4ftspartner', u'business partner; associate partner'), ('der', u'Genickschuss', u'shot in the back of the neck'), ('die', u'Geldwirtschaft', u'money economy'), ('die', u'Geisha', u'geisha'), ('die', u'Gegenma\xdfnahme', u'counter-measure; countermeasure; countervailing measure'), ('der', u'F\xfchrungsstil', u'managerial style'), ('die', u'Funkstation', u'radio station'), ('die', u'Frostverwitterung', u'congelifraction; frost splitting; frost weathering; frost blasting; frost wedging'), ('das', u'Fluor', u'fluorine'), ('der', u'Flugzeugf\xfchrer', u'airman; pilot; airplane pilot'), ('der', u'Flame', u'Fleming'), ('das', u'Fischerdorf', u'fishing village'), ('der', u'Filz', u'felt'), ('die', u'Feuerkraft', u'firepower'), ('die', u'Feldpost', u'Military Postal Service [Am.]'), ('die', u'Farce', u'farce'), ('das', u'Familienrecht', u'family law'), ('der', u'Fahrstuhl', u'lift [Br.]; elevator [Am.]'), ('die', u'Eucharistiefeier', u'Eucharistic celebration; liturgy of the Eucharist (mass liturgy)'), ('das', u'Etablissement', u'establishment; institution'), ('der', u'Ersatzdienst', u'alternative service'), ('die', u'Erfindungsh\xf6he', u'amount of invention; level of invention; inventive step; nonobviousness [Am.]'), ('die', u'Erblichkeit', u'heredity; heritability'), ('die', u'Energiepolitik', u'energy policy'), ('die', u'Einl\xf6sung', u'encashment [Br.]'), ('das', u'Einfahren', u'running-in'), ('das', u'D\xfcsenflugzeug', u'jet; jet plane'), ('die', u'Drucktechnik', u'typography'), ('die', u'Dorne', u'thorn'), ('die', u'Doktorarbeit', u'thesis; doctoral thesis; dissertation; doctoral thesis; thesis; dissertation'), ('die', u'Diffusion', u'diffusion; diffusion'), ('das', u'Dickhornschaf', u'bighorn')] dictSet_118 = [('die', u'Dekolonisation', u'decolonization [eAm.]; decolonisation [Br.]'), ('die', u'Dauerwelle', u'perm; permanent wave'), ('die', u'Daten\xfcbertragung', u'data transmission; data transfer; data communication; transmission of signals'), ('die', u'Christmette', u'Midnight Mass'), ('der', u'Chalcedon', u'chalcedony; calcedony'), ('das', u'Br\xf6tchen', u'roll; bread roll; bun'), ('das', u'Brauhaus', u'brew-house'), ('das', u'Bollwerk', u'stronghold; bulwark; fortress'), ('die', u'Bodenstation', u'tracking station'), ('die', u'Bildungsministerin', u'minister of education'), ('der', u'Bewunderer', u'admirer'), ('die', u'Besorgnis', u'apprehension; anxiety (about); concern; apprehensiveness; solicitude; unease; uneasiness; anxiety'), ('die', u'Berufsfachschule', u'college'), ('der', u'Bergingenieur', u'mining engineer'), ('die', u'Bereicherung', u'enrichment'), ('die', u'Beladung', u'load; loading'), ('die', u'Beihilfe', u'grant-in-aid; abetment; benefit; aid and abet; allowance; assisted suicide; grant; subsidy'), ('die', u'Bef\xfcrwortung', u'plea; advocacy; support; endorsement; approval'), ('die', u'Bedeutungslosigkeit', u'insignificance; unimportance; meaninglessness'), ('der', u'Basset', u'basset hound; basset'), ('das', u'Basislager', u'base camp'), ('das', u'Bankinstitut', u'bank'), ('die', u'Ausdauer', u'endurance; enduringness; hardiness; persistence; persistency; stamina; perseverance; staying power; patience'), ('das', u'Atomgesetz', u'Atomic Energy Act'), ('das', u'Astrachan', u'Astrakhan'), ('der', u'Aschermittwoch', u'Ash Wednesday'), ('das', u'Artilleriefeuer', u'artillery barrage'), ('die', u'Arbeitserlaubnis', u'work permit; working permission'), ('der', u'Antennenmast', u'aerial mast'), ('der', u'Anhalter', u'hitchhiker'), ('die', u'Angleichung', u'assimilation; alignment (with); adjustment; entrainment (of two collateral phenomena); approximation; conformation (to)'), ('die', u'Anfangsphase', u'initial phase; first phase; early stage'), ('die', u'Anbetung', u'adoration; blessing; divine worship'), ('das', u'Alkoholverbot', u'ban on alcohol; alcohol ban'), ('das', u'Zylinderschloss', u'cylinder lock; barrel lock'), ('das', u'Zwischenspiel', u'interlude; dabble'), ('die', u'Zunft', u'guild; guild; fraternity; sodality'), ('der', u'Ziegelstein', u'clinker; brick'), ('der', u'Zeus', u'Zeus'), ('das', u'Zahlzeichen', u'numeral'), ('die', u'Wurst', u'sausage; wurst; banger [Br.] [coll.]'), ('die', u'Willensbildung', u'volition'), ('die', u'Wiederaufr\xfcstung', u'rearming'), ('der', u'Werbespot', u'advertising spot'), ('die', u'Werbeagentur', u'advertising agency; publicity agency'), ('der', u'Weingarten', u'vineyard'), ('das', u'Wappenschild', u'escutcheon'), ('die', u'Waffenfabrik', u'armaments factory'), ('die', u'Vorortbahn', u'uptown railroad'), ('die', u'Vollzeit', u'full time'), ('der', u'Vierziger', u'(number) fourty'), ('die', u'Verj\xfcngung', u'rejuvenation; tapering; juvennescence'), ('die', u'Verfassungsm\xe4\xdfigkeit', u'constitutionality'), ('die', u'Verarmung', u'impoverishment; depletion; pauperism; pauperization [eAm.]; pauperisation [Br.]'), ('der', u'Vasallenstaat', u'vassal state'), ('die', u'Urfassung', u'original version'), ('der', u'Unrat', u'dross; garbage'), ('das', u'Ungeziefer', u'vermin'), ('der', u'Umsetzer', u'implementor; converter; transducer'), ('die', u'Umbildung', u'transmutation; reshuffle'), ('die', u'Turkologie', u'Turcology'), ('der', u'Troubadour', u'troubadour'), ('der', u'Transgender', u'transgender'), ('die', u'Tier\xe4rztin', u'veterinary; vet; veterinary surgeon /VS/ [Br.]'), ('die', u'Testphase', u'testing period; test phase'), ('die', u'Syntax', u'syntax'), ('die', u'Studentenschaft', u'student body'), ('das', u'Streptomycin', u'streptomycin'), ('das', u'Streikrecht', u'right to strike; freedom of strike'), ('die', u'Strahlenkrankheit', u'radiation sickness'), ('die', u'Stieleiche', u'common oak; English oak; pedunculate oak'), ('der', u'Steg', u'(wooden) footbridge; path; web; root face; bridge; stay bridge'), ('die', u'Standardisierung', u'standardization [eAm.]; standardisation [Br.]'), ('der', u'Stabsoffizier', u'staff officer; field officer; field-grade officer [Am.]'), ('der', u'Staatsbesitz', u'public ownership'), ('das', u'Springreiten', u'showjumping'), ('die', u'Sprachgeschichte', u'history of language; language history; history of the language (if a given language)'), ('das', u'Spill', u'capstan'), ('das', u'Sperren', u'obstruction'), ('die', u'Sonnenstrahlung', u'solar radiation; solar irradiation'), ('die', u'Sondergenehmigung', u'special permit'), ('die', u'Sittlichkeit', u'morals; morality'), ('das', u'Sendernetz', u'network; station network'), ('der', u'Sendeplatz', u'broadcast slot; broadcast window (TV; radio)'), ('die', u'Schweizerin', u'Swiss'), ('der', u'Schulfreund', u'schoolmate; school friend'), ('das', u'Schrumpfen', u'shrinkage'), ('die', u'Schlichtung', u'settlement; arbitration; conciliation; reconciliation; reconcilement; conciliation'), ('die', u'Schlichtheit', u'simplicity; plainness; unsophisticatedness; quietness; sobriety'), ('die', u'Schlichte', u'sizing; size'), ('die', u'Schindel', u'clapboard; slate; shingle'), ('der', u'Salzstock', u'salt stock; salt dome; salt plug; acromorph'), ('die', u'Rotunde', u'rotunda'), ('das', u'Riesengebirge', u'Sudeten Mountains'), ('die', u'Richtigkeit', u'correctness; accuracy; rightness; trueness'), ('der', u'Rettungshubschrauber', u'rescue helicopter'), ('die', u'Repatriierung', u'repatriation; renaturalization [eAm.]; renaturalisation [Br.]'), ('das', u'Regulativ', u'regulative; regulator; counterbalance'), ('die', u'Reformierung', u'reformation'), ('die', u'Rechtspflege', u'judicature; administration of justice')] dictSet_119 = [('der', u'Raglan', u'raglan; raglan coat'), ('die', u'Prozession', u'parade; procession'), ('der', u'Protokollf\xfchrer', u'secretary; clerk (of the court)'), ('die', u'Prominenz', u'notables'), ('das', u'Privatunternehmen', u'private enterprise; private undertaking'), ('die', u'Polizeitruppe', u'constabulary'), ('das', u'Pixel', u'pixel (picture element)'), ('die', u'Pionierarbeit', u'pioneering; pioneering feat'), ('die', u'Philatelie', u'philately'), ('das', u'Peloton', u'peloton'), ('die', u'Partnerin', u'cohabitant; common-law husband; common-law wife'), ('der', u'Ortsrand', u'periphery (of a town/village); peripheral location'), ('der', u'Obstbau', u'fruit-growing'), ('der', u'Nussknacker', u'nutcracker'), ('die', u'Nuss', u'nut; socket'), ('die', u'Nostalgie', u'nostalgia'), ('das', u'Nordseebad', u'North-Sea resort'), ('das', u'Navigationssystem', u'navigation system'), ('die', u'Nationalisierung', u'nationalisation [Br.]; nationalization [Am.]'), ('die', u'Nachahmung', u'imitation; mimicry; impersonation; simulation; take-off'), ('der', u'M\xe4ander', u'meander; fret; Greek key pattern'), ('der', u'Mittelfeldspieler', u'midfielder'), ('die', u'Misswirtschaft', u'maladministration; mismanagement'), ('die', u'Mikrobiologie', u'microbiology'), ('die', u'Messestadt', u'trade fair city'), ('der', u'Meerbusen', u'gulf'), ('das', u'Massengrab', u'mass grave; common grave'), ('die', u'Maschinenpistole', u'sub-machine gun /SMG/'), ('das', u'Malheur', u'mishap; slip-up'), ('der', u'Machtverlust', u'loss of power'), ('der', u'Luftwiderstand', u'air resistance; aerodynamic resistance; air drag; drag; aerodynamic drag'), ('die', u'Luftfracht', u'air cargo; air freight; airfreight'), ('die', u'Liebesbeziehung', u'love relationship; sexual relationship'), ('die', u'Leuk\xe4mie', u'leukaemia; leukemia [Am.]'), ('die', u'Lenkung', u'control; steering; steerance; guidance; control'), ('die', u'Leitstelle', u'headquarters; control point; central office'), ('die', u'Lehrmeinung', u'doctrine; school of thought; opinion; orthodoxy; doctrine; dogma'), ('das', u'Lazarett', u'sick bay; hospital'), ('der', u'K\xe4fig', u'cage'), ('das', u'Kulturgut', u'cultural property; cultural asset'), ('der', u'Kreuzgang', u'cloister'), ('der', u'Kopfschuss', u'shot in the head'), ('der', u'Kontra', u'contra'), ('die', u'Kontinentaldrift', u'continental drift'), ('das', u'Kohlekraftwerk', u'coal-fired power plant; coal-fired power station'), ('der', u'Knall', u'blast; bang; crack; explosion; detonation; pop'), ('das', u'Kindesalter', u'infancy'), ('das', u'Kickboxen', u'kick boxing'), ('der', u'Katalysator', u'catalyst; promoter; catalytic converter'), ('der', u'Kastanienbaum', u'chestnut tree; chestnut'), ('das', u'Karussell', u'merry-go-round; whirligig; roundabout [Br.]; carousel [Am.]'), ('das', u'Kar', u'cirque; corrie; kar; glacier circus; kettle'), ('die', u'Kante', u'edge; edge; angle'), ('der', u'Ingwer', u'ginger'), ('die', u'Illegalit\xe4t', u'illegality'), ('die', u'Hundeausstellung', u'dog show'), ('die', u'Hotellerie', u'hotel business; hotel trade; hotel industry'), ('das', u'Herunterladen', u'downloading'), ('das', u'Hauptinteresse', u'main interest'), ('das', u'Handgemenge', u'melee; hand to hand fight; close; scuffle; scrimmage; grapple; brawl'), ('das', u'Handelszentrum', u'emporium; mart'), ('der', u'Hahnrei', u'cuckold; cucky'), ('das', u'Haff', u'barrier lagoon; bay; gulf'), ('der', u'Guyot', u'guyot; table mount; oceanic bank'), ('die', u'Glukose', u'glucose'), ('die', u'Glaubensrichtung', u'confession; persuasion'), ('die', u'Gier', u'cupidity (for); piggishness; voracity; greed; ravenousness'), ('die', u'Gewalttat', u'outrage'), ('das', u'Gesch\xfctz', u'gun; cannon'), ('der', u'Gesamtsieger', u'overall winner'), ('der', u'Genius', u'muse'), ('die', u'Gazelle', u'gazelle'), ('die', u'Gant', u'forced sale'), ('der', u'Gabelbock', u'pronghorn; pronghorn antelope'), ('das', u'F\xf6rderzentrum', u'support centre; resource centre'), ('die', u'Fremdheit', u'strangeness'), ('das', u'Forschungsprogramm', u'research program'), ('der', u'Former', u'imoulder [Br.]; molder [Am.]; shaper'), ('die', u'Fl\xfcgelfl\xe4che', u'wing area'), ('die', u'Fliege', u'fly; Musca; Fly; bow tie; sedge fly; caddies fly; caddy [Br.] (fishing)'), ('das', u'Firmenlogo', u'company logo'), ('die', u'Finanzlage', u'financial state'), ('der', u'Feierabend', u'end of work; closing time; knocking-off time [Br.] [coll.]; quitting time [Am.]'), ('das', u'Erschie\xdfungskommando', u'firing squad'), ('die', u'Erfolglosigkeit', u'inefficaciacy; negativeness; unsuccessfulness; failure'), ('die', u'Erd\xf6lraffinerie', u'petroleum refinery; oil refinery'), ('die', u'Entrechtung', u'disenfranchisement; disfranchisement (rare)'), ('die', u'Empfangshalle', u'reception lobby; foyer; arrival hall; entrance hall; anteroom'), ('der', u'Einzelg\xe4nger', u'lone wolf; loner; rogue male'), ('die', u'Eignung', u'appropriateness; applicability; qualification; aptitude; eligibility (of persons); eligibility (of things); suitability'), ('der', u'Dreck', u'dirt; muckiness; raunchiness; scruffiness; dreck; drek; smut; muck; crud [coll.]'), ('der', u'Dorfbewohner', u'villager'), ('das', u'Dipol', u'dipole; doublet'), ('der', u'Diabetiker', u'diabetic'), ('die', u'Dekoration', u'ornamentation; scenery; decoration'), ('der', u'Deismus', u'deism'), ('der', u'Daumen', u'thumb'), ('die', u'Dachorganisation', u'umbrella organization [eAm.]; umbrella organisation [Br.]; parent organization [eAm.]; parent organisation [Br.]; umbrella association; umbrella organization; parent organization'), ('der', u'Bully', u'faceoff; bully'), ('der', u'Buchhandel', u'book trade; bookselling')] dictSet_120 = [('die', u'Brieffreundin', u'penfriend; pen friend; pen pal'), ('die', u'Brechung', u'breaking; refraction'), ('die', u'Bohne', u'bean'), ('der', u'Bl\xfctenstand', u'inflorescence; inflorescense'), ('die', u'Begutachtung', u'assessment; expert assessment; peer review; surveying'), ('der', u'Bedecktsamer', u'angiosperm; angiospermous plant'), ('der', u'Bauabschnitt', u'stage/phase of construction; construction stage/phase; job section'), ('die', u'Barmherzigkeit', u'mercy; compassion; lovingness; remorsefulness'), ('die', u'Bake', u'countdown marker; marker buoy; beacon'), ('die', u'Autosuggestion', u'autosuggestion'), ('das', u'Autokino', u'drive-in cinema; Drive in [Am.]'), ('das', u'Ausweispapier', u'identification paper; identity paper'), ('das', u'Austrittserkl\xe4rung', u'notice of withdrawal'), ('der', u'Ausstellungsraum', u'exhibition space; showroom'), ('das', u'Aufgreifen', u'apprehension (of a person in the act)'), ('der', u'Atompilz', u'mushroom cloud'), ('das', u'Atommodell', u'atom model'), ('die', u'Atomkraft', u'nuclear power; atomic power'), ('das', u'Artefakt', u'artefact; artifact [Am.]'), ('der', u'Anf\xe4nger', u'beginner; inceptor; babe; newcomer; novice; rookie; tenderfeet; fledgeling; fledgling; tiro [Br.]; tyro [Am.]; intermediate learner; amateur'), ('die', u'Amtshilfe', u'administrative cooperation'), ('das', u'Altstadtfest', u'festival in the old town'), ('der', u'Agnostiker', u'agnostic'), ('der', u'Affront', u'affront; slight (against)'), ('die', u'Ziegelei', u'brick yard; brickyard; brickworks; tileworks; tile-making works'), ('das', u'Zelluloid', u'celluloid'), ('die', u'W\xe4hlerschaft', u'electorate; the voters; constituency; constituent body'), ('das', u'Wunderkind', u'infant prodigy; infant phenomenon; wunderkind; child prodigy; prodigy'), ('die', u'Woiwodschaft', u'voivodeship'), ('der', u'Wochenmarkt', u"(weekly) farmer's market; country market"), ('das', u'Wochenblatt', u'weekly paper'), ('der', u'Wintersportler', u'winter sports athlete; winter athlete'), ('das', u'Wiederaufleben', u'resurgence; resurrection; revivification; reviviscence'), ('der', u'Whirlpool', u'whirlpool; Jacuzzi [tm]'), ('das', u'Weihnachtsfest', u'Yule'), ('die', u'Wehrsportgruppe', u'paramilitary training group'), ('das', u'Warenzeichen', u'trademark /TM/; tradename'), ('die', u'Waldgrenze', u'forest boundary; forest limit'), ('das', u'Waisenhaus', u'orphanage'), ('die', u'Wagenkolonne', u'line of cars; line of vehicles'), ('das', u'Waffensystem', u'weapon system'), ('der', u'Wachtmeister', u'police constable /PC/'), ('der', u'Vorschub', u'abetment; feed rate; forward feed; feed'), ('die', u'Vorgabe', u'guideline; default; default value; demand; law; handicap; allowed time'), ('der', u'Vorabdruck', u'advance publication; preprint; pre-print'), ('der', u'Volkslauf', u'fun run'), ('die', u'Verseuchung', u'infestation; contamination'), ('der', u'Vermittlungsversuch', u'attempt at mediation'), ('das', u'Usbekisch', u'Uzbek; the Uzbek language'), ('die', u'Unversehrtheit', u'integrity'), ('die', u'Unterabteilung', u'subbranch; subdivision; subsection'), ('die', u'Ukulele', u'ukulele'), ('der', u'Tscheche', u'Czech'), ('die', u'Tr\xe4gerfrequenz', u'carrier frequency'), ('der', u'Treiber', u'driver; beater (hunting); drover'), ('der', u'Tiefwasserhafen', u'deep water harbor'), ('das', u'Textbuch', u'libretto'), ('der', u'S\xfcnder', u'sinner'), ('die', u'Suspendierung', u'suspension; suspension (from)'), ('die', u'Strafkolonie', u'penal colony'), ('die', u'Stolle', u'fruit loaf; fruit cake; stollen [Am.] (eaten at Christmas)'), ('der', u'Stampfer', u'tamper; rammer; ramming bar; bulling bar; masher; pounder'), ('der', u'Stampfbeton', u'tamped concrete'), ('der', u'Stammesh\xe4uptling', u'tribal chief'), ('das', u'Staatsbegr\xe4bnis', u'state funeral'), ('die', u'Spule', u'solenoid; inductor; reel; bobbin; coil'), ('der', u'Sprengkopf', u'warhead'), ('der', u'Sponsor', u'sponsor'), ('der', u'Spinell', u'spinel'), ('die', u'Sperrzone', u'prohibited area'), ('der', u'Spalt', u'crevice; rock interstice; opening; fissure; cleft; scissure; split; chink; slit; fissure; cleavage'), ('das', u'Sommersemester', u'summer term [Br.]; summer semester [Am.]'), ('das', u'Skigebiet', u'skiing area'), ('der', u'Setzer', u'compositor; typesetter'), ('der', u'Separatismus', u'separatism'), ('die', u'Selbstzensur', u'self-censorship'), ('die', u'Seife', u'soap; placer (deposit); alluvial deposit'), ('der', u'Seidenspinner', u'silkmoth'), ('der', u'Seekadett', u'naval cadet'), ('der', u'Schwenk', u'pan; swing; panorama; pan; panning shot'), ('der', u'Schwarzr\xfcckenspecht', u'black-backed woodpecker'), ('die', u'Schorre', u'backshore; wave-cut platform; shore platform'), ('die', u'Schnellpresse', u'rapid press'), ('der', u'Schl\xe4ger', u'rowdy; basher; puncher; racket; racquet; scrapper; slugger; spanker'), ('die', u'Schichtung', u'lamination; stratification; bedding; layering; sheeting'), ('der', u'Schelm', u'teaser'), ('der', u'Schandfleck', u'slur; blot; stain; blot; eyesore; attaint [obs.]; shame'), ('die', u'Satrapie', u'satrapy'), ('die', u'Safari', u'safari'), ('der', u'Sachsenspiegel', u'Old Germanic body of statute law'), ('die', u'R\xfcstungskontrolle', u'arms control'), ('der', u'R\xe4delsf\xfchrer', u'ringleader; gang leader'), ('die', u'Rundfunksendung', u'broadcasting'), ('die', u'Reproduktion', u'facsimile; copy; replica; replication; reproduction; procreation'), ('das', u'Relikt', u'relic; relict'), ('der', u'Reim', u'rhyme; rime'), ('die', u'Rehabilitierung', u'rehabilitation'), ('die', u'Regeneration', u'regeneration; regrowth (of crystals)'), ('die', u'Reaktorsicherheit', u'reactor safety'), ('der', u'Raps', u'rape; rape-seed; rapeseed; canola')] dictSet_121 = [('der', u'Radikalenerlass', u'employment ban for political (leftwing) extremists'), ('das', u'Quorum', u'quorum'), ('das', u'Puppentheater', u'puppet theatre'), ('die', u'Prophylaxe', u'prophylaxis'), ('die', u'Programmierung', u'programming; coding'), ('die', u'Produktionsst\xe4tte', u'shop floor; production plant; production area; production facility; manufacturing facility'), ('die', u'Preisbindung', u'price maintenance; price fixing'), ('die', u'Popularisierung', u'popularization [eAm.]; popularisation [Br.]'), ('die', u'Polonaise', u'polonaise'), ('der', u'Polizeidirektor', u'marshal'), ('die', u'Poetin', u'poet'), ('der', u'Plastiksprengstoff', u'gelignite; jelly [slang]'), ('das', u'Pendeln', u'wobble'), ('der', u'Passus', u'passage'), ('das', u'Partizip', u'participle'), ('das', u'Ortsnetz', u'local network; local exchange'), ('die', u'Orogenese', u'orogeny; mountain formation; orogenesis; orogeny'), ('die', u'Organisationsform', u'form of organization [eAm.]; form of organisation [Br.]'), ('die', u'Offizierin', u'officer'), ('der', u'Oberleitungsbus', u'trolley bus'), ('das', u'Neigen', u'duck'), ('der', u'Naturfreund', u'nature lover'), ('der', u'Mordfall', u'murder; murder case; homicide case [Am.]'), ('der', u'Mitt\xe4ter', u'accomplice; co-conspirator [Am.]; conniver'), ('das', u'Missverst\xe4ndnis', u'misunderstanding; mistake; misapprehension; misconception'), ('der', u'Minensucher', u'minesweeper'), ('die', u'Milchwirtschaft', u'dairy farming; dairy husbandry; dairying'), ('die', u'Mechanisierung', u'mechanization [eAm.]; mechanisation [Br.]'), ('die', u'Maschinenkanone', u'pom-pom'), ('das', u'Martinshorn', u'(police; ambulance; fire-engine) siren'), ('der', u'Linksverkehr', u'drive on the left'), ('das', u'Liederbuch', u'songbook'), ('der', u'Lichtbogen', u'externally heated arc; electric arc; arc; flashover'), ('das', u'Leinster', u'Leinster'), ('der', u'Lehrling', u'trainee; apprentice'), ('das', u'Langstreckenflugzeug', u'long-haul aircraft; long-range aircraft'), ('der', u'Landkrieg', u'land warfare'), ('die', u'Kursentwicklung', u'price development; price trend; performance of a share'), ('der', u'Kunstschmied', u'wrought-iron craftsman; wrought-iron craftswoman'), ('der', u'Kunstflieger', u'stunt pilot'), ('die', u'Kriegsm\xfcdigkeit', u'war weariness; war fatigue'), ('die', u'Krebserkrankung', u'cancer'), ('die', u'Krankenpflegerin', u'nurse'), ('die', u'Koproduktion', u'co-production; coproduction'), ('das', u'Kommunalrecht', u'local law'), ('der', u'Klubsessel', u'lounge chair'), ('die', u'Klippe', u'cliff; crag'), ('die', u'Klimatologie', u'climatology'), ('die', u'Kletterschalung', u'climbing formwork'), ('die', u'Klagemauer', u'Wailing Wall'), ('der', u'Kitzler', u'clitoris; clit'), ('der', u'Kiesel', u'silicic; pebble; pebble stone; gravelstone'), ('der', u'Keynesianismus', u'Keynesianism (economic theory)'), ('die', u'Kelter', u'winepress'), ('die', u'Jagdwaffe', u'hunting weapon'), ('die', u'Jagdstaffel', u'fighter squadron'), ('die', u'Innenarchitektin', u'interior decorator; interior designer'), ('der', u'Informationsdienst', u'information service'), ('das', u'H\xf6rnchen', u'croissant; crescent; ice-cream cone; cornet [Br.] (old-fashioned)'), ('der', u'Hufschmied', u'farrier; blacksmith; horseshoer'), ('der', u'Hub', u'upstroke; stroke; hub; lift; hoisting; stroke'), ('die', u'Hingabe', u'dedication; devotedness; abandon'), ('das', u'Herkunftsland', u'country of origin; state of origin'), ('das', u'Heinzelm\xe4nnchen', u'brownie; leprechaun'), ('das', u'Heidentum', u'heathendom; paganism'), ('der', u'Haushaltsplan', u'budget'), ('die', u'Hauptgruppe', u'main group; peloton'), ('der', u'Hauptfriedhof', u'main cemetery'), ('die', u'Hallenkirche', u'hall church'), ('der', u'Halbleiter', u'semiconductor; electronic semiconductor'), ('der', u'Hafer', u'oat'), ('der', u'Habitus', u'habitus; habit'), ('die', u'Gymnastik', u'gymnastics; gym'), ('die', u'Grotte', u'grotto; grot; sea cavern'), ('die', u'Glasfaser', u'fiber optics; glass fibre; fibre glass; glass fiber; fiber glass'), ('der', u'Geschlechtsverkehr', u'sexual intercourse; coitus; coition; intercourse'), ('das', u'Gedankenexperiment', u'thought experiment; gedanken experiment'), ('die', u'Geburtshilfe', u'midwifery; obstetrics /OB/; perinatology'), ('der', u'Fortgang', u'progress'), ('die', u'Forschungsgruppe', u'research group; research team'), ('die', u'Forschungsanstalt', u'institute for scientific research; research institute'), ('der', u'Fl\xe4chennutzungsplan', u'zoning plan'), ('die', u'Flur', u'open fields; meadow'), ('der', u'Flur', u'hall; hallway; corridor'), ('das', u'Flugblatt', u'flyer; flier; leaflet; handbill'), ('die', u'Flugbahn', u'trajectory; flight path; orbit (of a satellite)'), ('das', u'Feuilleton', u'feature (article); feuilleton; serial story column; supplement; feature pages; arts pages'), ('das', u'Fahrgestell', u'chassis; undercarriage; landing gear (airplane)'), ('das', u'Extrablatt', u'special'), ('das', u'Erscheinungsjahr', u'year of publication; date of publication'), ('die', u'Erpressung', u'shakedown [Am.] [coll.]; blackmail; extortion (criminal offence)'), ('die', u'Erniedrigung', u'humiliation; abasement'), ('der', u'Entwicklungsfonds', u'development fund'), ('die', u'Energieeffizienz', u'energy efficiency; energy efficiency'), ('die', u'Eisenstange', u'iron rod; iron bar'), ('der', u'Einzelnachweis', u'itemisation [Br.]; itemization [eAm.]'), ('die', u'Eile', u'hurry; rush; haste; hastiness; expedition; precipitance; speed; hurriedness; precipitation; hustle'), ('der', u'Dung', u'dung; manure; muck'), ('die', u'Dressur', u'(animal) training; dressage'), ('der', u'Dreiklang', u'triad')] dictSet_122 = [('die', u'Direktive', u'directive'), ('der', u'Dandy', u'dandy; dude; la-di-da'), ('der', u'Dachdecker', u'roofer; thatcher; tiler'), ('der', u'Cheftrainer', u'head coach'), ('der', u'Calcit', u'calcspar; calcite; calcareous spar'), ('das', u'Bowling', u'bowling; bowls'), ('der', u'Bolivianer', u'Bolivian'), ('das', u'Bl\xfcmchen', u'floret'), ('die', u'Blinddarmoperation', u'appendectomy'), ('die', u'Blankovollmacht', u'full discretionary power; full power of attorney; carte blanche'), ('die', u'Binse', u'bulrush; rush'), ('die', u'Bestrahlung', u'irradiation'), ('die', u'Berufst\xe4tigkeit', u'professional activity; professional life; occupation'), ('der', u'Bergarbeiterstreik', u"miner's strike"), ('die', u'Beredsamkeit', u'eloquence'), ('das', u'Benefizspiel', u'benefit match; charity match'), ('das', u'Baurecht', u'building laws'), ('die', u'Bauingenieurin', u'civil engineer /CE/'), ('der', u'Basalt', u'basalt'), ('das', u'Ballungsgebiet', u'congested urban area; conurbation; agglomeration area'), ('der', u'Autoreifen', u'car tire [Am.]; car tyre'), ('die', u'Auster', u'oyster'), ('die', u'Auspl\xfcnderung', u'shakedown [Am.] [coll.]'), ('der', u'Ausbilder', u'instructor; trainer; drill master; drillmaster; drill instructor'), ('der', u'Atomwissenschaftler', u'nuclear scientist'), ('die', u'Assimilation', u'assimilation; (cultural) assimilation; assimilation'), ('der', u'Aprilscherz', u"April Fool's hoax; April fool hoax; spoof"), ('der', u'Anstand', u'grace; decorum; policy; seemliness; decency; modesty'), ('das', u'Ansiedeln', u'settling'), ('die', u'Anbaufl\xe4che', u'area under cultivation; acreage'), ('die', u'Amtsdauer', u'term of office; term of office; tenure of office; time of office'), ('die', u'Altersstruktur', u'age structure; ageing structure [Br.]; aging structure [Am.]; age distribution'), ('das', u'Allergen', u'allergen'), ('der', u'Abgesandte', u'delegate'), ('das', u'Abfluggewicht', u'take-off weight; take-off mass'), ('die', u'Abendd\xe4mmerung', u'gloaming [Sc.] [poet.]; dusk; twilight; sere and yellow leaf [fig.]'), ('die', u'Zweiteilung', u'dichotomy; dichotomousness'), ('die', u'Zufahrt', u'approach'), ('der', u'Zuckerstreuer', u'sugar caster; sugar sprinkler; sugar shaker'), ('der', u'Zuckerhut', u'sugar loaf'), ('der', u'Zombie', u'zombie'), ('die', u'W\xfcstung', u'deserted medieval town (village)'), ('der', u'W\xfcrfel', u'cube; die'), ('der', u'Wunderdoktor', u'quack'), ('die', u'Wirkungsweise', u'mechanism of action /MOA/ (of a drug); mode of operation; mode of action; mode of functioning'), ('der', u'Wirkstoff', u'active agent; active substance; active principle'), ('der', u'Wink', u'inkling; hint; nod; beck'), ('das', u'Wigwam', u'wigwam; tepee'), ('die', u'Wiederzulassung', u'readmission'), ('der', u'Whiskey', u'whiskey (Irish; American)'), ('der', u'Wetterumschwung', u'break in the weather'), ('die', u'Weste', u'vest [Am.]; waistcoat'), ('der', u'Weltruf', u'international reputation; world-wide reputation'), ('der', u'Weinbauer', u'winegrower; wine grower; vintner [Am.]'), ('die', u'Wasserkur', u'water torture; waterboarding (method of torture); water cure'), ('der', u'Wassereinbruch', u'water ingress; inrush of water; water inflow'), ('der', u'Wasserball', u'water polo; beach ball; water-polo ball'), ('das', u'Wandgem\xe4lde', u'mural; mural painting; wall painting; picture on the wall'), ('das', u'Wallonien', u'Wallonia'), ('die', u'Vorzeit', u'antiquity'), ('der', u'Vorlauf', u'forerun; influx; fork rake; lead time'), ('die', u'Vorbeugung', u'prevention (of); prophylaxis'), ('der', u'Vollstrecker', u'implementor; executioner; executor; punisher'), ('der', u'Vierer', u'(number) four'), ('der', u'Vexillologe', u'vexillologist'), ('das', u'Verweilen', u'stay'), ('das', u'Verwaltungsrecht', u'administrative law'), ('der', u'Verwaltungsbezirk', u'canton; administrative district'), ('die', u'Versetzung', u'drift; drift from course; superannuation; dislocation; inclusion (in); moving up; posting; change of station [Am.]; shifting'), ('der', u'Vermieter', u'landlord; hirer; renter; lessor'), ('der', u'Verkehrsweg', u'traffic route; highway'), ('die', u'Verhaltensforschung', u'behaviourism [Br.]; behaviorism [Am.]; ethology; behavioural science [Br.]; behavioral science [Am.]'), ('die', u'Vergleichbarkeit', u'comparability; comparableness'), ('der', u'Unterschlupf', u'hideout; harbour [Br.]; harbor [Am.]'), ('der', u'Unterschenkel', u'lower leg; shaft; shank'), ('die', u'Untereinheit', u'subunit'), ('das', u'Unterbleiben', u'failure (to do sth.); non-...'), ('der', u'Unterbau', u'base; foundation; foundations; fundament; substructure; substruction; subgrade'), ('der', u'Ungl\xfccksort', u'place of accident; scene of accident; accident scene'), ('die', u'Umweltministerin', u'environment minister; minister of the environment'), ('die', u'Tropfsteinh\xf6hle', u'limestone cave with stalactites and stalagmites'), ('der', u'Tretroller', u'pedal-scooter'), ('der', u'Transistor', u'transistor'), ('der', u'Trailer', u'trailer'), ('das', u'Tragwerk', u'supporting structure; statical structure; wing unit'), ('die', u'Totenmaske', u'death mask'), ('das', u'Tool', u'tool'), ('die', u'Testfahrt', u'shakedown; shakedown journey/flight; test drive; road trial; trial run'), ('die', u'Teilnehmerin', u'participant; attendee [Am.]; entrant'), ('das', u'Tanztheater', u'dance theatre'), ('der', u'Talmud', u'Talmud'), ('der', u'Taiwaner', u'Taiwanese'), ('die', u'Taiga', u'Taiga; boreal forest'), ('der', u'Str\xe4fling', u'prisoner; convict'), ('die', u'Straffreiheit', u'impunity'), ('die', u'Stimmlage', u'voice; voice type'), ('die', u'Stimmenmehrheit', u'majority-of-votes'), ('der', u'Statiker', u'structural engineer; structural designer (concerned with statics); stress analyst'), ('der', u'Spritzbeton', u'sprayed concrete; shotcrete; gunite; air-placed concrete; gunned concrete; gun-applied concrete; jetcrete'), ('der', u'Spottname', u'derisive nickname')] dictSet_123 = [('das', u'Spitzentuch', u'lace cloth'), ('der', u'Speerwurf', u'javelin'), ('die', u'Sondersitzung', u'extraordinary meeting; special session'), ('der', u'Sonderpreis', u'special price; reduced price'), ('der', u'Solidarit\xe4tszuschlag', u'solidarity surcharge on income tax'), ('der', u'Slick', u'slick'), ('die', u'Slawistin', u'Slavicist; Slavist'), ('der', u'Skeptiker', u'sceptic; skeptic [Am.]'), ('die', u'Sektkellerei', u"champagne producer's; winery making sparkling wines"), ('die', u'Segelregatta', u'sailing regatta'), ('der', u'Seeverkehr', u'maritime-traffic'), ('der', u'Sch\xf6nheitswettbewerb', u'beauty contest; beauty pageant'), ('der', u'Schulunterricht', u'school lessons'), ('die', u'Schuldzuweisung', u'accusation; assignment of guilt; recrimination'), ('der', u'Schr\xe4gbalken', u'bend sinister'), ('das', u'Schl\xfcpfen', u'hatching'), ('der', u'Schlauch', u'tube; hose; flexible tube; hosepipe [Br.]; sleeving; skin; parison'), ('die', u'Schifffahrtsstra\xdfe', u'navigation route'), ('der', u'Sauerstoffmangel', u'lack of oxygen; hypoxia'), ('der', u'Sammelbegriff', u'collective name'), ('der', u'Salut', u'salute'), ('der', u'Salamander', u'salamander'), ('der', u'Sachverhalt', u'issue; issue; the facts (of the case)'), ('der', u'Rundblick', u'panorama'), ('die', u'Rollbahn', u'taxiway; taxi strip; runway; peritrack'), ('die', u'Regulierungsbeh\xf6rde', u'regulatory authority; watchdog; regulator'), ('die', u'Regulation', u'regulation; regulation'), ('das', u'Rangabzeichen', u'badge of rank; insignia'), ('der', u'Rabatt', u'discount; discount; allowance; cash discount; rebate; deductible; allowance'), ('der', u'Quellcode', u'source code'), ('der', u'Pylon', u'pylon; traffic cone'), ('das', u'Pumpwerk', u'pumping station'), ('das', u'Pult', u'console; desk'), ('die', u'Pr\xe4misse', u'premise; premiss; premise; assumption; sumption'), ('die', u'Pr\xe4mie', u'reward; premium; bonus; bonus; premium; award; award; prize; prize money; bonus'), ('das', u'Privatverm\xf6gen', u'private means; private fortune'), ('das', u'Prisma', u'prism; V-block'), ('die', u'Prim\xe4renergie', u'primary energy'), ('das', u'Posthorn', u'post horn'), ('die', u'Positionsbestimmung', u'positioning; position determination'), ('der', u'Polster', u'cushion; upholstery; pad; shoulder pad'), ('das', u'Polster', u'cushion; upholstery; pad; shoulder pad'), ('die', u'Polizeibeh\xf6rde', u'Police Department /PD/'), ('das', u'Pochen', u'knocking; beat'), ('der', u'Pelzer', u'furrier'), ('das', u'Pathos', u'emotionalism; pathos; emotiveness'), ('das', u'Paradigma', u'paradigm'), ('die', u'Ozeanographie', u'oceanography; thalassography; thalassology'), ('das', u'Ortsbild', u'character and appearance of the town/village; general appearance of towns and villages'), ('der', u'Oldtimer', u'veteran car; classic car; vintage car [Br.]'), ('der', u'Oberstaatsanwalt', u'senior prosecutor'), ('der', u'Oberfeldwebel', u'sergeant first class; platoon sergeant [Am.]'), ('die', u'Nothilfe', u'emergency aid'), ('der', u'Neuseel\xe4nder', u'New Zealander'), ('der', u'Netzbetreiber', u'common carrier; network carrier; network operator'), ('die', u'Nachr\xfcstung', u'retrofit; retrofitting (with sth.)'), ('das', u'Musterbeispiel', u'perfect example; paradigm'), ('der', u'Mud', u'mush'), ('der', u'Monopolist', u'monopolist'), ('die', u'Mittagszeit', u'lunch break; lunchtime; noonday; lunchhour'), ('das', u'Milchpulver', u'milk powder; powdered milk; desiccated milk'), ('der', u'Messerschmied', u'cutler'), ('das', u'Messbuch', u'missal'), ('die', u'Meeresverschmutzung', u'marine pollution'), ('die', u'L\xfcftungsanlage', u'ventilator; ventilation system; air-handling system'), ('der', u'Luftstrom', u'airflow; air stream; airstream'), ('der', u'Loden', u'loden'), ('der', u'Litauer', u'Lithuanian'), ('der', u'Liederzyklus', u'song cycle'), ('der', u'Lehrauftrag', u'teaching appointment; lectureship'), ('der', u'Langlauf', u'cross-country skiing; cross-country ski run; langlauf'), ('die', u'Lagerst\xe4tte', u'deposit; diggings {pl}'), ('die', u'K\xe4ltemaschine', u'refrigerating machine'), ('die', u'Kurzweil', u'amusement; pastime'), ('die', u'Kunstform', u'art form'), ('der', u'Kriegsgreuel', u'wartime atrocity'), ('die', u'Kragenente', u'harlequin duck'), ('das', u'Kosmodrom', u'spaceport'), ('das', u'Korallenriff', u'coral reef; coralbank; coral shoal'), ('das', u'Konkursverfahren', u'bankruptcy proceedings'), ('das', u'Kleeblatt', u'clover leaf; cloverleaf; trefoil; shamrock'), ('die', u'Kinemathek', u'cinematheque'), ('die', u'Kaufkraftparit\xe4t', u'purchasing power parity /PPP/'), ('die', u'Kathode', u'cathode'), ('der', u'Kartoffelanbau', u'potato growing'), ('der', u'Kalmar', u'squid; calamary'), ('der', u'Kadi', u'judge; justice'), ('die', u'Juwel', u'gem; gemstone; precious stone; jewel'), ('das', u'Juwel', u'jewel'), ('der', u'Jumper', u'jumper'), ('der', u'Jetstream', u'jet stream'), ('der', u'Jammer', u'bitchiness; ruefulness; sorrow'), ('das', u'Inverkehrbringen', u'putting into circulation; placing on the market'), ('der', u'Internationalismus', u'internationalism'), ('der', u'Indio', u'Red Indian; (American) Indian'), ('das', u'H\xfcgelgrab', u'tumulus; barrow'), ('der', u'H\xf6henzug', u'ridge of mountains'), ('der', u'Hochwald', u'high forest'), ('die', u'Herrlichkeit', u'delightfulness; glory; grandeur; superbness; wonderfulness'), ('der', u'Hauptaugenmerk', u'major interest; main focus')] dictSet_124 = [('die', u'Handelsflotte', u'mercantile marine'), ('das', u'Hammerwerfen', u'hammer throw'), ('die', u'Habsburgerin', u'Habsburg (member of a European dynasty)'), ('das', u'Gr\xfcnland', u'meadow land; pastureland; grassland'), ('die', u'Grundeinstellung', u'fundamental philosophy; base setting'), ('der', u'Greyhound', u'greyhound'), ('das', u'Gesch\xe4ftsjahr', u'business year; fiscal year [Am.]; trading year; accounting year'), ('die', u'Geschlechtsreife', u'sexual maturity; puberty'), ('die', u'Gesamtleistung', u'total output; overall performance'), ('die', u'Geodynamik', u'geodynamics'), ('die', u'Genese', u'genesis'), ('die', u'Gei\xdf', u'goat'), ('die', u'Geduld', u'endurance; patience'), ('die', u'Geburtenziffer', u'birthrate; birth rate; natality'), ('die', u'Geburtenkontrolle', u'birth control'), ('die', u'Galionsfigur', u'figurehead'), ('das', u'F\xfcrstenhaus', u'dynasty; royal line; royal house'), ('das', u'Forstwesen', u'forestry'), ('das', u'Flutlicht', u'flood light; floodlight'), ('die', u'Finanzwirtschaft', u'financial management'), ('die', u'Fernsehkamera', u'telecamera'), ('der', u'Fahrzeughersteller', u'motor vehicle manufacturer; vehicle manufacturer'), ('der', u'Faden', u'twist; thread; twine; filament; fathom (fm; unit of measurement, 6 feet); string; strand; strand'), ('der', u'Extremismus', u'extremism'), ('die', u'Ethnologie', u'ethnology'), ('die', u'Erzieherin', u'educator; teacher; governess'), ('der', u'Erweiterungsbau', u'extension'), ('das', u'Erholungsgebiet', u'recreation area; holiday area'), ('das', u'Epitaph', u'inscription on a gravestone; epitaph'), ('die', u'Enkeltochter', u'granddaughter'), ('die', u'Einschienenbahn', u'monorail; monorail runway; monorail conveyor'), ('das', u'Edelmetall', u'noble metal; precious metal'), ('die', u'D\xe4monisierung', u'demonization [eAm.]; demonisation [Br.]'), ('der', u'Dunst', u'haze; fume; damp'), ('der', u'Dr\xfccker', u'trigger; latch key; latchkey; door-to-door seller [Am.]'), ('die', u'Druckwelle', u'blast wave; shock wave; blast'), ('der', u'Dreivierteltakt', u'three-four time'), ('die', u'Dreiergruppe', u'threesome; trio'), ('das', u'Domizil', u'domicile'), ('die', u'Doktorw\xfcrde', u"doctoral degree; doctor's degree"), ('die', u'Diskussionsrunde', u'panel'), ('der', u'Diplomingenieur', u'graduate engineer'), ('der', u'Deserteur', u'deserter'), ('der', u'Demonstrant', u'demonstrator'), ('der', u'Bure', u'Boer'), ('der', u'Brie', u'Brie; Brie cheese'), ('der', u'Branntwein', u'brandy; firewater; spirits'), ('die', u'Bootsfahrt', u'boat trip'), ('das', u'Bodybuilding', u'bodybuilding'), ('die', u'Bestattung', u'entombment; burial; interment'), ('der', u'Berichterstatter', u'reporter; rapporteur; judge-rapporteur; referee'), ('die', u'Begr\xfc\xdfung', u'greeting; welcoming; greeting'), ('die', u'Begleichung', u'settlement; acquittance'), ('die', u'Baustatik', u'construction analysis'), ('die', u'Baumgrenze', u'tree line; timber line [Am.]'), ('der', u'Baugrund', u'subsoil; foundation soil; building ground'), ('die', u'Barbarei', u'barbarity; barbarism'), ('der', u'Bahnsteig', u'platform; track [Am.]'), ('das', u'Bahnhofsgeb\xe4ude', u'railway building'), ('die', u'Babyklappe', u'baby flap; baby hatch'), ('der', u'Autopilot', u'autopilot'), ('der', u'Aussiedler', u'emigrant; refugee'), ('der', u'Ausgr\xe4ber', u'excavator; digger'), ('die', u'Ausbesserung', u'repair; reparation; darning; mending repair'), ('die', u'Augenheilkunde', u'ophthalmology'), ('das', u'Auftanken', u'refueling'), ('das', u'Aufreiben', u'reaming'), ('der', u'Atomtest', u'nuclear test'), ('der', u'Ascher', u'ashtray; ash-tray'), ('die', u'Arztpraxis', u"medical practice; doctor's surgery [Br.]; medical office [Am.]"), ('der', u'Artillerist', u'artilleryman'), ('die', u'An\xe4mie', u'anaemia [Br.]; anemia [Am.]'), ('der', u'Anmarsch', u'advance'), ('die', u'Anlegestelle', u'landing stage; marina; stop; pier'), ('die', u'Anlaufstelle', u'place to go; drop-in center; hotspot; hot spot (for sth.)'), ('der', u'Amtswechsel', u'change of office'), ('der', u'Amtsvorg\xe4nger', u'predecessor in office'), ('die', u'Alternativmedizin', u'alternative medicine'), ('der', u'Ahorn', u'maple'), ('der', u'Advent', u'advent'), ('die', u'Abwendung', u'prevention (of); averting'), ('der', u'Absprung', u'jump; take-off; parachute jump; descent'), ('die', u'Absorption', u'absorption'), ('der', u'Abgleich', u'adjustment; balance; alignment'), ('der', u'Abflug', u'departure /dep./; takeoff; take-off'), ('die', u'Zuteilung', u'allocation; allowance; handout; proration; ration; apportionment; dispensation; assignment; allotment'), ('die', u'Ziellinie', u'line of collimation; finishing line; target ceiling'), ('der', u'Zementleim', u'cement paste'), ('der', u'Zeiger', u'phasor; phase vector; index; pointer; hand; locator'), ('der', u'Wohnungsbrand', u'flat fire [Br.]; apartment fire [Am.]'), ('der', u'Wochentag', u'weekday'), ('der', u'Wertpapierh\xe4ndler', u'trader/dealer in securities; securities trader/dealer; market maker [Br.]'), ('das', u'Werksgel\xe4nde', u'business premises; factory premises'), ('das', u'Weh', u'wimp; softie/softy; wuss(y); sissy; wealking; namby-pamby; mollycoddle; milquetoast; milksop (old-fashioned) [coll.]'), ('die', u'Waschmaschine', u'washing machine'), ('der', u'Waliser', u'Welshman'), ('die', u'Vorrede', u'opening speech; introductory words; foreword; preface'), ('der', u'Vollmond', u'full moon'), ('die', u'Versuchsstrecke', u'test road; trial track; test track'), ('die', u'Verschnaufpause', u'breathing space/room/time; breather [coll.] [fig.]; breather')] dictSet_125 = [('die', u'Verengung', u'narrow; throat; stricture; narrowing; restriction; narrowing; reduction in diameter'), ('der', u'Verehrer', u'beau; fancy man; admirer; worshiper; worshipper; wooer; suitor [coll.]; votary'), ('die', u'Urform', u'archetype; prototype'), ('das', u'Un\xe4rsystem', u'unary numeral system'), ('die', u'Unionsrepublik', u'republic (of the USSR)'), ('das', u'Unendliche', u'infinity'), ('die', u'Umarbeitung', u'alteration; reworking; revision; alteration'), ('die', u'Typologie', u'typology'), ('der', u'Tunnelbau', u'tunneling'), ('der', u'Trupp', u'band; squad; troop; troup'), ('der', u'Triller', u'trill'), ('der', u'Trapezk\xfcnstler', u'aerial acrobat; trapeze artist'), ('der', u'Trabrennfahrer', u'sulky driver'), ('der', u'Torsch\xfctzenk\xf6nig', u'leading goalscorer'), ('die', u'Tonaufzeichnung', u'sound recording; recording'), ('das', u'Thermometer', u'thermometer'), ('die', u'Therme', u'thermal spring; hot spring'), ('die', u'Terminb\xf6rse', u'forward market; market for futures'), ('die', u'Telefongesellschaft', u'telephone company; phone company /telco/'), ('die', u'Tektonik', u'tectonics; tectonic geology'), ('die', u'Teilansicht', u'partial view'), ('der', u'Technologe', u'technologist'), ('der', u'Tanzp\xe4dagoge', u'dance teacher; teacher of dance; dance instructor'), ('die', u'Tanzmusik', u'dance music'), ('der', u'Syndikalismus', u'syndicalism'), ('die', u'Suchmaschine', u'search engine'), ('der', u'Stundentakt', u'hour cycle'), ('die', u'Studienreise', u'study trip'), ('das', u'Sterbebett', u'deathbed'), ('der', u'Steigflug', u'climb; ascent'), ('die', u'Startrampe', u'launch pad; take-off ramp'), ('die', u'Starre', u'inflexibility; numbness'), ('der', u'Staatsbeamte', u'civil servant'), ('der', u'Sprengsatz', u'blasting composition'), ('die', u'Sprechrolle', u'speaking part'), ('die', u'Spielweise', u'way of playing'), ('die', u'Sph\xe4re', u'sphere; sphere'), ('die', u'Spezialistin', u'specialist; expert'), ('die', u'Solot\xe4nzerin', u'principal dancer; soloist'), ('das', u'Sofa', u'sofa; settee [Br.]; davenport'), ('der', u'Sitzkrieg', u'phoney war'), ('die', u'Sinnlichkeit', u'animalism; carnality; fleshliness; sensualism; sensuality; sensuousness'), ('der', u'Sensor', u'sensor; sensing element'), ('die', u'Seifenoper', u'soap opera'), ('der', u'Seegang', u'swell; waves; sea state'), ('das', u'Sedimentgestein', u'sedimentary rock; stratified rock; bedded rock; sedimentite'), ('das', u'Schweinefleisch', u'pork; pork'), ('der', u'Schwarzspecht', u'black woodpecker'), ('das', u'Schulflugzeug', u'trainer aircraft; training aircraft'), ('das', u'Schmelzwasser', u'melted snow and ice; melt water; meltwater; snow water; glacial water'), ('die', u'Schl\xfcsselfigur', u'key figure; keyman; pivot'), ('die', u'Schiedsrichterin', u'arbiter; umpire; ump [coll.]'), ('der', u'Schiedsrichterin', u'referee; ref [coll.]'), ('der', u'Schamane', u'shaman'), ('die', u'Saat', u'sowing; seed'), ('die', u'R\xfcckenschwimmerin', u'backstroker'), ('der', u'R\xfcckbau', u'retrenchment (of sth.); dismantling; retreat; retreating working; working home(wards)'), ('die', u'Ruhmeshalle', u'pantheon; hall of fame'), ('der', u'Rotfuchs', u'(red) fox'), ('die', u'Rolltreppe', u'escalator; moving staircase; stairmoving'), ('das', u'Ritual', u'ritual'), ('die', u'Rechtsstellung', u'legal status; legal position'), ('das', u'Raster', u'pitch; graticule; raster; grid; raster screen; screen printing'), ('der', u'Rammler', u'buck'), ('die', u'Radierung', u'etching'), ('die', u'Querdehnungszahl', u"transverse expansion; Poissin's ratio"), ('der', u'Pulk', u'pile; throng'), ('das', u'Preisausschreiben', u'competition; prize competition'), ('die', u'Postanweisung', u'money order; postal order /PO; P.O./'), ('die', u'Pornografie', u'pornography'), ('das', u'Pond', u'gram-force'), ('der', u'Plattenkalk', u'platy limestone'), ('der', u'Piston', u'valve cornet'), ('die', u'Pf\xfctze', u'puddle'), ('die', u'Pflichtversicherung', u'compulsory insurance'), ('die', u'Pflegeversicherung', u'nursing care insurance'), ('die', u'Pauschalreise', u'package tour; package holiday; all-expense tour'), ('der', u'Patch', u'patch'), ('der', u'Parther', u'Parthian'), ('die', u'Parteiversammlung', u'party meeting'), ('die', u'Parkuhr', u'parking meter'), ('das', u'Pamphlet', u'lampoon'), ('das', u'Pal\xe4ogen', u'Paleogene [Am.]; Palaeogene [Br.]'), ('das', u'Organigramm', u'organization chart [eAm.]; organisation chart [Br.]; organigram'), ('die', u'Onkologie', u'oncology'), ('der', u'Normalbeton', u'normal-weight concrete'), ('das', u'Nitrat', u'nitrate'), ('die', u'Neurobiologie', u'neurobiology'), ('der', u'Navigationsoffizier', u'navigator'), ('das', u'Nationalteam', u'national team; international team'), ('das', u'Nationalgef\xfchl', u"national feeling for one's country"), ('das', u'Nashorn', u'rhino; rhinoceros'), ('die', u'Nahrungssuche', u'search for food; foraging; forage'), ('die', u'M\xfcdigkeit', u'fatigue; fatique; tiredness; weariness; doziness'), ('das', u'Mutterkorn', u'ergot'), ('das', u'Musikdrama', u'music drama'), ('die', u'Motorisierung', u'motorization [eAm.]; motorisation [Br.]'), ('der', u'Monolog', u'monologue; monolog [Am.]; soliloquy'), ('das', u'Mitf\xfchren', u'entrainment'), ('das', u'Milit\xe4rflugzeug', u'military aircraft')] dictSet_126 = [('die', u'Mikroelektronik', u'microelectronics'), ('das', u'Meiden', u'avoidance'), ('der', u'Medienkritiker', u'media critic'), ('der', u'Mediator', u'mediator; mediator'), ('die', u'Materialerm\xfcdung', u'fatigue of material'), ('das', u'Marktsegment', u'market segment'), ('das', u'Marktrecht', u'market rights'), ('der', u'Malm', u'Upper Jurassic; Malm (series; epoch)'), ('das', u'Machtvakuum', u'power vacuum'), ('die', u'L\xe4rche', u'larch; larch tree'), ('das', u'Literaturverzeichnis', u'bibliography'), ('die', u'Literaturszene', u'literary scene'), ('die', u'Liquidit\xe4t', u'liquidity'), ('das', u'Liebespaar', u'lovers {pl}; pair of lovers; courting couple'), ('der', u'Lettner', u'rood screen; choir screen; chancel screen'), ('der', u'Leserbrief', u"reader's letter"), ('die', u'Leitf\xe4higkeit', u'conductivity; conductance'), ('der', u'Lehm', u'loam; clay; pug; brickearth; brick clay'), ('der', u'Lab', u'rennin; chymosin'), ('das', u'Lab', u'rennet'), ('der', u'K\xfchlschrank', u'refrigerator; fridge [Br.]; freezer; icebox [Am.] (old-fashioned)'), ('die', u'Kulturszene', u'cultural scene'), ('die', u'Kr\xfccke', u'crook; crutch'), ('die', u'Kritikalit\xe4t', u'criticality'), ('die', u'Kriminalliteratur', u'crime literature'), ('das', u'Kriegsger\xe4t', u'armament'), ('das', u'Kriechen', u'creepage; creep'), ('das', u'Kreuzfeuer', u'crossfire'), ('die', u'Kosmologie', u'cosmology'), ('der', u'Kosake', u'Cossack'), ('die', u'Kornblume', u"cornflower; basket flower; bachelor's button; bluebottle"), ('die', u'Kontinentalplatte', u'continental plate'), ('der', u'Kondensator', u'capacitor; condenser'), ('das', u'Kohlenstoffdioxid', u'carbon dioxide'), ('das', u'Kobalt', u'cobalt'), ('der', u'Knabenchor', u"boys' choir"), ('die', u'Kl\xe4ranlage', u'purification plant; sewage treatment plant; wastewater treatment plant; water treatment facility'), ('der', u'Kalifornier', u'Californian'), ('der', u'Kakao', u'cocoa'), ('der', u'Jungvogel', u'fledgeling; fledgling'), ('die', u'Jugendherberge', u'youth hostel'), ('die', u'Islamisierung', u'Islamization [eAm.]; Islamisation [Br.]'), ('der', u'Insulaner', u'islander'), ('das', u'Inlandeis', u'inland ice; ice sheet; ice cap'), ('die', u'Inkompetenz', u'disability; incompetence; incompetency; inefficiency'), ('die', u'Holzindustrie', u'timber industry'), ('der', u'Holzbildhauer', u'wood sculptor'), ('der', u'Hochschulabschluss', u'degree; academic degree'), ('der', u'Hirtenbrief', u'pastoral letter; pastoral'), ('die', u'Heizung', u'heating; heating; firing; heater'), ('die', u'Habilitationsschrift', u'habilitation treatise'), ('der', u'Gutshof', u'estate; manor'), ('der', u'Guss', u'moulding [Br.]; molding [Am.]; gush; casting; cast'), ('der', u'Guppy', u'guppy'), ('das', u'Grundnahrungsmittel', u'staple food; dietary staple'), ('die', u'Grenzstadt', u'frontier town'), ('der', u'Greisen', u'greisen; hyalomite'), ('der', u'Gl\xfchstrumpf', u'incandescent mantle'), ('die', u'Gl\xfchbirne', u'light bulb; bulb'), ('der', u'Ghanaer', u'Ghanaian'), ('das', u'Geweih', u'horns; antlers'), ('die', u'Gesellschafterin', u'partner; associate; share holder'), ('die', u'Geschichtsforschung', u'historical research'), ('der', u'Genosse', u'comrade; companion'), ('der', u'Gegenpol', u'opposite pole; antipole; counterpoint'), ('der', u'Gegenpart', u'opponent; antagonist'), ('das', u'Gegenpart', u'counterpart (of/to sb./sth.)'), ('der', u'Gasmotor', u'gas engine'), ('die', u'Gabel', u'fork; pitchfork; gable; yoke'), ('die', u'Fu\xdfg\xe4ngerbr\xfccke', u'footbridge'), ('der', u'Fr\xfchrentner', u'early pensioner'), ('der', u'Freisto\xdf', u'free kick'), ('die', u'Freiheitsberaubung', u'deprivation of liberty; unlawful detention; false imprisonment (criminal offence)'), ('der', u'Frame', u'frame'), ('das', u'Frachtgut', u'freight'), ('der', u'Fl\xf6tenspieler', u'flute player; piper'), ('die', u'Fl\xe4chendeckung', u'area coverage'), ('das', u'Festnetz', u'fixed-line network; landline network'), ('das', u'Festmahl', u'feast'), ('die', u'Festigkeitsklasse', u'strength class; grade'), ('das', u'Fernstudium', u'(degree by) correspondence course; distance learning'), ('die', u'Fehlgeburt', u'abortion; miscarriage'), ('das', u'Federgewicht', u'featherweight'), ('die', u'Fahrerin', u'driver'), ('das', u'Ersch\xf6pfen', u'exhaustiveness'), ('die', u'Erleuchtung', u'enlightenment; satori'), ('die', u'Erd\xf6lleitung', u'oil pipeline'), ('der', u'Erdmantel', u"earth's mantle; mantle of the earth"), ('der', u'Entscheidungstr\xe4ger', u'decision maker'), ('das', u'Entlein', u'duckling'), ('der', u'Endokrinologe', u'endocrinologist'), ('die', u'Elfe', u'elf; elfin; pixie; sprite; fairy; faerie [poet.]'), ('die', u'Eizelle', u'egg cell; ovum'), ('der', u'Eistaucher', u'great northern diver'), ('die', u'Einverleibung', u'incorporation'), ('das', u'Einr\xfccken', u'indention'), ('das', u'Eichenlaub', u"oakleaves (to the Knight's Cross of the Iron Cross)"), ('das', u'Edelwei\xdf', u'edelweiss'), ('der', u'Dussel', u'nitwit; twit; ding-a-ling [Am.]; mutt; dope; berk [coll.]; goof; goofball [Am.]; bozo; jackass [coll.]; eejit [slang] [Ir.]'), ('der', u'Dopingtest', u'drugs test; drug test; dope test')] dictSet_127 = [('der', u'Dolch', u'dagger; dirk; poniard'), ('der', u'Derwisch', u'dervish'), ('die', u'Deflation', u'deflation; deflation; deflation; wind abrasion'), ('der', u'Datenstrom', u'data stream'), ('das', u'Crack', u'crack'), ('das', u'Chlorid', u'chloride'), ('das', u'Charakteristikum', u'characteristic; feature'), ('die', u'Buchpreisbindung', u'fixed book price agreement; Net Book Agreement [Br.] [hist.]'), ('die', u'Bruttowertsch\xf6pfung', u'gross value added'), ('das', u'Boulevardblatt', u'tabloid newspaper; tabloid'), ('der', u'Borkenk\xe4fer', u'bark beetle'), ('das', u'Bildungsministerium', u'ministry of education'), ('die', u'Bildr\xf6hre', u'picture tube'), ('der', u'Bildersturm', u'iconoclasm'), ('die', u'Bewunderung', u'admiration'), ('die', u'Beschlussunf\xe4higkeit', u'absence of quorum'), ('die', u'Beschattung', u'shadowing; tailing'), ('der', u'Beller', u'barker'), ('die', u'Belegschaft', u'staff; personnel; employees; work force; head-count; crew; set of men; workers; number of employees'), ('die', u'Bauwirtschaft', u'building industry; construction industry'), ('der', u'Bastard', u'bastard; mongrel'), ('der', u'Bangladescher', u'Bangladeshi'), ('das', u'Badehaus', u'bathhouse'), ('die', u'Ausmusterung', u'withdrawal from service'), ('das', u'Aufteilen', u'partitioning'), ('der', u'Aufnahmeantrag', u'apply for admission'), ('das', u'Arbeitsgericht', u'labour court; employment tribunal [Br.]'), ('das', u'Arbeitsbuch', u'workbook'), ('die', u'Apsis', u'apse; apsis; apsis'), ('der', u'Appendix', u'appendix; vermiform appendix'), ('das', u'Aostatal', u'Aosta Valley (Italian region)'), ('der', u'Antiamerikanismus', u'anti-Americanism'), ('die', u'Anstellwinkel', u'attitude'), ('der', u'Anstellwinkel', u'angle of attack'), ('die', u'Anschrift', u'address'), ('der', u'Anblick', u'aspect; view; sight'), ('die', u'Amtsgewalt', u'authority; official powers'), ('die', u'Amplitudenmodulation', u'amplitude modulation /AM/'), ('die', u'Allmende', u'common land; common'), ('die', u'Addition', u'addition'), ('die', u'Abstraktion', u'abstraction'), ('der', u'Zwicker', u'pince nez'), ('die', u'Zusammengeh\xf6rigkeit', u'coherence'), ('die', u'Zuhilfenahme', u'aid'), ('die', u'Zuchthausstrafe', u'penal servitude'), ('die', u'Zimtente', u'cinnamon teal'), ('das', u'Zeitfahren', u'time trial'), ('der', u'Wurf', u'dropping (of bombs); throw; cast; shy; fling; litter'), ('die', u'Wohnungsnot', u'housing shortage'), ('die', u'Wohnfl\xe4che', u'living space'), ('der', u'Witz', u'esprit; gag; laugh; jape [Br.] (old-fashioned); jest; joke; wit'), ('das', u'Wildschwein', u'wild boar; boar; wild pig'), ('der', u'Werktag', u'workday; working day; business day'), ('der', u'Weltrekordler', u'world record holder'), ('der', u'Weitsprung', u'long jump'), ('das', u'Weinfest', u'wine festival'), ('die', u'Wasserschutzpolizei', u'water police'), ('der', u'Wasserdruck', u'water pressure'), ('das', u'Waffenlager', u'arsenal'), ('das', u'Vorherrschen', u'prevalence'), ('die', u'Vorhalle', u'vestibule; porch; atrium; lobby'), ('der', u'Vorbote', u'herald; forerunner; precursor; harbinger'), ('der', u'Vollgummireifen', u'rubber solid tyre; solid tyre; rubber solid tire [Am.]; solid tire [Am.]'), ('die', u'Vogelkunde', u'ornithology; bird lore'), ('der', u'Vizeweltmeister', u'world vice-champion'), ('der', u'Vierling', u'quad; quadruplet'), ('die', u'Ver\xe4u\xdferung', u'disposal; divestment; alienation; externalization; externalisation Br.'), ('der', u'Verwaltungsapparat', u'administrative machinery; administrative organization; ministrative organization [eAm.]; administrative organization; ministrative organisation [Br.]'), ('das', u'Verlagswesen', u'publishing'), ('die', u'Verh\xe4ltniswahl', u'proportional representation'), ('die', u'Vergasung', u'carburetion; gasification'), ('die', u'Urteilsf\xe4higkeit', u'competence to judge; ability to judge'), ('das', u'Unterrichtsmaterial', u'teaching material'), ('das', u'Unterfangen', u'venture'), ('die', u'Umweltzone', u'enviromental protection zone; low emission zone'), ('die', u'Umkehrung', u'converse; inversion; reversal; reversion'), ('die', u'Umdeutung', u'reinterpretation'), ('der', u'Tourenwagen', u'touring car'), ('die', u'Thronrede', u'speech from the throne'), ('der', u'Themenpark', u'theme park'), ('der', u'Theismus', u'theism'), ('der', u'Testfahrer', u'test driver'), ('das', u'Telefonbuch', u'telephone directory; phone book'), ('das', u'Teilgebiet', u'branch'), ('der', u'Tandler', u'junk dealer'), ('das', u'Taco', u'taco'), ('der', u'Studienabschluss', u'final degree; completion of a course of study'), ('das', u'Stranden', u'stranding; beaching'), ('die', u'Strahlungsenergie', u'radiant energy; radiation energy'), ('die', u'Stiftsdame', u'canoness'), ('der', u'Steuerberater', u'tax consultant; tax adviser; tax practitioner [Br.]'), ('der', u'Stellmacher', u'cartwright; wheelwright; wainwright'), ('der', u'Steinhauer', u'stonemason; stonecutter'), ('die', u'Spundwand', u'bulkhead; sheet pile wall'), ('das', u'Sportabzeichen', u'German Sports Badge'), ('die', u'Sparpolitik', u'policy of retrenchment'), ('das', u'Sozialprodukt', u'aggregate output; national product'), ('die', u'Sonnenuhr', u'sundial'), ('der', u'Skulpteur', u'sculptor'), ('der', u'Sketch', u'sketch')] dictSet_128 = [('der', u'Sitzplatz', u'pew; seat'), ('die', u'Sippe', u'tribe; clan; kin; kindred; tribe'), ('die', u'Signalwirkung', u'announcement effect'), ('die', u'Sichtung', u'examination (of sth.); sighting'), ('der', u'Sexismus', u'sexism'), ('die', u'Separation', u'separation'), ('der', u'Schwarzwei\xdffilm', u'black-and-white film'), ('der', u'Schotter', u'grit; gravel; boulder flint; crushed rock; crushed stone; macadam; road stone; ballast'), ('die', u'Schnurre', u'anecdote'), ('das', u'Schneiden', u'cutting; slicing; crosscutting; editing'), ('die', u'Schminke', u'make-up; paint [obs.]'), ('die', u'Schmach', u'humiliation; disgrace; ignominy'), ('die', u'Schlagbaum', u'tollgate; tollbar; turnpike'), ('der', u'Schlagbaum', u'barrier'), ('der', u'Schildvulkan', u'shield volcano; (exogenous) lava dome'), ('der', u'Schiffsraum', u'shipping space'), ('der', u'Schiffbauingenieur', u'naval architect'), ('der', u'Scheibenwischer', u'windscreen wiper; windshield wiper; wiper'), ('das', u'Schaufenster', u'shop window [Br.]; store window [Am.]'), ('die', u'Salzsteuer', u'salt tax'), ('die', u'R\xfccksichtnahme', u'thoughtfulness; consideration (for); considerateness'), ('der', u'Rosenmontag', u'Shrove Monday; Collop Monday [Br.]; Carnival Monday; Monday before Lent'), ('die', u'Rohdichte', u'gross density; bulk density'), ('die', u'Richtungs\xe4nderung', u'turnaround'), ('die', u'Rhythmik', u'rhythm'), ('die', u'Reisegeschwindigkeit', u'cruising speed'), ('die', u'Registration', u'registration; registering; recording'), ('die', u'Radiosendung', u'radio transmission'), ('der', u'Publikumsmagnet', u'crowd puller'), ('der', u'Pr\xfcfstand', u'test stand; test station; test rig; testing bay; dynamometer; test-bench'), ('die', u'Pr\xe4zision', u'precision; concision; conciseness'), ('die', u'Projektion', u'projection; projection'), ('der', u'Profifu\xdfball', u'professional football'), ('der', u'Probebetrieb', u'trial operation; test operation; trial run'), ('die', u'Privatsekret\xe4rin', u'girl Friday'), ('das', u'Privatrecht', u'private law'), ('der', u'Preu\xdfe', u'Prussian'), ('die', u'Praktikantin', u'intern; trainee'), ('der', u'Populist', u'populist'), ('das', u'Polyurethan', u'polyurethane'), ('die', u'Pelle', u'skin'), ('die', u'Patriotin', u'patriot'), ('der', u'Patentanwalt', u'patent attorney [Am.]; patent agent'), ('der', u'Pachtvertrag', u'lease contract'), ('das', u'Ostblockland', u'country of the Eastern bloc'), ('das', u'Ordovizium', u'Ordovician; Ordovician (system; period; age)'), ('die', u'Ohrenheilkunde', u'otology'), ('die', u'Notwehr', u'self-defence; self-defense [Am.]; legitimate self-defence'), ('die', u'Normung', u'standardization [eAm.]; standardisation [Br.]'), ('die', u'Nomenklatura', u'nomenklatura'), ('die', u'Nische', u'alcove; cave; recess; niche'), ('das', u'Niederschlesien', u'Lower Silesia'), ('die', u'Neurologin', u'neurologist'), ('die', u'Neugotik', u'neo-Gothic style; Gothic Revival'), ('die', u'National\xf6konomie', u'economics'), ('die', u'Nachtarbeit', u'night work'), ('die', u'Mucke', u'music'), ('der', u'Moslem', u'Moslem; Muslim'), ('die', u'Monopolstellung', u'monopoly'), ('der', u'Mitverfasser', u'co-author; coauthor; joint author'), ('die', u'Missernte', u'bad harvest; crop failure'), ('der', u'Mischkonzern', u'conglomerate merger; conglomerate'), ('der', u'Metallgehalt', u'metal content'), ('die', u'Massenorganisation', u'mass organization; mass organisation [Br.]'), ('das', u'Massenmedium', u'mass medium'), ('das', u'Marschland', u'fen'), ('der', u'Marder', u'marten'), ('das', u'Machtmonopol', u'monopoly of power'), ('der', u'L\xfcgendetektor', u'lie detector; polygraph'), ('die', u'Luftseilbahn', u'cable railway; cable car'), ('die', u'Lohe', u'tan; tanning agent; tan; blaze; flame'), ('der', u'Linienflug', u'scheduled flight'), ('die', u'Leugnung', u'renunciation'), ('die', u'Lebensspanne', u'lifespan'), ('das', u'Lebensgef\xfchl', u'experience of life; awareness of life'), ('die', u'Lebensbeschreibung', u'biography; bio'), ('das', u'Laboratorium', u'lab; laboratory'), ('der', u'Kunstflugpilot', u'aerobatic pilot'), ('das', u'Kr\xe4ftegleichgewicht', u'equilibrium of forces'), ('der', u'Krisenherd', u'hotspot; hot-spot; hot spot'), ('das', u'Kriegsopfer', u'war victim'), ('die', u'Kontrabassistin', u'double bass player; bass player; bassist'), ('die', u'Kontamination', u'portmanteau; blend; contamination; pollution'), ('der', u'Kolonialist', u'colonialist'), ('das', u'Klischee', u'cliche; clich\xe9; stereotype; plate; block'), ('der', u'Kitzel', u'titillation'), ('die', u'Kinderheilkunde', u'paediatrics [Br.]; pediatrics [Am.]; pediatric medicine; pedology'), ('der', u'Kinderchor', u"children's choir"), ('das', u'Kilo', u'kilogram; kilogramme [Br.]; kilo /kg/'), ('die', u'Kernkraft', u'nuclear power; atomic power'), ('die', u'Kellnerin', u'waiter; waitress'), ('der', u'Kea', u'kea'), ('der', u'Kartoffelk\xe4fer', u'potato beetle; Colorado beetle'), ('die', u'Kartei', u'file; card index; card file'), ('das', u'Kampfgebiet', u'combat area; battle zone'), ('die', u'Jugendliebe', u'puppy love; early love'), ('die', u'Intentionalit\xe4t', u'deliberateness; purposiveness; intentionality'), ('die', u'Hutmacherin', u'milliner'), ('das', u'Hormon', u'hormone'), ('der', u'Hochl\xe4nder', u'highlander')] dictSet_129 = [('das', u'Hinzuf\xfcgen', u'addition'), ('das', u'Heilmittel', u'remedy; elixir; cure'), ('das', u'Heiligtum', u'sanctum; sainthood; sanctuary'), ('die', u'Heidelandschaft', u'moor; moorland'), ('die', u'Haube', u'crest; cap; cover; bonnet; hood; toque; cap'), ('der', u'Handschuh', u'glove'), ('die', u'Handlungsfreiheit', u'freedom of action; freedom to act; liberty of action; discretionary'), ('der', u'Handelsweg', u'trade channel'), ('die', u'Handelsstadt', u'commercial town'), ('das', u'Hallenbad', u'indoor swimming pool; indoor swimming pool; indoor pool'), ('der', u'Hafner', u'stove fitter; stove builder; stove maker'), ('die', u'Gyn\xe4kologie', u'gynaecology [Br.]; gynecology [Am.]'), ('das', u'Gutshaus', u'farm house'), ('die', u'Gruppenphase', u'group stage (football tournament) [Br.]'), ('der', u'Grieche', u'Greek; Grecian'), ('die', u'Glyptothek', u'glyptotheque'), ('die', u'Geophysik', u'geophysics'), ('die', u'Gemeinsamkeit', u'commonality; commonness; communality'), ('der', u'Gemeindebund', u'municipal association'), ('die', u'Geldw\xe4sche', u'money laundering'), ('die', u'Gef\xe4hrlichkeit', u'dangerousness; perilousness; savageness; riskiness; hazardousness'), ('der', u'Gastprofessor', u'guest professor; visiting professor'), ('die', u'Gasmaske', u'gas mask'), ('das', u'Ganzmetallflugzeug', u'all-metal aircraft'), ('die', u'Funkuhr', u'radio controlled clock; radio clock'), ('der', u'Funken', u'spark'), ('der', u'Freiflug', u'free flight'), ('die', u'Fraktur', u'fracture; german type'), ('die', u'Fotokopie', u'copy; photocopy; photostat'), ('das', u'Forschungsprojekt', u'research project'), ('das', u'Forschungslabor', u'research laboratory; research lab'), ('der', u'Formalismus', u'formalism'), ('der', u'Flickenteppich', u'rag rug'), ('der', u'Flei\xdf', u'assiduity; diligence; industry; industriousness; studiousness; study'), ('der', u'Festtag', u'festive day'), ('das', u'Fehlverhalten', u'misbehavior; misbehaviour [Br.]; misdemeanour [Br.]; misdemeanor [Am.]; misfeature; impropriety'), ('das', u'Faustpfand', u'dead pledge'), ('das', u'Fass', u'barrel; cask; vat; barrel; tun; cask for storage and transport of radioactive material; castor; hogshead'), ('die', u'Fahrpr\xfcfung', u'driving test'), ('das', u'Exportgut', u'article of exportation; export good'), ('die', u'Evaluation', u'evaluation'), ('die', u'Etikette', u'label; etiquette'), ('die', u'Erw\xe4hlung', u'Election'), ('die', u'Ernsthaftigkeit', u'seriousness; graveness; sobriety; wholeheartedness'), ('das', u'Erg', u'erg'), ('die', u'Enzephalitis', u'encephalitis; brain inflammation; brain-fever'), ('die', u'Entziehung', u"deprivation; denial; disallowance; disallowing (of sb.'s right to sth.); prohibition; withdrawal; extraction (of sth.)"), ('die', u'Entnahme', u'withdrawal (of an amount of money); draft; abstraction; bleeding; tapping; draw-off; sampling'), ('der', u'Engpass', u'bottleneck; notch [Am.]; narrow pass; defile'), ('die', u'Eliminierung', u'eliminating'), ('die', u'Elegie', u'elegy'), ('das', u'Einwanderungsland', u'country of immigration'), ('der', u'Eimer', u'bucket; pail'), ('das', u'Eigenkapital', u'equity; equity capital; own capital'), ('die', u'Effizienzsteigerung', u'increase in efficiency'), ('die', u'Durchmusterung', u'survey'), ('die', u'Durchmischung', u'mixing'), ('die', u'Drogerie', u"chemist's shop [Br.]; chemist's [Br.]; drugstore [Am.] (without prescriptions counter)"), ('der', u'Drogenhandel', u'(narcotic) drug trafficking; trafficking in narcotic/illicit drugs (criminal offence)'), ('der', u'Drehort', u'location'), ('der', u'Dragoner', u'dragoon'), ('die', u'Dienststellung', u'official position'), ('der', u'Dienstsitz', u'office; usual office; official residence; regular place of work'), ('die', u'Demoiselle', u'damsel'), ('der', u'Defekt', u'defect; fault; bug; failure; malfunction; trouble; fault'), ('der', u'Decoder', u'decoder'), ('der', u'Darwinismus', u'darwinism'), ('das', u'DDT', u'DDT (short for dichloro-diphenyl-dichloroethane) (pesticide)'), ('die', u'Collage', u'collage'), ('der', u'Calypso', u'calypso'), ('der', u'B\xfchnenbilder', u'stage designer; scenic designer'), ('das', u'Buschfeuer', u'bush fire'), ('die', u'Briefbombe', u'letter bomb; mail bomb [Am.]'), ('die', u'Bratsche', u'viola'), ('die', u'Bodenfl\xe4che', u'floor space'), ('der', u'Binnenmarkt', u'domestic market; internal market; single market'), ('der', u'Bildungsstand', u'educational background; level of education'), ('der', u'Bezwinger', u'conqueror; superior'), ('die', u'Bewegungsfreiheit', u'freedom of movement; freedom of action; freedom to act; liberty of action'), ('die', u'Bevorratung', u'provisioning'), ('das', u'Berufungsgericht', u'court of appeal'), ('der', u'Benzinmotor', u'petrol engine [Br.]; gasoline engine [Am.]'), ('die', u'Baufirma', u'building enterprise; construction firm; construction company; building contractor'), ('der', u'Baikalsee', u'Lake Baikal'), ('der', u'Badestrand', u'beach'), ('die', u'Axt', u'axe; ax'), ('der', u'Au\xdfenposten', u'outpost'), ('die', u'Ausnahmegenehmigung', u'special case authorization [eAm.]; special case authorisation [Br.] certificate of exemption'), ('der', u'Auftragsm\xf6rder', u'contract killer'), ('der', u'Aufschub', u'adjurnment; delay; procrastination; respite; postponement; suspension'), ('der', u'Aufdruck', u'overprint; imprint'), ('das', u'Aufbegehren', u'revolt (against parental rules etc.); rebellion; rebelliousness; insubordination'), ('das', u'Atomkraftwerk', u'nuclear power station; nuclear power plant; atomic power station/plant'), ('die', u'Athletin', u'athlete'), ('der', u'Arbeitsschutz', u'maintenance of industrial health and safety standards; safety at work; provisions on labor'), ('der', u'An\xe4sthesist', u'anaesthesiologist [Br.]; anesthesiologist [Am.]'), ('der', u'Ankl\xe4ger', u'prosecutor; accuser; denouncer'), ('der', u'Ankauf', u'purchase'), ('das', u'Anh\xe4ngen', u'adherence'), ('das', u'Angriffsziel', u'objective')] dictSet_130 = [('die', u'Anakonda', u'anaconda'), ('die', u'Alarmbereitschaft', u'alert'), ('das', u'Ahornblatt', u'maple leaf'), ('der', u'Affenmensch', u'apeman'), ('die', u'Abriegelung', u'cordoning off'), ('das', u'Abflie\xdfen', u'drain'), ('die', u'Abfertigung', u'dispatch; check-in; clearing; processing; severance pay; severance payment; redundancy payment'), ('das', u'Abfangen', u'interception; enticing away a customer'), ('die', u'Zur\xfccknahme', u'cancellation of an invitation; revocation; withdrawal; disinvestment; withdrawal'), ('der', u'Zukauf', u'additional purchase'), ('der', u'Zielort', u'destination; target site'), ('das', u'Zerbrechen', u'smash'), ('das', u'Zepter', u'sceptre [Br.]; scepter [Am.]'), ('die', u'Zeitreise', u'travel through time; journey through time; time travel'), ('das', u'Zebra', u'zebra'), ('der', u'Wohnbau', u'residential building; dwelling'), ('das', u'Wiederkunft', u'Second Coming'), ('das', u'Wettbewerbsrecht', u'competition law'), ('der', u'Westhafen', u'west harbour [Br.]; west harbor [Am.]'), ('der', u'Werbefachmann', u'advertising expert; advertising specialist; ad man; advertising man'), ('der', u'Wei\xdfwal', u'beluga whale; beluga; Belukha; white whale; sea canary'), ('das', u'Weideland', u'pasture; lea; pasturage; grazing; grazing land; lea; ley; grassland; pastureland'), ('die', u'Wasserbombe', u'depth charge; depth bomb; water balloon'), ('das', u'Waschen', u'wash; cleaning; flushing'), ('der', u'Waldmann', u'woodwose; wildman of the woods'), ('der', u'Waffenbesitz', u'possession of firearms'), ('die', u'V\xf6lkerkunde', u'ethnology'), ('das', u'Vorlegen', u'presentation'), ('das', u'Vorgebirge', u'forelands; promontory; Mull [Sc.]'), ('der', u'Vorgarten', u'front garden; dooryard; front yard'), ('das', u'Vogelschutzgebiet', u'bird sanctuary'), ('die', u'Viehhaltung', u'livestock husbandry; cattle breeding; stock farming [Am.]'), ('die', u'Verschl\xfcsselung', u'encryption; encipherment; encoding; scrambling'), ('der', u'Verr\xfcckter', u'headcase [coll.]'), ('die', u'Verlandung', u'siltation; silting up; drying up; sanding-up'), ('die', u'Vergebung', u'forgiveness'), ('die', u'Verf\xfcgungsgewalt', u'power of disposition'), ('die', u'Verbindlichkeit', u'courtesy; debenture; bindingness; commitment; liability'), ('die', u'Unwissenheit', u'ignorance; unknowingness; unawareness'), ('die', u'Unordnung', u"disorganization [eAm.]; disorganisation [Br.]; dog's dinner; dog's breakfast [Br.] [fig.]; confusion; disorder; disorderliness; disarray; huggermugger; mess; messiness; donnybrook [Ir.] [coll.]; clutter"), ('die', u'Unke', u'toad'), ('die', u'Ungerechtigkeit', u'inequity; iniquitousness; iniquity; injustice; unrighteousness; unfairness; wrongfulness'), ('die', u'Unbesiegbarkeit', u'invincibility'), ('der', u'Umschlagplatz', u'reloading point; trans-shipment centre'), ('der', u'Trost', u'consolation; comfort; words of comfort; solace'), ('der', u'Trimm', u'trim; attitude'), ('das', u'Traktat', u'treatise; treatise; tract'), ('der', u'Torpedoangriff', u'torpedo strike'), ('der', u'Tiefbau', u'underground mining; (level) deep mining; deep (mine) working'), ('der', u'Theaterzettel', u'playbill'), ('die', u'Taste', u'bar; key; button; pushbutton'), ('die', u'Tageszeit', u'daytime; time of day'), ('die', u'Strandpromenade', u'promenade; waterfront; seafront'), ('der', u'Strafverfolger', u'prosecutor'), ('die', u'Stimmengleichheit', u'equality of votes; tied vote; tie'), ('die', u'Stimmabgabe', u'vote; voting'), ('das', u'Steuersystem', u'tax structure; tax system; taxation'), ('das', u'Stammhaus', u'parent firm; parent house'), ('der', u'Stadtschreiber', u'town clerk'), ('die', u'Spr\xfchdose', u'aerosol can; fingertip dispenser'), ('der', u'Sportlehrer', u'gymnast; sports coach; gym teacher; PE teacher'), ('der', u'Spie\xdfrutenlauf', u'gauntlet; gantlet; gauntlet running'), ('die', u'Spezifikation', u'specification; spec [coll.]'), ('die', u'Speise', u'dish; fare; food'), ('die', u'Sozialisierung', u'socialization [eAm.]; socialisation [Br.]'), ('die', u'Sozialarbeit', u'social work'), ('der', u'Sonnenstein', u'heliolite'), ('der', u'Sonderdruck', u'special edition; special; off print'), ('das', u'Sigma', u'Sigma'), ('der', u'Sherry', u'sherry; sack [obs.]'), ('der', u'Sherpa', u'Sherpa'), ('der', u'Seitenarm', u'lateral branch'), ('der', u'Schwierigkeitsgrad', u'severity; level of difficulty'), ('der', u'Schriftwechsel', u'correspondence; exchange of letters (with sb.); correspondence'), ('der', u'Schmelzer', u'smelter'), ('die', u'Schlacke', u'slag; cinder; cinders; scoria; clinker; dross; slurry'), ('der', u'Schiffsarzt', u"ship's doctor"), ('der', u'Schienenweg', u'railway [Br.]; railroad [Am.]'), ('der', u'Sattel', u'saddle; anticline; upfold'), ('das', u'R\xf6sti', u'hash browns; hashed browns'), ('der', u'Rudertrainer', u'rowing machine'), ('der', u'Rohdiamant', u'rough diamond; uncut diamond; dob'), ('das', u'Rittergut', u'manor; manor; feudal estate'), ('die', u'Rinde', u'bark; cortex; cortex; rind; peeling; cortices'), ('die', u'Reue', u'penance; sorrow; repentance; remorse; penitence; contrition'), ('die', u'Rennbahn', u'course; race course; racecourse; racetrack'), ('die', u'Regelungstechnik', u'cybernetics; controlling engineering; control engineering; control technology'), ('der', u'Refrain', u'refrain; burden; chorus'), ('der', u'Reformismus', u'reformism'), ('der', u'Rechtsverkehr', u'right hand traffic; legal transactions'), ('die', u'Rechtsnachfolge', u'succession'), ('der', u'Rechnungshof', u"Auditor General's office [Br.]; audit division [Am.]"), ('das', u'Rebhuhn', u'partridge; grey partridge'), ('die', u'Realpolitik', u'realpolitik; realistic politics'), ('der', u'Reaktion\xe4r', u'reactionary; reactionist; stick-in-the-mud [coll.]'), ('der', u'Rancher', u'rancher'), ('das', u'Rahmenprogramm', u'supporting program; supporting programme [Br.]; fringe events'), ('die', u'Radio\xfcbertragung', u'radio programme'), ('der', u'Querbalken', u'crossbeam; crossbar'), ('der', u'Pr\xfcfingenieur', u'test engineer')] dictSet_131 = [('die', u'Protestwelle', u'wave of protest'), ('das', u'Promenadenkonzert', u'prom'), ('die', u'Projektgruppe', u'task force; task-force; task-force group; project team'), ('die', u'Pottasche', u'potash'), ('die', u'Polarexpedition', u'polar expedition'), ('die', u'Patrouille', u'patrol'), ('die', u'Papierfabrik', u'papermill; paper mill'), ('die', u'Paarungszeit', u'mating season; rut; rutting season; heat; mating season'), ('der', u'Paarlauf', u'pair-skating; pairs; partner race'), ('die', u'Ortsgruppe', u'chapter [Am.]; local group'), ('die', u'Ornithologin', u'ornithologist'), ('die', u'Oligarchie', u'oligarchy'), ('der', u'Ohrwurm', u'catchy tune; earworm; earwig'), ('die', u'Nordallianz', u'Northern Alliance'), ('das', u'Nomen', u'noun; substantive'), ('das', u'Nebenprodukt', u'by-product; spin-off products'), ('die', u'Nahaufnahme', u'close up view; close-up; closeup'), ('der', u'Musikunterricht', u'musik lessons'), ('die', u'Munitionsfabrik', u'ammunition factory'), ('der', u'Motorm\xe4her', u'motor mower'), ('die', u'Morgenr\xf6te', u'red sky; dawn; aurora'), ('der', u'Modulator', u'modulator'), ('das', u'Mittelschiff', u'(central) nave'), ('das', u'Mitgliedsland', u'member country'), ('das', u'Mindestalter', u'minimum age'), ('die', u'Minderj\xe4hrigkeit', u'nonage'), ('das', u'Milit\xe4rkrankenhaus', u'military hospital'), ('die', u'Milit\xe4reinheit', u'detachment'), ('die', u'Messstation', u'monitoring station; measuring station'), ('das', u'Menschenbild', u'conception of man; idea of man'), ('die', u'Menagerie', u'menagerie'), ('die', u'Meerforelle', u'sea trout'), ('die', u'Mauerkrone', u'coping; wall coping'), ('die', u'Massenexekution', u'mass execution'), ('die', u'Marienkapelle', u'Lady chapel'), ('die', u'Manipulation', u'manipulation; manipulative treatment; spoofing'), ('das', u'Lumen', u'lumen'), ('die', u'Luftfahrtbeh\xf6rde', u'aviation authority'), ('die', u'Literaturkritik', u'literary criticism'), ('das', u'Liniennetz', u'network of routes [transp.]'), ('der', u'Lesesaal', u'reading room'), ('der', u'Lehrplan', u'course of instruction; curriculum; syllabus [Am.]'), ('der', u'Lehrgang', u'course; seminar'), ('die', u'Lebensform', u'form of life'), ('der', u'Latino', u'beaner [pej]'), ('die', u'Landschaftsplanung', u'town and country planning'), ('die', u'Landnutzung', u'land use'), ('die', u'Landesstra\xdfe', u'B road [Br.]; state road [Am.]'), ('das', u'Landesgesetz', u'federal state law'), ('der', u'K\xf6der', u'bait; lure; piping; weatherstrip; rand; decoy'), ('das', u'K\xf6der', u'red herring [fig.]'), ('der', u'Kurpark', u'spa gardens'), ('der', u'Kundschafter', u'scout; scout; spy'), ('das', u'Kraut', u'leaves; top; herb; cabbage; sauerkraut; kraut; weed'), ('der', u'Krankheitserreger', u'pathogen; pathogenic germ; pathogenic agent; disease-causing agent; disease agent'), ('die', u'Kralle', u'claw; talon'), ('der', u'Korsar', u'corsair; Barbary pirate'), ('die', u'Kontaktaufnahme', u'approach; establishment of contact; contact support'), ('der', u'Kombi', u'estate car [Br.]; utility wagon; station wagon [Am.]; wagon [Am.]'), ('der', u'Knauf', u'stud; knob; pommel; boss'), ('die', u'Klosterfrau', u'nun'), ('die', u'Klimaklassifikation', u'climate classification'), ('das', u'Kleinformat', u'tabloid'), ('die', u'Klassengesellschaft', u'class society'), ('der', u'Kegelstumpf', u'frustrum'), ('der', u'Katarakt', u'cataract'), ('der', u'Katalogzettel', u'catalogue card'), ('die', u'Kastration', u'castration'), ('der', u'Karst', u'karst; chalky formation; prong hoe'), ('das', u'Karn', u'Carnian; Karnian (stage)'), ('die', u'Kapitalgesellschaft', u'capital company; Incorporated /Inc./ [Am.]'), ('der', u'Kanadakranich', u'sandhill crane'), ('der', u'Jurastudent', u'law student'), ('das', u'Inventar', u'fixtures; inventory; stock'), ('der', u'Inquisitor', u'inquisitor'), ('der', u'Industriekaufmann', u'industrial manager'), ('das', u'Immunsystem', u'immune system'), ('die', u'H\xf6henmessung', u'altimetry; hypsometry'), ('das', u'H\xe4uschen', u'lodge; small house; cottage; cabin'), ('das', u'Hochschulstudium', u'higher education; university education'), ('die', u'Hochschulausbildung', u'higer education; tertiary education'), ('das', u'Hinausgehen', u'leaving; exiting; departing'), ('das', u'Herzst\xfcck', u'heart; core'), ('der', u'Herbstbeginn', u'beginning of autumn; beginning of fall'), ('der', u'Hemmer', u'retardant; retardent'), ('das', u'Haushaltsjahr', u'budget year; fiscal year'), ('die', u'Hauptsaison', u'high season; busy season'), ('der', u'Handlungsspielraum', u'scope (of action); freedom to act; room for manoeuvre; room for maneuver [Am.]'), ('der', u'Handelsvertreter', u'agent; trade representative; sales representative; sales rep; sales droid [pej.]; travelling salesman; travelling saleswoman; sales agent'), ('das', u'Halstuch', u'neckerchief; neckcloth; neckwear; kerchief; bandana; bandanna; tie; necktie [Am.]'), ('die', u'Halbzeit', u'half-time; half'), ('die', u'Hainbuche', u'hornbeam'), ('der', u'Hader', u'discord'), ('das', u'Guthaben', u'balance; assets'), ('das', u'Grundkapital', u'joint stock; share capital; original capital; principal; principal amount (of a loan)'), ('die', u'Grippewelle', u'wave of influenza; wave of flu; flu epidemic'), ('der', u'Grenz\xfcbertritt', u'border crossing'), ('der', u'Grat', u'arete; ridge; spine; (sharp-topped) crest; fin; burr; wire edge; flash; flash rubber; carina (of fossils)'), ('die', u'Gondel', u'gondola; nacelle; nacelle'), ('das', u'Gl\xfccksspiel', u'game of chance; game of hazard')] dictSet_132 = [('das', u'Gleiten', u'slide; sliding; slip; slippage; planing'), ('der', u'Gesch\xfctzturm', u'turret'), ('die', u'Gesamtdauer', u'overall duration'), ('der', u'Geometer', u'geodesist; geodet; geodetician; geometrician; geometer'), ('der', u'Genitiv', u'genitive; possessive case; second case'), ('das', u'Gemetzel', u'slaughtering; slaughter (of); bloodbath; carnage; slaughter; massacre; butchery'), ('der', u'Gemeindetag', u'municipal association'), ('die', u'Geldbu\xdfe', u'fine'), ('das', u'Gekaufte', u'buy; purchase'), ('der', u'Gehweg', u'pavement [Br.]; sidewalk [Am.]; footpath [Br.]; promenade'), ('die', u'Gefahrenabwehr', u'averting of a danger'), ('das', u'Gaswerk', u'gas works; gas plant'), ('die', u'F\xf6rdermenge', u'output (of a mine); rate of delivery; (volumetric) delivery; capacity (of a pump)'), ('das', u'Fresko', u'fresco'), ('die', u'Flussm\xfcndung', u'estuary; mouth of a river; river mouth; stream outlet; embouchure; debouchure'), ('das', u'Fluchten', u'aligning'), ('der', u'Fischdampfer', u'trawler; fishing vessel; trawler'), ('die', u'Firmen\xfcbernahme', u'company takeover'), ('die', u'Feuerwache', u'fire station; firehouse'), ('das', u'Feuerschiff', u'lightvessel; lightship'), ('der', u'Feststoff', u'solid; solid matter; sediment'), ('die', u'Feldlerche', u'(Eurasian) sky lark; skylark'), ('das', u'Familiengrab', u'family grave'), ('der', u'Falkenhorst', u"falcons's nest"), ('die', u'Fahrtzeit', u'running time'), ('die', u'Erkennung', u'cognition; detection; identification; recognition'), ('das', u'Epoxidharz', u'epoxy resin; epoxy resin'), ('die', u'Entwertung', u'cancellation; debasement'), ('die', u'Entropie', u'entropy; average information content'), ('die', u'Enthaltung', u'abstinence; abstention'), ('der', u'Endausbau', u'final stage of construction'), ('die', u'Empf\xe4ngnisverh\xfctung', u'contraception; contraception'), ('der', u'Elfmeter', u'penalty kick; penalty (from eleven meters)'), ('das', u'Einfrieren', u'freezing'), ('der', u'Eibisch', u'marshmellow; marsh mellow; mallow'), ('der', u'D\xe4mpfer', u'damp; damper; mute; draw; tie game; attenuator; cushion; silencer [Br.]; muffler [Am.] (on a gun)'), ('die', u'Dramatik', u'dramatic art; drama [fig.]'), ('der', u'Dockarbeiter', u'dock worker; docker'), ('die', u'Dichtkunst', u'poetry'), ('das', u'Desinteresse', u'lack of interest'), ('die', u'Desertion', u'desertion'), ('der', u'Deichbau', u'dike construction; also: dyke construction'), ('die', u'Damenunterw\xe4sche', u'lingerie'), ('die', u'B\xfcrgerinitiative', u'action group'), ('der', u'B\xfccherwurm', u'avid reader; bookworm'), ('die', u'Bodenkunde', u'pedology; soil science'), ('das', u'Bildungszentrum', u'learning center; center of learning'), ('der', u'Bildungsauftrag', u'educational mission; mission to educate'), ('die', u'Betrachtungsweise', u'approach (to); view (of)'), ('der', u'Besetzer', u'occupant'), ('die', u'Beschlussfassung', u'resolution; passing of a resolution'), ('das', u'Berufsleben', u'working life; professional life'), ('die', u'Bereitschaftspolizei', u'riot police; task force'), ('das', u'Bauland', u'building land/ground [Br.]; construction land/ground [Am.]'), ('die', u'Bauindustrie', u'building industry; construction industry'), ('das', u'Bauernheer', u'peasant army'), ('das', u'Baschkirien', u'Bashkiria'), ('der', u'Autoritarismus', u'authoritarianism'), ('die', u'Auslastung', u'usage rate; fill rate'), ('die', u'Ausfertigung', u'engrossment'), ('die', u'Assistenz', u'assistance'), ('die', u'Artenzahl', u'number of species'), ('das', u'Arnika', u"arnica montana; wolf's bane"), ('die', u'Arbeitsproduktivit\xe4t', u'labour productivity; labor productivity'), ('die', u'Anwendbarkeit', u'applicability; deployability; applicableness; practicalness; appropriability (of an innovation)'), ('der', u'Antialkoholiker', u'teetotaler'), ('die', u'Antarktika', u'Antarctica; Antarctic continent (aq)'), ('die', u'Ansagerin', u'announcement; announcer'), ('die', u'Anglistin', u'English specialist; Anglicist'), ('das', u'Anfahren', u'starting; start-up (of a machine); strike of a deposit; intersection of a deposit'), ('die', u'Amplitude', u'amplitude'), ('das', u'Amen', u'amen'), ('das', u'Alphateilchen', u'alpha particle'), ('die', u'Aktualit\xe4t', u'relevance to the current situation; topicality; up-to-dateness; currentness; currency'), ('der', u'Aktion\xe4r', u'shareholder; stockholder; equity holder'), ('die', u'Ahle', u'awl; pricker; bodkin'), ('das', u'Agrarland', u'agrarian country'), ('die', u'Affinit\xe4t', u'affinity'), ('das', u'Abtauchen', u'plunge; pitch'), ('der', u'Abfallbeh\xe4lter', u'refuse container; waste bin; litter bin; litter basket [Br.]; dust bin; dustbin'), ('das', u'Zwischendurch', u'in-between times'), ('der', u'Zweikampf', u'duel; joust'), ('die', u'Zweiglinie', u'branch line; branchline'), ('die', u'Zwangslage', u'plight; exigency'), ('die', u'Zuschauermenge', u'crowd'), ('die', u'Zugfahrt', u'train ride'), ('das', u'Zollgesetz', u'tariff law; customs law; Customs and Excise Act [Br.]; Tariff Act [Am.]'), ('der', u'Zivilschutz', u'civil defence [Br.]; civil defense [Am.]'), ('der', u'Zahlenwert', u'numerical value'), ('die', u'W\xf6lfin', u'bitch'), ('die', u'W\xe4rmestrahlung', u'heat radiation; radiation of heat; heat radiance; thermal radiation'), ('der', u'Wortstamm', u'word stem; stem; root word; radical'), ('das', u'Wirtschaftsgebiet', u'economic area; economic territory'), ('die', u'Waschanlage', u'car wash'), ('die', u'Walpurgisnacht', u'Walpurgis Night'), ('der', u'Waffenschmied', u'armourer [Br.]; armorer [Am.]'), ('das', u'Wachsfigurenkabinett', u'waxworks'), ('der', u'Vortritt', u'right of way; precedence; primacy; antecedence'), ('das', u'Vorrundenspiel', u'preliminary game'), ('die', u'Vorank\xfcndigung', u'notice (of sth.); advance notice; letter of indication')] dictSet_133 = [('die', u'Vollbesch\xe4ftigung', u'full employment'), ('das', u'Vierteljahr', u'term; trimester; three months'), ('die', u'Verwundung', u'hurt'), ('die', u'Verwahrlosung', u'neglect'), ('die', u'Verunglimpfung', u'insult; slander; aspersion; disparagement; revilement'), ('der', u'Versorger', u'provider; provisioner; supply ship [Am.]; replenishment oiler; fleet tanker'), ('das', u'Versenden', u'dispatch; despatch; dispatchment'), ('der', u'Verletzer', u'violator; infringer'), ('die', u'Verknappung', u'stringency'), ('die', u'Verh\xfcttung', u'smelting'), ('die', u'Vergeltungsma\xdfnahme', u'retaliation; retaliatory measure; reprisal (for)'), ('die', u'Verfolgungsjagd', u'wild chase; pursuit; car chase; car chase'), ('die', u'Verarbeitbarkeit', u'workability; processability'), ('die', u'Vendetta', u'vendetta'), ('der', u'Usus', u'custom'), ('die', u'Urheberschaft', u'authorship'), ('das', u'Untertauchen', u'submergence; submersion; disappearance'), ('die', u'Unterredung', u'interlocution; interview; parley'), ('die', u'Unterkreide', u'Lower Cretaceous; Early Cretaceous (series; epoch)'), ('die', u'Untergrundbewegung', u'underground movement'), ('der', u'Unionist', u'unionist'), ('die', u'Ung\xfcltigkeit', u'invalidity; voidness; inoperativeness'), ('der', u'Unfalltod', u'accidental death'), ('das', u'Umweltministerium', u'Department of the Environment [Br.]'), ('die', u'Umweltbelastung', u'environmental pollution; ecological damage'), ('die', u'Umkreisung', u'orbit; circumnavigation'), ('die', u'Umkehrosmose', u'reverse osmosis'), ('die', u'Umgehungsstra\xdfe', u'bypass; bypass road'), ('die', u'Uhrenindustrie', u'watch and clock making industry'), ('der', u'Tyrann', u'tyrant; tartar; bully'), ('das', u'Trommelfeuer', u'barrage; barrage fire'), ('das', u'Trocknen', u'drying'), ('der', u'Triebwerksausfall', u'engine failure; flameout'), ('der', u'Trappist', u'Trappist'), ('der', u'Trank', u'drink'), ('die', u'Trage', u'stretcher; hand barrow; litter'), ('der', u'Totschlag', u'manslaughter'), ('der', u'Totalschaden', u'write-off; total loss'), ('die', u'Thermalquelle', u'thermal spring; hot spring'), ('die', u'Theosophie', u'theosophy'), ('das', u'Theorem', u'theorem; proposition'), ('der', u'Tatar', u'Tatar'), ('der', u'Tagel\xf6hner', u'day labourer; day laborer [Am.]; peon'), ('das', u'Tabakmosaikvirus', u'tobacco mosaic virus /TMV/'), ('der', u'S\xfc\xdfer', u'pumpkin [Am.]'), ('das', u'Studienfach', u'subject (of study)'), ('der', u'Streb', u'longwall (face)'), ('der', u'Sto\xdf', u'bump; pile; barge; hitch; blow; stroke; knock; batch; stack; jab; push; kick; impact; poke; jolt; shunt; dig; prod; crush; strike; hit; face; bank (mining)'), ('die', u'Stimmungslage', u'mood'), ('das', u'Stillleben', u'still life; stilllife'), ('die', u'Statur', u'physique; figure; stature; build'), ('die', u'Standfestigkeit', u'stableness; stability; sturdiness'), ('der', u'Stallmeister', u'head groom'), ('der', u'Stahlbetonbau', u'reinforced concrete steel construction'), ('der', u'Stadtgraben', u'moat'), ('das', u'Staatsvolk', u'demos'), ('die', u'Staatskasse', u'fiscal/revenue authorities; exchequer; the Crown [Br.]; the Treasury [Am.]; fisc [Scot.]; public purse; treasury'), ('die', u'Sportst\xe4tte', u'sports facility'), ('der', u'Sozialdarwinismus', u'social darwinism'), ('der', u'Sozialarbeiter', u'social worker; community worker'), ('die', u'Sommersonnenwende', u'summer solstice; midsummer'), ('der', u'Solit\xe4r', u'(game of) patience [Br.]/solitaire [Am.]'), ('das', u'Solit\xe4r', u'solitaire'), ('die', u'Softwaretechnik', u'software engineering'), ('die', u'Simonie', u'simony'), ('die', u'Signal\xfcbertragung', u'transmission of signals'), ('die', u'Siegerehrung', u'presentation ceremony; awards ceremony'), ('der', u'Shalom', u'shalom'), ('der', u'Sermon', u'pitch'), ('die', u'Selbst\xfcbersch\xe4tzung', u'hubris; exaggerated opinion of oneself'), ('die', u'Seenplatte', u'lakeland; lake district'), ('der', u'Schwimmmeister', u'swimming supervisor'), ('das', u'Schweinsohr', u"sow's ear; pig's ears; violet chanterelle (Gomphus clavatus)"), ('der', u'Schwank', u'story; droll story'), ('der', u'Schutzbereich', u'scope of protection; extent of protection; save area'), ('der', u'Schuldner', u'debtor; defaulter'), ('der', u'Schriftf\xfchrer', u'secretary /Sec./'), ('die', u'Scholastik', u'scholasticism'), ('die', u'Schneegrenze', u'snow line; snow limit; permanent snow line'), ('das', u'Schmieden', u'forging; smithing'), ('der', u'Schmerz', u'grief; pain; anguish; pain; achiness; pang; soreness; smart; ache; aches; aches and pains; hurt; sorrow'), ('der', u'Schlitten', u'sledge; toboggan; sled [Am.]; skid'), ('das', u'Schleifen', u'grinding; cutting; sharpening (of knives)'), ('der', u'Schlafwagen', u'sleeping car; sleeper'), ('der', u'Schiffsbau', u'shipbuilding; ship building industry'), ('der', u'Schelf', u'shelf'), ('das', u'R\xf6hricht', u'reeds; canebrake [Am.]'), ('das', u'Rodeo', u'rodeo'), ('die', u'Riemenzunge', u'strap-end'), ('die', u'Richtcharakteristik', u'directivity; directionality'), ('der', u'Reisegef\xe4hrte', u'travel passenger [adm.]; fellow passenger; fellow traveller [Br.] / traveler [Am.]'), ('die', u'Reifepr\xfcfung', u'school leaving examination; general qualification for university entrance; A-levels [Br.]; Higher School Certificate [Austr.]; Certificate Victorian Education /CVE/ [Austr.]'), ('die', u'Reibung', u'rubbing; friction; inharmoniousness'), ('die', u'Registrierkasse', u'cash register; register'), ('der', u'Reeperbahn', u'cable railway; ropeway; cable car'), ('das', u'Rauchen', u'smoking'), ('der', u'Rapport', u'report'), ('die', u'Randsportart', u'marginal sport; marginalized sport'), ('das', u'P\xe4ckchen', u'small parcel; parcel [Br.]; package [Am.]; sachet'), ('die', u'Psychopathologie', u'psychopathology')] dictSet_134 = [('die', u'Prosperit\xe4t', u'prosperity'), ('der', u'Primer', u'primer'), ('das', u'Pressen', u'pressing'), ('der', u'Pornostar', u'porn star'), ('das', u'Polymer', u'polymer'), ('die', u'Polizeistreife', u'police patrol; patrolman [Am.]; police patrol'), ('der', u'Polarstern', u'polar star; polestar; Polaris; North Star'), ('der', u'Pointillismus', u'pointilism'), ('der', u'Plebejer', u'plebeian; pleb'), ('das', u'Pers\xf6nlichkeitsrecht', u'personal right'), ('die', u'Patentschrift', u'patent specification'), ('der', u'Passant', u'passer-by; passerby'), ('die', u'Parteilinie', u'party line'), ('der', u'Paradeplatz', u'parade; parade ground'), ('der', u'Panoramablick', u'panoramic view'), ('der', u'Orchestermusiker', u'orchestralist'), ('die', u'Ohrenscharbe', u'double-crested cormorant'), ('die', u'N\xf6tigung', u'coercion; criminal coercion [Am.] (criminal offence); constraint'), ('das', u'Nutzfahrzeug', u'utility vehicle; commercial vehicle'), ('die', u'Nummerierung', u'numbering; numeration'), ('die', u'Notation', u'notation'), ('die', u'Naturgewalt', u'force of nature'), ('das', u'Nationaleinkommen', u'national income'), ('der', u'Namenszusatz', u'epithet'), ('die', u'M\xf6we', u'gull; mew; sea mew'), ('die', u'Mustermesse', u'sample fair'), ('der', u'Motorschaden', u'engine trouble; mechanical breakdown; breakdown'), ('der', u'Moralist', u'moralist'), ('der', u'Monatsbeginn', u'beginning of the month'), ('die', u'Modifizierung', u'modification (to sth.)'), ('die', u'Modellierung', u'modeling'), ('der', u'Mitwisser', u'confidant; familiar'), ('der', u'Minderheitenschutz', u'protection of minorities'), ('die', u'Metapher', u'metaphor'), ('das', u'Meldewesen', u'system of registration'), ('die', u'Mehrheitsbeteiligung', u'majority interest; majority shareholding; majority holding'), ('der', u'Massenanteil', u'mass portion'), ('der', u'Marstall', u'royal stables'), ('der', u'Marktteilnehmer', u'market participant'), ('die', u'Machtentfaltung', u'display of power'), ('der', u'Lotse', u'pilot; air traffic controller; flight controller'), ('die', u'Lohnarbeit', u'wage work'), ('die', u'Limousine', u'limousine; limo; saloon car [Br.]; sedan [Am.]'), ('das', u'Lawrencium', u'lawrencium'), ('die', u'Landsmannschaft', u'association of refugees or displaced persons from the same country or region'), ('die', u'Landeshoheit', u'sovereignty'), ('der', u'K\xfcstenbereich', u'coastal zone; littoral zone'), ('das', u'K\xfchlwasser', u'cooling water'), ('die', u'Kurzschrift', u'stenography; shorthand'), ('die', u'Kurzkupplung', u'close coupler'), ('die', u'Kuppe', u'knoll; dome; top; head; knoll (of ocean floor)'), ('der', u'Kulturpalast', u'palace of culture'), ('der', u'Kuchen', u'cake; kuchen'), ('die', u'Kristallstruktur', u'crystal structure; crystalline texture'), ('die', u'Kriegszeit', u'wartime'), ('der', u'Kreiselkompass', u'gyrocompass; gyro compass'), ('der', u'Kragen', u'collar; frill'), ('der', u'Krach', u'crash; bang; breeze; racket; row; quarrel; noise; cacophony; friction; ruction; crash'), ('die', u'Korrespondentin', u'correspondent'), ('der', u'Kork', u'cork'), ('das', u'Kontor', u'office; business office; branch; branch office'), ('das', u'Kolosseum', u'Colosseum'), ('das', u'Kleid', u'livery; dress; frock; gown'), ('der', u'Kiosk', u'kiosk'), ('das', u'Kinderheim', u"children's home"), ('der', u'Kehrer', u'sweeper'), ('das', u'Kastell', u'fort; castle'), ('der', u'Kanter', u'canter; lope'), ('der', u'Kalmus', u'sweet flag; calamus; flagroot'), ('die', u'Justizanstalt', u'prison; jail; penal institution; correctional institution [Am.]; penitentiary [Am.]; pen [coll.]'), ('die', u'Jetztzeit', u'present time; recent epoch'), ('der', u'Inselbewohner', u'islander'), ('der', u'Industriearbeiter', u'industrial worker'), ('die', u'H\xe4ngebahn', u'overhead track'), ('der', u'Holzbl\xe4ser', u'woodwind player'), ('die', u'Hochwassermarke', u'high-water mark; flood mark'), ('der', u'Heeresf\xfchrer', u'army commander'), ('der', u'Hauch', u'touch; whiff (of); smack (of); breath; breeze; puff; waft; whiff; note; shade; touch; hint; tinge; whiff (of sth.); suggestion'), ('der', u'Graphit', u'graphite; graphitic carbon; mineral carbon; plumbago; plumbagine'), ('die', u'Golfspielerin', u'golfer; golf player'), ('der', u'Goldgr\xe4ber', u'gold digger; golddigger'), ('der', u'Glitter', u'glitz'), ('die', u'Gie\xdferei', u'foundry; casting'), ('die', u'Gesetzesinitiative', u'legislative initiative'), ('das', u'Gesangbuch', u'song book; choir book; hymnbook'), ('die', u'Gesamtst\xe4rke', u'cumulative strength'), ('die', u'Gerontologin', u'gerontologist'), ('die', u'Genealogie', u'genealogy'), ('der', u'Gemeindevorstand', u'parish council'), ('der', u'Geldautomat', u'cash dispenser; automatic cash dispenser; automated teller machine; autoteller; ATM; cash point'), ('der', u'Geisteszustand', u'mental state'), ('die', u'Geisteskrankheit', u'mental disease; psychopathy'), ('das', u'Geflecht', u'braid; netting; network'), ('der', u'F\xfcnfjahrplan', u'five-year plan'), ('der', u'F\xf6hn', u'foehn; hair dryer; dryer; drier'), ('das', u'F\xe4rben', u'dyeing'), ('die', u'F\xe4llung', u'rendition; precipitate; precipitation'), ('der', u'Fu\xdfg\xe4nger\xfcberweg', u'pedestrian crossing; zebra crossing [Br.]; crosswalk [Am.]'), ('das', u'Fuerteventura', u'Fuerteventura (Canary Island)'), ('das', u'Frequenzband', u'wave band; frequency band')] dictSet_135 = [('die', u'Formung', u'molding; formation; shaping'), ('der', u'Flugl\xe4rm', u'aircraft noise'), ('die', u'Flugabwehrrakete', u'anti-aircraft missile'), ('der', u'Finanzsektor', u'financial sector'), ('der', u'Feldwebel', u'staff-sergeant; sergeant; sarge [coll.]'), ('die', u'Fastenzeit', u'fasting period; fast; Lent'), ('der', u'Farbfilm', u'colour film [Br.]; color film [Am.]; technicolor'), ('das', u'Fachwerkhaus', u'half-timbered house; tudor house [Br.]'), ('die', u'Fachbibliothek', u'technical library'), ('die', u'Exzellenzinitiative', u'excellence initiative'), ('die', u'Erwerbung', u'acquisition; acquirement'), ('die', u'Erreichung', u'attainability; attainment'), ('die', u'Erm\xe4chtigung', u'authorization [eAm.]; authorisation [Br.]; empowerment (of sb. to do sth.); warrant'), ('die', u'Erarbeitung', u'working out; preparation; development'), ('die', u'Entzifferung', u'decipherment'), ('die', u'Enttarnung', u'exposure (of sb./sth.)'), ('die', u'Energietechnik', u'power engineering'), ('die', u'Energiequelle', u'energy source; energy source'), ('das', u'Endziel', u'final aim'), ('der', u'Endstand', u'final result'), ('die', u'Ellipse', u'ellipse; eclipsis; ellipsis'), ('der', u'Elektronikhersteller', u'electronics manufacturer'), ('das', u'Elektronenmikroskop', u'electron microscope; electron microscope'), ('die', u'Elektroindustrie', u'electrical industry'), ('die', u'Eintrittskarte', u'ticket; admission ticket'), ('das', u'Eintauchen', u'submergence; submersion'), ('die', u'Einsatzf\xe4higkeit', u'deployability'), ('das', u'Eigengewicht', u'own weight; dead weight; self weight; unladen weight'), ('die', u'Eigenart', u'particular nature; idiosyncrasy; quirk; peculiarity'), ('die', u'Ehrerbietung', u'deference; obeisance; homage'), ('das', u'Eherecht', u'marriage-law; matrimonial law'), ('der', u'D\xfcppel', u'chaff [Am.]'), ('die', u'Drohne', u'drone; drone aircraft (unmanned reconnaissance aircraft) <predator>; drone; drone; idler'), ('die', u'Dreiteilung', u'trisection'), ('der', u'Drehzylinder', u'rotor'), ('der', u'Drehmoment', u'torsional moment; twisting moment'), ('das', u'Drehmoment', u'torque; turning moment'), ('der', u'Dornbusch', u'briar; brier'), ('der', u'Doppelmord', u'double murder'), ('der', u'Doktorgrad', u"doctoral degree; doctor's degree"), ('die', u'Diskrepanz', u'non-compliance; discrepancy'), ('das', u'Dings', u'dingus; dohickey; dojigger; doodad; doodah [Br.]; doohickey; hickey; gimmick'), ('das', u'Diktieren', u'dictation'), ('das', u'Deo', u'deo; deodorant; antiperspirant'), ('die', u'Christenheit', u'Christianity'), ('die', u'Charakteristik', u'expressiveness (of a name etc.); characteristic'), ('die', u'B\xfcrgerin', u'burgess'), ('das', u'B\xfcndel', u'roll; bundle; pack; truss [Br.]; sheaf; bale; bunch; wisp'), ('die', u'Burka', u'full-body veil; burqa'), ('die', u'Bundespolitik', u'federal politics'), ('die', u'Brucellose', u'brucellosis (infectious disease)'), ('die', u'Brisanz', u'explosive nature; explosiveness; explosive force; volatility'), ('das', u'Brettspiel', u'board game'), ('die', u'Brennerei', u'distillery'), ('die', u'Brasse', u'bream'), ('das', u'Bodenpersonal', u'ground crew; ground personnel'), ('der', u'Blickwinkel', u'perspective; slant; slanting view [coll.]; angle; vantage point'), ('die', u'Blasphemie', u'blasphemy'), ('die', u'Birne', u'pear; barrel socket (wind instrument); noddle [Br.]; noodle [Am.] (old-fashioned) [slang]; light bulb; bulb; pate; bonce [Br.] [coll.]; noggin [coll.]'), ('die', u'Bev\xf6lkerungszunahme', u'growth of population; population growth'), ('das', u'Bergmassiv', u'massif'), ('das', u'Bekleiden', u'gowning'), ('der', u'Beitrittsantrag', u'application for membership'), ('der', u'Bauboom', u'building boom'), ('die', u'Barilla', u'barilla'), ('das', u'Bankwesen', u'banking; banking system'), ('der', u'Bankkaufmann', u'banker; bank clerk; stock market clerk'), ('der', u'Bankenbereich', u'realm of banking; field of banking'), ('der', u'Ballast', u'ballast; inert material'), ('der', u'Bahnverkehr', u'rail traffic'), ('die', u'Badeanstalt', u'bathhouse; swimming pool; swimming bath [Br.] (old-fashioned); bath [hist.]; baths; public baths'), ('die', u'Au\xdfentemperatur', u'outdoor temperature; ambient temperature'), ('die', u'Autorschaft', u'authorship'), ('die', u'Automatisierung', u'automation; automation'), ('die', u'Aussagekraft', u'expressiveness (of a name etc.); conclusiveness; informativeness'), ('der', u'Ausklang', u'conclusion; close; end; final notes; final chord; sere and yellow leaf [fig.]'), ('das', u'Ausbrechen', u'breakaway; swerve; swerving; veering; flare-up; flare up'), ('das', u'Attribut', u'attribute; adjunct'), ('der', u'Arbeitstag', u'working day; workday; working day'), ('die', u'Apostelgeschichte', u'Acts of the Apostles'), ('das', u'Anthrazit', u'anthracite; anthracitic coal'), ('der', u'Anlagenbau', u'plant engineering; plant construction'), ('das', u'Altauto', u'scrap car; old car; end-of-life vehicle'), ('das', u'Allzeithoch', u'all-times high'), ('der', u'Allradantrieb', u'4x4 drive; Four by Four drive; all-wheel drive /AWD/; four wheel drive; 4-wheel drive /4WD/'), ('der', u'Alkoholismus', u'alcoholism; intemperance'), ('das', u'Aktionsprogramm', u'action program; action programme [Br.]'), ('der', u'Ahn', u'forefather; ancestor; progenitor'), ('die', u'Aggressivit\xe4t', u'acrimony; aggressiveness; belligerence; belligerency'), ('das', u'Aggregat', u"unit; aggregate; equipment set; set of machines; assembly; subassembly; structural component; assembly unit; assy; ass'y [coll.]"), ('die', u'Abzweigung', u'tap; branch; turning; divergency; turn-off; branch-off; tap; tapping; arm; bifurcation; crotch; side branch; offset'), ('die', u'Abschottung', u'separation; compartmentalization [eAm.]; compartmentalisation [Br.]; walling-off; partitioning-off; bulkheading; sealing-off'), ('die', u'Abschlusspr\xfcfung', u'final examination; final exam; degree examination; final; finals; graduation [Am.]; final verification'), ('der', u'Absatzmarkt', u'outlet; market'), ('das', u'Abbiegen', u'turning; turning-off; turn-off'), ('die', u'Zufuhr', u'influx; supplies {pl} (of); supply'), ('das', u'Zelten', u'camping; tent camping'), ('die', u'Zeitstrafe', u'time penalty'), ('die', u'W\xfcrze', u'flavour [Br.]; flavor [Am.]; relish; flavour; condiment; seasoning; piquancy'), ('der', u'Wisch', u'wisp')] dictSet_136 = [('der', u'Wirsing', u'savoy; savoy cabbage'), ('die', u'Wildkatze', u'wild cat; feral cat'), ('die', u'Wiedergewinnung', u'recycling'), ('die', u'Wiedereinsetzung', u'restoration; re-employment; reappointment; reinstatement (in sth.); restitutio in integrum'), ('die', u'Wetterkarte', u'weather chart; meteorological chart; weather map'), ('die', u'Westwindzone', u'prevailing Westerly'), ('die', u'Welttournee', u'world tour'), ('das', u'Wechselspiel', u'interplay'), ('das', u'Wasserschutzgebiet', u'water protection area'), ('der', u'Wasserkreislauf', u'water cycle; hydrologic cycle'), ('die', u'Wahlheimat', u'adopted country; adopted home; adoptive country; place of residence'), ('die', u'Wagenburg', u'circle of wagons'), ('der', u'Vorplatz', u'hall; hallway; forecourt'), ('die', u'Vorfahrt', u'right of way'), ('die', u'Vogtei', u'advocacy'), ('die', u'Vigil', u'vigil'), ('der', u'Verweigerer', u'denier'), ('der', u'Vertragstext', u'text of the contract'), ('der', u'Verteidigungskrieg', u'defensive warfare'), ('der', u'Versicherer', u'insurer; assurer; underwriter (U/W)'), ('das', u'Verladen', u'loading; lading'), ('die', u'Unterwanderung', u'infiltration'), ('der', u'Untersuchungsrichter', u'coroner; examining magistrate'), ('die', u'Unsch\xe4rfe', u'fuzziness; haziness'), ('die', u'Truppenentsendung', u'dispatch of troops (to)'), ('der', u'Trompeterschwan', u'trumpeter swan'), ('der', u'Transportunternehmer', u'common carrier'), ('das', u'Tonstudio', u'recording studio'), ('die', u'Tondichtung', u'tone poem'), ('die', u'Tilgung', u'redemption; liquidation; amortization (of sth.); deletion (of sth.); extinction'), ('das', u'Tierschutzgesetz', u'law on animal welfare'), ('der', u'Tiefbauingenieur', u'civil engineer'), ('das', u'Thermalbad', u'thermal bath; thermal spa; hot springs'), ('die', u'Theatergruppe', u'theatre company'), ('das', u'Tetraeder', u'tetrahedron'), ('der', u'Tempelritter', u'Templar; Knight Templar'), ('das', u'Tankschiff', u'crude oil vessel'), ('die', u'Talsohle', u'bottom; bottom of a valley; valley bottom; valley floor; trough'), ('der', u'Tagungsbericht', u'(conference) proceedings <preceedings>'), ('die', u'Tagundnachtgleiche', u'equinox'), ('der', u'Tabellenplatz', u'position in the table; place in the table'), ('das', u'Supplement', u'supplement (to)'), ('die', u'Sulz', u'brawn'), ('das', u'Subsystem', u'subsystem'), ('die', u'Subkultur', u'subculture'), ('die', u'Stube', u'lounge; room /rm/'), ('der', u'Striptease', u'striptease; strip'), ('der', u'Streikf\xfchrer', u'strike-leader'), ('der', u'Stra\xdfenfeger', u'road sweeper'), ('der', u'Steuersatz', u'tax rate; headset'), ('der', u'Stenograf', u'shorthand writer; stenographer'), ('das', u'Stechen', u'play-off; playoff; jump-off; pang'), ('die', u'Stadtkasse', u'city treasury'), ('die', u'Staatsbank', u'state bank'), ('die', u'Springreiterin', u'jump jockey [Br.]'), ('der', u'Sprachatlas', u'linguistic atlas'), ('der', u'Spiritist', u'spiritist'), ('das', u'Sperrwerk', u'flood barrier; river flood barrier; flood barrage; storm lock'), ('die', u'Sperrklausel', u'restrictive clause'), ('die', u'Sozialwissenschaft', u'social science'), ('die', u'Sozialisation', u'socialization [eAm.]; socialisation [Br.]'), ('die', u'Sollst\xe4rke', u'authorized strength'), ('der', u'Sitzstreik', u'sit down strike'), ('das', u'Signalisieren', u'signaling; signalling'), ('die', u'Selbstverbrennung', u'self-immolation'), ('das', u'Schwadron', u'squadron'), ('der', u'Schutzwall', u'protective wall; barrier; rampart'), ('die', u'Schulterh\xf6he', u'shoulder height; acromion'), ('der', u'Scho\xdf', u'lap; womb'), ('der', u'Schlagabtausch', u'exchange of blows'), ('der', u'Schatzgr\xe4ber', u'treasure seeker'), ('der', u'Schakal', u'jackal'), ('der', u'Samstagabend', u'Saturday evening'), ('die', u'Rinderzucht', u'cattle breeding; cattle farming; cattle rearing'), ('der', u'Riesenerfolg', u'vast success'), ('der', u'Repeater', u'repeater'), ('der', u'Regler', u'modulator; stabilizer; governor; control unit; regulator; controller; control; automatic controller; compensator'), ('der', u'Regenschatten', u'rain shadow'), ('der', u'Rechenschaftsbericht', u'statement of accounts'), ('das', u'Ratespiel', u'panel game'), ('die', u'Rarit\xe4t', u'curiosity; rarity'), ('die', u'Rachsucht', u'revengefulness; vindictiveness'), ('die', u'Quellenangabe', u'list of references; list of sources; credit'), ('die', u'Quantisierung', u'quantization [eAm.]; quantisation [Br.]'), ('der', u'Punktrichter', u'judge'), ('das', u'Pr\xe4parat', u'preparation; compound; dissection'), ('die', u'Pr\xe4destination', u'predestination'), ('der', u'Prunk', u'pomp; gorgeousness; gaudiness; grandiosity; pageantries; pageantry; pomposity'), ('der', u'Proviant', u'victuals <vittles>; chow; chows; provisions; tucker [Austr.]'), ('die', u'Propagierung', u'evangelism [fig.]'), ('die', u'Prestigefrage', u'matter of prestige'), ('das', u'Postwertzeichen', u'postal stamp'), ('der', u'Plunder', u'deadwood; junk; rubbish'), ('der', u'Pilotenschein', u"pilot's licence; pilot's license [Am.]"), ('das', u'Phanerozoikum', u'Phanerozoic'), ('der', u'Pf\xe4nder', u'distrainor'), ('das', u'Pfefferkorn', u'peppercorn'), ('der', u'Penis', u'(male) member; penis'), ('das', u'Parteimitglied', u'party member; member of a party'), ('der', u'Parlamentsausschuss', u'parliamentary committee')] dictSet_137 = [('der', u'Papierstreifen', u'wrapper'), ('der', u'Panzersp\xe4hwagen', u'armoured scout vehicle [Br.]; armored scout vehicle [Am.]; armoured reconnaissance vehicle'), ('der', u'Paarhufer', u'even-toed ungulate'), ('der', u'Ostertag', u'Easter day'), ('der', u'Ortsans\xe4ssige', u'local man'), ('der', u'Opernf\xfchrer', u'opera guide'), ('die', u'Oktave', u'octave'), ('der', u'Oberstudienrat', u'senior teacher'), ('der', u'Obersteiger', u'mine foreman; underground foreman; chief captain; mining captain; deputy; overman; inside superintendent'), ('die', u'Obduktion', u'autopsy; post-mortem examination; postmortem; PM; necropsy; postmortem examination; postmortem; obduction'), ('der', u'Normenausschuss', u'standards committee'), ('die', u'Niederwerfung', u'prostration'), ('das', u'Neubaugebiet', u'developing area'), ('die', u'Netzfrequenz', u'power frequency; commercial frequency; supply frequency'), ('das', u'Nationalbewusstsein', u'patriotism; national consciousness'), ('der', u'Nachtrag', u'appendix /app./; supplement; codicil; postscript; addition; addendum; change order'), ('die', u'Nachtjagd', u'night interception'), ('der', u'M\xe4rtyrertod', u"martyrs' death; martyrdom"), ('der', u'Mordversuch', u'murder attempt'), ('die', u'Mondsichel', u'crescent moon; crescent; crescent of the moon'), ('das', u'Mobilfunknetz', u'mobile network; wireless network; mobile phone system [Br.]; cell phone system [Am.]'), ('der', u'Mitl\xe4ufer', u'(mere) supporter; participant; nominal member'), ('der', u'Mitautor', u'co-author; coauthor'), ('die', u'Meeresstr\xf6mung', u'ocean current; sea current; marine current; drift'), ('die', u'Mantelfl\xe4che', u'girthed area'), ('der', u'Malkasten', u'paintbox; box of paints'), ('der', u'Magerbeton', u'lean concrete; poor concrete; weak concrete'), ('der', u'Maestro', u'maestro'), ('die', u'L\xf6slichkeit', u'solubility; solubleness; dissolubility'), ('der', u'Luftschutzbunker', u'air-raid shelter; bomb shelter'), ('das', u'Luder', u'hussy; a crafty bitch [pej.]'), ('das', u'Log', u'log'), ('die', u'Lithosph\xe4re', u'lithosphere; oxysphere'), ('das', u'Lid', u'eyelid; lid; palpebra'), ('die', u'Leserschaft', u'readership'), ('der', u'Laubwald', u'deciduous forest'), ('der', u'Laster', u'lorry [Br.]; truck [Am.]; camion; commercial vehicle; heavy goods vehicle /HGV/'), ('das', u'Laster', u'vice'), ('die', u'Landstreicherei', u'vagabondage; vagrancy'), ('die', u'Landschaftspflege', u'landscape conservation; rural conservation'), ('der', u'Landgang', u'shore leave'), ('das', u'Landfahrzeug', u'surface vehicle'), ('der', u'K\xfcnstlername', u'stage name'), ('die', u'Kurverwaltung', u'spa manegement'), ('der', u'Kunsterzieher', u'art teacher'), ('der', u'Kugelschreiber', u'ballpoint; ballpoint pen; ball pen; Biro [tm]'), ('der', u'Kritikpunkt', u'point of criticism; point of critique'), ('das', u'Kriegerdenkmal', u"soldiers' monument; war memorial"), ('die', u'Kopfbedeckung', u'headgear; headpiece; cover'), ('die', u'Kontrollstelle', u'board of control'), ('das', u'Konstruktionsb\xfcro', u'drafting office; draughting office [Br.]'), ('die', u'Konfiszierung', u'confiscation'), ('die', u'Konfirmation', u'Confirmation'), ('das', u'Kolloquium', u'colloquium'), ('der', u'Kolibri', u'hummingbird; snowcap'), ('der', u'Kobold', u'bogey; elf; goblin; hobgoblin; gremlin; kobold; leprechaun [Ir.]; sprite; imp; troll'), ('das', u'Klavierspiel', u'piano playing'), ('die', u'Kiwi', u'kiwi'), ('die', u'Kirchgemeinde', u'parish'), ('die', u'Kinderbetreuung', u'child care; childcare'), ('der', u'Kiebitz', u'lapwing; peewit; plover; kibitzer; nosy parker; northern lapwing'), ('die', u'Kaution', u'security; bail; bail out; deposit; guarantee deposit'), ('die', u'Katalyse', u'catalysis'), ('die', u'Kanalisierung', u'canalization [eAm.]; canalisation [Br.]'), ('der', u'Kampfsport', u'combat sport; competitive sport; martial art'), ('die', u'Kampff\xfchrung', u'warfare'), ('das', u'Kalk\xfcl', u'calculation; calculus'), ('der', u'Juso', u'young socialist'), ('die', u'Jurisprudenz', u'legal science; jurisprudence; law'), ('die', u'Intrige', u'intrigue; machination; cabal; scheme'), ('die', u'Informationspolitik', u'information policy'), ('die', u'H\xf6rfunksendung', u'audio transmission'), ('die', u'H\xf6chststrafe', u'maximum penalty'), ('das', u'Humangenomprojekt', u'human genome project'), ('das', u'Hufeisen', u'horseshoe'), ('das', u'Honorar', u'remuneration; fee; professional fee; royalty; honorarium'), ('die', u'Hochtechnologie', u'high-technology'), ('das', u'Hochplateau', u'high plateau'), ('das', u'Hinscheiden', u'decease [adm.]; demise [poet.] <death>'), ('der', u'Hexenprozess', u'witch trial'), ('der', u'Hausrat', u'household effects'), ('der', u'Hauslehrer', u'coacher; tutor'), ('der', u'Hauptstrom', u'power line'), ('der', u'Hauptbestandteil', u'essential element; essential part; key ingredient; main constituent'), ('die', u'Handhabe', u'handle (against)'), ('die', u'Hallstattzeit', u'Hallstatt era; Hallstatt age'), ('der', u'Grundwasserspiegel', u'groundwater level; water table; phreatic surface; subsoil water level; phreatic nappe'), ('die', u'Gro\xdfwetterlage', u'general weather situation; large-scale weather pattern; macro weather situation'), ('der', u'Gro\xdfneffe', u'grandnephew'), ('der', u'Grips', u'noddle [Br.]; noodle [Am.] (old-fashioned) [slang]; savvy; nous; brains; brain'), ('die', u'Grenzlinie', u'boundary (line); demarcation line; line; borderline; limit line'), ('der', u'Gl\xfccksritter', u'venturer; adventurer'), ('der', u'Glanzpunkt', u'highlight'), ('der', u'Gestank', u'fetidness; malodorousness; pong [Br.] [coll.]; reek; stench'), ('der', u'Gesamtbestand', u'total stock'), ('das', u'Ger\xf6ll', u'detritus; scree; debris; pebble (stone); rubble (stone); debris; detritus; scree; wash; slide [Am.]'), ('der', u'Generalplan', u'general plan; general layout'), ('die', u'Gelehrsamkeit', u'erudition; eruditeness; punditry; scholarliness; scholarship; learning'), ('die', u'Gegenpartei', u'opposite party'), ('der', u'Gef\xe4hrte', u'companion; fellow; fella [coll.]')] dictSet_138 = [('die', u'Gedenkm\xfcnze', u'commemorative coin'), ('das', u'Gastgeberland', u'host country'), ('der', u'Gardasee', u'Lake Garda'), ('die', u'Gangart', u'gait; vein stuff; lode stuff; gangue (material; mineral; rock); rocky matter; ledge matter; matrix ore'), ('die', u'Gallone', u'gallon /gal./'), ('der', u'Funktionalismus', u'functionalism'), ('der', u'Funkspruch', u'radiogram; radio message'), ('die', u'Frostschutzmittel', u'ethylene glycol'), ('das', u'Frostschutzmittel', u'frost protection agent; antifreeze; anti-freeze; antifreeze admixture'), ('die', u'Freiwilligkeit', u'gratuitousness; voluntariness'), ('der', u'Freiraum', u'freedom; scope for development; clearance; free zone'), ('die', u'Freilichtb\xfchne', u'open-air theatre; open-air theater'), ('das', u'Foul', u'foul'), ('das', u'Forschungsgebiet', u'field of research'), ('die', u'Flugtauglichkeit', u'airworthiness'), ('der', u'Flohmarkt', u'flea market; fleamarket; swap meet; jumble sale'), ('das', u'Findelkind', u'foundling'), ('der', u'Felsendom', u'Dome of the rock'), ('das', u'Fazit', u'result; upshot; bottom line; conclusion'), ('die', u'Favoritin', u'favourite [Br.]; favorite [Am.]'), ('der', u'Farbstoff', u'dye stuff; dye; (artifical) colouring; colourant [Br.]; colorant [Am.]; pigment'), ('das', u'Fabelwesen', u'mythological creature; mythical creature; fabulous animal; fabulous creature; fabulous being'), ('die', u'Europameisterin', u'European champion'), ('der', u'Eunuch', u'eunuch'), ('das', u'Erw\xfcnschte', u'desideratum'), ('die', u'Erregung', u'arousal; uproar; agitation; excitation; excitation; thrill; thrills; swivet'), ('die', u'Erd\xf6lindustrie', u'oil industry; petroleum industry'), ('der', u'Entwicklungsraum', u'development area'), ('der', u'Entwicklungsprozess', u'development process; development process'), ('die', u'Entweihung', u'profanation'), ('die', u'Engstelle', u'constriction; bottleneck; narrow; throat'), ('das', u'Einbeziehen', u'inclusion (of sb./sth. in sth.); inclusion; involvement'), ('der', u'Ehebund', u'marriage-tie'), ('der', u'Dudelsackspieler', u'bagpiper; piper'), ('die', u'Dividende', u'dividend; divvy [coll.]'), ('der', u'Diskus', u'discus'), ('der', u'Dienstwagen', u'official vehicle; office car; company vehicle; company car; official car'), ('die', u'Dezimierung', u'decimation'), ('die', u'Deregulierung', u'deregulation'), ('der', u'Deklamator', u'declaimer'), ('die', u'Deichsel', u'shaft; drawbar; towing bar'), ('das', u'Datenblatt', u'data sheet; fact-sheet'), ('die', u'Creme', u'cream'), ('das', u'Charterflugzeug', u'charter plane'), ('die', u'B\xfcndelung', u'bundling; grouping'), ('der', u'B\xf6hmerwald', u'Bohemian Forest'), ('der', u'Broccoli', u'broccoli'), ('die', u'Brise', u'breeze'), ('die', u'Brille', u'glasses; eyeglasses; spectacles; specs [coll.]; ring key (wind instrument); eyeglasses; spectacles'), ('der', u'Brillant', u'brilliant; diamond'), ('die', u'Boulevardpresse', u'tabloid press; gutter press; yellow press'), ('der', u'Bote', u'office messenger; messenger; intelligencer; summoner; carrier; errand boy'), ('die', u'Borke', u'bark; cortex'), ('das', u'Blaulicht', u'blue luminescence'), ('das', u'Binnenschiff', u'inland navigation vessel; inlandgoing vessel; river boat'), ('das', u'Binnenmeer', u'inland sea'), ('die', u'Bezugsgr\xf6\xdfe', u'reference quantity; reference value'), ('der', u'Bettler', u'mendicant; beggar; lazar; panhandler [Am.]'), ('der', u'Bettelstudent', u'beggar student'), ('das', u'Betteln', u'begging'), ('die', u'Betriebszeit', u'operating time; attended time; operation time; power-on time; up time; uptime; duty'), ('die', u'Bestie', u'beast'), ('das', u'Bestechungsgeld', u'bribe; bung [Br.] [slang]; pay-off; payoff'), ('die', u'Bestechlichkeit', u'corruptibility'), ('die', u'Beschw\xf6rung', u'conjuration; adjuration; incantation'), ('die', u'Beschilderung', u'signage; signposting'), ('die', u'Beschichtung', u'coating; coating; plating; dip; finish; sizing; size'), ('die', u'Bergakademie', u'mining college; mining academy; school of mines'), ('die', u'Belladonna', u'belladonna'), ('die', u'Belebung', u'stimulation; livening up; pepping up [coll.]; enlivenment; vitalization [eAm.]; vitalisation [Br.]; vivification'), ('das', u'Befestigen', u'attachment'), ('die', u'Bauleitplanung', u'urban land-use planning'), ('das', u'Bauingenieurwesen', u'civil engineering'), ('das', u'Barometer', u'barometer'), ('die', u'Baracke', u'wooden hut; shanty'), ('der', u'Bahndamm', u'railroad embankment'), ('die', u'Backe', u'chuck jaw; jaw; cheek'), ('das', u'Ausschalen', u'stripping (the formwork)'), ('die', u'Auspeitschung', u'lashing'), ('die', u'Auftraggeberin', u'principal; client; purchaser'), ('die', u'Aufregung', u'commotion; discomposure; dither; excitement; flustered state; pother; upset; flurry; stir; stir; agitation; clambake [coll.]'), ('die', u'Aufforstung', u'reforestation; afforestation; forestation'), ('die', u'Aufbauhilfe', u'development aid; development assistance; foreign aid'), ('das', u'Auerhuhn', u'wood grouse; western capercaillie'), ('die', u'Athletik', u'athleticism'), ('die', u'Atempause', u'breathing space/room/time; breather [coll.] [fig.]; breathing break'), ('der', u'Asbest', u'asbestos'), ('die', u'Armbinde', u'armlet; armband; arm band'), ('die', u'Arbeitsnorm', u'job norm'), ('das', u'Appartement', u'flatlet; apartment'), ('die', u'Anstrengung', u'strain; strenuousness; effort; exertion; strain (on sb.); elbow-grease; graft [Br.] [coll.]; endeavour; endevour'), ('die', u'Anglistik', u'English Studies; English language and literature'), ('der', u'Anbruch', u'beginning; advent; dawn'), ('der', u'Ama', u'ama'), ('der', u'Alptraum', u'nightmare; incubus; incubus'), ('die', u'Aktionskunst', u'performance art'), ('die', u'Abfuhr', u'removal; put-down; rejection; carriage; rebuff'), ('die', u'Aalsuppe', u'eel soup'), ('der', u'Z\xe4hler', u'counter; enumerator; numerator; numeraire; tally'), ('der', u'Zwischenaufenthalt', u'stopver')] dictSet_139 = [('das', u'Zusammensetzen', u'assembly; assembling'), ('die', u'Zufriedenheit', u'happiness; satisfaction; contentedness; comfort; contentment'), ('der', u'Zossen', u'nag; hack'), ('der', u'Zinssatz', u'interest rate; rate of interest; rate'), ('die', u'Zielrichtung', u'destination route'), ('die', u'Zerstreuung', u'diversion; distraction; dispersal; dissipation; distractibility'), ('der', u'Zeremonienmeister', u'master of ceremonies /MC/; emcee; host'), ('die', u'Zeitverschwendung', u'waste of time; faff [Br.] [slang]; boondoggle [Am.]'), ('der', u'W\xe4scher', u'launderer; washer; washer'), ('das', u'Wohlleben', u'good living; luxuriousness'), ('der', u'Wissenschaftsrat', u'science council'), ('die', u'Wirtschaftszeitung', u'financial newspaper'), ('das', u'Wirbeltier', u'vertebrate'), ('das', u'Wiederholungsspiel', u'replay; rematch'), ('die', u'Widerstandsf\xe4higkeit', u'hardiness; stability; resistivity; refractiveness'), ('die', u'Weltsicht', u'view of the world'), ('die', u'Weltklasse', u'world class'), ('die', u'Weiterfahrt', u"continuation of one's journey"), ('das', u'Weib', u'woman; female; wife; broad [slang]'), ('die', u'Vokabel', u'vocabulary; word'), ('die', u'Visite', u'visit; round'), ('die', u'Viertelstunde', u'quarter of an hour; quarter-hour'), ('das', u'Versicherungswesen', u'insurance business'), ('der', u'Verschlei\xdf', u'wastage; wearout; attrition; wear and tear; wear; wearout; wearing'), ('die', u'Vernehmung', u'questioning; examination'), ('die', u'Verkehrsplanung', u'traffic planning'), ('die', u'Veranschaulichung', u'illustration'), ('das', u'Urheberrechtsgesetz', u'copyright law'), ('die', u'Unterrichtung', u'tuition [Br.]'), ('das', u'Unterholz', u'spinney [Br.]; covert; brushwood; brush; coppice; underwood; underwoods; underbrush; underbrushes; chaparral; brake'), ('die', u'Unsterblichkeit', u'deathlessness; immortality'), ('die', u'Unklarheit', u'ambiguity; blur; obscurity; sketchiness; unclarity'), ('die', u'Umweltzerst\xf6rung', u'ecocide'), ('der', u'Umschwung', u'reversal; revulsion; swing; transition; changeover'), ('die', u'Umkehr', u"change (from sth.); turning back; changing one's ways; reversion (to)"), ('der', u'Ultimo', u'last (day) of the month; month-end'), ('der', u'Turnlehrer', u'gym teacher; PE teacher'), ('die', u'Truppenreduzierung', u'reduction of forces'), ('der', u'Trick', u'scam; gimmick; sleight of hand; ploy; gambit; swindle; con; trick; wheeze [Br.] [coll.]; trickery; dodge'), ('der', u'Trichter', u'sinkhole; funnel'), ('die', u'Trennlinie', u'dividing rule; parting line; division; cut-off point; stripline'), ('der', u'Transportweg', u'way of transportation; route of transportation'), ('der', u'Transponder', u'transponder (transmitter-responder)'), ('die', u'Tragik', u'tragedy'), ('die', u'Tracht', u'livery; traditional costume; national costume; dress; garb'), ('das', u'Tournai', u'Tournaisian (stage)'), ('die', u'Telegraphie', u'telegraphy'), ('der', u'Teenager', u'teenager; teen; teenager'), ('die', u'Tasche', u'bag; pocket; pouch'), ('der', u'Tao', u'grey tinamou'), ('das', u'Substantiv', u'noun; substantive'), ('der', u'Streitwagen', u'chariot'), ('der', u'Storchschnabel', u'cranesbill; pantograph; storksbill'), ('das', u'Stilmittel', u'stylistic device'), ('der', u'Stiefel', u'boot; butt; double joint (wind instrument)'), ('der', u'Steuerkn\xfcppel', u'control stick; control column; joystick; sidestick; paddle'), ('die', u'Steilk\xfcste', u'steep coast; precipitous coast; shelving coast; cliffs'), ('das', u'Stampfen', u'stamper; pounding'), ('der', u'Stall', u'stable; barn [Am.]; barnstable; mews'), ('die', u'Stabhochspringerin', u'pole jumper'), ('der', u'Spuk', u'apparition; ghostly apparition; poltergeist; noisy ghost; polterghost; spook; evil spirit'), ('das', u'Sportstudio', u'fitness centre [Br.]; fitness center [eAm.]'), ('der', u'Sportarzt', u'sports physician'), ('der', u'Splitter', u'flake; chipping; chip; splinter; flinder; fragment; shiver; sliver; spall'), ('die', u'Spatelente', u"Barrow's goldeneye"), ('das', u'Sonderkommando', u'special unit'), ('das', u'Skeleton', u'skeleton; tobogganing'), ('der', u'Sizilianer', u'Sicilian'), ('die', u'Singstimme', u'singing voice'), ('das', u'Silur', u'Silurian'), ('die', u'Sexualethik', u'sexual ethics'), ('die', u'Senatskanzlei', u'Senate Chancellery'), ('das', u'Seeufer', u'lakefront; shore'), ('das', u'Sch\xe4tzchen', u'sweetie; poppet; honey; cutie [coll.]'), ('der', u'Sch\xe4rfer', u'sharpener'), ('die', u'Schwingung', u'oscillation; vibrancy; vibration'), ('der', u'Schwimmkran', u'floating crane; pontoon crane'), ('das', u'Schweinchen', u'piggy; piglet; shoat'), ('das', u'Schweben', u'levitation; floatation; whine; wow'), ('der', u'Schulabg\xe4nger', u'school leaver'), ('der', u'Schneidermeister', u'master-tailor'), ('die', u'Schneeflocke', u'snow flake; snowflake'), ('das', u'Schneefeld', u'snow field; snowfield'), ('die', u'Schnecke', u'gastropod; cochlea; snail; worm; screw; escargot; scroll (end of the neck of stringed instruments)'), ('der', u'Schleier', u'haze; haze; veil; shroud [fig.]'), ('die', u'Schlachtordnung', u'battle order'), ('die', u'Schienenverbindung', u'rail connection'), ('der', u'Schafz\xfcchter', u'shepherd'), ('das', u'Sauerkraut', u'sauerkraut; sourkraut'), ('die', u'Samtgemeinde', u'special administrative district; amt'), ('die', u'Salzs\xe4ure', u'hydrochloric acid; muriatic acid'), ('der', u'Safe', u'bank deposit safe; safe'), ('das', u'Routing', u'routing; line routing'), ('die', u'Romanfigur', u'character in a novel; figure of a novel'), ('das', u'Repository', u'repository'), ('das', u'Rentier', u'reindeer'), ('der', u'Reiseveranstalter', u'tour operator; travel organizer'), ('der', u'Reflex', u'reflex; jerk'), ('das', u'Referendariat', u'legal clerkship'), ('die', u'Rechtsverordnung', u'statutory ordinance')] dictSet_140 = [('der', u'Reaktorblock', u'reactor block'), ('die', u'Radiobiologie', u'radiobiology'), ('das', u'Quant', u'quantum'), ('der', u'Pufferstaat', u'buffer state'), ('die', u'Protektion', u'patronage'), ('der', u'Proteg\xe9', u'protege; prot\xe9g\xe9; prot\xe9g\xe9e'), ('die', u'Prophetin', u'prophetess'), ('das', u'Proletariat', u'proletariat'), ('der', u'Produktionsprozess', u'production process'), ('der', u'Privatlehrer', u'coacher; tutor'), ('der', u'Prinzipal', u'principal'), ('die', u'Presseinformation', u'press briefing'), ('der', u'Pressechef', u'chief press officer'), ('die', u'Preisgabe', u'abandonment'), ('die', u'Portr\xe4tmalerin', u'portrait painter; portrayer; limner; portraitist'), ('der', u'Portikus', u'portico'), ('der', u'Platzbedarf', u'space requirement; floor space; local requirements'), ('die', u'Pizza', u'pizza'), ('der', u'Pinsel', u'simpleton; paintbrush; paint-brush; brush; paint brush'), ('der', u'Pfleger', u'(male) nurse'), ('die', u'Periodisierung', u'periodization [eAm.]; periodisation [Br.]'), ('das', u'Peptid', u'peptide'), ('die', u'Partisanin', u'guerilla; guerrilla'), ('der', u'Partisan', u'guerilla; guerrilla'), ('das', u'Parteiorgan', u'party organ'), ('die', u'Panzerung', u'plating; armour-plating; armour [Br.]; armor; anti-wear lining; hard facing; hard surface'), ('die', u'Palastrevolution', u'palace revolution'), ('der', u'Ortsverband', u'chapter [Am.]; local group'), ('die', u'Ontologie', u'ontology; ontology'), ('die', u'Oboistin', u'oboist'), ('der', u'Nominativ', u'nominative'), ('das', u'Nippel', u'nipple'), ('der', u'Ninja', u'ninja'), ('die', u'Neutralisierung', u'neutralization [eAm.]; neutralisation [Br.]'), ('der', u'Neuschnee', u'new snow'), ('der', u'Nerz', u'mink'), ('das', u'Neogen', u'Neogene'), ('der', u'Nashornpelikan', u'American white pelican'), ('die', u'Namensnennung', u'credit'), ('der', u'Nachbarort', u'neighbouring village'), ('die', u'Muttergesellschaft', u'parent company'), ('das', u'Musikant', u'musician'), ('das', u'Mordkomplott', u'conspiracy to (commit) murder'), ('das', u'Monatsende', u'end of the month'), ('der', u'Miturheber', u'co-author; coauthor'), ('das', u'Milligramm', u'milligram'), ('das', u'Micro', u'micro'), ('der', u'Metaphysiker', u'metaphysician'), ('die', u'Mensur', u'measuring cylinder'), ('die', u'Melone', u'melon; bowler; bowler hat; derby; plug hat; melon; forehead (of a dolphin)'), ('die', u'Man\xf6vrierf\xe4higkeit', u'maneuverability; manoeuvrability [Br.]; maneuverability [Am.]'), ('der', u'Mannschaftskapit\xe4n', u'team captain; captain; teamster'), ('der', u'Makel', u'stigma; taint; flaw; blemish; slur; blot; spot (on); tarnish [fig.]'), ('der', u'L\xfcmmel', u'toerag [Br.] [slang]; boor; lout; tyke; tike [Am.]'), ('das', u'Luftwaffenamt', u'Air Force Office (German Air Force)'), ('der', u'Linienrichter', u'linesman'), ('der', u'Liebesbrief', u'love letter; billet-doux'), ('der', u'Leitsatz', u'guiding principle'), ('der', u'Leitartikel', u'editorial'), ('der', u'Lehnsherr', u'feudal lord; seigneur; liege'), ('die', u'Lebensader', u'vital line'), ('die', u'Lautst\xe4rke', u'loudness; volume; sound intensity'), ('der', u'Laienprediger', u'lay preacher'), ('das', u'K\xfcstengebiet', u'coastal zone; coastal area; coastal region; littoral; coastal land; seaboard'), ('die', u'K\xf6rpertemperatur', u'body temperature'), ('die', u'Kunstflugstaffel', u'aerobatic team; aerial demonstration team'), ('das', u'Kristallwasser', u'water of crystallization [eAm.]; water of crystallisation [Br.]; water of crystallization; water of constitution; water of hydration'), ('die', u'Kooperative', u'cooperative'), ('der', u'Kontrakt', u'contract'), ('die', u'Konsultation', u'consultation'), ('das', u'Kohlenmonoxid', u'carbon monoxide /CO/'), ('das', u'Klostergeb\xe4ude', u'monastic building'), ('der', u'Kleinb\xfcrger', u'petty bourgeois; petit-bourgeois'), ('die', u'Klavierbegleitung', u'piano accompaniment'), ('die', u'Kirchensteuer', u'church rate'), ('das', u'Kirchenschiff', u'nave'), ('das', u'Kicker', u'table football; table soccer [Am.]; foosball; foos'), ('der', u'Kehlkopf', u"Adam's apple; larynx"), ('der', u'Kavalier', u'squire'), ('der', u'Karfiol', u'cauliflower'), ('der', u'Kampfstoff', u'warfare agent'), ('die', u'Jugendzeitschrift', u'magazine for young people'), ('die', u'Italienerin', u'Italian'), ('der', u'Interessenvertreter', u'representative; lobbyist'), ('der', u'Informationsfluss', u'flow of information; information flow'), ('die', u'Indiskretion', u'indiscreetness; indiscretion'), ('die', u'Hybris', u'hubris'), ('die', u'Humanwissenschaften', u'human sciences'), ('das', u'Humangenom', u'human genome'), ('die', u'Historiografie', u'historiography'), ('der', u'Herzfehler', u'cardiac defect'), ('die', u'Herabsetzung', u'decrement; detraction; abatement; put-down; reduction (of sth.); diminution (of/in sth.) (formal)'), ('die', u'Haust\xfcr', u'front door'), ('der', u'Hausberg', u'nearby mountain'), ('die', u'Hauptstrecke', u'mainline'), ('die', u'Hauptattraktion', u'main attraction'), ('die', u'Harmonisierung', u'adoption; harmonization [eAm.]; harmonisation [Br.]'), ('das', u'Handelsschiff', u'cargo vessel; trading vessel; merchant ship'), ('die', u'Halbschwester', u'half-sister'), ('der', u'Halbmarathon', u'half-marathon')] dictSet_141 = [('der', u'Gro\xdfrechner', u'mainframe'), ('die', u'Granate', u'shell; grenade'), ('das', u'Glossar', u'glossary'), ('die', u'Glockenblume', u'bell flower; bellflower; bluebell'), ('der', u'Gleichstand', u'tie'), ('der', u'Giftgasangriff', u'poison gas attack'), ('die', u'Gewinnwarnung', u'profit warning'), ('die', u'Gewerbeschule', u'industrial school; vocational school'), ('das', u'Gewaltmonopol', u'monopoly on the legitimate use of violence; monopoly on legitimate violence; monopoly on violence'), ('die', u'Gesetzlosigkeit', u'lawlessness'), ('der', u'Gemeindeverband', u'municipal association'), ('das', u'Geldst\xfcck', u'coin; rock [slang]'), ('das', u'Geistesleben', u'intellectual life'), ('die', u'Gastwirtschaft', u'inn; pub; bar; restaurant; restaurant; eatery [Am.] [coll.]'), ('der', u'F\xf6rderturm', u'hoist frame; shaft tower; production derrick'), ('der', u'F\xe4hrmann', u'ferryman; waterman'), ('der', u'Frontantrieb', u'front wheel drive'), ('die', u'Friedensinitiative', u'peace campaigners'), ('die', u'Freilegung', u'extrication; uncovering; exposure; revelation'), ('das', u'Forschungsteam', u'research team'), ('die', u'Folterung', u'tortuousness'), ('der', u'Fl\xf6\xdfer', u'rafter'), ('das', u'Flussufer', u'riverside; riverbank'), ('der', u'Finder', u'finder'), ('die', u'Filmrolle', u'a reel of film; a roll of film'), ('das', u'Festspiel', u'pageant'), ('der', u'Fernsehempfang', u'TV reception'), ('die', u'Fernsehanstalt', u'broadcasting company'), ('die', u'Felszeichnung', u'petroglyph; rock drawing'), ('der', u'Feinstaub', u'fine particulate; particulate matter /PM/'), ('der', u'Feigenbaum', u'fig tree'), ('der', u'Farbfernseher', u'color TV; colour TV set [Br.]; color television set [Am.]'), ('die', u'Faltung', u'convolution; folding; flexing (bending of stratified rocks); convolution (of a seismic wave); roll (in a seam)'), ('die', u'Fallschirmspringerin', u'parachutist; skydiver'), ('die', u'Exerzitien', u'retreat; spiritual exercises'), ('die', u'Exegese', u'exegesis'), ('das', u'Eurasien', u'Eurasia'), ('der', u'Eukalyptus', u'eucalyptus'), ('die', u'Essenz', u'essence; quiddity'), ('das', u'Erstlingswerk', u'first work'), ('die', u'Ersch\xfctterung', u'agitation; commotion; concussion; shock; vibration; commotion; jar; vibration; shaking; quake; tremor'), ('die', u'Erm\xfcdung', u'inanition; fatigue; fatique'), ('die', u'Erhitzung', u'build-up (heat); heat build-up'), ('die', u'Erbs\xfcnde', u'original sin'), ('die', u'Entbindung', u'delivery; labour; accouchement; parturition; child-bearing; release (from); childbearing; childbirth'), ('der', u'Energiespeicher', u'energy storage'), ('das', u'Endprodukt', u'end product; final product'), ('die', u'Empfindlichkeit', u'sensivity (to); pettishness; sensibility; sensitiveness; sensitivity; touchiness; selectivity'), ('die', u'Emotion', u'emotion'), ('die', u'Elimination', u'elimination'), ('der', u'Einser', u"(number) one; ace (side of a die with one mark); one's"), ('der', u'Einschub', u'dead floor; floor cavity; insertion; slide-in unit; withdrawable unit; parenthesis; plug-in; plug-in unit; pugging; plug-in package; plug-in unit; rack; module'), ('die', u'Einlieferung', u'committal; admission (to hospital); posting; mailing'), ('die', u'Eigent\xfcmerin', u'owner; owner'), ('die', u'Eberesche', u'mountain ash; rowan (tree); sorb'), ('die', u'D\xfcse', u'nozzle; orifice; jet; blast pipe; die'), ('der', u'Durchmarsch', u'marching-through'), ('die', u'Dummheit', u'density; brutishness; gabbiness; oafishness; stupidity; thickness; witlessness; asininely; ignorance'), ('der', u'Droschkenkutscher', u'cabman'), ('die', u'Dolmetscherin', u'interpreter'), ('die', u'Dolde', u'umbel'), ('das', u'Diner', u'formal dinner; luncheon'), ('die', u'Detektei', u'(private) detective agency; firm of private investigators'), ('der', u'Davidstern', u'Star of David'), ('die', u'Dachkonstruktion', u'roof structure; roof construction'), ('die', u'Chorleiterin', u'choirmaster'), ('das', u'Chlorgas', u'chlorine gas'), ('der', u'Calvados', u'Calvados'), ('die', u'B\xfcrgerwehr', u'militia; vigilante committee; neighbourhood watch [Br.]; neighborhood watch [Am.]'), ('der', u'B\xfchnenkunst', u'stagecraft'), ('der', u'Buntspecht', u'great spotted woodpecker'), ('das', u'Brennmaterial', u'fuel'), ('das', u'Brackwasser', u'brackish water'), ('das', u'Boson', u'boson'), ('der', u'Bitumen', u'bitumen; bituminous earth'), ('das', u'Bitumen', u'bitumen'), ('die', u'Bioz\xf6nose', u'biocenosis; biocenose; biocoenose; biological community'), ('der', u'Bindestrich', u'hyphen'), ('der', u'Bezirksleiter', u'district manager'), ('die', u'Beaufsichtigung', u'oversight; supervision; chaperoning; control'), ('die', u'Baulichkeit', u'building'), ('die', u'Bauchspeicheldr\xfcse', u'pancreas'), ('der', u'Bahnradsport', u'track cycling'), ('die', u'Autarkie', u'self-sufficiency; autarky'), ('die', u'Ausstellungsfl\xe4che', u'floor space; exhibition space'), ('die', u'Aufweichung', u'maceration; softening (of an attitude)'), ('der', u'Aufbewahrungsort', u'repository'), ('die', u'Atommasse', u'atomic mass; isotopic mass'), ('der', u'Asphaltbeton', u'bituminous concrete; aspahltic concrete'), ('der', u'Aristophanes', u'aristophanes'), ('der', u'Arier', u'Aryan'), ('die', u'Apfelsorte', u'kind of apple'), ('die', u'Anwerbung', u'enrolment [Br.]; enrollment [Am.]'), ('die', u'Anwaltskammer', u'bar association'), ('die', u'Antifaschistin', u'anti-fascist'), ('die', u'Anekdote', u'anecdote'), ('die', u'Altersbestimmung', u'ageing; age determination; dating (of sth.)'), ('die', u'Afrikanerin', u'African; Black African'), ('der', u'Achtungserfolg', u'decent result'), ('die', u'Abwandlung', u'variation; modification')] dictSet_142 = [('die', u'Absch\xe4tzung', u'estimation; appreciation; appraisal; evaluation; estimate; assessment (of sth.)'), ('das', u'Zugabteil', u'train compartment'), ('die', u'Ziffernfolge', u'numerical sequence'), ('die', u'Zier', u'adornment'), ('das', u'Zielgebiet', u'target area; destination area'), ('der', u'Ziehvater', u'foster father; foster-father'), ('die', u'Zerst\xf6rungswut', u'destructiveness; destructive frenzy; vandalism'), ('das', u'Zeltlager', u'camp; tent camp'), ('das', u'Xenon', u'xenon'), ('die', u'Wollsackverwitterung', u'spheroidal weathering'), ('der', u'Wohlfahrtsstaat', u'welfare state'), ('das', u'Wirtschaftsrecht', u'commercial law'), ('das', u'Wiesental', u'meadow valley'), ('der', u'Wickler', u'pay on reel; coiler'), ('der', u'Westschweizer', u'West Swiss'), ('die', u'Weihnachtsgeschichte', u'Christmas story'), ('die', u'Weidewirtschaft', u'pasture farming'), ('die', u'Weichenstellung', u'position of points; setting of the course; setting of the agenda'), ('die', u'Weberei', u'weaving; weaving mill'), ('die', u'Wassers\xe4ule', u'water column; column of water'), ('der', u'Waschsalon', u'laundrette; launderette; Laundromat'), ('die', u'Wallfahrtskirche', u'pilgrimage church'), ('die', u'Wahrsagerin', u'sibyl; scryer'), ('die', u'Wachstumsrate', u'growth rate; rate of growth; rate of increase'), ('die', u'Wachsfigur', u'wax figure; waxwork'), ('der', u'Wachmann', u'watchman'), ('der', u'Volksvertreter', u'representative of the people'), ('das', u'Vokalensemble', u'vocal formation; vocal ensemble'), ('der', u'Viehh\xe4ndler', u'cattle dealer'), ('der', u'Viehdieb', u'cattle rustler; rustler; duffer (Australia English)'), ('die', u'Versorgungsanstalt', u'Federal and State Government Employees Retirement Fund'), ('das', u'Versch\xfctten', u'spillage'), ('die', u'Verschw\xf6rungstheorie', u'conspiracy theory'), ('das', u'Verschulden', u'fault'), ('die', u'Verschr\xe4nkung', u'entanglement; interleaving; interlacing; joggle'), ('die', u'Verschlusssache', u'classified document'), ('der', u'Verschluss', u'occlusion; interlocking; closure; cloture; fastener; clasp; lock [tech.]; seal [adm.]; breech; breech lock (gun); shutter; obstruction; stopper'), ('die', u'Verkl\xe4rung', u'transfiguration'), ('die', u'Verj\xe4hrung', u'limitation; prescription'), ('die', u'Verf\xfchrung', u'seducement; seduction'), ('die', u'Verformung', u'displacement; deformation; deformation; distortion (of crystals)'), ('die', u'Verfl\xfcssigung', u'liquefaction'), ('die', u'Veranstaltungsreihe', u'series of events; event series'), ('die', u'Verachtung', u'abhorrence; scorn; contempt; odium; despise; disdain (of); scornfulness'), ('die', u'Unternehmensgruppe', u'group of companies; consortium'), ('die', u'Untergruppe', u'subtype; subgroup; subcategory'), ('die', u'Unerfahrenheit', u'inexperience'), ('das', u'Unbehagen', u'discomfort; discontent; unease; uneasiness; anxiety'), ('die', u'Unantastbarkeit', u'inviolability'), ('die', u'Tr\xe4gheit', u'torpidity; torpidness; torpor; idleness; laziness; languorousness; inertia; inertness; inaction; sluggishness; lethargy; listlessness; drowsiness; inactivity; slackness; indolence; languishment; supineness'), ('die', u'Travestie', u'travesty'), ('der', u'Trauschein', u'marriage certificate; certificate of marriage [Am.]'), ('der', u'Tramp', u'tramp; hobo [Am.]'), ('der', u'Trab', u'trot; jog'), ('das', u'Tourneetheater', u'travelling theatre; travelling theater [Am.]'), ('der', u'Totenkopf', u"skull; death's-head; skull and crossbones"), ('das', u'Totenbett', u'deathbed'), ('der', u'Topp', u'topmast'), ('die', u'Tonh\xf6he', u'tone pitch; pitch'), ('der', u'Ticker', u'ticker; ticker'), ('die', u'Theaterszene', u'theatre [Br.] / theater [Am.] scene; theatre/theater landscape'), ('die', u'Terz', u'third'), ('das', u'Tennisspiel', u'tennis'), ('das', u'Tatarstan', u'Tataria; Tartary'), ('der', u'Tafelberg', u'mesa; table mountain; Mensa; Table'), ('das', u'Surfbrett', u'surfboard'), ('der', u'Suprematismus', u'Suprematism'), ('der', u'Supertanker', u'very large crude carrier /VLCC/'), ('der', u'Supercomputer', u'supercomputer'), ('das', u'Studienjahr', u'academic year'), ('das', u'Streaming', u'streaming'), ('die', u'Steuerpolitik', u'fiscal policy'), ('das', u'Sternzeichen', u'constellation; sign'), ('die', u'Statthalterschaft', u'governorship'), ('das', u'Starlet', u'starlet'), ('der', u'Stammspieler', u'regular player; regular'), ('der', u'Stammsitz', u'ancestral seat'), ('der', u'Spoiler', u'spoiler'), ('die', u'Splitterpartei', u'splinter party; faction'), ('der', u'Spaten', u'spade'), ('der', u'Somali', u'Somalian; Somali'), ('der', u'Skorpion', u'scorpion; Scorpius; Scorpio; Scorpion'), ('das', u'Silo', u'silo; granary; elevator'), ('die', u'Sicherheitszone', u'safety zone'), ('das', u'Sicherheitsglas', u'safety glass'), ('der', u'Sexualstraft\xe4ter', u'sexual offender; sex offender'), ('das', u'Serail', u'seraglio'), ('der', u'Separatist', u'separatist; seceder'), ('die', u'Semantik', u'semantics'), ('der', u'Selbstschutz', u'self protection'), ('der', u'Selbstmordversuch', u'attempted suicide'), ('das', u'Seitental', u'side valley; tributary valley'), ('das', u'Seitenschiff', u'aisle'), ('die', u'Seilt\xe4nzerin', u'tightrope walker; tightrope artist'), ('das', u'Schwermetall', u'heavy metal'), ('der', u'Schullehrer', u'schoolteacher'), ('das', u'Schubmodul', u'shear modulus; modulus of shear; elastic shear modulus; modulus of rigidity'), ('die', u'Schreckensherrschaft', u'reign of terror'), ('die', u'Schnellstra\xdfe', u'highway; motor highway; dual carriageway [Br.]; divided highway [Am.]'), ('der', u'Schnellkurs', u'crash course')] dictSet_143 = [('die', u'Schnauze', u'trap; gob; yap; maw [coll.] (for mouth); lip; muzzle; snout; front; spout'), ('die', u'Schiffsladung', u'cargo; shipload; boatload'), ('der', u'Sanit\xe4ter', u'paramedic; first-aid attendant; ambulance man; combat medic [Am.]; medical orderly; medic'), ('die', u'Rotte', u'rout; gang; mob; gang; herd; pack; two ship formation'), ('die', u'Ronde', u'round blank; slug (counterfeit coin used for tampering with machines) [Am.]'), ('der', u'Roboter', u'robot; automaton'), ('die', u'Richtlinienkompetenz', u'guidelines competence'), ('die', u'Retour', u'return'), ('die', u'Restitution', u'restitution'), ('die', u'Resistenz', u'resistance (to)'), ('das', u'Rennboot', u'speedboat'), ('der', u'Reifenhersteller', u'tyre manufacturer'), ('die', u'Rechtspartei', u'right-wing party'), ('die', u'Raumtemperatur', u'room temperature; indoor temperature'), ('der', u'Raumtemperatur', u'room temperature'), ('die', u'Rassenschande', u'racial defilement (Nazi term)'), ('die', u'Raketentechnik', u'rocketry; rocket science'), ('der', u'Rachen', u'throat; pharynx'), ('der', u'Purpur', u'purple'), ('die', u'Punktzahl', u'score; number of points; score; scoring'), ('die', u'Pr\xfcgelstrafe', u'fustigation'), ('der', u'Pr\xe4ger', u'coiner'), ('das', u'Pronomen', u'pronoun'), ('das', u'Presseamt', u'public relation office'), ('die', u'Preiskategorie', u'price range; price class; price category'), ('der', u'Pottwal', u'sperm whale; great sperm whale; spermaceti whale; trumpet whale; cachalot'), ('die', u'Potenz', u'virility; potency; virility; power'), ('das', u'Portfolio', u'portfolio'), ('das', u'Poem', u'poem'), ('der', u'Pl\xfcnderer', u'depredator; despoiler; looter; marauder; pillager; plunderer; predator'), ('der', u'Pluralismus', u'pluralism'), ('der', u'Planwagen', u'wagon; covered wagon'), ('der', u'Pflanzenfresser', u'herbivore; herbivorous animal; plant eater; plant feeder; herb eater; herb feeder'), ('die', u'Petrochemie', u'petrochemistry; lithochemistry'), ('der', u'Personenaufzug', u'(personnel) lift; elevator [Am.]'), ('der', u'Personalbestand', u'manpower; staff; personnel; employees'), ('die', u'Parteienfinanzierung', u'party financing'), ('das', u'Parf\xfcm', u'perfume; scent'), ('das', u'Parfum', u'perfume; scent'), ('das', u'Paradox', u'paradox'), ('die', u'Parabolantenne', u'dish antenna'), ('das', u'Palaver', u'rap; palaver'), ('die', u'Orografie', u'orography'), ('das', u'Omelette', u'omelet'), ('der', u'Oberschenkel', u'thigh; femur; thighbone'), ('die', u'N\xfcchternheit', u'soberness; sobriety; levelheadedness; level-headedness'), ('die', u'Nutzbarkeit', u'appropriability (of an innovation); usability; availableness'), ('das', u'Neuland', u'reclaimed land; new ground'), ('die', u'Neubewertung', u'revaluation'), ('der', u'Neoliberalismus', u'neoliberalism'), ('das', u'Nebenfigur', u'supporting character'), ('das', u'Naturreservat', u'nature reserve; conservation area'), ('die', u'Naturheilkunde', u'naturopathic medicine; naturopathy; natural medicine'), ('die', u'Nahtstelle', u'interface'), ('der', u'Nachname', u'surname; last name; family name'), ('der', u'M\xfchlbach', u'millstream'), ('der', u'M\xf6belwagen', u'furniture (removal) van/lorry; moving van; pantechnicon (van)'), ('der', u'Mutterkonzern', u'parent company'), ('der', u'Modellbau', u'model-making; modelmaking'), ('der', u'Mitschnitt', u'live recording'), ('das', u'Mioz\xe4n', u'Miocene'), ('das', u'Medienzentrum', u'media center'), ('die', u'Marketenderin', u'sutler; victualer'), ('die', u'Marge', u'margin; price difference; difference in prices'), ('der', u'Macher', u'doer'), ('das', u'L\xe4ngenma\xdf', u'linear measure'), ('die', u'Lupe', u'magnifying glass; magnifier; hand lens'), ('die', u'Lobby', u'lobby; lobby'), ('die', u'Linderung', u'relief; alleviation; easing; assuagement'), ('die', u'Lilie', u'lily'), ('das', u'Liegendes', u'subjacent bed; underlying bed; underlying substratum; lying wall; bottom wall; underwall; footwall; ledger wall; floor'), ('die', u'Liebesgeschichte', u'love story'), ('die', u'Leseprobe', u'reading rehearsal'), ('die', u'Leitfigur', u'role model'), ('die', u'Leistungssteigerung', u'increase in performance; increased efficiency'), ('der', u'Leichtbeton', u'gas concrete; aerated concrete; lightweight concrete'), ('das', u'Lehrfach', u'subject (of study)'), ('die', u'Lederhose', u'leather trousers; leather shorts; lederhosen'), ('der', u'Lautsprecher', u'loudspeaker; loud speaker; speaker'), ('der', u'Landbau', u'rural economy'), ('der', u'Lader', u'loader'), ('die', u'Lackierung', u'paint-spraying; spraying; varnishing; paint job; varnish; paintwork'), ('der', u'Laborversuch', u'laboratory test'), ('das', u'K\xf6rpergewicht', u'body weight'), ('das', u'Kunstgewerbe', u'arts and crafts; applied arts'), ('die', u'Kunstgalerie', u'art gallery'), ('der', u'Kunstflug', u'aerobatics; stunt flying'), ('die', u'Kruste', u'crust; incrustation'), ('der', u'Kriminalfilm', u'whodunit; murder mystery; crime thriller; crime movie [Am.]; crime film'), ('die', u'Kriegsst\xe4rke', u'war establishment'), ('der', u'Kriegsfilm', u'war film; war movie'), ('das', u'Konglomerat', u'congeries; aggregation (of sth.); conglomerate; conglomeration'), ('der', u'Kl\xe4ger', u'petitioner; complainer; complainant; suitor; demander; libellant; plaintiff; claimant [Br.]; pursuer [Sc.]'), ('der', u'Kleber', u'gluten; adhesion'), ('der', u'Kindertag', u"Children's Day; International Children's Day"), ('die', u'Kartierung', u'mapping; charting'), ('der', u'Karren', u'tumbrel; cart'), ('der', u'Kammmolch', u'great crested newt; northern crested newt; warty newt'), ('das', u'Jugendzentrum', u'youth centre; youth center [Am.]'), ('der', u'Irredentismus', u'irredentism')] dictSet_144 = [('die', u'Instrumentierung', u'instrumentation'), ('das', u'Instantkaffee', u'instant coffee'), ('die', u'Inkunabel', u'incunable; incunabulum'), ('die', u'Injektion', u'injection; injection; jab [Br.]; shot [Am.]'), ('das', u'H\xf6chstalter', u'maximum age; age limit'), ('der', u'Holzf\xe4ller', u'woodcutter; lumberjack [Am.]; faller [Am.]'), ('die', u'Holzbr\xfccke', u'wooden bridge'), ('der', u'Hitzschlag', u'heat stroke; heatstroke'), ('das', u'Himmelreich', u'kingdom of heaven'), ('die', u'Himbeere', u'raspberry'), ('die', u'Hilflosigkeit', u'helplessness; awkwardness; shiftlessness'), ('der', u'Hilferuf', u'cry for help'), ('das', u'Herzeleid', u'heartbreak'), ('die', u'Heraushebung', u'uplift'), ('das', u'Hemd', u'shirt; (metal) shroud'), ('die', u'Heimatkunde', u'local history and geography'), ('der', u'Hausmeister', u'landlord; caretaker [Br.]; janitor [Scot.] [Am.]; custodian [Am.]; maintenance supervisor'), ('das', u'Hauptpostamt', u'general post office /GPO/'), ('der', u'Hauptmarkt', u'main market'), ('das', u'Hauptlager', u'main bearing'), ('das', u'Harmonium', u'harmonium; reed organ'), ('der', u'Handschlag', u'handshake'), ('das', u'Handgelenk', u'wrist'), ('das', u'Handelsverbot', u'embargo'), ('das', u'Halloween', u'Halloween (from Hallows Eve)'), ('die', u'G\xfcte', u'amicability; charitableness; kindliness; kindness; gentleness; goodness; kind-heartedness; beneficence; quality; sort'), ('die', u'Gusche', u'trap; gob; yap; maw [coll.] (for mouth)'), ('der', u'Grundstoff', u'binder; base material'), ('die', u'Grundform', u'elementary shape; base form; basic form'), ('der', u'Gro\xdfh\xe4ndler', u'wholesale dealer; wholesaler'), ('die', u'Graveurin', u'engraver'), ('der', u'Gourmet', u'gourmet'), ('der', u'Goethit', u'goethite; needle iron-stone'), ('das', u'Gewaltverbrechen', u'violent crime'), ('die', u'Gewaltanwendung', u'force; use of violence; use of force'), ('das', u'Gesamtergebnis', u'overall result'), ('das', u'Gemeinschaftsprojekt', u'joint project'), ('das', u'Geiseldrama', u'hostage drama'), ('die', u'Gegenstimme', u'vote against'), ('das', u'Gef\xe4\xdf', u'receptacle; container; vessel'), ('die', u'Gebietshoheit', u'territorial sovereignty'), ('der', u'Gauner', u'rascal; crook [coll.]; spiv; rogue; chiseler; gouger; trickster; tricker; rook; fiddler'), ('die', u'Gastroskopie', u'gastroscopy'), ('der', u'F\xe4hrhafen', u'ferry terminal'), ('das', u'Funktional', u'functional'), ('der', u'Fuhrpark', u'car pool; motor pool; fleet'), ('die', u'Frustration', u'frustration; snit'), ('die', u'Fristenregelung', u'provisions permitting abortion within the first three months of pregnancy'), ('das', u'Friedhofsamt', u'cemeteries department'), ('der', u'Fremdenf\xfchrer', u'guide; cicerone'), ('die', u'Freistellung', u'exemption (from)'), ('der', u'Freimut', u'frankness'), ('der', u'Freigang', u'day parole; day release'), ('der', u'Frauenrechtler', u'feminist'), ('die', u'Fragestellung', u'question; issue; problem; formulation of a question [ling.]; way of putting a question [fig.]'), ('das', u'Flussdelta', u'delta; river delta'), ('die', u'Fluoreszenz', u'fluorescence'), ('die', u'Flugschrift', u'pamphlet'), ('die', u'Flakartillerie', u'anti-aircraft artillery'), ('die', u'Finanzverwaltung', u'financial management'), ('die', u'Finanzkraft', u'financial power'), ('der', u'Filibuster', u'filibuster; filibusterer'), ('das', u'Filibuster', u'filibuster'), ('der', u'Feudalismus', u'feudalism'), ('die', u'Felsformation', u'rock formation'), ('die', u'Fehlerkorrektur', u'error correction; error-correcting'), ('der', u'Farthing', u'farthing'), ('der', u'Farmarbeiter', u'rancher'), ('der', u'Fanghaken', u'arresting hook; arrester hook; tail hook'), ('der', u'Fanatismus', u'fanaticism; fanatism'), ('der', u'Fackeltr\xe4ger', u'torch-bearer; torchbearer'), ('die', u'Explorationsbohrung', u'exploratory drilling'), ('die', u'Expertise', u"expert opinion; expert's opinion; expertise"), ('die', u'Exekutivgewalt', u'executive authority; executive power'), ('die', u'Euphorie', u'euphoria; elation'), ('der', u'Erpel', u'drake'), ('der', u'Ermittler', u'investigator; gumshoe [coll.]; observer'), ('der', u'Erholungsort', u'recreation place; recreation locality; recreation village'), ('das', u'Ergometer', u'ergometer; dynamometer'), ('die', u'Erfolgsgeschichte', u'track record'), ('das', u'Erd\xf6lfeld', u'oil field; petroleum field; oil producing formation'), ('das', u'Erdreich', u'soil; earth'), ('die', u'Erdneuzeit', u'Cenozoic; Cainozoic (era)'), ('die', u'Erdbahn', u"earth's orbit"), ('die', u'Erbsubstanz', u'genome'), ('das', u'Entscheidungsspiel', u'play-off; playoff; deciding game'), ('die', u'Eleganz', u'elegance; dapperness; jauntiness; stylishness; smartness; dressiness; classiness; fashionability; poshness; ritziness; sophistication; polish'), ('die', u'Eiskappe', u'ice cap'), ('die', u'Eisenh\xfctte', u'ironworks'), ('der', u'Eisenhut', u'monkshood; wolfsbane; capping of gossan; iron cap'), ('die', u'Einweihungsfeier', u'opening; official opening; tape-cutting ceremony'), ('die', u'Einreichung', u'submission; filing; lodgment'), ('das', u'Einfuhrverbot', u'embargo on imports'), ('das', u'Einfliegen', u'bracketing'), ('die', u'Eigenverantwortung', u'personal responsibility; direct responsibility (for); self-responsibility'), ('die', u'Eiablage', u'Eiablage'), ('der', u'Durchgangsverkehr', u'through traffic'), ('der', u'Dudelsack', u'bagpipes {pl}; pipes {pl}'), ('der', u'Divisor', u'divisor'), ('die', u'Distanzierung', u'dissociation (of)')] dictSet_145 = [('das', u'Dioxin', u'dioxin'), ('die', u'Dienstwohnung', u'official residence'), ('die', u'Detektivgeschichte', u'mystery story; detective story'), ('der', u'Depp', u'schnook; fool; tomfool; saphead; sap; git [coll.]; numskull; numbskull; dunce; dunderhead; douche; douchebag; douche bag; dickhead; thicko [pej.] [coll.]; schmuck; blithering idiot [coll.]; lump; lubber; stumblebum; lummox'), ('die', u'Demodulation', u'demodulation'), ('der', u'Curlingspieler', u'curler'), ('die', u'Computertechnik', u'computer engineering'), ('der', u'Chronograph', u'chronograph'), ('das', u'Chloroform', u'chloroform'), ('die', u'Burgruine', u'castle ruin'), ('die', u'Buchreihe', u'series of books; library'), ('die', u'Buchbesprechung', u'book review'), ('der', u'Biss', u'bite'), ('das', u'Birkhuhn', u'black grouse'), ('die', u'Bevormundung', u'paternalism; dictation; tutelage; infantilizing'), ('das', u'Betonglas', u'concrete glass'), ('die', u'Besoldung', u'pay; salary'), ('die', u'Bescheidenheit', u'modesty; conservativeness; humility'), ('die', u'Berufsgruppe', u'professional group; occupational group'), ('die', u'Beratungsstelle', u'information centre; advice centre; centre of consulting; help desk; helpdesk'), ('die', u'Benutzeroberfl\xe4che', u'user interface'), ('die', u'Belieferung', u'supply'), ('die', u'Bef\xe4higung', u'competency; qualification; aptitude; capability; ability'), ('das', u'Baugewerbe', u'building trade'), ('das', u'Bauernhaus', u'farmhouse'), ('das', u'Bajonett', u'bayonet'), ('der', u'Bahaismus', u'Bahaism'), ('der', u'Aufbeton', u'top concrete layer; grout topping'), ('die', u'Atomzeit', u'atomic time'), ('der', u'Artenreichtum', u'biodiversity; species diversity'), ('die', u'Arbeitslosenrate', u'rate of unemployment; unemployment rate'), ('der', u'Apfelbaum', u'apple tree'), ('das', u'Anziehen', u'initial set'), ('die', u'Anwaltskanzlei', u"lawyer's office; law office; chamber(s) [Br.]; law firm [Am.]"), ('der', u'Antifaschismus', u'anti-fascism'), ('der', u'Antichrist', u'antichrist'), ('die', u'Aneinanderreihung', u'stringing together'), ('die', u'Aminos\xe4ure', u'amino acid'), ('das', u'Alpenland', u'alpine country'), ('das', u'Akronym', u'acronym'), ('die', u'Ahnentafel', u'genealogy; pedigree'), ('der', u'Agronom', u'agronomist'), ('der', u'Abstecher', u'digression; side trip'), ('die', u'Absperrung', u'cordoning off; barrier'), ('der', u'Absinth', u'absinth'), ('die', u'Abnutzung', u'abrasion; wear; wear and tear; wearing; fading; scuff; wastage; wearout; attrition; wear; abrasion'), ('der', u'Abgang', u'leaving; departure; exit; dispatch; despatch; withdrawals; items disposed of; finish; final note (wine)'), ('der', u'Abflugort', u'location of departure; departure point; point of departure'), ('der', u'Abfahrtslauf', u'downhill ski run; downhill; downhill racing'), ('der', u'Abendwind', u'evening breeze'), ('der', u'Abbrand', u'loss of contact material; black ends black butts; residue; residuum'), ('der', u'Zwischenhandel', u'intermediate trade'), ('die', u'Zwangsverwaltung', u'sequestration; compulsory administration (of real estate)'), ('die', u'Zuchtwahl', u'natural selection'), ('der', u'Zubringer', u'freeway feeder road; feeder road'), ('die', u'Zubereitung', u'preparation'), ('das', u'Zertifikat', u'certificate'), ('die', u'Zerr\xfcttung', u'distraction; break-up'), ('der', u'Zeltplatz', u'campsite; camping site; camping ground; campground [Am.]'), ('die', u'Zahnmedizin', u'dentistry'), ('die', u'W\xe4rmed\xe4mmung', u'heat insulation'), ('die', u'W\xe4chterin', u'custodian'), ('der', u'Wortsinn', u'literal sense'), ('die', u'Wohlfahrtspflege', u'welfare work; social welfare work'), ('die', u'Windm\xfchle', u'wind mill; windmill'), ('die', u'Wildheit', u'ferocity; fierceness; haggardness; jazziness; turbulence; rampancy; savagery; tigerishness; truculence; rambunctiousness; savageness'), ('der', u'Widerhall', u'echo; echo; reverberation'), ('der', u'Westfl\xfcgel', u'west wing'), ('die', u'Wendeschleife', u'turning loop'), ('der', u'Weltuntergang', u'apocalypse; end of the world; Armageddon'), ('der', u'Weltb\xfcrger', u'cosmopolitan; cosmopolite; citizen of the world'), ('der', u'Weltatlas', u'world atlas'), ('das', u'Weiterleiten', u'forwarding'), ('die', u'Wasserverschmutzung', u'water pollution'), ('der', u'Wassertr\xe4ger', u'water carrier'), ('das', u'Waschmittel', u'detergent; washing powder; detergent'), ('der', u'Wahnsinnige', u'madman'), ('die', u'Wahlpflicht', u'compulsory voting'), ('der', u'Waffenhandel', u'arms trade; arms trading'), ('die', u'Vorbereitungszeit', u'preparation time; make-ready time; takedown time'), ('die', u'Vogelperspektive', u"bird's-eye view"), ('der', u'Vogelkundler', u'ornithologist'), ('das', u'Vibraphon', u'vibraphone; vibes'), ('die', u'Verzinsung', u'interest'), ('die', u'Verve', u'enthusiasm; verve; verve'), ('die', u'Veruntreuung', u'embezzlement; defalcation'), ('die', u'Verschleierung', u'spoofing; dressing up; disguising; blur; deception; veiling; scrambling'), ('die', u'Verkehrskontrolle', u'traffic check; vehicle spotcheck'), ('der', u'Vergeltungsschlag', u'act of reprisal; retaliatory strike'), ('die', u'Verelendung', u'pauperization [eAm.]; pauperisation [Br.]'), ('die', u'Verbitterung', u'bitterness; embitterment'), ('der', u'Vatertag', u"father's day"), ('der', u'Urvogel', u'archaeopteryx'), ('die', u'Unzug\xe4nglichkeit', u'inaccessibility; unapproachability'), ('die', u'Unterst\xfctzerin', u'supporter; backer; endorser; maintainer'), ('der', u'Unterdruck', u'under-inflation; negative pressure'), ('das', u'Ungleichgewicht', u'unbalance; imbalance; mismatch; non-equilibrium'), ('die', u'Umwidmung', u'reassigment (of sth.)'), ('die', u'Umschulung', u're-education; retraining'), ('das', u'Ultraviolett', u'ultraviolet /UV/')] dictSet_146 = [('der', u'T\xfcftler', u'puzzle freak [coll.]; person who likes fiddly/picky work'), ('der', u'T\xf6lpel', u'booby; chump; dullard; dummy; dough head [Am.] [coll.]; slob; dolt; yokel; hick; gawk; galoot'), ('der', u'Truppen\xfcbungsplatz', u'military training area'), ('der', u'Trommelspeicher', u'drum memory'), ('die', u'Trocknung', u'drying; desiccation; dehumidification'), ('das', u'Trinkgelage', u'wassail; drinking spree'), ('der', u'Tratsch', u'gossip; bad mouth; tattle; chin-wag; tittle-tattle'), ('das', u'Transportschiff', u'transport ship'), ('das', u'Torhaus', u'gatehouse'), ('die', u'Tonkunst', u'musical art'), ('die', u'Teuerung', u'high prices; rising prises; high cost of living'), ('die', u'Terrakotta', u'terra-cotta; terracotta'), ('der', u'Telegraphist', u'telegrapher; telegraphist; wireless operator; sparks [coll.]'), ('das', u'Teflon', u'Teflon [tm]'), ('der', u'Taps', u'clumsy oaf'), ('der', u'Talentsucher', u'talent scout'), ('das', u'Syndikat', u'syndicate; federation'), ('der', u'Supermarkt', u'supermarket'), ('der', u'Suffix', u'suffix'), ('der', u'Stundenlohn', u'wages per hour; hourly wage; hourly rate; hourly pay'), ('das', u'Strontium', u'strontium'), ('die', u'Stratigraphie', u'stratigraphy; stratigraphic geology'), ('der', u'Stipendiat', u'scholarship holder; fellowship holder; grantee [Am.]; foundationer [Br.]'), ('der', u'Steinbau', u'stone building'), ('die', u'Steigung', u'rise; ascent; gradient; acclivity; gradient; slope; riser; upgrade [Am.]; pitch; upward slope; climb'), ('die', u'Stauanlage', u'impoundment'), ('die', u'Standsicherheit', u'stability'), ('das', u'Stammkapital', u'original share capital; common capital stock [Am.]'), ('der', u'Staatsbetrieb', u'public enterprise; public-sector undertaking'), ('der', u'Sp\xe4theimkehrer', u'late returnee'), ('das', u'Sprichwort', u'saying; proverb; adage; saw; byword'), ('die', u'Sportanlage', u'sports facility'), ('der', u'Spitzensport', u'top sport; high-performance sport'), ('die', u'Sperrstunde', u'closing time; curfew'), ('das', u'Sozialrecht', u'social legislation'), ('die', u'Sorgfalt', u'particularity; accurateness; care; carefulness; deliberation; diligence'), ('das', u'Sonderverm\xf6gen', u'fund assets'), ('der', u'Solidarbeitrag', u'solidarity contribution'), ('der', u'Slang', u'slang; argot'), ('der', u'Silbermond', u'silver moon'), ('das', u'Showgesch\xe4ft', u'show business; showbiz'), ('der', u'Sessel', u'arm chair; armchair; fauteuil; easy cair; recliner; reclining chair; recliner; chair; upright chair'), ('das', u'Serum', u'immunoserum; immune serum; antiserum; serum; serum'), ('der', u'Serienwagen', u'production car'), ('die', u'Senkrechte', u'vertical; perpendicular; verticalness'), ('die', u'Seer\xe4uberei', u'piracy'), ('die', u'Seeh\xf6he', u'sea level'), ('der', u'Sch\xfctzenverein', u'rod and gun club [Am.]'), ('das', u'Sch\xfctzenverein', u'rifle club'), ('der', u'Sch\xf6ffe', u'lay assessor'), ('der', u'Schwarm', u'host; shoal; bevy (of girls/women); murder; flock; school (of fish); heartthrob; flight'), ('der', u'Schwamm', u'dry rot; mushroom; sponge; swam'), ('das', u'Schwabenland', u'Swabia; Suabia; Svebia; Swabia'), ('der', u'Schund', u'trash; shoddy; tripe'), ('die', u'Schulreform', u'school reform; educational reform'), ('das', u'Schulgesetz', u'school law'), ('der', u'Schuldienst', u'(school) teaching'), ('die', u'Schulaufsicht', u'school supervising; school supervising authority'), ('der', u'Schoppen', u'half a pint'), ('die', u'Schneegans', u'snow goose'), ('das', u'Schm\xe4hen', u'contumely'), ('die', u'Schmalspur', u'narrow-gauge; narrow gauge'), ('die', u'Schlagseite', u'list'), ('das', u'Schimpfwort', u'expletive; invective; swearword; curse word; cussword; cuss'), ('das', u'Schiffswrack', u'shipwreck'), ('die', u'Schiffsfracht', u'cargo'), ('die', u'Scham', u'shame'), ('die', u'Schaltsekunde', u'leap second'), ('die', u'Salve', u'volley; fusillade; salvo'), ('die', u'Saite', u'string'), ('das', u'Ruthenium', u'ruthenium'), ('der', u'Rundkurs', u'circuit (track); radial run-out'), ('die', u'Rundfunkgesellschaft', u'broadcast company'), ('das', u'Rouleau', u'roller blind; blind; (window) shade [Am.] (privacy screen inside)'), ('das', u'Rotlichtviertel', u'red-light district; sex trade district'), ('der', u'Rollschuh', u'skate; roller skate'), ('die', u'Rodung', u'chopping down; clearing (of a forest); clearing'), ('die', u'Ricke', u'doe (of roe-deer)'), ('der', u'Revanchismus', u'revanchism'), ('die', u'Rennleitung', u'race control'), ('das', u'Rennauto', u'racing car'), ('die', u'Reliefkarte', u'relief map'), ('der', u'Reinheitsgrad', u'cleanliness level; purity level; degree of purity'), ('das', u'Regenfall', u'fall of rain'), ('das', u'Rechtsmittel', u'remedy; legal remedy; means of legal redress'), ('der', u'Rebstock', u'vine'), ('die', u'Rationalisierung', u'streamlining; rationalization [eAm.]; rationalisation [Br.]; economization [eAm.]; economisation [Br.]'), ('das', u'Randalieren', u'rampage'), ('der', u'Rahmenplan', u'framework; outline plan'), ('der', u'Puffer', u'buffer; bumper [Am.]; cushion'), ('der', u'Pudding', u'blancmange [Br.]; pudding [Am.] [Austr.]'), ('die', u'Protestaktion', u'protest action; protest campaign'), ('das', u'Programmheft', u'programme; program [Am.]'), ('die', u'Pressestelle', u'press office'), ('die', u'Pontonbr\xfccke', u'pontoon bridge'), ('der', u'Polygraph', u'lie detector; polygraph'), ('die', u'Poliomyelitis', u'poliomyelitis; polio; infantile paralysis [obs.]'), ('die', u'Pfr\xfcnde', u'sinecure'), ('die', u'Personengesellschaft', u'partnership'), ('die', u'Personalabteilung', u'staff department; personnel department; human resources department; HR department /HR/')] dictSet_147 = [('die', u'Perfektion', u'perfection; perfectness'), ('die', u'Patrone', u'cartridge; shell [Am.]'), ('die', u'Parkstra\xdfe', u'Park Road'), ('das', u'Panoptikum', u'collection of curios'), ('der', u'Operator', u'operator'), ('der', u'Oligarch', u'oligarch'), ('der', u'Oberk\xf6rper', u'upper part of the body; upper body'), ('die', u'Nymphe', u'nymph'), ('die', u'Normalit\xe4t', u'normalcy; normality'), ('der', u'Nordstaatler', u'yankee'), ('die', u'Niederung', u'depression; lowland; flat land; low ground; bottom land'), ('die', u'Neurose', u'neurosis'), ('die', u'Neudefinition', u'redefining; redefinition'), ('die', u'Nahrungsgrundlage', u'nutrition base'), ('der', u'Nahkampf', u'hand-to-hand combat; hand-to-hand fight; close combat; clinch; dogfight; infighting'), ('das', u'Nachgeben', u'decline'), ('der', u'Muskel', u'muscle; musculus; myo; brawn'), ('das', u'Murmeltier', u'groundhog; marmot'), ('die', u'Mousse', u'mousse'), ('das', u'Morgenland', u'Orient; East'), ('die', u'Minderung', u'decrease; shrinkage; reduction (of sth.); diminution (of/in sth.) (formal); depreciation'), ('die', u'Mikroskopie', u'microscopy'), ('die', u'Mikrobiologin', u'microbiologist'), ('der', u'Menschenfreund', u'philanthropist; philanthropist'), ('der', u'Melker', u'milker; dairyman'), ('die', u'Meerestiefe', u'depth of the sea; depth of the ocean; depth'), ('der', u'Meeresarm', u'sound; arm of the sea; (sea) inlet; estuary; firth'), ('die', u'Manifestation', u'manifestation (of); epiphany'), ('die', u'Machbarkeit', u'feasibility'), ('der', u'Luftfahrer', u'aeronaut'), ('der', u'Lokf\xfchrer', u'engine driver [Br.]; engineer [Am.]'), ('die', u'Linientreue', u'loyalty to the party line; party line loyalty'), ('die', u'Limo', u'fizzy drink; soda pop [Am.]; lemonade'), ('das', u'Liegerad', u'recumbent bicycle; recumbent bike'), ('der', u'Lebensk\xfcnstler', u'hedonist'), ('die', u'Lawine', u'avalanche; snowslide; snowslip'), ('der', u'Larva', u'lemur; larva (spirit of a dead in Roman mythology)'), ('der', u'Landstrich', u'district /dist./; zone'), ('die', u'Landmarke', u'landmark'), ('der', u'Ladner', u'shopkeeper [Br.]; storekeeper [Am.]'), ('das', u'Ladengesch\xe4ft', u'retail shop; brick-and-mortar shop [Br.]; brick-and-mortar store [Am.]'), ('der', u'Kurssturz', u'price drop; break in prices; node-dive'), ('der', u'Kunstd\xfcnger', u'artificial fertilizer'), ('der', u'Kundenkreis', u'customer base; regular customers; regular clientele'), ('das', u'Krypton', u'krypton'), ('das', u'Kristallsystem', u'crystal system; crystallographic system'), ('das', u'Kopplungsman\xf6ver', u'docking maneuvre'), ('die', u'Konzernleitung', u'group management'), ('der', u'Konverter', u'converter'), ('der', u'Konkurrenzkampf', u'competition; rivalry'), ('die', u'Kommode', u'chest of drawers; dresser [Am.]; bureau [Am.]; commode'), ('das', u'Koaxialkabel', u'coax; coax cable; coaxial cable'), ('die', u'Knappheit', u'paucity; scantness; scarceness; scarcity; skimpiness; stringency; succinctness; terseness; shortness; shortage (of); scarcity'), ('die', u'Klimaanlage', u'air condition; air conditioner; air-conditioning system'), ('der', u'Klick', u'click'), ('das', u'Kinderlied', u'nursery rhyme'), ('die', u'Kerze', u'candle'), ('der', u'Kernpunkt', u'crucial point; core issue; issue; nub; quintessence'), ('das', u'Kaperschiff', u'privateer'), ('die', u'Kaimauer', u'quay wall'), ('der', u'Jordanier', u'Jordanian'), ('die', u'Jazzband', u'jazz band'), ('der', u'Jahresumsatz', u'annual sales; annual turnover'), ('der', u'Jahresabschluss', u'annual accounts; annual financial statement; end of the year'), ('der', u'Insolvenzverwalter', u'liquidator; bankruptcy trustee [Am.]; insolvency administrator'), ('der', u'Indikator', u'indicator; tracer'), ('die', u'Implosion', u'implosion'), ('die', u'Implementierung', u'implementation'), ('die', u'Implementation', u'implementation'), ('der', u'Ilex', u'holly'), ('die', u'Idylle', u'idyll'), ('die', u'H\xfcgelkette', u'ridge of hills'), ('die', u'H\xe4matologie', u'hematology'), ('der', u'H\xe4matit', u'haematite [Br.]; hematite [Am.]; red iron ore'), ('das', u'Hochamt', u'High Mass'), ('die', u'Hinde', u'hind (of red deer)'), ('der', u'Herzschrittmacher', u'pacemaker; cardiac pacemaker; heart pacemaker'), ('die', u'Herabw\xfcrdigung', u'belittling; disparagement; degradation of religious symbols (criminal offence)'), ('die', u'Hemmung', u'escapement; inhibition; stoppage'), ('das', u'Heimchen', u'house cricket'), ('die', u'Hausbesetzung', u'squat; squatting'), ('das', u'Hauptprogramm', u'main program; main programme'), ('der', u'Hauptanteil', u'major part; main part'), ('das', u'Handtuch', u'towel'), ('die', u'Handelsschule', u'commercial school'), ('die', u'Haltbarkeit', u'durability; defensibility; supportability; preservability; stability; tenability'), ('der', u'Haggis', u'haggis'), ('die', u'Haftanstalt', u'prison; jail; penal institution; correctional institution [Am.]; penitentiary [Am.]; pen [coll.]; detention facility'), ('die', u'G\xf6ttlichkeit', u'divineness; heavenliness'), ('die', u'G\xf6sch', u'jack'), ('die', u'Gr\xfcnfl\xe4che', u'green; green area; green space'), ('das', u'Gro\xdfereignis', u'major event'), ('der', u'Goldbarren', u'gold bar; bar of gold; gold bullion; bullion'), ('die', u'Gleichzeitigkeit', u'synchronism; concomitance; concurrency; contemporaneity; contemporaneousness; simultaneity; simultaneousness; ubiquitousness'), ('die', u'Gesetzm\xe4\xdfigkeit', u'legality; legitimacy; regularity'), ('das', u'Gesamtkunstwerk', u'integrated work of art'), ('die', u'Gesamtkonferenz', u"faculty meeting; teacher's council"), ('die', u'Gegen\xfcberstellung', u'confrontation; contrast; contrasting'), ('die', u'Gegendarstellung', u'reply'), ('die', u'Gedenkrede', u'commemorative address')] dictSet_148 = [('das', u'Gedeck', u'place setting; set meal; set menu'), ('die', u'Gartenanlage', u'(usuallly big) garden'), ('der', u'Garantievertrag', u'guarantee'), ('der', u'F\xfchrungsstab', u'high command; stylet (for endotracheal tube); top management; senior management; operational headquarters'), ('der', u'Fu\xdfweg', u'footway'), ('das', u'Futtermittel', u'feeding stuff'), ('der', u'Fr\xfchschoppen', u'morning pint'), ('das', u'Frontispiz', u'frontispiece'), ('der', u'Fristablauf', u'expiry of the term'), ('die', u'Freizone', u'free zone; clear area'), ('die', u'Freileitung', u'open wire; overhead wire; transmission line; distribution line'), ('das', u'Formular', u'blank; blank form; form'), ('die', u'Fondsmanagerin', u'funds manager; investment adviser [Am.]'), ('die', u'Flugzeit', u'flying time; flight time (of a shell)'), ('der', u'Fluchtweg', u'escape route; emergency escape route'), ('das', u'Filmmaterial', u'footage'), ('die', u'Fettleibigkeit', u'obesity; obesities; obeseness; obesity; adiposis; adipositas'), ('der', u'Feldversuch', u'field trial; field test'), ('die', u'Fayence', u'fayence; faience; glazed earthenware'), ('das', u'Fastfood', u'fast food'), ('der', u'Farbton', u'tone; colour tone; color tone; shade; hue; tint'), ('die', u'Fahrkarte', u'ticket'), ('der', u'Fahnenmast', u'flagstaff; flag pole; flagpole'), ('die', u'Extraktion', u'extraction (of sth.)'), ('der', u'Expresszug', u'express train; express'), ('die', u'Esse', u"factory chimney; chimney stalk; (industrial) smoke stack; flue; smith's hearth; hearth"), ('die', u'Er\xf6ffnungsrede', u'opening speech'), ('das', u'Ermittlungsverfahren', u'preliminary proceedings; preliminary inquiry'), ('die', u'Ergreifung', u'apprehension (of a person in the act)'), ('die', u'Erd\xf6lgesellschaft', u'oil company'), ('die', u'Erdhalbkugel', u'hemisphere'), ('die', u'Entwicklungsstufe', u'stage of development; state of development; level of development; evolutionary stage'), ('der', u'Entwicklungsstand', u'stage of development; state of development; level of development'), ('die', u'Endlagerung', u'final disposal; permanent storage (of nuclear waste)'), ('der', u'Ellenbogen', u'elbow'), ('der', u'Elektrorasierer', u'shaver'), ('der', u'Elektroherd', u'electric range; electric cooker'), ('der', u'Einzelh\xe4ndler', u'retailer; retail trader'), ('die', u'Einschaltquote', u'popularity rating; rating; audience rating; viewing figures'), ('der', u'D\xfcffel', u'duffel'), ('das', u'Durcheinander', u"chaos; snarl; jumble; muddle; mare's nest; mess; medley; mix-up; hash; dog's dinner; dog's breakfast [Br.] [fig.]; whirl; snarl; hotchpotch; hodgepodge [Am.]; gallimaufry; confusion; disarray; huddle; tangle"), ('das', u'Dogmatik', u'dogmatics; dogmatism'), ('die', u'Dissoziation', u'dissociation; dissociation'), ('das', u'Diskussionsforum', u'discussion forum'), ('die', u'Dienstmagd', u'ancilla; maid; maidservant'), ('das', u'Dezernat', u'department; section [Br.]; squad'), ('die', u'Deaktivierung', u'deactivation'), ('die', u'Datenspeicherung', u'data storage'), ('die', u'Computertomographie', u'computer tomography /CT/; CT scanning'), ('die', u'Chormusik', u'choral music'), ('das', u'Chinchilla', u'chinchilla'), ('die', u'Chim\xe4re', u'chimera'), ('das', u'Camping', u'camping; tent camping'), ('das', u'B\xfcndchen', u'wristband'), ('die', u'B\xe4ckerei', u'bakery'), ('die', u'Bronchitis', u'bronchitis'), ('der', u'Briefbogen', u'(a sheet of) letter paper; writing paper; note paper'), ('die', u'Boomtown', u'boomtown'), ('die', u'Bl\xe4sse', u'paleness; pallidness; pallor; wanness; sallowness; paleness'), ('der', u'Blitzer', u'streaker'), ('die', u'Blindleistung', u'idle power; reactive power'), ('der', u'Blechbl\xe4ser', u'brass'), ('die', u'Blasenspiegelung', u'cystoscopy; bladder examination'), ('die', u'Biophysikerin', u'biophysicist'), ('das', u'Bibelstudium', u'Bible studies; biblical studies'), ('der', u'Bewuchs', u'fouling; vegetation'), ('die', u'Bev\xf6lkerungspyramide', u'population pyramid; age-sex pyramid'), ('die', u'Betriebswirtin', u'graduate in business management; management expert'), ('die', u'Belehnte', u'feoff'), ('die', u'Begriffsbestimmung', u'definition'), ('der', u'Beatnik', u'beatnik [coll.]'), ('der', u'Barren', u'(parallel) bars; ingot'), ('die', u'Banane', u'banana'), ('das', u'Bahnsystem', u'railway system; railroad system [Am.]'), ('die', u'Auszeit', u'time-out'), ('die', u'Aussperrung', u'lockout'), ('das', u'Auftragswerk', u'commissional work'), ('der', u'Atomeisbrecher', u'nuclear-powered icebreaker'), ('die', u'Atmung', u'breathing; respiration; respiratory system'), ('die', u'Arbeitssprache', u'working language (within organisations)'), ('die', u'Arbeiterin', u'worker'), ('die', u'An\xe4sthesistin', u'anaesthetist [Br.]; anesthetist [Am.]; anaesthesiologist [Br.]; anesthesiologist [Am.]'), ('die', u'Anode', u'anode'), ('das', u'Anion', u'anion'), ('die', u'Anf\xe4lligkeit', u'susceptibility; frailty; liability (to); vulnerability (to)'), ('der', u'Amtsvorsteher', u'head official; head of an office'), ('die', u'Altphilologie', u'classics'), ('das', u'Althochdeutsch', u'Old High German'), ('die', u'Allmacht', u'omnipotence; almightiness; all-pervading power; unlimited might'), ('das', u'Aktienpaket', u'equity stake; parcel of shares'), ('die', u'Ahndung', u'revenge'), ('der', u'Aggressor', u'aggressor'), ('das', u'Absterben', u'dying (out)'), ('das', u'Absteigen', u'downswing'), ('der', u'Ablasshandel', u'sale of indulgences; selling of indulgences'), ('das', u'Zweiparteiensystem', u'two-party system'), ('die', u'Zwangsversteigerung', u'forced sale; foreclosure; foreclosure sale'), ('die', u'Zuweisung', u'assignment; assignation; allocation; allotment; assignment; allotment'), ('das', u'Zulassungsverfahren', u'admission procedure (for persons); approval procedure (for things); authorisation procedure (for medicinal products); listing procedure (for stock exchange quotation)'), ('der', u'Zielpunkt', u'aiming point; arrival point; goal')] dictSet_149 = [('die', u'Zerrissenheit', u'brokenness; inner strife; strife'), ('die', u'Zentrifugalkraft', u'centrifugal force'), ('der', u'Zellkern', u'cell nucleus; nucleus'), ('die', u'Zeitbombe', u'time bomb'), ('der', u'Zank', u'row; quarrel; quarrel'), ('das', u'Xylophon', u'xylophone'), ('das', u'W\xfcrfelspiel', u'game of dice; crap game; craps [Am.]'), ('die', u'Wunderwaffe', u'silver bullet [fig.]; wonder weapon; super weapon'), ('der', u'Wohnungsmarkt', u'housing market'), ('der', u'Witwer', u'widower'), ('die', u'Wirtschaftsreform', u'economic reform'), ('das', u'Wiedererlangen', u'retrieval'), ('der', u'Widerwillen', u'reluctance'), ('die', u'Westwand', u'west wall'), ('der', u'Weltpostverein', u'Universal Postal Union /UPU/'), ('das', u'Weingut', u'winery'), ('die', u'Weile', u'while'), ('das', u'Waldsterben', u'waldsterben; dying of the woods; death of the forests; forest dieback'), ('der', u'Waffensystemoffizier', u'weapon systems officer; weapon systems operator; defense systems operator [Am.]'), ('der', u'Vortrieb', u'propulsion; advance'), ('die', u'Vorschulerziehung', u'preschool education; pre-primary education'), ('die', u'Vorschule', u'preschool; pre-school; nursery school'), ('der', u'Volkstanz', u'folk dance'), ('das', u'Vinyl', u'vinyl'), ('der', u'Vertigo', u'vertigo'), ('die', u'Verst\xfcmmelung', u'mutilation'), ('der', u'Versorgungsengpass', u'supply shortfall'), ('das', u'Verkehrszeichen', u'traffic sign'), ('die', u'Verkehrsverbindung', u'communication'), ('das', u'Verkehrsministerium', u'ministry of transport'), ('die', u'Verfahrenstechnik', u'process engineering'), ('das', u'Verderben', u'ruin; bane; nemesis; perdition; vitiation'), ('der', u'Verbundwerkstoff', u'composite; composite material'), ('die', u'Verbandsgemeinde', u'special administrative district; amt'), ('der', u'Vegetarier', u'vegetarian; veggie [coll.]; veggy'), ('der', u'Utilitarismus', u'utilitarianism'), ('der', u'Urteilsspruch', u'verdict; sentence; judgement'), ('die', u'Urknalltheorie', u'big bang theory'), ('die', u'Unzucht', u'sexual offence; bawdiness; fornication'), ('der', u'Untersuchungsbericht', u'inquiry report'), ('die', u'Unteroffizierschule', u'NCO Academy [Am.]'), ('der', u'Unfallchirurg', u'trauma surgeon'), ('der', u'T\xfcrkis', u'turquoise; calaite'), ('der', u'Tutor', u'tutor'), ('die', u'Turnhalle', u'gymnasium; gym'), ('das', u'Turmspringen', u'high diving'), ('der', u'Tunesier', u'Tunisian'), ('das', u'Tr\xf6pfchen', u'droplet'), ('das', u'Trennmittel', u'(mould) release agent; releasing agent'), ('das', u'Treibhaus', u'greenhouse; glasshouse; hothouse'), ('die', u'Translation', u'translation; translation; parallel displacement (of crystals)'), ('das', u'Trampolinturnen', u'trampolining'), ('der', u'Traktor', u'tractor'), ('der', u'Totentempel', u'funerary temple'), ('die', u'Tonerde', u'alumina; argillaceous earth'), ('der', u'Todesstreifen', u'death pass'), ('die', u'Theaterwissenschaft', u'dramatics'), ('das', u'Tempus', u'tense'), ('der', u'Teletext', u'teletext [Br.]; videotext'), ('das', u'Tantal', u'tantalum'), ('das', u'Tanklager', u'tank farm [Am.]'), ('der', u'Talkessel', u'valley basin; deep circular valley'), ('das', u'S\xe4ngerfest', u'singing festival'), ('das', u'Szenario', u'worst case; worst-case scenario; scenario; business case'), ('die', u'Synchronstimme', u'dubbing voice'), ('die', u'Symbiose', u'symbiosis (of)'), ('die', u'Substitution', u'substitution; substitution; sub'), ('die', u'St\xfctzung', u'reinforcement'), ('das', u'St\xe4ndchen', u'serenade'), ('der', u'St\xe4dter', u'townee [coll.]; dandy'), ('der', u'Streubesitz', u'diversified holdings'), ('der', u'Stra\xdfenverlauf', u'course of the road'), ('der', u'Sto\xdftrupp', u'raiding patrol'), ('die', u'Steuerlast', u'tax load; burden of taxation'), ('die', u'Steuerbordseite', u'starboard; starboard side'), ('der', u'Steinschneider', u'lapidary; cameo cutter'), ('der', u'Startpunkt', u'starting point'), ('der', u'Starter', u'starter; flagman; launcher; program launcher; starter'), ('das', u'Spulen', u'winding'), ('der', u'Sprachlehrer', u'teacher of languages'), ('der', u'Sporn', u'spur; tail skid; nose'), ('das', u'Spiegelbild', u'reflection; reflexion [Br.]; mirror image'), ('das', u'Spezialgebiet', u'special field; specialist field; special subject'), ('der', u'Spezialeffekt', u'special effect'), ('der', u'Speisewagen', u'dining car; diner [Am.]; buffet car'), ('der', u'Spannungszustand', u'state of stress; stress state; stress condition; state of stress'), ('die', u'So\xdfe', u'dip [Am.]; sauce; relish'), ('die', u'Sorte', u'kind; variety; breed; grade; variety; sort; species'), ('die', u'Sonnenzeit', u'solar time'), ('der', u'Sonnenschirm', u'parasol; sun shade; sunshade'), ('der', u'Smoking', u'dinner jacket; dinner-jacket; tux; tuxedo [Am.]; monkey suit [coll.]'), ('der', u'Skipper', u'skipper'), ('der', u'Skeptizismus', u'skepticism'), ('die', u'Selbstverwirklichung', u'self-realization [eAm.]; self-realisation [Br.]; self-actualization [Am.]'), ('die', u'Selbstbeherrschung', u'self-control; self-possession; self-restraint'), ('der', u'Seetransport', u'shipment'), ('die', u'Schwimmhalle', u'indoor swimming pool; indoor pool'), ('der', u'Schwefelwasserstoff', u'hydrogen sulphide [Br.]; hydrogen sulfide [Am.]'), ('der', u'Schulweg', u'way to school')] dictSetCount=150
5,937.019608
7,698
0.675164
0
0
0
0
0
0
0
0
785,913
0.865196
a93610cab32e285ce4c6a541e3cc023ff8fe9e1f
25,186
py
Python
src/frontend/gui/popupentry.py
C2E2-Development-Team/C2E2-Tool
36631bfd75c0c0fb56389f13a9aba68cbed1680f
[ "MIT" ]
1
2021-10-04T19:56:25.000Z
2021-10-04T19:56:25.000Z
src/frontend/gui/popupentry.py
C2E2-Development-Team/C2E2-Tool
36631bfd75c0c0fb56389f13a9aba68cbed1680f
[ "MIT" ]
null
null
null
src/frontend/gui/popupentry.py
C2E2-Development-Team/C2E2-Tool
36631bfd75c0c0fb56389f13a9aba68cbed1680f
[ "MIT" ]
null
null
null
from tkinter import * from tkinter.ttk import * from frontend.gui.widgets import ToggleFrame from frontend.mod.automaton import * from frontend.mod.constants import * from frontend.mod.hyir import * from frontend.mod.session import Session class PopupEntry(Toplevel): def __init__(self, parent): Toplevel.__init__(self, parent) self.parent = parent self.resizable(width=False, height=False) self.title_label = Label(self, text='C2E2') self.title_label.grid(row=0, column=0, columnspan=2) self.TEXTBOX_HEIGHT = 10 self.TEXTBOX_WIDTH = 30 # Window appears by cursor position self.geometry("+%d+%d" % (Session.window.winfo_pointerx(), Session.window.winfo_pointery())) # Prevent interaction with main window until Popup is Confirmed/Canceled self.wait_visibility() self.focus_set() self.grab_set() class AutomatonEntry(PopupEntry): """ Popup window for adding/deleting Automata from the hybrid system. Args: parent (obj): Popup's parent object hybrid (obj): Hybrid object - should always be Session.hybrid action (str): Action to be performed (ADD or DELETE) """ def __init__(self, parent, hybrid, action, automaton=None): PopupEntry.__init__(self, parent) self.title_label.config(text="Automaton") if hybrid is not Session.hybrid: Session.write("ERROR: Attempting to edit non-Session hybrid.\n") self._cancel() self.parent = parent self.hybrid = hybrid self.automaton = automaton self.action = action self.changed = False self._init_widgets() if action == EDIT: self._load_session() if action == DELETE: self._disable_fields() def _init_widgets(self): """ Initialize GUI elements """ # Name Label(self, text="Name:").grid(row=1, column=0, sticky=W) self.name = StringVar() self.name_entry = Entry(self, textvariable=self.name) self.name_entry.grid(row=1, column=1, sticky=E) # Buttons self.btn_frame = Frame(self) self.cancel_btn = Button(self.btn_frame, text="Cancel", command=self._cancel) self.confirm_btn = Button(self.btn_frame, text="Confirm", command=self._confirm) self.cancel_btn.grid(row=0, column=0) self.confirm_btn.grid(row=0, column=1) self.btn_frame.grid(row=2, column=0, columnspan=2) return def _load_session(self): # Name self.name.set(self.automaton.name) return def _disable_fields(self): # Name self.name_entry.config(state=DISABLED) self.confirm_btn.config(text="DELETE", command=self._delete) return def _confirm(self): if(self.action == ADD): self._confirm_add() else: self._confirm_edit() return def _confirm_add(self): self.hybrid.add_automaton(Automaton(self.name.get())) Session.write("Automaton Entry Confirmed.\n") self.changed = True self.destroy() return def _confirm_edit(self): self.automaton.name = self.name.get() Session.write("Automaton Entry Confirmed.\n") self.changed = True self.destroy() return def _delete(self): if messagebox.askyesno("Delete Automaton", "Delete " + self.automaton.name + "?"): self.hybrid.remove_automaton(self.automaton) Session.write("Automaton Deleted.\n") self.changed = True else: Session.write("Automaton Deletion Canceled.\n") self.chagned = False self.destroy() return def _cancel(self): """ Cancels changes made in popup """ Session.write("Automaton Entry Canceled.\n") self.changed = False self.destroy() return class VariableEntry(PopupEntry): """ Popup window for Variable editing. The VariableEntry class is designed to be the popup displayed to users when editing their model's variables. It controls the GUI elements of the popup, and interacts with the Session variables to commit changes to the currently active model Args: parent (obj): Popup's parent object """ def __init__(self, parent, automaton): PopupEntry.__init__(self, parent) self.title_label.config(text="Variables") self.automaton = automaton self.changed = False # For readability, options differ from those stored in the var object self.scope_options = ('Local', 'Input', 'Output') self._init_widgets() self._load_session() def _init_widgets(self): """ Initialize GUI elements """ self.title_label.grid(row=0, column=0, columnspan=4) Label(self, text="Name").grid(row=1, column=0) Label(self, text="Thin").grid(row=1, column=1) Label(self, text="Type").grid(row=1, column=2) Label(self, text="Scope").grid(row=1, column=3) # Variable lists for uknown number of inputs self.names = [] # StringVar() self.thins = [] # BoolVar() self.types = [] # StringVar() self.scopes = [] # StringVar() self.var_index = 0 # Buttons self.btn_frame = Frame(self) self.cancel_btn = Button(self.btn_frame, text="Cancel", command=self._cancel) self.add_btn = Button(self.btn_frame, text="Add", command=self._add_row) self.confirm_btn = Button(self.btn_frame, text="Confirm", command=self._confirm) self.cancel_btn.grid(row=0, column=0) self.add_btn.grid(row=0, column=1) self.confirm_btn.grid(row=0, column=2) return def _load_session(self): """ Load current model's values. """ scope_dict = { # Convert Variable scopes to options displayed to user LOCAL: 'Local', # LOCAL = 'LOCAL_DATA' INPUT: 'Input', # INPUT = 'INPUT_DATA' OUTPUT: 'Output' # OUTPUT = 'OUTPUT_DATA' } # Add a blank row if there are no variables (happens with new automata) if len(self.automaton.vars) == 0 and len(self.automaton.thinvars) == 0: self._add_row() return for var in self.automaton.vars: self._add_row() self.names[self.var_index-1].set(var.name) self.thins[self.var_index-1].set(False) self.types[self.var_index-1].set(var.type) self.scopes[self.var_index-1].set(scope_dict[var.scope]) for var in self.automaton.thinvars: self._add_row() self.names[self.var_index-1].set(var.name) self.thins[self.var_index-1].set(True) self.types[self.var_index-1].set(var.type) self.scopes[self.var_index-1].set(scope_dict[var.scope]) return def _add_row(self): """ Add a new variable row to VariableEntry popup. Grid new entry widgets and regrid button frame. """ self.names.append(StringVar()) self.thins.append(BooleanVar()) self.types.append(StringVar()) self.scopes.append(StringVar()) # Name Entry(self, textvariable=self.names[self.var_index])\ .grid(row=self.var_index+2, column=0) # Thin Checkbutton(self, var=self.thins[self.var_index])\ .grid(row=self.var_index+2, column=1) # Type self.types[self.var_index].set(REAL) OptionMenu(self, self.types[self.var_index], self.types[self.var_index].get(), *VARIABLE_TYPES)\ .grid(row=self.var_index+2, column=2) # Scope self.scopes[self.var_index].set('Local') OptionMenu(self, self.scopes[self.var_index], self.scopes[self.var_index].get(), *self.scope_options)\ .grid(row=self.var_index+2, column=3) self.btn_frame.grid(row=self.var_index+3, columnspan=4) self.var_index += 1 return def _confirm(self): """ Commit changes to Session. Does NOT save these changes. """ self.automaton.reset_vars() self.automaton.reset_thinvars() scope_dict = { # Convert displayed scopes to values stored 'Local': LOCAL, # LOCAL = 'LOCAL_DATA' 'Input': INPUT, # INPUT = 'INPUT_DATA' 'Output': OUTPUT # OUTPUT = 'OUTPUT_DATA' } for i in range(0, self.var_index): name = (self.names[i].get()).strip() thin = self.thins[i].get() type_ = self.types[i].get() # Reserved word scope = scope_dict[self.scopes[i].get()] if not name: # Delete variables by erasing their name continue if thin: self.automaton.add_thinvar( Variable(name=name, type=type_, scope=scope)) else: self.automaton.add_var( Variable(name=name, type=type_, scope=scope)) Session.write("Variable Entry Confirmed.\n") self.changed = True self.destroy() return def _cancel(self): """ Cancels changes made in popup """ Session.write("Variable Entry Canceled.") self.changed = False self.destroy() return class ModeEntry(PopupEntry): """ Popup window for Mode adding, editing, and deleting. The ModelEntry class is designed to be the popup displayed to users when editing their model's Modes, or adding/deleting Modes. It controls the GUI elements of the popup, and interacts with the Session variables to commit changes to the currently active models. Args: parent (obj): Popup's parent object action (str): Action to be performed (constants ADD, EDIT, or DELETE) mode (Mode obj): Mode to be edited or deleted, not required for ADD """ def __init__(self, parent, automaton, action=ADD, mode=None): PopupEntry.__init__(self, parent) self.title_label.config(text='Mode') self.automaton = automaton self.mode = mode self.action = action self.mode_dict = automaton.mode_dict # mode_dict[mode.id] = mode.name self.changed = False self._init_widgets() if(action == ADD): self._load_new() else: self._load_session() if(action == DELETE): self._disable_fields() def _init_widgets(self): """ Initialize GUI elements """ # Name Label(self, text='Name:').grid(row=1, column=0, sticky=W) self.name = StringVar() self.name_entry = Entry(self, textvariable=self.name) self.name_entry.grid(row=1, column=1, sticky=E) # ID Label(self, text='ID:').grid(row=2, column=0, sticky=W) self.mode_id = IntVar() self.id_entry = Entry(self, textvariable=self.mode_id, state=DISABLED) self.id_entry.grid(row=2, column=1, sticky=E) # Initial Label(self, text='Initial:').grid(row=3, column=0, sticky=W) self.initial = BooleanVar() self.initial_checkbutton = Checkbutton(self, var=self.initial) self.initial_checkbutton.grid(row=3, column=1) # Flows self.flow_toggle = ToggleFrame(self, text='Flows:') self.flow_toggle.grid(row=4, column=0, columnspan=2, sticky=E+W) # Invariants self.invariant_toggle = ToggleFrame(self, text='Invariants:') self.invariant_toggle.grid(row=5, column=0, columnspan=2, sticky=E+W) # Buttons self.btn_frame = Frame(self) self.cancel_btn = Button(self.btn_frame, text='Cancel', command=self._cancel) self.confirm_btn = Button(self.btn_frame, text='Confirm', command=self._confirm) self.cancel_btn.grid(row=0, column=0) self.confirm_btn.grid(row=0, column=1) self.btn_frame.grid(row=8, column=0, columnspan=2) return def _load_session(self): """ Load selected mode's Session values """ # Name self.name.set(self.mode.name) # ID self.mode_id.set(self.mode.id) # Initial self.initial.set(self.mode.initial) # Flows if(len(self.mode.dais) < 1): self.flow_toggle.add_row() else: for dai in self.mode.dais: self.flow_toggle.add_row(text=dai.raw) self.flow_toggle.toggle() # Invariants if(len(self.mode.invariants) < 1): self.invariant_toggle.add_row() else: for invariant in self.mode.invariants: self.invariant_toggle.add_row(text=invariant.raw) self.invariant_toggle.toggle() return def _load_new(self): """ Load blank row and show toggle fields""" self.flow_toggle.add_row() self.flow_toggle.toggle() self.invariant_toggle.add_row() self.invariant_toggle.toggle() self.mode_id.set(self.automaton.next_mode_id) return def _disable_fields(self): """ Disable fields and reconfigure confirm button for deletion """ self.name_entry.config(state=DISABLED) self.id_entry.config(state=DISABLED) self.initial_checkbutton.config(state=DISABLED) self.flow_toggle.disable_fields() self.invariant_toggle.disable_fields() self.confirm_btn.config(text='DELETE', command=self._delete) return def _confirm(self): """ Confirm button callback - call confirm method based on action """ if(self.action == ADD): self._confirm_add() else: self._confirm_edit() return def _confirm_add(self): """ Confirm new mode addition """ self.mode = Mode() self._confirm_edit() self.automaton.add_mode(self.mode) return def _confirm_edit(self): """ Commit changes to Session. Does NOT save changes """ # Name self.mode.name = self.name.get() # ID self.mode.id = self.mode_id.get() # Initial self.mode.initial = self.initial.get() # Flows self.mode.clear_dais() for raw_text in self.flow_toggle.get_rows(): if((raw_text.get()).strip()): self.mode.add_dai(DAI(raw_text.get())) # Invariants self.mode.clear_invariants() for raw_text in self.invariant_toggle.get_rows(): if((raw_text.get()).strip()): self.mode.add_invariant(Invariant(raw_text.get())) Session.write("Mode Entry Confirmed.\n") self.changed = True self.destroy() return def _delete(self): """ Delete active Mode """ # Build list of transitions that would be deleted del_trans = [] for tran in self.automaton.transitions: if((tran.source == self.mode.id) or \ (tran.destination == self.mode.id)): del_trans.append(tran) # Messagebox warning user of transitions that also will be deleted msg = "Delete " + self.mode.name + "(" + str(self.mode.id) + ") ?\n" msg += "WARNING: The following transitions will also be deleted:\n" for tran in del_trans: msg += tran.name + '\n' if(messagebox.askyesno('Delete Mode', msg)): self.automaton.remove_mode(self.mode) for tran in del_trans: self.automaton.remove_transition(tran) Session.write("Mode Deleted.\n") self.changed = True else: Session.write("Mode Deletion Canceled.\n") self.changed = False self.destroy() return def _cancel(self): """ Cancels changes made in popup """ Session.write("Mode Entry Canceled.\n") self.changed = False self.destroy() return class TransitionEntry(PopupEntry): """ Popup window for Transition adding, editing, and deleting. The TransitionEntry class is designed to be the popup displayed to users when editing their model's Modes, or adding/deleting Modes. It controls the GUI elements of the popup, and interacts with the Session variables to commit changes to the currently active models. Args: parent (obj): Popup's parent object action (str): Action to be performed (constants ADD, EDIT, or DELETE) mode_dict (dictionary: int keys, str values): Dictionary connect mode IDs to mode names trans (Transition obj): Transition to be edited or deleted, not required for ADD action """ def __init__(self, parent, automaton, action=ADD, transition=None): PopupEntry.__init__(self, parent) self.title_label.config(text='Transition') self.automaton = automaton self.transition = transition self.mode_dict = automaton.mode_dict # mode_dict[mode.id] = mode.name self.action = action self.changed = False # Load Mode list for Source/Destination Option Menus self.mode_list = [] for mode_id in self.mode_dict: self.mode_list.append(self.mode_dict[mode_id]) self._init_widgets() if(action == ADD): self._load_new() else: self._load_session() if(action == DELETE): self._disable_fields() def _init_widgets(self): """ Initialize GUI elements """ # Transition Label self.transition_str = StringVar() Label(self, textvariable=self.transition_str).grid(row=1, column=0, columnspan=2) # ID Label(self, text='ID:').grid(row=2, column=0, sticky=W) self.transition_id = IntVar() self.id_entry = Entry(self, textvariable=self.transition_id, state=DISABLED) self.id_entry.grid(row=2, column=1, sticky=E) # Source and Destination Label(self, text='Source:').grid(row=3, column=0, sticky=W) Label(self, text='Destination:').grid(row=4, column=0, sticky=W) self.source_str = StringVar() self.destination_str = StringVar() self.source_str.trace_variable('w', self._callback_mode_select) self.destination_str.trace_variable('w', self._callback_mode_select) # Arbitrarily set default source/destination. # These are overwritten to be correct in _load_session when appropriate self.source_option_menu = OptionMenu(self, self.source_str, self.mode_list[0], *self.mode_list) self.source_option_menu.grid(row=3, column=1, sticky=W+E) self.destination_option_menu = OptionMenu(self, self.destination_str, self.mode_list[0], *self.mode_list) self.destination_option_menu.grid(row=4, column=1, sticky=W+E) # Guards Label(self, text='Guards:').grid(row=5, column=0, sticky=W) self.guard_str = StringVar() self.guard_entry = Entry(self, textvariable=self.guard_str) self.guard_entry.grid(row=5, column=1, sticky=E) # Actions self.action_toggle = ToggleFrame(self, text='Actions:') self.action_toggle.grid(row=6, column=0, columnspan=2, sticky=E+W) # Buttons self.btn_frame = Frame(self) self.cancel_btn = Button(self.btn_frame, text='Cancel', command=self._cancel) self.confirm_btn = Button(self.btn_frame, text='Confirm', command=self._confirm) self.cancel_btn.grid(row=0, column=0) self.confirm_btn.grid(row=0, column=1) self.btn_frame.grid(row=7, column=0, columnspan=2) return def _load_session(self): """ Load selected transition's Session values """ # ID self.transition_id.set(self.transition.id) # Source and Destination self.source_str.set(self.mode_dict[self.transition.source]) self.destination_str.set(self.mode_dict[self.transition.destination]) # Guard self.guard_str.set(self.transition.guard.raw) # Actions if len(self.transition.actions) == 0: self.action_toggle.add_row() else: for action in self.transition.actions: self.action_toggle.add_row(text=action.raw) self.action_toggle.toggle() return def _load_new(self): """ Load blank rows and show toggle fields """ self.action_toggle.add_row() self.action_toggle.toggle() self.transition_id.set(len(self.automaton.transitions)) return def _disable_fields(self): """ Disable fields and reconfigure confirm button for deletion """ self.id_entry.config(state=DISABLED) self.source_option_menu.config(state=DISABLED) self.destination_option_menu.config(state=DISABLED) self.guard_entry.config(state=DISABLED) self.action_toggle.disable_fields() self.confirm_btn.config(text='DELETE', command=self._delete) return def _callback_mode_select(self, *args): """ OptionMenu callback, updates transition label at top of window """ self.transition_str.set(self.source_str.get() + " -> " + self.destination_str.get()) return def _confirm(self): """ Confirm button callback - call confirm method based on action """ if(self.action == ADD): self._confirm_add() else: self._confirm_edit() return def _confirm_add(self): """ Confirm new mode addition """ # ID trans_id = self.transition_id.get() # Source and Destination for mode_id in self.mode_dict: if(self.mode_dict[mode_id] == self.source_str.get()): src = mode_id elif(self.mode_dict[mode_id] == self.destination_str.get()): dest = mode_id # Guard guard = Guard(self.guard_str.get()) # Actions actions = [] for action in self.action_toggle.get_rows(): if((action.get()).strip()): actions.append(Action(action.get())) transition = Transition(guard, actions, trans_id, src, dest) self.automaton.add_transition(transition) Session.write("Transition Entry Confirmed.\n") self.changed = True self.destroy() return def _confirm_edit(self): """" Commits changes to Session. Does NOT save changes """ # ID self.transition.id = self.transition_id.get() # Source and Destination for mode_id in self.mode_dict: if(self.mode_dict[mode_id] == self.source_str.get()): self.transition.source = mode_id elif(self.mode_dict[mode_id] == self.destination_str.get()): self.transition.destination = mode_id # Guard self.transition.guard = Guard(self.guard_str.get()) # Actions self.transition.clear_actions() for action in self.action_toggle.rows: if((action.get()).strip()): self.transition.add_action(Action(action.get())) Session.write("Transition Entry Confirmed.\n") self.changed = True self.destroy() return def _delete(self): """ Delete active Transiiton """ if messagebox.askyesno('Delete Transition', 'Delete ' + \ self.transition_str.get() + '?'): self.automaton.remove_transition(self.transition) Session.write("Transition Deleted.\n") self.changed = True else: Session.write("Transition Deletion Canceled.\n") self.changed = False self.destroy() return def _cancel(self): """ Cancels changes made in popup """ Session.write("Transition Entry Canceled.\n") self.changed = False self.destroy() return
31.017241
92
0.581077
24,932
0.989915
0
0
0
0
0
0
5,611
0.222782
a9363e554d610fb201aa75a84231ad4a9b284d4a
749
py
Python
MatplotLib/9_PlottingLiveDataInRealTime.py
ErfanRasti/PythonCodes
5e4569b760b60c9303d5cc68650a2448c9065b6d
[ "MIT" ]
1
2021-10-01T09:59:22.000Z
2021-10-01T09:59:22.000Z
MatplotLib/9_PlottingLiveDataInRealTime.py
ErfanRasti/PythonCodes
5e4569b760b60c9303d5cc68650a2448c9065b6d
[ "MIT" ]
null
null
null
MatplotLib/9_PlottingLiveDataInRealTime.py
ErfanRasti/PythonCodes
5e4569b760b60c9303d5cc68650a2448c9065b6d
[ "MIT" ]
null
null
null
"""In this code we wanna plot real-time data.""" # import random from itertools import count import pandas as pd import matplotlib.pyplot as plt from matplotlib.animation import FuncAnimation plt.style.use('fivethirtyeight') x_vals = [] y_vals = [] index = count() def animate(i): """Plot the graphs with real-time data.""" data = pd.read_csv('data/data_6.csv') x = data['x_value'] y1 = data['total_1'] y2 = data['total_2'] plt.cla() plt.plot(x, y1, label='Channel 1') plt.plot(x, y2, label='Channel 2') plt.legend(loc='upper left', bbox_to_anchor=(1.05, 1)) plt.tight_layout() ani = FuncAnimation(plt.gcf(), animate, interval=1000) plt.tight_layout() plt.show()
20.805556
59
0.635514
0
0
0
0
0
0
0
0
201
0.268358
a937efbd3e11f0b5981cad6ed7badf54a6c3173d
10,688
py
Python
scripts/move_run.py
EdinburghGenomics/hesiod
70df28714878bd57bd2e315b5b3a60f4dc56e1e3
[ "BSD-2-Clause" ]
1
2020-03-12T04:27:26.000Z
2020-03-12T04:27:26.000Z
scripts/move_run.py
EdinburghGenomics/hesiod
70df28714878bd57bd2e315b5b3a60f4dc56e1e3
[ "BSD-2-Clause" ]
null
null
null
scripts/move_run.py
EdinburghGenomics/hesiod
70df28714878bd57bd2e315b5b3a60f4dc56e1e3
[ "BSD-2-Clause" ]
null
null
null
#!/usr/bin/env python3 import os, sys, re import logging as L import shutil from argparse import ArgumentParser, ArgumentDefaultsHelpFormatter from pprint import pformat, pprint DRY_RUN = [] TALLIES = dict( runs = 0, fastqdirs = 0 ) # Could import this from hesiod/__init__.py but I don't want the deps. def glob(): """Regular glob() is useful but we want consistent sort order.""" from glob import glob return lambda p: sorted( (f.rstrip('/') for f in glob(os.path.expanduser(p))) ) glob = glob() def main(args): if args.debug: L.basicConfig( level = L.DEBUG, format = "{levelname}: {message}", style = '{' ) else: L.basicConfig( level=L.INFO, format = "{message}", style = '{' ) if args.no_act: DRY_RUN.append(True) try: args.func(args) except AttributeError: # Force a full help message parse_args(['--help']) for k, v in TALLIES.items(): if v: L.info("Moved {} {}.".format(v, k)) def mv_main(args): """Move one or more runs to a given location. """ # Validate the dest dir real_dest = os.path.realpath(args.to_dir) L.info("Moving to {}".format(real_dest)) if not os.path.isdir(real_dest): L.error("No such directory {}".format(real_dest)) return # Loop through the runs for arun in args.runs: run_name = os.path.basename(arun.rstrip('/')) dest_name = os.path.join(real_dest, run_name) # Is it already there? if os.path.exists(dest_name): L.error("There is already a directory {}".format(dest_name)) continue # Am I trying to move the directory into itself? Actually I think Python # shutil.move catches this one for me. Yes it does. # See if this is a rundir or a fastqdir if not os.path.isdir(arun): L.error("No such directory {}".format(arun)) elif is_rundir(arun): move_rundir(arun, dest_name) elif is_fastqdir(arun): move_fastqdir(arun, dest_name) else: L.error("Not a valid run dir or fastq dir {}".format(arun)) def is_rundir(somedir): """Run dirs have pipeline/output symlink. """ return os.path.islink(os.path.join(somedir, 'pipeline', 'output')) def is_fastqdir(somedir): """Fasqdata dirs have a rundata symlink. """ return os.path.islink(os.path.join(somedir, 'rundata')) def move_rundir(arun, dest_name): """Given a run and a destination, move it. The pipeline/output and pipeline/output/rundata symlinks will be fixed. """ # This should be already done by the caller. Doing it here is problematic for # dry runs where the directory may in fact not exist! #dest_name = os.path.realpath(dest_name) # Read the pipeline/output symlink. This may be a relative link so we always # convert it to an absolute link by putting it through os.path.realpath() output_link = os.path.join(arun, 'pipeline', 'output') output_link_dest = os.readlink(output_link) output_link_abs = os.path.realpath(output_link) if not os.path.isdir(output_link_abs): # The link is broken. So we'll not touch it. L.warning("{} link is invalid. Will not modify links.".format(output_link)) output_link_abs = None else: # rundata_link needs to be the real path of the link (as opposed to the real path of # where the link points!) rundata_link = os.path.join(output_link_abs, 'rundata') rundata_link_dest = os.readlink(rundata_link) rundata_link_abs = os.path.realpath(rundata_link) # Now the rundata_link should point back to arun or we're in trouble! if not rundata_link_abs == os.path.realpath(arun): L.error("{} link does not point back to {}".format(rundata_link, arun)) return # OK we're ready to move the run L.info("shutil.move({!r}, {!r})".format(arun, dest_name)) if not DRY_RUN: shutil.move(arun, dest_name) # And this changes where the output link is output_link = os.path.join(dest_name, 'pipeline', 'output') if output_link_abs and output_link_abs != output_link_dest: L.warning("Converting pipeline/output link to an absolute path") L.info("os.symlink({!r}, {!r})".format(output_link_abs, output_link)) if not DRY_RUN: os.unlink(output_link) os.symlink(output_link_abs, output_link) # And finally, rundata_link must change unless output_link was dangling. if output_link_abs: L.info("os.symlink({!r}, {!r})".format(dest_name, rundata_link)) if not DRY_RUN: os.unlink(rundata_link) os.symlink(dest_name, rundata_link) L.info("Renamed {} to {}{}".format(arun, dest_name, " [DRY_RUN]" if DRY_RUN else "")) TALLIES['runs'] += 1 # Note - I could abstract this function and avoid copy-paste but it would be a lot less legible. def move_fastqdir(afqd, dest_name): """Given a fastqdata directory and a destination, move it. The rundata/pipeline/output and rundata symlinks will be fixed. """ # This should be already done by the caller. dest_name = os.path.realpath(dest_name) # Read the rundata symlink. This may be a relative link so we always # convert it to an absolute link by putting it through os.path.realpath() rundata_link = os.path.join(afqd, 'rundata') rundata_link_dest = os.readlink(rundata_link) rundata_link_abs = os.path.realpath(rundata_link) if not os.path.isdir(rundata_link_abs): # The link is broken. So we'll not touch it. L.warning("{} link is invalid. Will not modify links.".format(rundata_link)) rundata_link_abs = None else: # output_link needs to be the real path of the link (as opposed to the real path of # where the link points!) output_link = os.path.join(rundata_link_abs, 'pipeline', 'output') output_link_dest = os.readlink(output_link) output_link_abs = os.path.realpath(output_link) # Now the output_link should point back to afqd or we're in trouble! if not output_link_abs == os.path.realpath(afqd): L.error("{} link does not point back to {}".format(output_link, afqd)) return # OK we're ready to move the run L.info("shutil.move({!r}, {!r})".format(afqd, dest_name)) if not DRY_RUN: shutil.move(afqd, dest_name) # And this changes where the rundata link is rundata_link = os.path.join(dest_name, 'rundata') if rundata_link_abs and rundata_link_abs != rundata_link_dest: L.warning("Converting rundata link to an absolute path") L.info("os.symlink({!r}, {!r})".format(rundata_link_abs, rundata_link)) if not DRY_RUN: os.unlink(rundata_link) os.symlink(rundata_link_abs, rundata_link) # And finally, output_link must change unless rundata_link was dangling. if rundata_link_abs: L.info("os.symlink({!r}, {!r})".format(dest_name, output_link)) if not DRY_RUN: os.unlink(output_link) os.symlink(dest_name, output_link) L.info("Renamed {} to {}{}".format(afqd, dest_name, " [DRY_RUN]" if DRY_RUN else "")) TALLIES['fastqdirs'] += 1 def rebatch_main(args): """Performs a batch of move_rundir operations to reflact a desired PROM_RUNS_BATCH mode. Rebatching always happens in the CWD. """ runglobs = dict( year = '0000/00000000_*/', month = '0000-00/00000000_*/', none = '00000000_*/' ) # We need to search for directoried matching patterns other than args.mode scanglobs = [ v.replace('0', '[0-9]') for k, v in runglobs.items() if k != args.mode ] # Now actually look for candidates to rename. runs_found = [ d for p in scanglobs for d in glob(p) ] L.debug("{} directories match the glob patterns {}".format(len(runs_found), scanglobs)) runs_found = [ d for d in runs_found if is_rundir(d) ] L.debug("{} of these look like actual runs".format(len(runs_found))) if not runs_found: L.error("Nothing suitable found to rebatch.") return all_run_bases = set() for arun in runs_found: # See where it is now. run_base, run_name = os.path.split(arun) # Work out where it belongs. subdir = dict( year = '{}'.format(run_name[0:4]), month = '{}-{}'.format(run_name[0:4], run_name[4:6]), none = '' )[args.mode] # Remember the run base for later if run_base: all_run_bases.add(run_base) # Make a home for it if subdir: try: if not DRY_RUN: os.mkdir(subdir) L.debug("Created subdir {}".format(subdir)) except OSError: # Presumably it exists pass # Finally move the thing. dest_name = os.path.join(os.path.realpath('.'), subdir, run_name) move_rundir(arun, dest_name) # After renaming all, clean empty directories. for d in all_run_bases: try: if not DRY_RUN: os.rmdir(d) L.debug("Removed now-empty directory {}".format(d)) except OSError: # Probably not empty. pass def parse_args(*args): description = """Moves a Hesiod rundir or fastqdir, or else bulk moves all directories to an alternative PROM_RUNS_BATCH mode. """ parser = ArgumentParser( description=description, formatter_class = ArgumentDefaultsHelpFormatter ) sparsers = parser.add_subparsers() # mv mode parser_mv = sparsers.add_parser('mv', help="Move a rundir or fastqdir") parser_mv.add_argument('-t', '--to_dir', default='.') parser_mv.add_argument('runs', nargs='+') parser_mv.set_defaults(func=mv_main) # as suggested in the docs. parser_rebatch = sparsers.add_parser('rebatch', help="Rebatch all rundirs in CWD") parser_rebatch.add_argument('mode', choices='year month none'.split()) parser_rebatch.set_defaults(func=rebatch_main) parser.add_argument("-d", "--debug", action="store_true", help="Print more verbose debugging messages.") parser.add_argument("-n", "--no_act", action="store_true", help="Dry run only.") return parser.parse_args(*args) if __name__ == "__main__": main(parse_args())
37.900709
96
0.625561
0
0
0
0
0
0
0
0
4,103
0.383888
a9386e5cb5a9cdff5dcde3ebc831677dfecb0b4f
1,478
py
Python
run.py
pacyu/visualize
0f5523ea5181af7972abb2534bb0fa8af0519125
[ "MIT" ]
5
2020-03-01T09:24:57.000Z
2020-10-14T07:52:22.000Z
run.py
yomikochan/visualize
0f5523ea5181af7972abb2534bb0fa8af0519125
[ "MIT" ]
null
null
null
run.py
yomikochan/visualize
0f5523ea5181af7972abb2534bb0fa8af0519125
[ "MIT" ]
5
2020-02-28T14:57:25.000Z
2020-10-14T07:59:34.000Z
import audio_visual import argparse import sys if __name__ == "__main__": parser = argparse.ArgumentParser(prog='Audio visualization', conflict_handler='resolve') parser.add_argument('-e', '--effect', help='visualization effect: 1d or 2d or 3d') parser.add_argument('-f', '--filename', type=str, help='play audio file') parser.add_argument('-r', '--playback-rate', type=float, help='Specify the playback rate.(e.g. 1.2)', default=1.) parser.add_argument('-d', '--delay', type=float, help='Specify the delay time to play the animation.(unit second)', default=4) cmd = parser.parse_args(sys.argv[1:]) parser.print_help() run = audio_visual.AudioVisualize(filename=cmd.filename, rate=cmd.playback_rate, delay=cmd.delay) if cmd.effect == '1' or cmd.effect == '1d' or cmd.effect == '1D': if cmd.filename: run.music_visualize_1d() else: run.audio_visualize_1d() elif cmd.effect == '2' or cmd.effect == '2d' or cmd.effect == '2D': if cmd.filename: run.music_visualize_2d() else: run.audio_visualize_2d() elif cmd.effect == '3' or cmd.effect == '3d' or cmd.effect == '3D': if cmd.filename: run.music_visualize_3d() else: run.audio_visualize_1d()
38.894737
101
0.56157
0
0
0
0
0
0
0
0
290
0.196211
a9396c4b2a5db6f805687ea1be44d44fa3d0fd9d
1,091
py
Python
feeds/tasks.py
ralphqq/rss-apifier
cd056654abf24fd178f1e5d8661cafcb3cc1236b
[ "MIT" ]
null
null
null
feeds/tasks.py
ralphqq/rss-apifier
cd056654abf24fd178f1e5d8661cafcb3cc1236b
[ "MIT" ]
5
2020-06-06T01:01:48.000Z
2021-09-22T18:16:22.000Z
feeds/tasks.py
ralphqq/rss-apifier
cd056654abf24fd178f1e5d8661cafcb3cc1236b
[ "MIT" ]
null
null
null
import logging from celery import shared_task from .models import Feed @shared_task(name='fetch-entries') def fetch_entries(): """Fetches and saves all new entries for each RSS feed in the db. Returns: int: count of all RSS entries successfully saved """ logging.info('Fetching new RSS entries') feeds = Feed.objects.all() if feeds.exists(): logging.info(f'Found {feeds.count()} total RSS feeds to process') total_entries_saved = 0 for feed in feeds: try: entries_saved = feed.update_feed_entries() except Exception as e: logging.error(e) else: logging.info( f'Saved {entries_saved} new entries from {feed.link}' ) total_entries_saved += entries_saved logging.info(f'Processed and saved a total of {total_entries_saved} new RSS Entries') return total_entries_saved else: logging.warning('No RSS feeds found in the database')
28.710526
94
0.590284
0
0
0
0
1,007
0.923006
0
0
400
0.366636
a93a4d9b6bed301ebae7d372b616b0296d0f4625
6,816
py
Python
library/tetration_application_query.py
chrivand/ansible-module
219b14e1219b97c181a9ec8bf3e2bc35702b0cb7
[ "MIT" ]
6
2021-03-18T19:27:03.000Z
2021-09-10T10:26:15.000Z
library/tetration_application_query.py
chrivand/ansible-module
219b14e1219b97c181a9ec8bf3e2bc35702b0cb7
[ "MIT" ]
3
2021-04-06T07:30:40.000Z
2021-04-29T17:00:29.000Z
library/tetration_application_query.py
chrivand/ansible-module
219b14e1219b97c181a9ec8bf3e2bc35702b0cb7
[ "MIT" ]
4
2021-04-02T10:08:15.000Z
2021-11-16T01:26:28.000Z
ANSIBLE_METADATA = { 'metadata_version': '1.1', 'status': ['preview'], 'supported_by': 'community' } DOCUMENTATION = ''' --- module: tetration_application_query short_description: Search the application api for scope id's or details version_added: '2.9' description: - "Search the Application API by a variety of methods to find existing scopes" options: app_id: description: - Return details of the exact App ID - Mutually exclusive with all other search parameters - When searching by App ID will not populate the objects search parameter required: false type: string app_name: description: - Return all applications with this value in its name - Mutually exclusive with C(app_id) required: false type: string is_primary: description: - Return all applications that are either primary or not primary - Leave blank to not search on this value - Mutually exclusive with C(app_id) required: false type: boolean is_enforcing: description: - Return all applications that are enforcing - Leave blank to not search on this value - Mutually exclusive with C(app_id) required: false type: boolean return_details: description: - When true, returns all details for the matched app scope id required: false default: false type: boolean extends_documentation_fragment: tetration_doc_common notes: - Requires the `requests` Python module. requirements: - requests - 'Required API Permission(s): app_policy_management' author: - Joe Jacobs(@joej164) ''' EXAMPLES = ''' # pass in a message and have changed true - name: Search for all applications tetration_application_query: provider: "{{ provider_info }}" - name: Search for an application by Application ID and return all details tetration_application_query: app_id: 123abc return_details: true provider: "{{ provider_info }}" - name: Search for object with a value in the name and that are primary and enforcing tetration_application_query: app_name: partial is_primary: true is_enforcing: true provider: "{{ provider_info }}" ''' RETURN = ''' object: contains: alternate_query_mode: description: - Indicates if ‘dynamic mode’ is used for the application. - In the dynamic mode, an ADM run creates one or more candidate queries for each cluster. sample: false type: boolean app_scope_id: description: ID of the scope assigned to the application. sample: 5ed69642755f027a324bd922 type: string author: description: First and last name of the user who created the application. sample: John Doe type: string created_at: description: Unix timestamp of when the application was created. sample: 1591121474 type: int description: description: User specified description of the application. sample: The application description type: string enforced_version: description: The enforced p* version of the application. sample: 0 type: int enforcement_enabled: description: Indicates if enforcement is enabled on the application sample: true type: boolean id: description: A unique identifier for the application. sample: 5ed69642755f027a324bd922 type: string latest_adm_version: description: The latest adm (v*) version of the application. sample: 0 type: int name: description: User specified name of the application. sample: Application Name type: string primary: description: Indicates if the application is primary for its scope. sample: true type: boolean description: the first object found in the array returned: when an item is found type: complex objects: description: an array of all objects found returned: when an item is found, otherwise is empty, also empty when searching by id type: list of object items_found: description: Number of items found when searching returned: always type: int ''' from ansible.module_utils.basic import AnsibleModule from ansible.module_utils.tetration_constants import TETRATION_API_APPLICATIONS from ansible.module_utils.tetration_constants import TETRATION_PROVIDER_SPEC from ansible.module_utils.tetration import TetrationApiModule def run_module(): # define available arguments/parameters a user can pass to the module module_args = dict( app_id=dict(type='str', required=False), app_name=dict(type='str', required=False), is_primary=dict(type='bool', required=False), is_enforcing=dict(type='bool', required=False), return_details=dict(type='bool', required=False, default=False), provider=dict(type='dict', options=TETRATION_PROVIDER_SPEC) ) result = { 'changed': False, 'object': {}, 'objects': [], 'items_found': 0 } module = AnsibleModule( argument_spec=module_args, mutually_exclusive=[ ['app_id', 'app_name'], ['app_id', 'is_primary'], ['app_id', 'is_enforcing'], ] ) tet_module = TetrationApiModule(module) if module.params['app_id']: route = f"{TETRATION_API_APPLICATIONS}/{module.params['app_id']}" if module.params['return_details']: route = f"{route}/details" app_response = tet_module.run_method('GET', route) result['object'] = app_response if app_response: result['items_found'] = 1 else: all_apps_response = tet_module.run_method('GET', TETRATION_API_APPLICATIONS) for app in all_apps_response: if module.params['app_name'] and module.params['app_name'] not in app['name']: continue if module.params['is_primary'] is not None and module.params['is_primary'] != app['primary']: continue if module.params['is_enforcing'] is not None and module.params['is_enforcing'] != app['enforement_enabled']: continue if module.params['return_details']: route = f"{TETRATION_API_APPLICATIONS}/{app['id']}/details" details = tet_module.run_method('GET', route) result['objects'].append(details) else: result['objects'].append(app) result['items_found'] = len(result['objects']) if result['objects']: result['object'] = result['objects'][0] module.exit_json(**result) def main(): run_module() if __name__ == '__main__': main()
30.841629
120
0.657424
0
0
0
0
0
0
0
0
4,763
0.698387
a93c706774e1f4d0d457d316c78682d027154d47
3,831
py
Python
payjp/test/helper.py
payjp/payjp-python
994b16addd8327781eb936eca60d1abe7f7c7819
[ "MIT" ]
15
2015-09-13T14:40:48.000Z
2021-04-29T15:21:13.000Z
payjp/test/helper.py
payjp/payjp-python
994b16addd8327781eb936eca60d1abe7f7c7819
[ "MIT" ]
9
2015-09-07T07:57:20.000Z
2020-12-14T07:11:59.000Z
payjp/test/helper.py
payjp/payjp-python
994b16addd8327781eb936eca60d1abe7f7c7819
[ "MIT" ]
10
2015-09-07T07:56:09.000Z
2020-05-22T12:43:21.000Z
import datetime import json import os import random import re import string import unittest from mock import patch, Mock from six import string_types import payjp NOW = datetime.datetime.now() DUMMY_CARD = { 'number': '4242424242424242', 'exp_month': NOW.month, 'exp_year': NOW.year + 4 } DUMMY_CHARGE = { 'amount': 100, 'currency': 'jpy', 'card': DUMMY_CARD } DUMMY_PLAN = { 'amount': 2000, 'interval': 'month', 'name': 'Amazing Gold Plan', 'currency': 'jpy', 'id': ('payjp-test-gold-' + ''.join(random.choice(string.ascii_lowercase) for x in range(10))) } DUMMY_TRANSFER = { 'amount': 400, 'currency': 'jpy', 'recipient': 'self' } class PayjpTestCase(unittest.TestCase): RESTORE_ATTRIBUTES = ('api_version', 'api_key', 'max_retry', 'retry_initial_delay', 'retry_max_delay') def setUp(self): super(PayjpTestCase, self).setUp() self._payjp_original_attributes = {} for attr in self.RESTORE_ATTRIBUTES: self._payjp_original_attributes[attr] = getattr(payjp, attr) api_base = os.environ.get('PAYJP_API_BASE') if api_base: payjp.api_base = api_base payjp.api_key = os.environ.get( 'PAYJP_API_KEY', 'sk_test_c62fade9d045b54cd76d7036') def tearDown(self): super(PayjpTestCase, self).tearDown() for attr in self.RESTORE_ATTRIBUTES: setattr(payjp, attr, self._payjp_original_attributes[attr]) # Python < 2.7 compatibility def assertRaisesRegexp(self, exception, regexp, callable, *args, **kwargs): try: callable(*args, **kwargs) except exception as err: if regexp is None: return True if isinstance(regexp, string_types): regexp = re.compile(regexp) if not regexp.search(str(err)): raise self.failureException('"%s" does not match "%s"' % (regexp.pattern, str(err))) else: raise self.failureException( '%s was not raised' % (exception.__name__,)) class PayjpUnitTestCase(PayjpTestCase): REQUEST_LIBRARIES = ['requests'] def setUp(self): super(PayjpUnitTestCase, self).setUp() self.request_patchers = {} self.request_mocks = {} for lib in self.REQUEST_LIBRARIES: patcher = patch("payjp.http_client.%s" % (lib,)) self.request_mocks[lib] = patcher.start() self.request_patchers[lib] = patcher def tearDown(self): super(PayjpUnitTestCase, self).tearDown() for patcher in self.request_patchers.values(): patcher.stop() class PayjpApiTestCase(PayjpTestCase): def setUp(self): super(PayjpApiTestCase, self).setUp() self.requestor_patcher = patch('payjp.api_requestor.APIRequestor') self.requestor_class_mock = self.requestor_patcher.start() self.requestor_mock = self.requestor_class_mock.return_value def tearDown(self): super(PayjpApiTestCase, self).tearDown() self.requestor_patcher.stop() def mock_response(self, res): self.requestor_mock.request = Mock(return_value=(res, 'reskey')) class MyResource(payjp.resource.APIResource): pass class MyListable(payjp.resource.ListableAPIResource): pass class MyCreatable(payjp.resource.CreateableAPIResource): pass class MyUpdateable(payjp.resource.UpdateableAPIResource): pass class MyDeletable(payjp.resource.DeletableAPIResource): pass class MyComposite(payjp.resource.ListableAPIResource, payjp.resource.CreateableAPIResource, payjp.resource.UpdateableAPIResource, payjp.resource.DeletableAPIResource): pass
25.711409
106
0.640825
3,097
0.808405
0
0
0
0
0
0
488
0.127382
a93f9ae56030b3bb1d933321fd043f4b7c020edb
2,473
py
Python
sublime-text-3/Packages/CommandOnSave/CommandOnSave.py
lvancrayelynghe/dotfiles
6cbf95368f18d26adc3520b4223157a0ed6acebc
[ "MIT" ]
17
2019-03-25T23:43:40.000Z
2022-03-08T17:56:06.000Z
sublime-text-3/Packages/CommandOnSave/CommandOnSave.py
pection/dotfiles
b93759598a601833b14d87fc38ff034f027faea0
[ "MIT" ]
null
null
null
sublime-text-3/Packages/CommandOnSave/CommandOnSave.py
pection/dotfiles
b93759598a601833b14d87fc38ff034f027faea0
[ "MIT" ]
6
2019-03-20T18:17:22.000Z
2020-12-11T04:38:22.000Z
import sublime import sublime_plugin import subprocess import re import time import threading class CommandOnSave(sublime_plugin.EventListener): def __init__(self): self.timeout = 2 self.timer = None def cancel_timer(self): if self.timer != None: self.timer.cancel() def start_timer(self): self.timer = threading.Timer(self.timeout, self.clear) self.timer.start() def clear(self): print("Command on Save Cleared") self.timer = None def on_post_save(self, view): view.erase_status('command_on_save') settings = sublime.load_settings('CommandOnSave.sublime-settings').get('commands') enabled = sublime.load_settings('CommandOnSave.sublime-settings').get('enabled') file = view.file_name() if self.timer == None and not settings == None and not enabled == None and enabled == True: for path in settings.keys(): commands = settings.get(path) match = re.match(path, file, re.M|re.I) if match and len(commands) > 0: print("Command on Save:") for command in commands: p = subprocess.Popen([command], shell=True, stdout=subprocess.PIPE) out, err = p.communicate() print (command) print (out.decode('utf-8')) self.start_timer() class ToggleCommandOnSave(sublime_plugin.ApplicationCommand): def __init__(self): self.timeout = 3 self.timer = None def run(self): settings = sublime.load_settings("CommandOnSave.sublime-settings") value = True if settings.get("enabled", True) != True else False if value: sublime.active_window().active_view().set_status('command_on_save', "[Command on Save Enabled]") else: sublime.active_window().active_view().set_status('command_on_save', "[Command on Save Disabled]") settings.set("enabled", value) self.start_timer() # sublime.save_settings("CommandOnSave.sublime-settings") def cancel_timer(self): if self.timer != None: self.timer.cancel() def start_timer(self): self.timer = threading.Timer(self.timeout, self.clear) self.timer.start() def clear(self): sublime.active_window().active_view().erase_status("command_on_save")
34.830986
109
0.608573
2,375
0.960372
0
0
0
0
0
0
363
0.146785
a9413ba0562d76a3686a4648b8027621dd78c41b
2,736
py
Python
src/erb/_parse.py
lyy289065406/pyyaml-erb
e0723bda98fae97c3cfeb1e9377821bd88f7ea2d
[ "MIT" ]
null
null
null
src/erb/_parse.py
lyy289065406/pyyaml-erb
e0723bda98fae97c3cfeb1e9377821bd88f7ea2d
[ "MIT" ]
null
null
null
src/erb/_parse.py
lyy289065406/pyyaml-erb
e0723bda98fae97c3cfeb1e9377821bd88f7ea2d
[ "MIT" ]
null
null
null
#!/usr/bin/env python # -*- coding: utf-8 -*- # @Author : EXP # ----------------------------------------------- import os import re import numbers def _parse_dict(conf_dict) : ''' 递归解析字典值中的表达式 :param conf_dict: 原始配置字典 :return: 解析表达式后的配置字典 ''' result_dict = {} for key, val in conf_dict.items() : if isinstance(val, dict) : result_dict[key] = _parse_dict(val) elif isinstance(val, list) : result_list = [] for v in val : result_list.append(_parse_expression(v)) result_dict[key] = result_list else: result_dict[key] = _parse_expression(val) return result_dict def _parse_expression(expression) : ''' 解析表达式 :param expression: 表达式,格式形如 <%= ENV['JAVA_OME'] || 'default' %> :return: 解析表达式后的值 ''' if expression is None or \ isinstance(expression, numbers.Number) or \ isinstance(expression, dict) : return expression value = None mth0 = re.search(r'^<%=(.+)%>$', expression.strip()) if mth0 : vals = re.split(r' \|\| | or ', mth0.group(1)) for val in vals : val = val.strip() mth1 = re.search(r'^ENV\[(.+)\]$', val) mth2 = re.search(r'^\$\{(.+)\}$', val) if mth1 : value = value or _parse_environment(mth1.group(1)) elif mth2 : value = value or _parse_environment(mth2.group(1)) else : value = value or _parse_text(val) else : value = _parse_text(expression) return value def _parse_environment(variable) : ''' 解析环境变量 :param variable: 环境变量 :return: 环境变量的值 ''' env_key = _remove_quotes(variable) return os.getenv(env_key) def _parse_text(text) : ''' 解析文本(若是数字类型会自动转换) :param text: 文本 :return: 文本值 ''' mth = re.search(r'^(\d+\.\d+)$', text) if mth : val = float(mth.group(1)) else : mth = re.search(r'^(\d+)$', text) if mth : val = int(mth.group(1)) else : val = _remove_quotes(text) if val is not None and isinstance(val, str) : if val.lower() == 'none' or val.lower() == 'null' or val.lower() == 'nil' : val = None elif val.lower() == 'true' : val = True elif val.lower() == 'false' : val = False return val def _remove_quotes(text) : ''' 移除文本两端的引号(双引号或单引号) :param text: 文本 :return: 文本 ''' if text == '""' or text == "''" : text = '' else : mth = re.search(r'^[\'"](.+)["\']$', text) if mth : text = mth.group(1) return text
23.186441
83
0.50402
0
0
0
0
0
0
0
0
872
0.294993
a9420e4c78acda83f196da1eaae00337d68d7f90
132
py
Python
docs/src/mkautodoc/__init__.py
kabirkhan/spacy-data-debug
5df124d5520d5eb9bbdcd45943e325e07ed2aed2
[ "MIT" ]
null
null
null
docs/src/mkautodoc/__init__.py
kabirkhan/spacy-data-debug
5df124d5520d5eb9bbdcd45943e325e07ed2aed2
[ "MIT" ]
null
null
null
docs/src/mkautodoc/__init__.py
kabirkhan/spacy-data-debug
5df124d5520d5eb9bbdcd45943e325e07ed2aed2
[ "MIT" ]
null
null
null
from .extension import MKAutoDocExtension, makeExtension __version__ = "0.1.0" __all__ = ["MKAutoDocExtension", "makeExtension"]
18.857143
56
0.772727
0
0
0
0
0
0
0
0
42
0.318182
a9440e6319530ec77d36ca44c2d10c5d28d16894
3,227
py
Python
pullintradayprices.py
rtstock/rtstock4
040b3409cfb022767dde467578f359210a689512
[ "MIT" ]
null
null
null
pullintradayprices.py
rtstock/rtstock4
040b3409cfb022767dde467578f359210a689512
[ "MIT" ]
null
null
null
pullintradayprices.py
rtstock/rtstock4
040b3409cfb022767dde467578f359210a689512
[ "MIT" ]
null
null
null
#!/usr/bin/env python """ Retrieve intraday stock data from Google Finance. """ import csv import datetime import re import pandas as pd import requests def intradaystockprices(ticker, period=60, days=1): """ Retrieve intraday stock data from Google Finance. Parameters ---------- ticker : str Company ticker symbol. period : int Interval between stock values in seconds. days : int Number of days of data to retrieve. Returns ------- df : pandas.DataFrame DataFrame containing the opening price, high price, low price, closing price, and volume. The index contains the times associated with the retrieved price values. """ #import pytz #localtz = pytz.timezone('America/Los_Angeles') uri = 'https://finance.google.com/finance/getprices?q={ticker}&x=&p={days}d&i={period}&f=d,c,o,h,l,v'.format( ticker=ticker, period=str(period), days=str(days) ) ## uri = 'http://www.google.com/finance/getprices?i={period}&p={days}d&f=d,o,h,l,c,v&df=cpct&q={ticker}'.format( ## ticker=ticker, ## period=period, ## days=days ## ) #uri= 'http://www.google.com/finance/getprices?q=GOOG&x=NASD&i=86400&p=40Y&f=d,c,v,k,o,h,l&df=cpct&auto=0&ei=Ef6XUYDfCqSTiAKEMg' #uri= 'http://www.google.com/finance/getprices?q=MSFT&x=&i=86400&p=3d&f=d,c,v,k,o,h,l&df=cpct&auto=0&ei=Ef6XUYDfCqSTiAKEMg' #uri = 'https://finance.google.com/finance/getprices?q=BX&x=&p=1d&i=60&f=d,c,o,h,l,v' page = requests.get(uri) #print uri reader = csv.reader(page.content.splitlines()) columns = ['Open', 'High', 'Low', 'Close', 'Volume'] rows = [] times = [] for row in reader: #print row if re.match('^[a\d]', row[0]): if row[0].startswith('a'): start = datetime.datetime.fromtimestamp(int(row[0][1:])) times.append(start) else: times.append(start+datetime.timedelta(seconds=period*int(row[0]))) rows.append(map(float, row[1:])) if len(rows): df_final = pd.DataFrame(rows, index=pd.DatetimeIndex(times, name='Date'),columns=columns) #return pd.DataFrame(rows, index=pd.DatetimeIndex(times, name='Date'),columns=columns) else: df_final = pd.DataFrame(rows, index=pd.DatetimeIndex(times, name='Date')) #return pd.DataFrame(rows, index=pd.DatetimeIndex(times, name='Date')) df_final['Ticker']=ticker df_final.sort_index(inplace=True) return df_final if __name__=='__main__': df = intradaystockprices(ticker='BX',period=60, days=1) print df
40.3375
132
0.515029
0
0
0
0
0
0
0
0
1,795
0.556244
a946ab769d869df40935f6c4d6219757e390f7ee
1,750
py
Python
auto/lookup.py
ggicci/fuck-leetcode
45b488530b9dbcc8b7c0b90160ea45b1ab4f8475
[ "MIT" ]
null
null
null
auto/lookup.py
ggicci/fuck-leetcode
45b488530b9dbcc8b7c0b90160ea45b1ab4f8475
[ "MIT" ]
null
null
null
auto/lookup.py
ggicci/fuck-leetcode
45b488530b9dbcc8b7c0b90160ea45b1ab4f8475
[ "MIT" ]
null
null
null
#!/usr/bin/env python import os import sys import json from argparse import ArgumentParser ROOT = os.path.dirname(os.path.abspath(__file__)) DB_FILE = os.path.join(ROOT, 'problems.json') def parse_args(): """Parse CLI tool options. """ parser = ArgumentParser() parser.add_argument('problem_id', type=int) parser.add_argument('--field', type=str, help='extract field value') parser.add_argument('--markdown', type=bool, default=False, help='print markdown content') parser.add_argument('--context', type=str, help='additional context to lookup') return parser.parse_args() def lookup(problem_id: int, context: str = None): if context: # Find in context first. obj = json.loads(context) if int(obj.get('id', -1)) == problem_id: return obj with open(DB_FILE, 'r') as f: problems = json.load(f) index = {int(x['id']): x for x in problems} return index.get(problem_id) def main(): opts = parse_args() problem = lookup(opts.problem_id, context=opts.context) if not problem: sys.exit('Problem Not Found') # Add field "url" to problem. problem['url'] = f'https://leetcode.com/problems/{problem["slug"]}/' if opts.field: # Print field value only. value = problem.get(opts.field) if value is None: sys.exit('Field Not Found') print(value) return if opts.markdown is True: print(f'[{problem["id"]} - {problem["title"]}]({problem["url"]})') return print(json.dumps(problem, indent=4)) if __name__ == '__main__': main()
25
74
0.582286
0
0
0
0
0
0
0
0
439
0.250857
a9470a504b0eced5d1fe21002e68de978c63f971
6,789
py
Python
src/application/dungeon.py
meteoric-minks/code-jam
b094350176e54d873a04a483dc37d70533013c37
[ "MIT" ]
1
2021-07-09T14:41:12.000Z
2021-07-09T14:41:12.000Z
src/application/dungeon.py
meteoric-minks/code-jam
b094350176e54d873a04a483dc37d70533013c37
[ "MIT" ]
null
null
null
src/application/dungeon.py
meteoric-minks/code-jam
b094350176e54d873a04a483dc37d70533013c37
[ "MIT" ]
null
null
null
from __future__ import annotations # Fixes an issue with some annotations from .ascii_box import Light, LineChar from .ascii_drawing import DrawingChar class Item: """Represents an item within a Room.""" def __init__(self, x: int, y: int, c: DrawingChar, interact: bool = False): self.x, self.y = x, y # Coords relative to room self.char = c self.interact = False def __repr__(self): return "<Item '{}' at {}, {}>".format(self.char, self.x, self.y) def command(self) -> None: """Command to run when interacted with""" pass class Room: """Represents a single room in a dungeon.""" def __init__(self, x: int, # Coords of Top Left y: int, width: int = 10, # Width and Height height: int = 6, c: LineChar = Light, # Which drawing chars to use ): self.x, self.y = x, y self.width, self.height = width, height self.char = c self.items = [] def __repr__(self): return "<Room of size {}x{} at {}, {}>".format(self.width, self.height, self.x, self.y) def add_item(self, item: Item) -> None: """Add an item to the room""" if 0 < item.x < self.width - 1 and 0 < item.y < self.height - 1: # Ensure item is within room self.items.append(item) else: raise ValueError("Item {} is not within Room {}".format(item, self)) def intersects(self, x0: int, y0: int, x1: int, y1: int) -> bool: """Calculate if the room intersects some box. Will be used to check if the room should be rendered at a given time. x0,y0 will represent the top left, x1,y1 represents the bottom right. Note: this is inclusive, i.e. if the rectantangles only touch it is still counted as intersecting. """ if ( (x0 > (self.x + self.width)) # Box is to the right of room or (self.x > x1) # Room is to the right of box ): return False elif ( (y0 > (self.y + self.height)) # Box is below room or (self.y > y1) # Room is below box ): return False else: # If none of these conditions are true, they must overlap return True def render(self) -> list[str]: """Will return a rendered box of the room and should include anything within the room. Returns a list of one-line strings. Returning a list will make it much easier to add spaces on the left so it can be rendered in the correct place on the screen. """ # Start with a blank 2D list # Lists are much easier to work with since individual items can be set, unlike strings image = [[" " for x in range(self.width)] for y in range(self.height)] # Top and bottom row image[0][0] = self.char.DownRight.value image[0][-1] = self.char.DownLeft.value image[-1][0] = self.char.UpRight.value image[-1][-1] = self.char.UpLeft.value for n in range(1, self.width - 1): image[0][n] = self.char.Horizontal.value image[-1][n] = self.char.Horizontal.value # Sides for n in range(1, self.height - 1): image[n][0] = self.char.Vertical.value image[n][-1] = self.char.Vertical.value # Add items for item in self.items: image[item.y][item.x] = item.char.value # Join rows image = list(map(lambda x: "".join(x), image)) return image class Dungeon: """Represents an entire dungeon. A single instance will likely represent either the world or a single level. """ def __init__(self): self.rooms = [] def add_room(self, room: Room) -> None: """Adds a room to the dungeon.""" self.rooms.append(room) def set_character(self, char: Character) -> None: """Sets the dungeon's character.""" self.character = char def render(self, x0: int, # Coord, in the dungeon, of the top left of the screen y0: int, x1: int, # Coord, in the dungeon, of the bottom right of the screen y1: int, ) -> list[str]: """Renders the entire dungeon.""" result = [[" " for x in range(x1 - x0 + 1)] for y in range(y1 - y0 + 1)] # Use a list of lists for now # This makes it much easier to set specific locations in the output for r in self.rooms: if r.intersects(x0, y0, x1, y1): r_rend = r.render() x_offset = r.x - x0 y_offset = r.y - y0 if y_offset >= 0: ys = y_offset # Y Pos to start Drawing else: r_rend = r_rend[-y_offset:] ys = 0 if x_offset >= 0: xs = x_offset # X Pos to start drawing else: r_rend = list(map(lambda x: x[-x_offset:], r_rend)) xs = 0 for y in [y for y in range(len(r_rend)) if y + ys <= y1 - y0]: for x in [x for x in range(len(r_rend[0])) if x + xs <= x1 - x0]: result[y + ys][x + xs] = r_rend[y][x] result[self.character.y - y0][self.character.x - x0] = self.character.char.value result = list(map(lambda x: "".join(x), result)) return result def in_room(self, x: int, y: int) -> bool: """Will be used to check if the character is able to move to a given coordinate.""" results = [] for r in self.rooms: results.append(r.intersects(x, y, x, y)) return any(results) class Character: """Represents a movable character onscreen.""" directions = [ [0, -1], [1, 0], [0, 1], [-1, 0], ] def __init__(self, dungeon: Dungeon, x: int = 0, y: int = 0, c: DrawingChar = DrawingChar.Character): self.dungeon = dungeon self.x, self.y = x, y self.char = c def move(self, dir: int) -> None: """Move the character. Direction: 0=N, 1=E, 2=S, 3=W """ newx, newy = self.x + self.directions[dir][0], self.y + self.directions[dir][1] if self.dungeon.in_room(newx, newy): self.x, self.y = newx, newy def interact(self) -> None: """Interact with anything the player is on""" for r in self.dungeon.rooms: for i in r.items: if i.interact and i.x - 1 <= self.x <= i.x + 1 and i.x - 1 <= self.x <= i.x + 1: i.command()
32.328571
112
0.531153
6,623
0.975549
0
0
0
0
0
0
2,054
0.302548
a947b10cb0870e9e229f94e7dbdc49713a33eb91
1,216
py
Python
ntc103f397/ntc103f397.py
hhk7734/avr_proj
cb0c5c53af7eb8a0924f8c483a1a010be4b92636
[ "MIT" ]
null
null
null
ntc103f397/ntc103f397.py
hhk7734/avr_proj
cb0c5c53af7eb8a0924f8c483a1a010be4b92636
[ "MIT" ]
null
null
null
ntc103f397/ntc103f397.py
hhk7734/avr_proj
cb0c5c53af7eb8a0924f8c483a1a010be4b92636
[ "MIT" ]
null
null
null
import numpy as np import matplotlib.pyplot as plt # NTC103F397F datasheet d_T = np.array(np.arange(-40, 121, 5)) d_R = np.array([333.110, 240.704, 175.794, 129.707, 96.646, 72.691, 55.169, 42.234, 32.6, 25.364, 19.886, 15.705, 12.490, 10.0, 8.0584, 6.5341, 5.3297, 4.3722, 3.6065, 2.9906, 2.4925, 2.0875, 1.7565, 1.4848, 1.2605, 1.0746, 0.91983, 0.79042, 0.68178, 0.59020, 0.51271, 0.44690, 0.39080]) d_B = 3970 d_T0 = 273.15 + 25 d_R0 = 10 # B parameter equation b_T = 1/d_T0 - (1/d_B)*np.log(d_R0) + (1/d_B)*np.log(d_R) # Steinhart–Hart equation s_T = b_T + 0.000000254 * (np.log(d_R)**3) s_T = 1/s_T - 273.15 b_T = 1/b_T - 273.15 # B, SH plt.figure(1) plt.plot(d_T, d_R, label="datasheet", marker='*') plt.plot(b_T, d_R, label="B equ") plt.plot(s_T, d_R, label="SH equ") plt.yscale('log') plt.grid() plt.legend() plt.xlabel(r"$\degree C$") plt.ylabel(r"$k\Omega$") # find optimal resistan plt.figure(2) for R in [3, 5, 10, 20]: T_v = d_R*5/(R+d_R) plt.plot(d_T, T_v, label=r"{0} $k\Omega$".format(R)) plt.xticks(np.arange(-40, 121, 10)) plt.yticks(np.arange(0, 5.1, 0.2)) plt.grid() plt.xlabel(r"$\degree C$") plt.ylabel("V") plt.legend() plt.show()
26.434783
89
0.613487
0
0
0
0
0
0
0
0
195
0.160099
a94809d2a1b0b2d4efef4518fceb1a00c7233013
3,836
py
Python
math2/graph/graphs.py
AussieSeaweed/math2
9e83fa8a5a5d227d72fec1b08f6759f0f0f41fca
[ "MIT" ]
2
2021-03-29T03:15:57.000Z
2021-03-29T03:23:21.000Z
math2/graph/graphs.py
AussieSeaweed/math2
9e83fa8a5a5d227d72fec1b08f6759f0f0f41fca
[ "MIT" ]
1
2021-04-07T11:07:17.000Z
2021-04-07T11:07:17.000Z
math2/graph/graphs.py
AussieSeaweed/math2
9e83fa8a5a5d227d72fec1b08f6759f0f0f41fca
[ "MIT" ]
null
null
null
from abc import ABC, abstractmethod from collections import defaultdict from functools import partial from auxiliary import default class Edge: def __init__(self, u, v, *, weight=None, capacity=None): self.u = u self.v = v self.weight = weight self.capacity = capacity self.flow = 0 def invert(self): return Edge(self.v, self.u, weight=self.weight, capacity=self.capacity) def match(self, u, v): return default(u, self.u) == self.u and default(v, self.v) == self.v def other(self, vertex): if vertex == self.u: return self.v elif vertex == self.v: return self.u else: raise ValueError('The vertex is not one of the endpoints') def residual_capacity(self, vertex): if vertex == self.u: return self.flow elif vertex == self.v: return self.capacity - self.flow else: raise ValueError('The vertex is not one of the endpoints') def add_residual_capacity(self, vertex, delta): if vertex == self.u: self.flow -= delta elif vertex == self.v: self.flow += delta else: raise ValueError('The vertex is not one of the endpoints') class Graph(ABC): def __init__(self, directed=False): self.directed = directed self.__nodes = set() @property def nodes(self): return iter(self.__nodes) @property def node_count(self): return len(self.__nodes) def add(self, edge): self.__nodes.add(edge.u) self.__nodes.add(edge.v) @abstractmethod def edges(self, u=None, v=None): pass class EdgeList(Graph): def __init__(self, directed=False): super().__init__(directed) self.__edges = [] def add(self, edge): super().add(edge) self.__edges.append(edge) if not self.directed: self.__edges.append(edge.invert()) def edges(self, u=None, v=None): return (edge for edge in self.__edges if edge.match(u, v)) class AdjacencyMatrix(Graph): def __init__(self, directed=False): super().__init__(directed) self.__matrix = defaultdict(partial(defaultdict, list)) def add(self, edge): super().add(edge) self.__matrix[edge.u][edge.v].append(edge) if not self.directed: self.__matrix[edge.v][edge.u].append(edge.invert()) def edges(self, u=None, v=None): edges = [] if u is None and v is None: for adj_lists in self.__matrix.values(): for adj_list in adj_lists: edges.extend(adj_list) elif u is None: for adj_lists in self.__matrix.values(): edges.extend(adj_lists[v]) elif v is None: for adj_list in self.__matrix[u].values(): edges.extend(adj_list) else: edges = self.__matrix[u][v] return iter(edges) class AdjacencyLists(Graph): def __init__(self, directed=False): super().__init__(directed) self.__lists = defaultdict(list) def add(self, edge): super().add(edge) self.__lists[edge.u].append(edge) if not self.directed: self.__lists[edge.v].append(edge.invert()) def edges(self, u=None, v=None): if u is None and v is None: edges = [] for adj_list in self.__lists.values(): edges.extend(adj_list) return iter(edges) elif u is None: return (edge for edge in self.edges() if edge.match(None, v)) elif v is None: return iter(self.__lists[u]) else: return (edge for edge in self.edges(u) if edge.match(u, v))
25.573333
79
0.574035
3,688
0.961418
0
0
197
0.051356
0
0
120
0.031283
a9486ecd7a389e48b19a2604872a64308d6ffd50
216
py
Python
anasyspythontools/__init__.py
quiksand/anasys-pytools
50c21711c742d3201a72f9eab4986317b8590095
[ "MIT" ]
3
2019-11-05T16:44:45.000Z
2020-07-27T17:02:02.000Z
anasyspythontools/__init__.py
quiksand/anasys-pytools
50c21711c742d3201a72f9eab4986317b8590095
[ "MIT" ]
1
2018-05-30T15:44:02.000Z
2018-05-30T17:05:53.000Z
anasyspythontools/__init__.py
quiksand/anasys-pytools
50c21711c742d3201a72f9eab4986317b8590095
[ "MIT" ]
3
2019-02-21T13:11:27.000Z
2022-02-21T17:27:32.000Z
from . import anasysfile from . import anasysdoc from . import heightmap from . import irspectra from . import anasysio def read(fn): doc = anasysio.AnasysFileReader(fn)._doc return anasysdoc.AnasysDoc(doc)
21.6
44
0.759259
0
0
0
0
0
0
0
0
0
0
a948b58d4adf86897d648d15d474fef3166794ec
5,734
py
Python
src/models/test_ensemble.py
nybupt/athena
2808f5060831382e603e5dc5ec6a9e9d8901a3b2
[ "MIT" ]
null
null
null
src/models/test_ensemble.py
nybupt/athena
2808f5060831382e603e5dc5ec6a9e9d8901a3b2
[ "MIT" ]
8
2020-09-25T22:32:00.000Z
2022-02-10T01:17:17.000Z
src/models/test_ensemble.py
nybupt/athena
2808f5060831382e603e5dc5ec6a9e9d8901a3b2
[ "MIT" ]
1
2021-08-12T12:48:51.000Z
2021-08-12T12:48:51.000Z
import os import sys import time import numpy as np from sklearn.metrics import accuracy_score from utils.config import TRANSFORMATION from utils.ensemble import load_models, prediction, ensemble_defenses_util def testOneData( datasetFilePath, models, nClasses, transformationList, EnsembleIDs, trueLabels, useLogit=False ): accs = [] data = np.load(datasetFilePath) data = np.clip(data, 0, 1) # ensure its values inside [0, 1] print("Prediction...") rawPred, transTCs, predTCs = prediction(data, models, nClasses, transformationList) ensembleTCs = [] if not useLogit: # use probability for ensembleID in EnsembleIDs: print("Processing ensembleID {} using probability".format(ensembleID)) start_time = time.time() labels = ensemble_defenses_util(rawPred, ensembleID) ensembleTCs.append(time.time() - start_time) accs.append(round(accuracy_score(trueLabels, labels), 4)) else: # use logit and EnsembleID 2 ensembleID=2 print("Processing ensembleID {} using logit".format(ensembleID)) start_time = time.time() labels = ensemble_defenses_util(rawPred, ensembleID) ensembleTCs.append(time.time() - start_time) accs.append(round(accuracy_score(trueLabels, labels), 4)) return np.array(accs), np.array(transTCs), np.array(predTCs), np.array(ensembleTCs) BSLabelFP=sys.argv[1] samplesDir=sys.argv[2] modelsDir=sys.argv[3] AETypes = { "biml2": ["bim_ord2_nbIter100_eps1000", "bim_ord2_nbIter100_eps250", "bim_ord2_nbIter100_eps500"], "bimli":["bim_ordinf_nbIter100_eps100", "bim_ordinf_nbIter100_eps90", "bim_ordinf_nbIter100_eps75"], "cwl2":["cw_l2_lr350_maxIter100", "cw_l2_lr500_maxIter100", "cw_l2_lr700_maxIter100"], "dfl2":["deepfool_l2_overshoot20", "deepfool_l2_overshoot30", "deepfool_l2_overshoot50"], "fgsm":["fgsm_eps100", "fgsm_eps250", "fgsm_eps300"], "jsma":["jsma_theta30_gamma50", "jsma_theta50_gamma50", "jsma_theta50_gamma70"], "mim":["mim_eps20_nbIter1000", "mim_eps30_nbIter1000", "mim_eps50_nbIter1000"], "op":["onepixel_pxCount15_maxIter30_popsize100", "onepixel_pxCount30_maxIter30_popsize100", "onepixel_pxCount5_maxIter30_popsize100"], "pgd":["pgd_eps250", "pgd_eps100", "pgd_eps300"] } sampleSubDirs=[ "legitimates"#, "fgsm" #"biml2", "bimli", "cwl2", "dfl2" #"fgsm", "jsma", "mim", "op", "pgd" ] # (nSamples, <sample dimension>, nChannels) # (nClasses) trueLabelVec=np.load(BSLabelFP) trueLabels = np.argmax(trueLabelVec, axis=1) nClasses = trueLabelVec.shape[1] EnsembleIDs=[0,1,2,3] rows=0 cols=1+len(EnsembleIDs) if "legitimates" in sampleSubDirs: rows=1+3*(len(sampleSubDirs) - 1) else: rows=3*len(sampleSubDirs) accs = np.zeros((rows, cols)) modelFilenamePrefix="mnist-cnn" # dataset name and network architecture # include "clean" type: no transformation. # transformationList[0] is "clean" transformationList=TRANSFORMATION.supported_types() # remove "clean" because the correspondingly model will not be used in ensemble transformationList.remove("clean") nTrans = len(transformationList) transTCs_Prob = np.zeros((rows, nTrans)) transTCs_Logit = np.zeros((rows, nTrans)) predTCs_Prob = np.zeros((rows, nTrans)) predTCs_Logit = np.zeros((rows, nTrans)) ensembleTCs = np.zeros((rows, 5)) rowIdx=0 rowHeaders=[] AEFilenamePrefix="test_AE-mnist-cnn-clean" datasetFilePaths = [] for subDirName in sampleSubDirs: if subDirName == "legitimates": # BS datasetFilePaths.append( os.path.join(os.path.join(samplesDir, subDirName), "test_BS-mnist-clean.npy")) rowHeaders.append("BS") else: # AE AETags = AETypes[subDirName] for AETag in AETags: datasetFilePaths.append( os.path.join(os.path.join(samplesDir, subDirName), AEFilenamePrefix+"-"+AETag+".npy")) rowHeaders.append(AETag) useLogit = False print("Loading prob models") models = load_models(modelsDir, modelFilenamePrefix, transformationList, convertToLogit=useLogit) for datasetFilePath in datasetFilePaths: accs[rowIdx, 0:4], transTCs_Prob[rowIdx], predTCs_Prob[rowIdx], ensembleTCs[rowIdx, 0:4] = testOneData( datasetFilePath, models, nClasses, transformationList, EnsembleIDs, trueLabels, useLogit=useLogit ) rowIdx+=1 del models useLogit=True print("Loading logit models") logitModels = load_models(modelsDir, modelFilenamePrefix, transformationList, convertToLogit=useLogit) rowIdx=0 for datasetFilePath in datasetFilePaths: accs[rowIdx, 4], transTCs_Logit[rowIdx], predTCs_Logit[rowIdx], ensembleTCs[rowIdx, 4] = testOneData( datasetFilePath, logitModels, nClasses, transformationList, EnsembleIDs, trueLabels, useLogit=useLogit ) rowIdx+=1 del logitModels np.save("acc_ensemble_test.npy", accs) with open("acc_ensemble_test.txt", "w") as fp: fp.write("Acc\tRD\tMV\tAVEP\tT2MV\tAVEL\n") for ridx in range(len(rowHeaders)): fp.write("{}\t{}\t{}\t{}\t{}\t{}\n".format( rowHeaders[ridx], accs[ridx, 0], accs[ridx, 1], accs[ridx, 2], accs[ridx, 3], accs[ridx, 4])) transTCs = (transTCs_Prob + transTCs_Logit)/2 np.save("transTCs.npy", transTCs) np.save("predTCs_Prob.npy", predTCs_Prob) np.save("predTCs_Logit.npy", predTCs_Logit) np.save("ensembleTCs.npy", ensembleTCs)
33.144509
142
0.671085
0
0
0
0
0
0
0
0
1,548
0.269969
a9497a37feb2dcdef1ff9d5ca11f00c665e15759
20,716
py
Python
ems/views.py
abhi20161997/Apogee-2017
e4ae1b379bd5111a3bd7d3399d081dda897a8566
[ "BSD-3-Clause" ]
null
null
null
ems/views.py
abhi20161997/Apogee-2017
e4ae1b379bd5111a3bd7d3399d081dda897a8566
[ "BSD-3-Clause" ]
null
null
null
ems/views.py
abhi20161997/Apogee-2017
e4ae1b379bd5111a3bd7d3399d081dda897a8566
[ "BSD-3-Clause" ]
null
null
null
from django.shortcuts import render, redirect from django.contrib.admin.views.decorators import staff_member_required from django.views.decorators.csrf import csrf_exempt from django.contrib.auth import authenticate, login, logout from django.http import HttpResponse from ems.models import Score, Level, Judge, Label, Team from Event.models import Event from registration.models import Participant from django.contrib.auth.models import User # Create your views here. EMSADMINS = [ # have access to all events 'admin', 'controls', 'webmasterdvm', 'deepak' ] def home(request): if request.user.is_authenticated() and request.user.is_staff: return redirect('ems:events_select') else: return redirect('ems:user_login') def user_login(request, errors=None): if request.POST: username = request.POST['username'] password = request.POST['password'] user = authenticate(username=username, password=password) if user is not None: if user.is_active and user.is_staff: login(request, user) return redirect('ems:home') return render(request, 'ems/login.html') def user_logout(request): logout(request) return redirect('ems:user_login') @staff_member_required def bitsian_add(request): if request.POST: long_id = request.POST['long_id'].upper() short_id = request.POST['short_id'] gender = request.POST['gender'].upper() name = request.POST['name'].upper() import re verify = re.match(r'\d{4}.{4}\d{3}P', long_id) if verify: try: bitsian = Bitsian.objects.get(long_id=long_id) context = { 'status' : 0, 'bitsian' : bitsian, } return render(request, 'ems/bitsian_add.html', context) except ObjectDoesNotExist: bitsian = Bitsian() bitsian.long_id = long_id bitsian.short_id = short_id bitsian.name = name bitsian.gender = gender[0] bitsian.college = 'BITS Pilani' bitsian.save() context = { 'status' : 1, 'bitsian' : bitsian, } return render(request, 'ems/bitsian_add.html', context) else: context = { 'status' : 0, 'wrongid' : long_id, } return render(request, 'ems/bitsian_add.html', context) else: return render(request, 'ems/bitsian_add.html') @staff_member_required def team_details_home(request): if request.POST: teamid = request.POST['code'] return redirect('ems:team_details', teamid) else: return render(request, 'ems/team_home.html') @staff_member_required def team_details(request, teamid): if request.POST: team = Team.objects.get(id=teamid) if request.POST['position'] == '': team.position = None else: team.position = request.POST['position'] team.name_cheque = request.POST['name_cheque'] team.address = request.POST['address'] team.category = request.POST['category'] team.save() if 'add' in request.POST: id_list = [sg_id for sg_id in filter(lambda a: a != '', request.POST.get('idlist', '').replace(",","").split(" "))] outside_list = [x for x in id_list if len(x) < 5] bitsian_short_list = [x for x in id_list if len(x) >= 5 and len(x) < 11] bitsian_long_list = [x for x in id_list if len(x) >= 11] try: reg_objs = InitialRegistration.objects.filter(id__in = outside_list) for r in reg_objs: team.members.add(r) except: context['error_message'] = "Error Generating Team" return redirect('ems:main') try: bitsian_short_objs = Bitsian.objects.filter(short_id__in = bitsian_short_list) bitsian_long_objs = Bitsian.objects.filter(long_id__in = bitsian_long_list) bitsians = bitsian_long_objs | bitsian_short_objs for r in bitsians: team.bitsian_members.add(r) except: context['error_message'] = "Error Generating Team" return redirect('ems:main') team.save() if 'delete-outstation' in request.POST: memberid = request.POST['delete-outstation'] member = InitialRegistration.objects.get(id=memberid) team.members.remove(member) team.save() if 'delete-bitsian' in request.POST: memberid = request.POST['delete-bitsian'] member = Bitsian.objects.get(id=memberid) team.bitsian_members.remove(member) team.save() try: team = Team.objects.get(id=teamid) except: return render(request, 'ems/team_home.html', {'status' : 0}) context = { 'team' : team, } return render(request, 'ems/team_details.html', context) @staff_member_required def participant_details_home(request): if request.POST: partid = request.POST['code'] return redirect('ems:participant_details', partid) else: return render(request, 'ems/participant_home.html') @staff_member_required def participant_details(request, partid): try: participant = InitialRegistration.objects.get(id=partid) except: return render(request, 'ems/participant_home.html', {'status' : 0}) context = { 'participant' : participant, } return render(request, 'ems/participant_details.html', context) @staff_member_required def events_select(request): if request.method == 'POST': eventid = request.POST['event'] return redirect('ems:events_home', eventid) if request.user.username in EMSADMINS: events = Event.objects.order_by('name') else: events = request.user.organization.event_set.order_by('name') context = { 'events' : events, } return render(request, 'ems/events_select.html', context) @csrf_exempt def events_home(request, eventid): if not request.user.is_staff: return redirect('ems:user_login') event = Event.objects.get(id=eventid) levels = Level.objects.filter(event=event) emsadmin = True if request.user.username in EMSADMINS else False if request.POST: if "promote" in request.POST: position = int(request.POST['promote']) teams = request.POST.getlist('teams') try: curr_level = Level.objects.get(event=event, position=position) except: return HttpResponse("Error: Duplicate levels with rank %s. <br> Please Ensure correct them from the 'Manage Levels' pane." % str(position)) try: next_level = Level.objects.get(event=event, position=position-1) except: return HttpResponse("Error: Cannot find level with rank %s. <br> Please Ensure Level Rankings are in continuous order, starting from 1. Correct them from the 'Manage Levels' pane." % str(position-1)) for teamid in teams: team = Team.objects.get(id=teamid) next_level.teams.add(team) if "demote" in request.POST: position = int(request.POST['demote']) teams = request.POST.getlist('teams') try: curr_level = Level.objects.get(event=event, position=position) except: return HttpResponse("Error: Duplicate levels with rank %s. <br> Please Ensure correct them from the 'Manage Levels' pane." % str(position)) try: prev_level = Level.objects.get(event=event, position=position+1) except: return HttpResponse("Error: Cannot find Level with rank %s. <br> Please Ensure Level Rankings are in continuous order, starting from 1. Correct them from the 'Manage Levels' pane." % str(position+1)) for teamid in teams: team = Team.objects.get(id=teamid) curr_level.teams.remove(team) if team not in prev_level.teams.all(): prev_level.teams.add(team) if "add-finalists" in request.POST: teamids = request.POST.getlist('registered') for teamid in teamids: Team.objects.filter(id=teamid).update(is_finalist=True) if "remove-finalists" in request.POST: teamids = request.POST.getlist('finalists') for teamid in teamids: Team.objects.filter(id=teamid).update(is_finalist=False) if "add-winners" in request.POST: teamids = request.POST.getlist('registered') for teamid in teamids: Team.objects.filter(id=teamid).update(is_winner=True) if "remove-winners" in request.POST: teamids = request.POST.getlist('winners') for teamid in teamids: Team.objects.filter(id=teamid).update(is_winner=False) if "delete-team" in request.POST: teamid = request.POST['delete-team'] Team.objects.get(id=teamid).delete() context = { 'event' : event, 'levels' : levels, 'emsadmin' : emsadmin, } if emsadmin: return render(request, 'ems/events_home_admin.html', context) else: return render(request, 'ems/events_home.html', context) def events_levels(request, eventid): event = Event.objects.get(id=eventid) levels = Level.objects.filter(event=event) emsadmin = True if request.user.username in EMSADMINS else False if request.method == 'POST': if 'delete-level' in request.POST: levelid = request.POST['delete-level'] level = Level.objects.get(id=levelid) level.teams.clear() level.delete() if 'delete-judge' in request.POST: judgeid = request.POST['delete-judge'] judge = Judge.objects.get(id=judgeid) judge.level_set.clear() judge.user.delete() judge.delete() if 'delete-label' in request.POST: labelid = request.POST['delete-label'] label = Label.objects.get(id=labelid) label.delete() context = { 'event' : event, 'levels' : levels, 'emsadmin' : emsadmin, } return render(request, 'ems/events_levels.html', context) def events_levels_add(request, eventid): event = Event.objects.get(id=eventid) levels = Level.objects.filter(event=event) emsadmin = True if request.user.username in EMSADMINS else False if request.method == 'POST': if 'add' in request.POST: name = request.POST['name'] position = int(request.POST['position']) level = Level.objects.create(name=name, position=position, event=event) if 'judgesheet' in request.POST: labelid = request.POST['label'] label = Label.objects.get(id=labelid) level.label = label level.save() judges = request.POST.getlist('judge') for judgeid in judges: judge = Judge.objects.get(id=judgeid) level.judges.add(judge) return redirect('ems:events_levels', event.id) context = { 'event' : event, 'levels' : levels, 'emsadmin' : emsadmin, } return render(request, 'ems/events_levels_add.html', context) def events_labels_add(request, eventid): event = Event.objects.get(id=eventid) levels = Level.objects.filter(event=event) emsadmin = True if request.user.username in EMSADMINS else False if request.method == 'POST': if 'add' in request.POST: names = request.POST.getlist("name") maxvalues = request.POST.getlist("max") label = Label(event=event) for i, name in enumerate(names): attr = "var" + str(i+1) + "name" setattr(label, attr, name) for i, maxvalue in enumerate(maxvalues): attr = "var" + str(i+1) + "max" setattr(label, attr, maxvalue) label.save() return redirect('ems:events_levels', event.id) context = { 'event' : event, 'levels' : levels, 'emsadmin' : emsadmin, } return render(request, 'ems/events_labels_add.html', context) def events_judges_add(request, eventid): event = Event.objects.get(id=eventid) levels = Level.objects.filter(event=event) emsadmin = True if request.user.username in EMSADMINS else False if request.method == 'POST': if 'add' in request.POST: name = request.POST['name'] username = request.POST['username'] password = request.POST['password'] try: user = User.objects.create_user(username=username, password=password) except: return HttpResponse("Please use a different username. Press the back button to continue") judge = Judge.objects.create(name=name, event=event, user=user) judge.user = user judge.save() return redirect('ems:events_levels', event.id) context = { 'event' : event, 'levels' : levels, 'emsadmin' : emsadmin, } return render(request, 'ems/events_judges_add.html', context) def events_levels_edit(request, eventid, levelid): emsadmin = True if request.user.username in EMSADMINS else False event = Event.objects.get(id=eventid) level = Level.objects.get(id=levelid) if 'save' in request.POST: name = request.POST['name'] position = int(request.POST['position']) level.name = name level.position = position level.label = None level.save() level.judges.clear() if 'judgesheet' in request.POST: labelid = request.POST['label'] label = Label.objects.get(id=labelid) level.label = label level.save() judges = request.POST.getlist('judge') for judgeid in judges: judge = Judge.objects.get(id=judgeid) level.judges.add(judge) return redirect('ems:events_levels', event.id) if 'delete' in request.POST: level.delete() return redirect('ems:events_home', event.id) context = { 'event' : event, 'level' : level, 'emsadmin' : emsadmin, } return render(request, 'ems/events_levels_edit.html', context) def events_judge_home(request, eventid): event = Event.objects.get(id=eventid) context = { 'event' : event, } return render(request, 'ems/events_judge_home.html', context) def events_judge_login(request, eventid, levelid, judgeid): event = Event.objects.get(id=eventid) judge = Judge.objects.get(id=judgeid) level = Level.objects.get(id=levelid) context = { 'event' : event, 'level' : level, 'judge' : judge, } if request.method == 'POST': username = request.POST['username'] password = request.POST['password'] user = authenticate(username=username, password=password) if user is not None: if user.is_active and user == judge.user: login(request, user) return redirect('ems:events_levels_judge', event.id, level.id, judge.id) else: context['status'] = 0 return render(request, 'ems/login.html', context) def events_levels_judge(request, eventid, levelid, judgeid): event = Event.objects.get(id=eventid) level = Level.objects.get(id=levelid) judge = Judge.objects.get(id=judgeid) emsadmin = True if request.user.username in EMSADMINS else False if not emsadmin and request.user != judge.user: return redirect('ems:events_judge_login', event.id, level.id, judge.id) if request.method == 'POST': if 'leave' in request.POST: for team in level.teams.all(): try: score = Score.objects.get(level=level, team=team, judge=judge) if not score.is_frozen: score.delete() score = Score.objects.create(level=level, team=team, judge=judge) score.is_frozen = True score.save() except: score = Score.objects.create(level=level, team=team, judge=judge) score.is_frozen = True score.save() elif "save" or "freeze" in request.POST: for team in level.teams.all(): scores = request.POST.getlist(str(team.id)) try: score = Score.objects.get(level=level, team=team, judge=judge) except: score = Score.objects.create(level=level, team=team, judge=judge) for i, val in enumerate(scores): attr = 'var' + str(i+1) if val == '': val = None setattr(score, attr, val) comments = request.POST['comment-'+str(team.id)] score.comments = comments if "freeze" in request.POST: score.is_frozen = True score.save() teams = [] for team in level.teams.all(): try: score = Score.objects.get(level=level, team=team, judge=judge) team.score = score total = 0 for x in range(1, 11): attr = 'var' + str(x) try: val = getattr(score, attr) total += val except: pass team.score.total = total except: pass teams.append(team) context = { 'event' : event, 'level' : level, 'judge' : judge, 'teams' : teams, 'emsadmin' : emsadmin, } return render(request, 'ems/events_judge_edit.html', context) def events_participants(request, eventid): event = Event.objects.get(id=eventid) emsadmin = True if request.user.username in EMSADMINS else False if event.is_team: return redirect('ems:events_teams', event.id) teams = Team.objects.filter(event=event) if request.method == 'POST': if 'delete-team' in request.POST: teamid = request.POST['delete-team'] team = Team.objects.get(id=teamid) team.delete() context = { 'event' : event, 'teams' : teams, 'emsadmin' : emsadmin, } return render(request, 'ems/events_participants.html', context) def events_participants_add(request, eventid): event = Event.objects.get(id=eventid) emsadmin = True if request.user.username in EMSADMINS else False parts = [] if request.method == 'POST': if 'fetch' in request.POST: partid = request.POST['aadhaar'] partids = map(lambda s:s.strip().replace("BITS", "").replace("MSPS", ""), partid.split()) print partids for partid in partids: try: part = Participant.bitsians.get(uniqueid__iexact=partid) parts.append(part) except: pass try: part = Participant.objects.get(id__iexact=partid) parts.append(part) except: pass if 'add' in request.POST: partids = request.POST.getlist('part') for partid in partids: part = Participant.objects.get(id=partid) try: team = Team.objects.get(leader=part, event=event, members=None) except: team = Team.objects.create(leader=part, event=event) registered = Level.objects.get(name="Registered", event=event) team.levels.add(registered) return redirect('ems:events_participants', event.id) context = { 'event' : event, 'parts' : parts, 'emsadmin' : emsadmin, } return render(request, 'ems/events_participants_add.html', context) def events_teams(request, eventid): event = Event.objects.get(id=eventid) emsadmin = True if request.user.username in EMSADMINS else False if not event.is_team: return redirect('ems:events_participants', event.id) teams = Team.objects.filter(event=event) if request.method == 'POST': if 'delete-team' in request.POST: teamid = request.POST['delete-team'] team = Team.objects.get(id=teamid) team.delete() context = { 'event' : event, 'teams' : teams, 'emsadmin' : emsadmin, } return render(request, 'ems/events_teams.html', context) def events_teams_add(request, eventid): event = Event.objects.get(id=eventid) parts = [] select = [] errors = [] if request.method == 'POST': if 'fetch' in request.POST: partid = request.POST['aadhaar'] if ";" in partid: existingteams = Team.objects.filter(event=event) newteams = partid.split(";") for newteam in newteams: team_parts = [] team_partids = map(lambda s:s.strip().replace("BITS", "").replace("MSPS", ""), newteam.split()) for team_partid in team_partids: try: part = Participant.bitsians.get(uniqueid__iexact=team_partid) parts.append(part) except: pass try: part = Participant.objects.get(id__iexact=team_partid) team_parts.append(part) except: pass if team_parts: leader = team_parts[0] team = Team.objects.create(leader=leader, event=event) members = team_parts[1:] for member in members: team.members.add(member) registered = Level.objects.get(name="Registered", event=event) team.levels.add(registered) return redirect('ems:events_participants', event.id) else: partids = partid.split() partids = map(lambda s:s.strip().replace("BITS", "").replace("MSPS", ""), partids) for partid in partids: try: part = Participant.bitsians.get(uniqueid__iexact=partid) parts.append(part) except: pass try: part = Participant.objects.get(id__iexact=partid) parts.append(part) except: pass if 'next' in request.POST: teams = event.team_set.all() partids = request.POST.getlist('part') for partid in partids: part = Participant.objects.get(id=partid) if not errors: for partid in partids: part = Participant.objects.get(id=partid) select.append(part) if "add" in request.POST: teams = event.team_set.all() partids = request.POST.getlist('part') leaderid = request.POST['leader'] name = request.POST['name'] comments = request.POST['comments'] leader = Participant.objects.get(id=leaderid) team = Team.objects.create(leader=leader, event=event, name=name, comments=comments) for partid in partids: if partid != leaderid: part = Participant.objects.get(id=partid) team.members.add(part) registered = Level.objects.get(name="Registered", event=event) team.levels.add(registered) return redirect('ems:events_participants', event.id) context = { 'event' : event, 'parts' : parts, 'select' : select, 'errors' : errors, } return render(request, 'ems/events_teams_add.html', context) def events_teams_edit(request, eventid, teamid): event = Event.objects.get(id=eventid) team = Team.objects.get(id=teamid) if request.method == 'POST': if 'save' in request.POST: name = request.POST['team_name'] comments = request.POST['comments'] position = request.POST['position'] team.name = name team.comments = comments team.position = position team.save() context = { 'event' : event, 'team' : team, } return render(request, 'ems/events_teams_edit.html', context)
32.217729
203
0.695791
0
0
0
0
6,944
0.3352
0
0
3,395
0.163883
a949db919cd36868c22671e2839695a92034044f
3,117
py
Python
config.py
eicc27/Pixcrawl-Full
dfa36ee5b9990ff2781a9bc39a6a60c12b1c9bdb
[ "MIT" ]
null
null
null
config.py
eicc27/Pixcrawl-Full
dfa36ee5b9990ff2781a9bc39a6a60c12b1c9bdb
[ "MIT" ]
null
null
null
config.py
eicc27/Pixcrawl-Full
dfa36ee5b9990ff2781a9bc39a6a60c12b1c9bdb
[ "MIT" ]
null
null
null
from msedge.selenium_tools import Edge, EdgeOptions from lxml import html import time import curses stdscr = curses.initscr() max_y = stdscr.getmaxyx()[0] - 1 if max_y < 16: raise Exception("Terminal row size must be more then 17, but now it is %d." % (max_y + 1)) # changelog: more OOP. # class: illust,illustName,picList(made up of pic classes) def driver_init(): options = EdgeOptions() options.use_chromium = True profile_dir = r"--user-data-dir=C:\Users\Chan\AppData\Local\Microsoft\Edge\User Data" options.add_argument(profile_dir) options.add_experimental_option('excludeSwitches', ['enable-logging']) driver = Edge(options=options) return driver stdscr.addstr("Config R18?\nWarning: you must quit all edge browsers and kill their process in task manager!") # When getstr(), auto-refresh f0_config = bytes.decode(stdscr.getstr()) if f0_config == 'Y' or f0_config == 'y' or f0_config == '': driver = driver_init() driver.get("https://www.pixiv.net/setting_user.php") etree = html.etree initial_page = driver.page_source initial_dom = etree.HTML(initial_page) r18Switch = initial_dom.xpath( '//input[(@name="r18" or @name="r18g") and @checked]/@value') if r18Switch[0] == 'hide': stdscr.addstr('R-18 disabled.\n') else: stdscr.addstr('R-18 enabled.\n') if r18Switch[1] == '1': stdscr.addstr('R-18G disabled.\n') else: stdscr.addstr('R-18G enabled.\n') stdscr.refresh() stdscr.addstr( 'Do you want confirm the r-18 settings?\nPress Y or Enter to navigate you to the settings page, or by default ' 'NO.\n') f1_config = bytes.decode(stdscr.getstr()) if f1_config == 'y' or f1_config == 'Y' or f1_config == '': stdscr.addstr('Unleash R-18?\n') r18Config = bytes.decode(stdscr.getstr()) stdscr.addstr('Unleash R-18G?\n') r18gConfig = bytes.decode(stdscr.getstr()) if r18Config == 'y' or r18Config == 'Y' or r18Config == '': driver.find_element_by_xpath( '//input[@name="r18" and @value="show"]').click() stdscr.addstr('R-18 has been ON.\n') else: driver.find_element_by_xpath( '//input[@name="r18" and @value="hide"]').click() stdscr.addstr('R-18 is now OFF.\n') # Give a timely feedback stdscr.refresh() if r18gConfig == 'Y' or r18gConfig == 'y' or r18gConfig == '': driver.find_element_by_xpath( '//input[@name="r18g" and @value="2"]').click() stdscr.addstr('R-18G has been ON.\n') else: driver.find_element_by_xpath( '//input[@name="r18g" and @value="1"]').click() stdscr.addstr('R-18G is now OFF.\n') stdscr.refresh() driver.find_element_by_xpath('//input[@name="submit"]').click() time.sleep(2) stdscr.addstr('Config saved. Now refreshing...\n') stdscr.refresh() driver.refresh() driver.quit()
39.961538
120
0.600898
0
0
0
0
0
0
0
0
1,061
0.340391
a94bba226fe399a457f809ece3327258a884ffc0
1,181
py
Python
dev/tools/roadnet_convert/geo/formats/osm.py
gusugusu1018/simmobility-prod
d30a5ba353673f8fd35f4868c26994a0206a40b6
[ "MIT" ]
50
2018-12-21T08:21:38.000Z
2022-01-24T09:47:59.000Z
dev/tools/roadnet_convert/geo/formats/osm.py
gusugusu1018/simmobility-prod
d30a5ba353673f8fd35f4868c26994a0206a40b6
[ "MIT" ]
2
2018-12-19T13:42:47.000Z
2019-05-13T04:11:45.000Z
dev/tools/roadnet_convert/geo/formats/osm.py
gusugusu1018/simmobility-prod
d30a5ba353673f8fd35f4868c26994a0206a40b6
[ "MIT" ]
27
2018-11-28T07:30:34.000Z
2022-02-05T02:22:26.000Z
from geo.position import Location import geo.helper class RoadNetwork: '''The primary container class for OSM road networks. (See: simmob.py) Note that key/value properties are reduced to lowercase for both keys and values. ''' def __init__(self): self.bounds = [] #[Location,Location], min. point, max. pt. self.nodes = {} #origId => Node self.ways = {} #origId => Way class Node: def __init__(self, nodeId, lat, lng, props): geo.helper.assert_non_null(nodeId, lat, lng, props, msg="Null args in Node constructor") self.nodeId = str(nodeId) self.loc = Location(float(lat), float(lng)) self.props = geo.helper.dict_to_lower(props) class Way: '''Ways are somewhat different from Links: they don't have "from" and "to" Nodes, but rather feature an ordered sequence of Nodes. ''' def __init__(self, wayId, nodes, props): geo.helper.assert_non_null(wayId, nodes, props, msg="Null args in Way constructor") if len(nodes)<2: raise Exception('Way cannot be made with less than 2 Nodes.') self.wayId = str(wayId) self.nodes = nodes #[Node] self.props = geo.helper.dict_to_lower(props)
31.078947
92
0.675699
1,120
0.948349
0
0
0
0
0
0
493
0.417443
a94bd224bee59029c8d307451756cf94ded0c086
375
py
Python
profiles/tables/role_binding_by_team_table.py
LaudateCorpus1/squest
98304f20c1d966fb3678d348ffd7c5be438bb6be
[ "Apache-2.0" ]
112
2021-04-21T08:52:55.000Z
2022-03-01T15:09:19.000Z
profiles/tables/role_binding_by_team_table.py
LaudateCorpus1/squest
98304f20c1d966fb3678d348ffd7c5be438bb6be
[ "Apache-2.0" ]
216
2021-04-21T09:06:47.000Z
2022-03-30T14:21:28.000Z
profiles/tables/role_binding_by_team_table.py
LaudateCorpus1/squest
98304f20c1d966fb3678d348ffd7c5be438bb6be
[ "Apache-2.0" ]
21
2021-04-20T13:53:54.000Z
2022-03-30T21:43:04.000Z
from django_tables2 import tables, Column from profiles.models import TeamRoleBinding class RoleBindingByTeamTable(tables.Table): object_name = Column(verbose_name='Name') class Meta: model = TeamRoleBinding attrs = {"id": "teams_by_object_table", "class": "table squest-pagination-tables "} fields = ("object_name", "object_type", "role")
31.25
91
0.712
286
0.762667
0
0
0
0
0
0
105
0.28
a94dde590f87aeb3b20de4c6b4b586cab3f571b5
1,441
py
Python
Sorts/bubble_sort_recursive.py
Neiva07/Algorithms
cc2b22d1f69f0af7b91a8326550e759abfba79c8
[ "MIT" ]
199
2019-12-01T01:23:34.000Z
2022-02-28T10:30:40.000Z
Sorts/bubble_sort_recursive.py
Neiva07/Algorithms
cc2b22d1f69f0af7b91a8326550e759abfba79c8
[ "MIT" ]
35
2020-06-08T17:59:22.000Z
2021-11-11T04:00:29.000Z
Sorts/bubble_sort_recursive.py
Neiva07/Algorithms
cc2b22d1f69f0af7b91a8326550e759abfba79c8
[ "MIT" ]
106
2020-02-05T01:28:19.000Z
2022-03-11T05:38:54.000Z
# Script: bubble_sort_recursive.py # Author: Joseph L. Crandal # Purpose: Demonstrate bubble sort with recursion # data will be the list to be sorted data = [ 0, 5, 2, 3, 10, 123, -53, 23, 9, 2 ] dataOrig = [ 0, 5, 2, 3, 10, 123, -53, 23, 9, 2 ] # In a bubble sort you will work your way through the dataset # and move the elements that are adjacent # Recursive functions call on themselves to process data until a goal has been met or it runs out of items to process # In this example it continues to go over the dataset until it doesn't see any further change in position from sorting def bubbleSort(arr): # Get the length of the array so we know how far to look length = len(arr) changed = False for i in range(length-1): # changed will let us keep track of whether anything was changed on the last pass if arr[i] > arr[i+1]: # Swaps the position of the two elements so the lower value is lower in the order arr[i], arr[i+1] = arr[i+1], arr[i] changed = True # To avoid unneeded processing we break if no changes were made, meaning it is done sorting if changed == False: return else: bubbleSort(arr) # Execute the sort bubbleSort(data) # Show sorted array versus original print("Unsorted array: ") for i in range(len(dataOrig)): print(dataOrig[i]) print("Sorted array: ") for i in range(len(data)): print(data[i])
35.146341
118
0.668286
0
0
0
0
0
0
0
0
879
0.609993
a94f07dd94305ef8cca149684b5c8e4ef5b6072f
19,260
py
Python
mcv_consoler/plugins/tempest/runner.py
vladryk/mcv
ee74beafc65053ce200e03da423784cee0724e23
[ "Apache-2.0" ]
null
null
null
mcv_consoler/plugins/tempest/runner.py
vladryk/mcv
ee74beafc65053ce200e03da423784cee0724e23
[ "Apache-2.0" ]
null
null
null
mcv_consoler/plugins/tempest/runner.py
vladryk/mcv
ee74beafc65053ce200e03da423784cee0724e23
[ "Apache-2.0" ]
null
null
null
# Copyright 2015-2016 Mirantis, 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. import ConfigParser import datetime import json import logging import os.path import subprocess import traceback from oslo_config import cfg from mcv_consoler.common.config import DEFAULT_CIRROS_IMAGE from mcv_consoler.common.config import MOS_TEMPEST_MAP from mcv_consoler.common.config import TIMES_DB_PATH from mcv_consoler.common.errors import TempestError from mcv_consoler.plugins.rally import runner as rrunner from mcv_consoler import utils LOG = logging.getLogger(__name__) CONF = cfg.CONF tempest_additional_conf = { 'compute': {'fixed_network_name': CONF.networking.network_ext_name}, 'object-storage': {'operator_role': 'admin', 'reseller_admin_role': 'admin'}, 'auth': {} } class TempestOnDockerRunner(rrunner.RallyOnDockerRunner): failure_indicator = TempestError.NO_RUNNER_ERROR identity = 'tempest' def __init__(self, ctx): super(TempestOnDockerRunner, self).__init__(ctx) self.path = self.ctx.work_dir.base_dir self.container = None self.failed_cases = 0 self.home = '/mcv' self.homedir = '/home/mcv/toolbox/tempest' def _verify_rally_container_is_up(self): self.verify_container_is_up("tempest") def create_cirros_image(self): i_list = self.glanceclient.images.list() for im in i_list: if im.name == 'mcv-test-functional-cirros': return im.id img_fp = None try: img_fp = open(DEFAULT_CIRROS_IMAGE) except IOError as e: LOG.debug('Cannot open file {path}: {err}'.format( path=DEFAULT_CIRROS_IMAGE, err=str(e))) return im = self.glanceclient.images.create(name='mcv-test-functional-cirros', disk_format="qcow2", is_public=True, container_format="bare", data=img_fp) def cleanup_cirros_image(self): self.cleanup_image('mcv-test-functional-cirros') def start_container(self): LOG.debug("Bringing up Tempest container with credentials") add_host = "" # TODO(albartash): Refactor this place! if self.access_data["auth_fqdn"] != '': add_host = "--add-host={fqdn}:{endpoint}".format( fqdn=self.access_data["auth_fqdn"], endpoint=self.access_data["public_endpoint_ip"]) res = subprocess.Popen( ["docker", "run", "-d", "-P=true"] + [add_host] * (add_host != "") + ["-p", "6001:6001", "-e", "OS_AUTH_URL=" + self.access_data["auth_url"], "-e", "OS_TENANT_NAME=" + self.access_data["tenant_name"], "-e", "OS_REGION_NAME" + self.access_data["region_name"], "-e", "OS_USERNAME=" + self.access_data["username"], "-e", "OS_PASSWORD=" + self.access_data["password"], "-e", "KEYSTONE_ENDPOINT_TYPE=publicUrl", "-v", '%s:/home/rally/.rally/tempest' % self.homedir, "-v", "%s:%s" % (self.homedir, self.home), "-w", self.home, "-t", "mcv-tempest"], stdout=subprocess.PIPE, preexec_fn=utils.ignore_sigint).stdout.read() LOG.debug('Finish bringing up Tempest container.' 'ID = %s' % str(res)) self.verify_container_is_up() self._patch_rally() # Hotfix. set rally's permission for .rally/ folder # Please remove this. Use: `sudo -u rally docker run` when # rally user gets its permissions to start docker containers cmd = 'docker exec -t {cid} sudo chown rally:rally /home/rally/.rally' utils.run_cmd(cmd.format(cid=self.container_id)) self.copy_config() self.install_tempest() def _patch_rally(self): dist = '/tempest/requirements.txt' LOG.debug('Patching tempest requirements') tempest_patch = '/mcv/custom_patches/requirements.patch' self._os_patch(dist, tempest_patch, self.container_id) git_commit_cmd = ( 'cd /tempest && git config --global user.name \"mcv-team\" && ' 'git config --global user.email ' '\"[email protected]\" && ' 'sudo git add . && sudo git commit -m \"added markupsafe to ' 'requirements, which is needed for pbr\"') utils.run_cmd('docker exec -t {cid} sh -c "{cmd}"'.format( cid=self.container_id, cmd=git_commit_cmd)) def make_detailed_report(self, task): LOG.debug('Generating detailed report') details_dir = os.path.join(self.home, 'reports/details/') details_file = os.path.join(details_dir, task + '.txt') cmd = "docker exec -t %(cid)s " \ "rally deployment list | grep existing | awk \'{print $2}\'" \ % dict(cid=self.container_id) deployment_id = utils.run_cmd(cmd, quiet=True).strip() cmd = 'docker exec -t {cid} mkdir -p {out_dir}' utils.run_cmd(cmd.format(cid=self.container_id, out_dir=details_dir), quiet=True) # store tempest.conf self.store_config(os.path.join(self.homedir, "for-deployment-{ID}/tempest.conf" .format(ID=deployment_id))) self.store_config(os.path.join(self.homedir, "conf/existing.json")) # Note(ogrytsenko): tool subunit2pyunit returns exit code '1' if # at leas one test failed in a test suite. It also returns exit # code '1' if some error occurred during processing a file, like: # "Permission denied". # We force 'exit 0' here and will check the real status lately # by calling 'test -e <details_file>' cmd = 'docker exec -t {cid} /bin/sh -c \" ' \ 'subunit2pyunit /mcv/for-deployment-{ID}/subunit.stream ' \ '2> {out_file}\"; ' \ 'exit 0'.format(cid=self.container_id, ID=deployment_id, out_file=details_file) out = utils.run_cmd(cmd, quiet=True) cmd = 'docker exec -t {cid} test -e {out_file} ' \ '&& echo -n yes || echo -n no'.format(cid=self.container_id, out_file=details_file) exists = utils.run_cmd(cmd) if exists == 'no': LOG.debug('ERROR: Failed to create detailed report for ' '{task} set. Output: {out}'.format(task=task, out=out)) return cmd = 'mkdir -p {path}/details'.format(path=self.path) utils.run_cmd(cmd, quiet=True) reports_dir = os.path.join(self.homedir, 'reports') cmd = 'cp {reports}/details/{task}.txt {path}/details' utils.run_cmd( cmd.format(reports=reports_dir, task=task, path=self.path), quiet=True ) LOG.debug( "Finished creating detailed report for '{task}'. " "File: {details_file}".format(task=task, details_file=details_file) ) def fill_additional_conf(self): if CONF.rally.existing_users: tempest_additional_conf['auth'].update( test_accounts_file=os.path.join( self.home, 'additional_users.yaml'), use_dynamic_credentials=False) def install_tempest(self): LOG.debug("Searching for installed tempest") super(TempestOnDockerRunner, self)._rally_deployment_check() self.fill_additional_conf() LOG.debug("Generating additional config") path_to_conf = os.path.join(self.homedir, 'additional.conf') with open(path_to_conf, 'wb') as conf_file: config = ConfigParser.ConfigParser() config._sections = tempest_additional_conf config.write(conf_file) LOG.debug("Installing tempest...") version = MOS_TEMPEST_MAP.get(self.access_data['mos_version']) if not version: cmd = ("docker exec -t {cid} " "rally verify install --system-wide " "--deployment existing --source /tempest ").format( cid=self.container_id) else: cmd = ("docker exec -t {cid} " "rally verify install --system-wide " "--deployment existing --source /tempest " "--version {version} ").format( cid=self.container_id, version=version) utils.run_cmd(cmd, quiet=True) cmd = "docker exec -t %(container)s rally verify genconfig " \ "--add-options %(conf_path)s" % \ {"container": self.container_id, "conf_path": os.path.join(self.home, 'additional.conf')} utils.run_cmd(cmd, quiet=True) def _run_tempest_on_docker(self, task, *args, **kwargs): LOG.debug("Starting verification") if CONF.rally.existing_users: concurr = 1 else: concurr = 0 run_by_name = kwargs.get('run_by_name') if run_by_name: cmd = ("docker exec -t {cid} rally " "--log-file {home}/log/tempest.log --rally-debug" " verify start --system-wide " "--regex {_set} --concurrency {con}").format( cid=self.container_id, home=self.home, _set=task, con=concurr) else: cmd = ("docker exec -t {cid} rally " "--log-file {home}/log/tempest.log --rally-debug" " verify start --system-wide " "--set {_set} --concurrency {con}").format( cid=self.container_id, home=self.home, _set=task, con=concurr) utils.run_cmd(cmd, quiet=True) cmd = "docker exec -t {cid} rally verify list".format( cid=self.container_id) # TODO(ogrytsenko): double-check this approach try: p = utils.run_cmd(cmd) except subprocess.CalledProcessError as e: LOG.error("Task %s failed with: %s" % (task, e)) return '' run = p.split('\n')[-3].split('|')[8] if run == 'failed': LOG.error('Verification failed, unable to generate report') return '' LOG.debug('Generating html report') cmd = ("docker exec -t {cid} rally verify results --html " "--out={home}/reports/{task}.html").format( cid=self.container_id, home=self.home, task=task) utils.run_cmd(cmd, quiet=True) reports_dir = os.path.join(self.homedir, 'reports') cmd = "cp {reports}/{task}.html {path} ".format( reports=reports_dir, task=task, path=self.path) utils.run_cmd(cmd, quiet=True) try: self.make_detailed_report(task) except Exception: LOG.debug('ERROR: \n' + traceback.format_exc()) cmd = "docker exec -t {cid} /bin/sh -c " \ "\"rally verify results --json 2>/dev/null\" "\ .format(cid=self.container_id) return utils.run_cmd(cmd, quiet=True) def parse_results(self, res, task): LOG.debug("Parsing results") if res == '': LOG.debug("Results of test set '%s': FAILURE" % task) self.failure_indicator = TempestError.VERIFICATION_FAILED self.test_failures.append(task) LOG.info(" * FAILED") return False try: self.task = json.loads(res) except ValueError: LOG.debug("Results of test set '%s': " "FAILURE, gotten not-JSON object. " "Please see logs" % task) LOG.debug("Not-JSON object: %s", res) self.test_failures.append(task) LOG.info(" * FAILED") return False time_of_tests = float(self.task.get('time', '0')) time_of_tests = str(round(time_of_tests, 3)) + 's' self.time_of_tests[task] = {'duration': time_of_tests} if self.task.get('tests', 0) == 0: self.test_failures.append(task) LOG.debug("Task '%s' was skipped. Perhaps the service " "is not working" % task) LOG.info(" * FAILED") return False failures = self.task.get('failures') success = self.task.get('success') self.failed_cases += failures LOG.debug("Results of test set '%s': " "SUCCESS: %d FAILURES: %d" % (task, success, failures)) if not failures: self.test_success.append(task) LOG.info(" * PASSED") return True else: self.test_failures.append(task) self.failure_indicator = TempestError.TESTS_FAILED LOG.info(" * FAILED") return False def cleanup_toolbox(self): LOG.info('Uninstalling tempest ...') cmd = ('docker exec -t {cid} ' 'rally verify uninstall ' '--deployment existing'.format(cid=self.container_id)) utils.run_cmd(cmd, quiet=True) def run_batch(self, tasks, *args, **kwargs): with self.store('rally.log', 'tempest.log'): tool_name = kwargs["tool_name"] all_time = kwargs["all_time"] elapsed_time = kwargs["elapsed_time"] # Note (ayasakov): the database execution time of each test. # In the first run for each test tool calculate the multiplier, # which shows the difference of execution time between testing # on our cloud and the current cloud. db = kwargs.get('db') first_run = True multiplier = 1.0 test_time = 0 all_time -= elapsed_time self.create_cirros_image() self._setup_rally_on_docker() # NOTE(ogrytsenko): only test-suites are discoverable for tempest if not kwargs.get('run_by_name'): cid = self.container_id tasks, missing = self.discovery(cid).match(tasks) self.test_not_found.extend(missing) t = [] tempest_task_results_details = {} LOG.info("Time start: %s UTC\n" % str(datetime.datetime.utcnow())) for task in tasks: LOG.info("-" * 60) task = task.replace(' ', '') if kwargs.get('event').is_set(): LOG.info("Keyboard interrupt. Set %s won't start" % task) break time_start = datetime.datetime.utcnow() LOG.info('Running %s tempest set' % task) LOG.debug("Time start: %s UTC" % str(time_start)) if not CONF.times.update: try: test_time = db[tool_name][task] except KeyError: test_time = 0 exp_time = utils.seconds_to_humantime(test_time * multiplier) msg = "Expected time to complete %s: %s" if not test_time: LOG.debug(msg, task, exp_time) else: LOG.info(msg, task, exp_time) self.run_individual_task(task, *args, **kwargs) time_end = datetime.datetime.utcnow() time = time_end - time_start LOG.debug("Time end: %s UTC" % str(time_end)) if CONF.times.update: if tool_name in db.keys(): db[tool_name].update({task: time.seconds}) else: db.update({tool_name: {task: time.seconds}}) else: if first_run: first_run = False if test_time: multiplier = float(time.seconds) / float(test_time) all_time -= test_time persent = 1.0 if kwargs["all_time"]: persent -= float(all_time) / float(kwargs["all_time"]) persent = int(persent * 100) persent = 100 if persent > 100 else persent line = 'Completed %s' % persent + '%' time_str = utils.seconds_to_humantime(all_time * multiplier) if all_time and multiplier: line += ' and remaining time %s' % time_str LOG.info(line) LOG.info("-" * 60) t.append(self.task['test_cases'].keys()) tempest_task_results_details[task] = { # overall number of tests in suit "tests": self.task.get("tests", 0), "test_succeed": self.task.get("success", 0), "test_failed": self.task.get("failures", 0), "test_skipped": self.task.get("skipped", 0), "expected_failures": self.task.get("expected_failures", 0) } if self.failed_cases > self.max_failed_tests: LOG.info('*LIMIT OF FAILED TESTS EXCEEDED! STOP RUNNING.*') self.failure_indicator = \ TempestError.FAILED_TEST_LIMIT_EXCESS break if CONF.times.update: with open(TIMES_DB_PATH, "w") as f: json.dump(db, f) LOG.info("\nTime end: %s UTC" % str(datetime.datetime.utcnow())) self.cleanup_toolbox() self.cleanup_cirros_image() return {"test_failures": self.test_failures, "test_success": self.test_success, "test_not_found": self.test_not_found, "time_of_tests": self.time_of_tests, "tempest_tests_details": tempest_task_results_details, } @utils.developer_mode def run_individual_task(self, task, *args, **kwargs): results = self._run_tempest_on_docker(task, *args, **kwargs) # store raw results self.dump_raw_results(task, results) self.parse_results(results, task) return True
40.125
79
0.546625
17,913
0.930062
0
0
285
0.014798
0
0
5,652
0.293458
a9508614454f6bf05864b1611a7fc47f5a0baa76
299
py
Python
numpy_demo/version.py
mpmkp2020/numpy_demo
796262e06c84b7e9aa446b244a3faf3891d9ece1
[ "BSD-3-Clause" ]
null
null
null
numpy_demo/version.py
mpmkp2020/numpy_demo
796262e06c84b7e9aa446b244a3faf3891d9ece1
[ "BSD-3-Clause" ]
null
null
null
numpy_demo/version.py
mpmkp2020/numpy_demo
796262e06c84b7e9aa446b244a3faf3891d9ece1
[ "BSD-3-Clause" ]
null
null
null
# THIS FILE IS GENERATED FROM NUMPY SETUP.PY # # To compare versions robustly, use `numpy_demo.lib.NumpyVersion` short_version = '1.29.0' version = '1.29.0' full_version = '1.29.0' git_revision = 'dd8e9be4d35e25e795d8d139ff4658715767c211' release = True if not release: version = full_version
23
65
0.755853
0
0
0
0
0
0
0
0
176
0.588629
a9525cb4b63e18ce45a9ca957c592c3c20ea53fe
1,385
py
Python
docsource/sphinx/source/auto_examples/hammersleypoints/plot_hamm_points_sphere.py
EricHughesABC/pygamma_gallery
64565d364e68a185aeee25b904813d795ecbe87c
[ "MIT" ]
null
null
null
docsource/sphinx/source/auto_examples/hammersleypoints/plot_hamm_points_sphere.py
EricHughesABC/pygamma_gallery
64565d364e68a185aeee25b904813d795ecbe87c
[ "MIT" ]
null
null
null
docsource/sphinx/source/auto_examples/hammersleypoints/plot_hamm_points_sphere.py
EricHughesABC/pygamma_gallery
64565d364e68a185aeee25b904813d795ecbe87c
[ "MIT" ]
null
null
null
""" ################# Hammersley Sphere ################# """ import numpy as np from matplotlib import pyplot as plt from mpl_toolkits.mplot3d import Axes3D def return_point(m, n, p): """ m is the index number of the Hammersley point to calculate n is the maximun number of points p is the order of the Hammersley point, 1,2,3,4,... etc l is the power of x to go out to and is hard coded to 10 in this example :return type double """ if p == 1: return m / float(n) v = 0.0 for j in range(10, -1, -1): num = m // p ** j if num > 0: m -= num * p ** j v += num / (p ** (j + 1)) return (v) if __name__ == "__main__": npts = 500 h_1 = np.zeros(npts) h_7 = np.zeros(npts) for m in range(npts): h_1[m] = return_point(m, npts, 1) h_7[m] = return_point(m, npts, 7) phirad = h_1 * 2.0 * np.pi h7 = 2.0 * h_7 - 1.0 # map from [0,1] to [-1,1] st = np.sqrt(1.0 - h7 * h7) xxx = st * np.cos(phirad) yyy = st * np.sin(phirad) zzz = h7 fig = plt.figure() ax = fig.gca(projection='3d') ax.plot(xxx, yyy, zzz, '.') ax.set_xticks([-1.0, -0.5, 0.0, 0.5, 1.0]); ax.set_yticks([-1.0, -0.5, 0.0, 0.5, 1.0]); ax.set_zticks([-1.0, -0.5, 0.0, 0.5, 1.0]); ax.set_title("Ham Points, 1 and 7", fontsize=14) plt.show()
22.704918
76
0.519856
0
0
0
0
0
0
0
0
398
0.287365
a953cb0fff14bcb71d5e717da31296569a25a401
11,261
py
Python
org/heather/setup/__init__.py
PandaLunatiquePrivate/Heather
a50ce59a7a61ac103003434fc0defc0e3bb4860c
[ "Apache-2.0" ]
2
2021-03-06T20:15:14.000Z
2021-03-28T16:58:13.000Z
org/heather/setup/__init__.py
PandaLunatiquePrivate/Heather
a50ce59a7a61ac103003434fc0defc0e3bb4860c
[ "Apache-2.0" ]
null
null
null
org/heather/setup/__init__.py
PandaLunatiquePrivate/Heather
a50ce59a7a61ac103003434fc0defc0e3bb4860c
[ "Apache-2.0" ]
null
null
null
import enum import json import os import requests import yaml import socket import sqlite3 import traceback from org.heather.api.tools import Tools from org.heather.api.log import Log, LogLevel @enum.unique class VerifyResult(enum.Enum): OK = 0 NEED_SETUP = 1 NEED_REPAIR = 2 class Setup(): @staticmethod def verify(installationPath): print('TODO: setup verification') return True @staticmethod def is_config_valid(path): full_path = os.path.abspath(path + "heather.conf" if path.endswith('/') else path + "/heather.conf") if os.path.exists(full_path): with open(full_path, 'r') as f: try: _temp = json.load(f) return True except: return False else: return False @staticmethod def wizard(rootPath): Log.do(LogLevel.ALL, 'Launching Heather setup wizard...', up_spacing=1, bottom_spacing=1) Log.do(LogLevel.INFO, f'Please specify an valid installation path:\nCurrently in {rootPath}', up_spacing=1, bottom_spacing=1) while True: setupParentPath = os.path.normpath(input('Installation path: ')) if len(setupParentPath) > 0 and os.path.isdir(setupParentPath): setupParentPath = os.path.abspath(setupParentPath) if os.access(setupParentPath, os.W_OK): break else: Log.do(LogLevel.ERROR, 'Permission denied! Can access to the specified directory! (Writting or reading)', up_spacing=1) else: Log.do(LogLevel.ERROR, 'Invalid directory!', up_spacing=1) Log.do(LogLevel.INFO, 'Please specify an valid installation path:') Log.do(LogLevel.INFO, 'Downloading locales files...', up_spacing=1) data = requests.get('https://pastebin.com/raw/48kzz6Y9') locales = yaml.load(data.text, Loader=yaml.CLoader) Log.do(LogLevel.GOOD, f'Found {len(locales)} locales availables!') Log.do(LogLevel.INFO, f'Select a default language:', up_spacing=1) while True: for locale in locales: Log.do(LogLevel.ALL, f'- {locale}') setupLocale = input('Locale language: ') if len(setupLocale) > 0 and locales.get(setupLocale) != None: break else: Log.do(LogLevel.ERROR, 'Invalid locale!', up_spacing=1) Log.do(LogLevel.INFO, f'Select a default language:') Log.do(LogLevel.INFO, f'Start automatic setup...', up_spacing=1) # Setup: Directories directories = [ os.path.normpath(setupParentPath + "/avatars"), os.path.normpath(setupParentPath + "/database"), os.path.normpath(setupParentPath + "/locales"), os.path.normpath(setupParentPath + "/logs"), os.path.normpath(setupParentPath + "/files"), os.path.normpath(setupParentPath + "/files/movies"), os.path.normpath(setupParentPath + "/files/series") ] for directory in directories: Log.do(LogLevel.ALL, f'Creating directory {directory}', delay=0.1) try: os.mkdir(directory) except: pass # Setup: Database Log.do(LogLevel.ALL, f'Setting up database...', delay=0.1) database = sqlite3.connect(os.path.normpath(setupParentPath + "/database/database.db")) Log.do(LogLevel.ALL, f'Creating tables...', delay=0.1) queries = [ 'CREATE TABLE profiles (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, GROUP_UID VARCHAR(32) NOT NULL, NAME VARCHAR(32) NOT NULL UNIQUE DEFAULT "New profile", AVATAR VARCHAR(256) DEFAULT NULL, PIN VARCHAR(4) NOT NULL DEFAULT "0000")', 'CREATE TABLE movies (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, TITLE VARCHAR(64) NOT NULL DEFAULT "Unknown", TRAILER_LINK VARCHAR(256), RELEASE_DATE VARCHAR(64), GENRE TEXT, DURATION INTEGER, REAL_DURATION INTEGER, RATING REAL, POPULAR_QUOTE TEXT, SYNOPSIS TEXT, COUNTRY VARCHAR(128), PRODUCTION TEXT, DIRECTOR TEXT, CASTS TEXT, ORIGINAL_VERSION VARCHAR(16) NOT NULL, FILE_PATH VARCHAR(256), QUALITY VARCHAR(32))', 'CREATE TABLE series (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, TITLE VARCHAR(64) NOT NULL DEFAULT "Unknown", EPISODES INTEGER, EPISODE_NAME VARCHAR(32) DEFAULT "EPISODE", SEASONS INTEGER, SEASON_NAME VARCHAR(32) DEFAULT "SEASON", TRAILERS_LINK VARCHAR(256), RELEASES_DATE VARCHAR(64), GENRE TEXT, TOTAL_DURATION INTEGER, RATING REAL, POPULAR_QUOTE TEXT, SYNOPSIS TEXT, COUNTRY VARCHAR(128), PRODUCTION TEXT, DIRECTOR TEXT, CASTS TEXT, ORIGINAL_VERSION VARCHAR(16) NOT NULL)', 'CREATE TABLE seasons (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, SERIE_UID VARCHAR(32) NOT NULL, SEASON INTEGER, SEASON_TITLE VARCHAR(64) NOT NULL DEFAULT "Unknown", RELEASES_DATE VARCHAR(64), TOTAL_DURATION INTEGER, POPULAR_QUOTE TEXT, SYNOPSIS TEXT, PRODUCTION TEXT, DIRECTOR TEXT, CASTS TEXT, ORIGINAL_VERSION VARCHAR(16) NOT NULL)', 'CREATE TABLE episodes (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, SEASON_UID VARCHAR(32) NOT NULL, EPISODE INTEGER, EPISODE_TITLE VARCHAR(64) NOT NULL DEFAULT "Unknown", RELEASES_DATE VARCHAR(64), DURATION INTEGER, SYNOPSIS TEXT, CASTS TEXT, FILE_PATH VARCHAR(256), QUALITY VARCHAR(32))', 'CREATE TABLE groups (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, NAME VARCHAR(32) NOT NULL UNIQUE DEFAULT "New group", MANAGE_GROUPS INTEGER, MANAGE_PROFILES INTEGER, IS_KID_FRIENDLY INTEGER, PRIORITY INTEGER NOT NULL)', 'CREATE TABLE modules (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, NAME VARCHAR(32) NOT NULL UNIQUE DEFAULT "New module", PATH VARCHAR(256) DEFAULT NULL)', 'CREATE TABLE directories (ID INTEGER PRIMARY KEY AUTOINCREMENT UNIQUE NOT NULL, UID VARCHAR(32) NOT NULL UNIQUE, NAME VARCHAR(32) NOT NULL UNIQUE DEFAULT "New directory", PATH VARCHAR(256) DEFAULT NULL, IS_RECURSIVE INTEGER)' ] for query in queries: Log.do(LogLevel.ALL, 'Creating a table...') database.execute(query) Log.do(LogLevel.COMMON, f'> {query}', delay=0.1) Log.do(LogLevel.ALL, f'Inserting default profiles and groups...', delay=0.1) new_group = Tools.get_uid(32) new_group_kid = Tools.get_uid(32) new_profile = Tools.get_uid(32) new_profile_kid = Tools.get_uid(32) new_profile_avatar = os.path.normpath(setupParentPath + "/avatars/beatrice.jpg") new_profile_kid_avatar = os.path.normpath(setupParentPath + "/avatars/lucie.jpg") new_directory_movies = Tools.get_uid(32) new_directory_movies_path = os.path.normpath(setupParentPath + "/files/movies") new_directory_series = Tools.get_uid(32) new_directory_series_path = os.path.normpath(setupParentPath + "/files/series") queries = [ f'INSERT INTO groups (UID, NAME, MANAGE_GROUPS, MANAGE_PROFILES, IS_KID_FRIENDLY, PRIORITY) VALUES ("{new_group}", "Owner", 1, 1, 0, 10)', f'INSERT INTO groups (UID, NAME, MANAGE_GROUPS, MANAGE_PROFILES, IS_KID_FRIENDLY, PRIORITY) VALUES ("{new_group_kid}", "Kid", 0, 0, 1, 1)', f'INSERT INTO profiles (UID, GROUP_UID, NAME, AVATAR, PIN) VALUES ("{new_profile}", "{new_group}", "Heather", "{new_profile_avatar}", "0000")', f'INSERT INTO profiles (UID, GROUP_UID, NAME, AVATAR, PIN) VALUES ("{new_profile_kid}", "{new_group_kid}", "Kids", "{new_profile_kid_avatar}", "0000")', f'INSERT INTO directories (UID, NAME, PATH, IS_RECURSIVE) VALUES ("{new_directory_movies}", "Default movies", "{new_directory_movies_path}", 1)', f'INSERT INTO directories (UID, NAME, PATH, IS_RECURSIVE) VALUES ("{new_directory_series}", "Default series", "{new_directory_series_path}", 1)' ] for query in queries: database.execute(query) Log.do(LogLevel.COMMON, f'> {query}', delay=0.1) database.commit() # Setup: Download locales Log.do(LogLevel.ALL, f'Downloading locales...', delay=0.1) for locale in locales: Log.do(LogLevel.ALL, f'Downloading {locale}.lang file...', delay=0.1) try: data = requests.get(locales[locale]).content with open(os.path.normpath(setupParentPath + f"/locales/{locale}.lang"), 'wb+') as f: f.write(data) Log.do(LogLevel.GOOD, f'Downloaded {locale}.lang!', delay=0.05) except: Log.do(LogLevel.WARN, f'Can\'t download {locale}.lang!', delay=0.05) # Setup: Download avatars Log.do(LogLevel.ALL, f'Downloading avatars...', delay=0.1) Log.do(LogLevel.ALL, f'Gettings avatars list...', delay=0.1) data = requests.get('https://pastebin.com/raw/A3PX5iAP') avatars = yaml.load(data.text, Loader=yaml.CLoader) for avatar in avatars: Log.do(LogLevel.ALL, f'Downloading {avatar} file...', delay=0.1) try: data = requests.get(avatars[avatar]).content with open(os.path.normpath(setupParentPath + f"/avatars/{avatar}"), 'wb+') as f: f.write(data) Log.do(LogLevel.GOOD, f'Downloaded {avatar}!', delay=0.05) except: Log.do(LogLevel.WARN, f'Can\'t download {avatar}!', delay=0.05) _s = socket.socket(socket.AF_INET, socket.SOCK_DGRAM) _s.connect(('8.8.8.8', 80)) privateAddress = _s.getsockname()[0] publicAddress = requests.get('https://api.ipify.org/?format=json').json()['ip'] _s.close() config = { "general": { "parent_path": setupParentPath, "paths": { "avatars": "avatars", "database": "database", "locales": "locales", "logs": "logs" }, "locale": setupLocale, "updater": { "enable": True, "interval": 3600 }, "plugins": { "enable": True }, "availability": { "public": { "enable": False, "endpoint": publicAddress }, "private": { "enable": True, "endpoint": privateAddress } } } } with open(os.path.normpath(rootPath + "/heather.conf"), 'w+') as f: json.dump(config, f, indent=4) Log.do(LogLevel.GOOD, f'Everything is setup! Ready to start!', delay=0.05)
42.334586
534
0.610958
11,035
0.979931
0
0
11,014
0.978066
0
0
5,176
0.459639
a955fd4758fdef6a817f379d021c4f3cc6b7730c
5,421
py
Python
utils/belief_prop.py
atitus5/ocr-869
1d714dd28e933fb320b099a4631d25e93bb01678
[ "MIT" ]
null
null
null
utils/belief_prop.py
atitus5/ocr-869
1d714dd28e933fb320b099a4631d25e93bb01678
[ "MIT" ]
null
null
null
utils/belief_prop.py
atitus5/ocr-869
1d714dd28e933fb320b099a4631d25e93bb01678
[ "MIT" ]
null
null
null
import math import sys import time from nltk import word_tokenize import numpy as np def bp_error_correction(kjv, all_predictions): start_t = time.time() # Run belief propagation to correct any words not found in dictionary print("Setting up word set and tokenizing predictions...") word_set = set(word_tokenize(kjv.full_text)) if len(all_predictions.shape) > 1: predicted_char_ints = np.argmax(all_predictions, axis=1) else: predicted_char_ints = all_predictions all_predictions = np.zeros((len(all_predictions), kjv.unique_chars()), dtype=float) for i in range(len(all_predictions)): all_predictions[i, int(predicted_char_ints[i])] = 1.0 predicted_chars = list(map(lambda x: kjv.int_to_char[int(x)], predicted_char_ints)) predicted_sentence = "".join(predicted_chars) predicted_tokens = word_tokenize(predicted_sentence) print("Done setting up.") # Add in backoff to keep probabilities relatively localized (think exponential moving avg) char_dist_1pct = 5 # Arbitrary; can be changed backoff_alpha = math.pow(0.01, (1.0 / float(char_dist_1pct))) print("Using backoff alpha %.6f (1%% contrib at %d char distance)" % (backoff_alpha, char_dist_1pct)) # Correct only words that don't fall into our word set print("Correcting character errors with belief propagation...") char_bigram_matrix = kjv.char_bigram_matrix() corrected_predictions = predicted_char_ints token_idx = 0 char_idx = 0 print_interval = max(int(len(predicted_tokens) / 100), 1) for token_idx in range(len(predicted_tokens)): if token_idx % print_interval == 0: # Print update in place sys.stdout.write("\rError correction %d%% complete" % int(token_idx / float(len(predicted_tokens) * 100.0))) sys.stdout.flush() token = predicted_tokens[token_idx] if len(token) > 1 and token not in word_set: # Attempt to fix the error start = char_idx end = char_idx + len(token) new_char_predictions = run_belief_prop(char_bigram_matrix, all_predictions[start:end, :], backoff_alpha=backoff_alpha) corrected_predictions[start:end] = new_char_predictions # Only worry about start character index of next token if not at end char_idx += len(token) if token_idx < len(predicted_tokens) - 1: next_token = predicted_tokens[token_idx + 1] while predicted_sentence[char_idx] != next_token[0]: char_idx += 1 # Insert newline to reset in-place update timer sys.stdout.write("\rError correction 100% complete!\n") sys.stdout.flush() end_t = time.time() print("Corrected errors with belief prop in %.3f seconds" % (end_t - start_t)) return corrected_predictions def run_belief_prop(char_bigram_matrix, predictions, backoff_alpha=1.0): # Message_{i,j,k} is message from node i to node j (with dimension k = # unique chars) num_nodes, num_chars = predictions.shape[0:2] inc_msgs = np.zeros((num_nodes - 1, num_chars)) # Index i is message from i to (i + 1) dec_msgs = np.zeros((num_nodes - 1, num_chars)) # Index i is message from (i + 1) to i # BELIEF PROP # Compute edge conditions, normalizing in process inc_msgs[0, :] = np.matmul(char_bigram_matrix, predictions[0,:]) inc_msgs[0, :] /= float(sum(inc_msgs[0, :])) dec_msgs[num_nodes - 2, :] = np.matmul(np.transpose(char_bigram_matrix), predictions[num_nodes - 1, :]) dec_msgs[num_nodes - 2, :] /= float(sum(dec_msgs[num_nodes - 2, :])) # Compute all remaining messages. Operates bidirectionally. current_inc_msg = 1 current_dec_msg = num_nodes - 3 for i in range(num_nodes - 2): # Compute message in increasing direction, normalizing in process inc_msgs[current_inc_msg, :] = np.matmul(char_bigram_matrix, np.multiply(backoff_alpha * inc_msgs[current_inc_msg - 1, :], predictions[current_inc_msg, :])) inc_msgs[current_inc_msg, :] /= float(sum(inc_msgs[current_inc_msg, :])) current_inc_msg += 1 # Compute message in decreasing direction, normalizing in process dec_msgs[current_dec_msg, :] = np.matmul(np.transpose(char_bigram_matrix), np.multiply(backoff_alpha * dec_msgs[current_dec_msg + 1, :], predictions[current_dec_msg + 1, :])) dec_msgs[current_dec_msg, :] /= float(sum(dec_msgs[current_dec_msg, :])) current_dec_msg -= 1 # Compute final marginal probabilities by multiplying incoming messages together # Uses labels instead of one-hot due to memory constraints final_predictions = np.zeros(num_nodes) # First node; edge case final_predictions[0] = np.argmax(dec_msgs[0, :]) # Normal nodes for idx in range(1, num_nodes - 1): final_predictions[idx] = np.argmax(np.multiply(inc_msgs[idx - 1, :], dec_msgs[idx, :])) # Last node; edge case final_predictions[num_nodes - 1] = np.argmax(inc_msgs[num_nodes - 2, :]) return final_predictions
46.333333
120
0.643239
0
0
0
0
0
0
0
0
1,323
0.244051
a9562047bea821bb81235f635245c2aa193d719c
619
py
Python
PWN/jarvisoj.com/level1/exploit.py
WinDDDog/Note
5489ffeabe75d256b8bffffb24ab131cc74f3aed
[ "Apache-2.0" ]
null
null
null
PWN/jarvisoj.com/level1/exploit.py
WinDDDog/Note
5489ffeabe75d256b8bffffb24ab131cc74f3aed
[ "Apache-2.0" ]
null
null
null
PWN/jarvisoj.com/level1/exploit.py
WinDDDog/Note
5489ffeabe75d256b8bffffb24ab131cc74f3aed
[ "Apache-2.0" ]
null
null
null
from pwn import * shellcode = "\x31\xc0\x31\xdb\x50\x68\x2f\x2f\x73\x68\x68\x2f\x62\x69\x6e\x89\xe3\x50\x53\x89\xe1\x31\xd2\xb0\x0b\x51\x52\x55\x89\xe5\x0f\x34\x31\xc0\x31\xdb\xfe\xc0\x51\x52\x55\x89\xe5\x0f\x34" HOST = 'pwn2.jarvisoj.com' PORT = 9877 def PrettyTommy(ip,port): con = remote(ip,port) con.recv(12) addr = con.recv(10) print addr leak = p32(int(addr,16)) con.recv() payload = shellcode + (0x88-len(shellcode)) * 'A' + leak + leak con.send(payload) con.interactive("\nshell# ") PrettyTommy(HOST,PORT)
29.47619
195
0.592892
0
0
0
0
0
0
0
0
215
0.347334
a956dee6345202cc212985e79e8f74cb1e26aa99
1,065
py
Python
botx/clients/methods/errors/unauthorized_bot.py
ExpressApp/pybotx
97c8b1ce5d45a05567ed01d545cb43174a2dcbb9
[ "MIT" ]
13
2021-01-21T12:43:10.000Z
2022-03-23T11:11:59.000Z
botx/clients/methods/errors/unauthorized_bot.py
ExpressApp/pybotx
97c8b1ce5d45a05567ed01d545cb43174a2dcbb9
[ "MIT" ]
259
2020-02-26T08:51:03.000Z
2022-03-23T11:08:36.000Z
botx/clients/methods/errors/unauthorized_bot.py
ExpressApp/pybotx
97c8b1ce5d45a05567ed01d545cb43174a2dcbb9
[ "MIT" ]
5
2019-12-02T16:19:22.000Z
2021-11-22T20:33:34.000Z
"""Definition for "invalid bot credentials" error.""" from typing import NoReturn from botx.clients.methods.base import APIErrorResponse, BotXMethod from botx.clients.types.http import HTTPResponse from botx.exceptions import BotXAPIError class InvalidBotCredentials(BotXAPIError): """Error for raising when got invalid bot credentials.""" message_template = ( "Can't get token for bot {bot_id}. Make sure bot credentials is correct" ) def handle_error(method: BotXMethod, response: HTTPResponse) -> NoReturn: """Handle "invalid bot credentials" error response. Arguments: method: method which was made before error. response: HTTP response from BotX API. Raises: InvalidBotCredentials: raised always. """ APIErrorResponse[dict].parse_obj(response.json_body) raise InvalidBotCredentials( url=method.url, method=method.http_method, response_content=response.json_body, status_content=response.status_code, bot_id=method.bot_id, # type: ignore )
30.428571
80
0.71831
217
0.203756
0
0
0
0
0
0
429
0.402817
a9578f51cee02781b1cf946c958d1259116e97c7
16,515
py
Python
ld38/game_scene.py
irskep/rogue_basement
f92637d7870662a401ca7bb745e3855364b5ac9c
[ "MIT" ]
16
2017-04-24T02:29:43.000Z
2021-07-31T15:53:15.000Z
ld38/game_scene.py
irskep/rogue_basement
f92637d7870662a401ca7bb745e3855364b5ac9c
[ "MIT" ]
4
2017-04-24T20:13:45.000Z
2017-05-07T16:22:52.000Z
ld38/game_scene.py
irskep/rogue_basement
f92637d7870662a401ca7bb745e3855364b5ac9c
[ "MIT" ]
2
2017-05-14T20:57:38.000Z
2017-05-19T22:08:37.000Z
# This file has a lot going on in it because really ties the game together, # just like The Dude's rug. You can probably read it start to finish, but # by all means start jumping around from here. # Dependencies for rendering the UI from clubsandwich.ui import ( LabelView, LayoutOptions, UIScene, ) # including some ones written specifically for this game from .views import ProgressBarView, GameView, StatsView # Whenever you go to another "screen," you're visiting a scene. These are the # scenes you can get to from the game scene. from .scenes import PauseScene, WinScene, LoseScene # This object stores the state of the whole game, so we're definitely gonna # need that. from .game_state import GameState # When keys are pressed, we'll call these functions to have the player do # things. from .actions import ( action_throw, action_close, action_move, action_pickup_item, ) # When things happen, we need to show status messages at the bottom of the # screen. Since more than one thing can happen in a frame, there's some # subtle logic encapsulated in this Logger object. from .logger import Logger # Constructing arbitrary English sentences from component parts is not always # simple. This function makes it read nicer in code. from .sentences import simple_declarative_sentence # There are four tracks that can play at any given time. Pyglet (the library # used for audio) doesn't have easy "fade" support, so this object tracks and # modifies volumes for each track per frame. from .music import NTrackPlayer # const.py does some interesting things that you should look at when you're # interested. For now, here are some hints: from .const import ( # Enums are collections of unique identifiers. In roguelikes it's usually # better to keep everything in data files, but for a small game like this # it's not a big deal to have a few small ones. EnumEventNames, EnumFeature, EnumMonsterMode, # These are collections of values from data files: verbs, # from verbs.csv key_bindings, # from key_bindings.csv # This is a reverse mapping of key_bindings.csv so we can turn # a raw key value into a usable command. BINDINGS_BY_KEY, # Map of key binding ID to a clubsandwich.geom.Point object representing a # direction. KEYS_TO_DIRECTIONS, ) # At some point this game was slow. This flag enables profiling. You can # ignore it. DEBUG_PROFILE = False if DEBUG_PROFILE: import cProfile pr = cProfile.Profile() # All game scenes share an instance of the player because the audio should be # continuous. It's a bit of a hack that it's a global variable, but this was a # 48-hour game, so deal with it. N_TRACK_PLAYER = NTrackPlayer(['Q1.mp3', 'Q2.mp3', 'Q3.mp3', 'Q4.mp3']) # This is the text that appears at the bottom left of the screen. TEXT_HELP = """ ======= Keys ======= Move: arrows, numpad hjklyubn Get rock: g Throw rock: t Close: c """.strip() # While you're playing the game, there are actually 3 modes of input: # # * Normal: move, wait, get, close, throw # * Prompting for throw direction # * Prompting for close direction # # These states were originally handled with a "mode" property, but it turns out # to be MUCH simpler if there are just 3 completely different scenes for these # things that happen to draw the screen the same way. That way you never have # any "if mode == PROMPT_THROW_DIRECTION" blocks or anything. # # So those 3 scenes all inherit from this base class. class GameAppearanceScene(UIScene): def __init__(self, game_state, *args, **kwargs): # All the game scenes share a GameState object. self.game_state = game_state # They also use the global player, but access it via a property just in # case I change my mind later. self.n_track_player = N_TRACK_PLAYER # Make some views. Read the clubsandwich docs for details on this stuff. # Some of them we just add as subviews and forget about, but the stats # view will need to be updated from time to time, so hang onto a reference # to it. sidebar_width = 21 # The game drawing is all done by this GameView object. It happens every # frame, so we can mostly forget about it for now. game_view = GameView( self.game_state, layout_options=LayoutOptions().with_updates(left=sidebar_width, bottom=1)) log_view = LabelView( text="", align_horz='left', color_bg='#333333', clear=True, layout_options=LayoutOptions.row_bottom(1) .with_updates(left=sidebar_width)) help_view = LabelView( text=TEXT_HELP, align_horz='left', layout_options=LayoutOptions.column_left(sidebar_width) .with_updates(top=None, height='intrinsic')) self.stats_view = StatsView( self.game_state, layout_options=LayoutOptions.column_left(sidebar_width)) views = [ game_view, self.stats_view, help_view, log_view, ] super().__init__(views, *args, **kwargs) # Each game scene has its own log controller. It's defined after the super() # call because it needs log_view to exist. self.logger = Logger(log_view) # This boolean signals to DirectorLoop that it doesn't need to draw any # scenes behind this one. (Compare with the pause screen, which wants the # game scene to be drawn behind it, since it's a popup window!) self.covers_screen = True def enter(self, ctx): super().enter(ctx) # When this scene becomes active, clear everything. There is no convention # for who clears the screen, so just handle it on all changes. self.ctx.clear() def exit(self): super().exit() # same reason as enter() self.ctx.clear() # This function is called by DirectorLoop every frame. It does important # things! def terminal_update(self, is_active=True): if DEBUG_PROFILE: pr.enable() # Fade music in/out if necessary self.n_track_player.step() # Tell the LevelState object to deal with any events in its queue. The # event system is pretty sophisticated, more on that later. self.game_state.level.consume_events() # Tell the logger to display any log entries in its queue, or leave the # log unchanged. self.logger.update_log() # The superclass draws all the views super().terminal_update(is_active) if DEBUG_PROFILE: pr.disable() # This is another abstract base class, subclassing the one above. Two of the # three game scenes are just waiting for a single keystroke for input. This # class abstracts that behavior. class GameModalInputScene(GameAppearanceScene): # DirectorLoop calls terminal_read() on the active scene when input is # available. You might want to read the BearLibTerminal docs for # terminal_read(). `val` is the return value of that function. def terminal_read(self, val): # Ignore input from unbound keys if val not in BINDINGS_BY_KEY: return # Read one keystroke and pop back to the previous scene. # (DirectorLoop stores scenes as a stack.) level_state = self.game_state.level self.handle_key(BINDINGS_BY_KEY[val]) self.director.pop_scene() # `k` in this function is one of the values in the left column from # key_bindings.csv. def handle_key(self, k): raise NotImplementedError() # Finally, some real action! This is the main game scene, as the name says. # This object has a lot of responsibilities: # # * Reset things for a new game # * Display world events to the user # * Act on main game input # * Assorted hacks # # Let's dive in! class GameMainScene(GameAppearanceScene): def __init__(self, *args, **kwargs): # Create a fresh GameState object super().__init__(GameState(), *args, **kwargs) # Reset the music player in case this isn't the first game since the # process launched self.n_track_player.reset() # Subscribe to a bunch of events. This probably looks a little weird, so # you might want to read the docs for clubsandwich.event_dispatcher. level_state = self.game_state.level # But basically, this means "when the 'door_open' event is fired on the # player entity, call self.on_door_open(event)." level_state.dispatcher.add_subscriber(self, EnumEventNames.door_open, level_state.player) level_state.dispatcher.add_subscriber(self, EnumEventNames.entity_bumped, level_state.player) level_state.dispatcher.add_subscriber(self, EnumEventNames.entity_moved, level_state.player) level_state.dispatcher.add_subscriber(self, EnumEventNames.entity_took_damage, level_state.player) # These event handlers respond to all events with matching names, # regardless of which entity they are attached to. level_state.dispatcher.add_subscriber(self, EnumEventNames.entity_picked_up_item, None) level_state.dispatcher.add_subscriber(self, EnumEventNames.entity_died, None) level_state.dispatcher.add_subscriber(self, EnumEventNames.entity_attacking, None) level_state.dispatcher.add_subscriber(self, EnumEventNames.score_increased, None) def exit(self): super().exit() # Stop the music and write profiler data to disk when the game ends. self.n_track_player.stop() if DEBUG_PROFILE: pr.dump_stats('profile') ### event handlers ### # (things that happen in response to world events) ## player events ## # (only called when these events are attached to the player) def on_entity_moved(self, event): level_state = self.game_state.level # Here is the first appearance of the tilemap API. This just gets us a # RogueBasementCell object (see level_generator.py) for a given position. cell = level_state.tilemap.cell(event.entity.position) # This game only has one level, so exit stairs means game win! Yay! # And "winning" means "show a cute dialog." And the dialog looks almost # exactly like the losing dialog, except it says "you win" instead of # "you lose." How satisfying! if cell.feature == EnumFeature.STAIRS_DOWN: self.director.push_scene(WinScene(self.game_state.score)) # "Annotations" are just little notes left to us by the level generator. # These annotations in particular mean "this cell is part of a corridor # leading between two areas of different difficulty." if cell.annotations & {'transition-1-2', 'transition-2-3', 'transition-3-4'}: # Fade the music out. DRAMA!!! self.n_track_player.set_active_track(None) ### HACK HACK HACK HACK ### # For "balance", replenish health between rooms. # This was added in the last hour or so of the compo. It might be better # to implement this as a cell Feature instead of this annotation, but eh, # at this point it's not worth fixing. level_state.player.state['hp'] = level_state.player.stats['hp_max'] self.logger.log("The glowing corridor restores you to health.") # Whenever we update player state, we have to manually update the stats # view. Not really the best workflow; the stats view ought to update # itself every frame! But again, eh, whatever, it works. self.stats_view.update() # The level generator creates Room objects which know what area they are # in. We can look them up by position. If this cell has a Room, then tell # the music player to play the relevant track. room = level_state.tilemap.get_room(event.entity.position) if room and room.difficulty is not None: self.n_track_player.set_active_track(room.difficulty) def on_entity_bumped(self, event): self.logger.log("Oof!") def on_entity_took_damage(self, event): self.stats_view.update() def on_door_open(self, event): self.logger.log("You opened the door.") ## global events ## # (called no matter what the entity is) def on_entity_attacking(self, event): # "You hit the verp. The verp hits you." self.logger.log(simple_declarative_sentence( event.entity.monster_type.id, verbs.HIT, event.data.monster_type.id)) if event.data.mode == EnumMonsterMode.STUNNED: # This only happens to monsters, otherwise we'd have to # account for it in our text generator. How fortunate! self.logger.log("It is stunned.") def on_entity_died(self, event): # "You die." "The wibble dies." self.logger.log(simple_declarative_sentence( event.entity.monster_type.id, verb=verbs.DIE)) if event.entity == self.game_state.level.player: # Funny how losing looks just like winning... self.director.push_scene(LoseScene(self.game_state.score)) def on_entity_picked_up_item(self, event): if self.game_state.level.get_can_player_see(event.entity.position): self.logger.log(simple_declarative_sentence( event.entity.monster_type.id, verbs.PICKUP, event.data.item_type.id, 'a' )) self.stats_view.update() # inventory count may have changed! def on_score_increased(self, event): # Coins are a special case. If you pick one up, the entity_picked_up_item # event is not fired. Instead, you get this score_increased event. # # The reason is that the inventory system is very stupid, and keeping coins # in it would be useless. self.stats_view.update() # score changed self.logger.log(simple_declarative_sentence( 'PLAYER', verbs.PICKUP, 'GOLD', 'a')) # ooh, we got a keystroke! def terminal_read(self, val): # Ignore unbound keys if val not in BINDINGS_BY_KEY: return key = BINDINGS_BY_KEY[val] self.logger.clear() self.handle_key(key) def handle_key(self, k): level_state = self.game_state.level # Remember that `k` is one of the left column values in key_bindings.csv. if k in KEYS_TO_DIRECTIONS: # If the key represents a direction, try to move in that direction. point = level_state.player.position + KEYS_TO_DIRECTIONS[k] action_move(level_state, level_state.player, point) elif k == 'GET': action_pickup_item(level_state, level_state.player) elif k == 'WAIT': # The easiest implementation of "wait" is to just fire the event that # says "the player did something, you can move now" without the player # having actually done anything. level_state.fire_player_took_action_if_alive() elif k == 'CLOSE': # Now it's time to push one of those fancy modal-input scenes I've talked # so much about! self.director.push_scene(GameCloseScene(self.game_state)) elif k == 'THROW': if level_state.player.inventory: # Ooh, another one! self.director.push_scene(GameThrowScene(self.game_state)) else: # HAHA LOL PLAYER U SUX self.logger.log("You don't have anything to throw.") elif k == 'CANCEL': self.director.push_scene(PauseScene()) # At this point, you should be able to read the last two classes yourself # without my help. From here, you should jump around to whatever interests you! # I would suggest a reading order of something like: # * const.py # * entity.py # * game_state.py # * level_state.py # * behavior.py # * actions.py # * level_generator.py # * views.py # * draw_game.py class GameThrowScene(GameModalInputScene): def enter(self, ctx): super().enter(ctx) self.logger.log("Throw in what direction?") def handle_key(self, k): level_state = self.game_state.level if k == 'CANCEL': return if k not in KEYS_TO_DIRECTIONS: self.logger.log("Invalid direction") return delta = KEYS_TO_DIRECTIONS[k] item = level_state.player.inventory[0] did_throw = action_throw( level_state, level_state.player, item, level_state.player.position + delta * 1000, 2) if did_throw: self.logger.log(simple_declarative_sentence('PLAYER', verbs.THROW, 'ROCK')) else: self.logger.log("You can't throw that in that direction.") class GameCloseScene(GameModalInputScene): def enter(self, ctx): super().enter(ctx) self.logger.log("Close door in what direction?") def handle_key(self, k): level_state = self.game_state.level if k == 'CANCEL': return if k not in KEYS_TO_DIRECTIONS: self.logger.log("Invalid direction") return delta = KEYS_TO_DIRECTIONS[k] if action_close(level_state, level_state.player, level_state.player.position + delta): self.logger.log("You closed the door.") else: self.logger.log("There is no door there.")
37.44898
102
0.711051
12,184
0.737754
0
0
0
0
0
0
8,780
0.531638
a958227f8764279c1268ab44258acb82a4b5a6c0
4,882
py
Python
main.py
yanxurui/portfolio
032cf47ccac1c5815fd4827bf0d5f3cf43cec990
[ "MIT" ]
null
null
null
main.py
yanxurui/portfolio
032cf47ccac1c5815fd4827bf0d5f3cf43cec990
[ "MIT" ]
null
null
null
main.py
yanxurui/portfolio
032cf47ccac1c5815fd4827bf0d5f3cf43cec990
[ "MIT" ]
null
null
null
import os import shutil import argparse from pathlib import Path from time import time from collections import defaultdict import torch import numpy as np import pandas as pd torch.manual_seed(0) def allocate(a): a[a<0] = 0 if a.sum() <= 1: return a else: return a/a.sum() def ret(output, y): output = np.apply_along_axis(allocate, -1, output) return (output*y).sum(axis=1) def train_batch(X, target, y): net.train() X, target = torch.Tensor(X), torch.Tensor(target) optimizer.zero_grad() # zero the gradient buffers output = net(X) loss = criterion(output, target) loss.backward() optimizer.step() # Does the update output = output.detach().numpy() return ( loss.item(), ret(output, y) ) def test_batch(X, y): net.eval() X = torch.Tensor(X) output = net(X) output = output.detach().numpy() return ( output, ret(output, y) ) def train(): print('Train...') start_time = time() net.reset_parameters() # repeat training in jupyter notebook summary = [] best_val_ret = None # loop over epoch and batch for e in range(epoch): current_epoch = defaultdict(list) for i, X, target, y in data.train(): tr_loss, tr_ret = train_batch(X, target, y) current_epoch['tr_loss'].append(tr_loss) current_epoch['tr_ind'].extend(i) current_epoch['tr_ret'].extend(tr_ret) # evaluate for i, X, y in data.valid(): _, val_ret = test_batch(X, y) current_epoch['val_ind'].extend(i) current_epoch['val_ret'].extend(val_ret) # 3 values: loss, train average daily % return, valid ... aggregate = [np.mean(current_epoch['tr_loss']), np.mean(current_epoch['tr_ret'])*100, np.mean(current_epoch['val_ret'])*100] print("epoch:{:3d}, tr_loss:{:+.3f}, tr_ret:{:+.3f}, val_ret:{:+.3f}".format( e+1, *aggregate)) # only save the best model on validation set if not best_val_ret or aggregate[-1] >= best_val_ret: best_val_ret = aggregate[-1] val_epoch = current_epoch torch.save({ 'net': net.state_dict(), 'optimizer': optimizer.state_dict(), 'criterion': criterion.state_dict() }, save_dir.joinpath('state.pt')) summary.append(aggregate) summary = pd.DataFrame(summary, columns=['tr_loss', 'tr_ret', 'val_ret']) summary.to_csv(save_dir.joinpath('train_summary.csv')) pd.DataFrame({'ret':current_epoch['tr_ret']}, index=current_epoch['tr_ind']).to_csv( save_dir.joinpath('train_last_epoch.csv')) pd.DataFrame({'ret':val_epoch['val_ret']}, index=val_epoch['val_ind']).to_csv( save_dir.joinpath('valid_best_epoch.csv')) print('Training finished after {:.1f}s'.format(time()-start_time)) print('Early stop epoch: {}'.format(summary['val_ret'].values.argmax()+1)) print('-'*20) def test(): # always load model from disk # 1. to repeat test without training # 2. for the sake of online learning print('Test...') summary = [] outputs = [] for i, X, y in data.test(): output, r = test_batch(X, y) outputs.extend(zip(i, output)) summary.extend(zip(i, r)) if online_train: for j, X, target, y in data.online_train(): train_batch(X, target, y) summary = pd.DataFrame(summary, columns=['index', 'ret']) summary = summary.set_index('index') summary.to_csv(save_dir.joinpath('test_summary.csv')) print('ret: {:+.3f}'.format((summary['ret']+1).prod())) outputs = dict(outputs) outputs = pd.DataFrame(outputs).T outputs.to_csv(save_dir.joinpath('test_output.csv')) def load_model(path): checkpoint = torch.load(path) net.load_state_dict(checkpoint['net']) net.eval() optimizer.load_state_dict(checkpoint['optimizer']) criterion.load_state_dict(checkpoint['criterion']) return net, optimizer, criterion if __name__ == '__main__': parser = argparse.ArgumentParser(description='Null') parser.add_argument('path', help='path of experiment, must contain config.py') parser.add_argument('--test', action='store_true', help='test only') args = parser.parse_args() os.environ['CONFIG_LOCAL_DIR'] = args.path # variables defined here are global/model level save_dir = Path(args.path) if not os.path.isfile(os.path.join(save_dir, 'config.py')): raise Exception('{}: wrong path or no local config'.format(save_dir)) from config_global import epoch, net, optimizer, criterion, data, online_train if not args.test: train() net, optimizer, criterion = load_model(save_dir.joinpath('state.pt')) test()
33.438356
88
0.621262
0
0
0
0
0
0
0
0
1,031
0.211184
a958be1401872e502507925a19d9666e8b808383
736
py
Python
listing_manager/utils.py
mikezareno/listing-manager
7cf07c2f654925254949b8d0000104cd0cfcafe9
[ "MIT" ]
null
null
null
listing_manager/utils.py
mikezareno/listing-manager
7cf07c2f654925254949b8d0000104cd0cfcafe9
[ "MIT" ]
null
null
null
listing_manager/utils.py
mikezareno/listing-manager
7cf07c2f654925254949b8d0000104cd0cfcafe9
[ "MIT" ]
null
null
null
# from __future__ import unicode_literals import frappe, erpnext from frappe import _ import json from frappe.utils import flt, cstr, nowdate, nowtime from six import string_types class InvalidWarehouseCompany(frappe.ValidationError): pass @frappe.whitelist() def get_item_code(scancode=None): if scancode: #try barcode lookup item_code = frappe.db.get_value("Item Barcode", {"barcode" : scancode}, fieldname=["parent"]) if not item_code: #try supplier code lookup item_code = frappe.db.get_value("Item Supplier", {"supplier_part_no" : scancode}, fieldname=["parent"]) if not item_code: frappe.throw("No Item Found with code: " + scancode) return item_code @frappe.whitelist() def hello(): return "Hello Mike"
26.285714
107
0.754076
59
0.080163
0
0
490
0.665761
0
0
156
0.211957
a95b262364cdeaaec9745537650c70b839330456
1,368
py
Python
package_installer.py
LukasDoesDev/deployarch
775e15220003ddbf30774167a0c3d145d84489a0
[ "MIT" ]
2
2021-02-07T14:47:28.000Z
2021-02-08T10:42:54.000Z
package_installer.py
LukasDoesDev/deployarch
775e15220003ddbf30774167a0c3d145d84489a0
[ "MIT" ]
1
2021-02-08T13:46:39.000Z
2021-02-08T13:46:39.000Z
package_installer.py
LukasDoesDev/deployarch
775e15220003ddbf30774167a0c3d145d84489a0
[ "MIT" ]
1
2021-02-07T14:47:35.000Z
2021-02-07T14:47:35.000Z
import json import subprocess PACMAN_SYNC_DB_COMMAND = 'sudo pacman --noconfirm -Sy' AUR_HELPER_COMMAND = 'paru --noconfirm -S {}' PACMAN_COMMAND = 'sudo pacman --noconfirm -S {}' def run_cmds(array): subprocess.run('\n'.join(array),shell=True, check=True,executable='/bin/bash') with open('./config.json') as f: config = json.load(f) packages_raw = config.get('packages', {}) setup_raw = config.get('setup', {}) pacman_packages = set() aur_packages = set() scripts = [] for package_raw in packages_raw: # TODO: select with maybe website? or fzf? if package_raw.get('name') not in ['', None, 'custom dmenu', 'custom dwm']: if package_raw.get('script'): scripts.append(package_raw.get('script', ['echo error'])) pacman_packages.update(package_raw.get('pacman', [])) aur_packages.update(package_raw.get('aur', [])) pacman_packages_str = ' '.join(pacman_packages) aur_packages_str = ' '.join(aur_packages) run_cmds([ PACMAN_SYNC_DB_COMMAND, # Synchronize package database PACMAN_COMMAND.format(pacman_packages_str), # Install Pacman packages AUR_HELPER_COMMAND.format(aur_packages_str), # Install AUR packages ]) for script in scripts: run_cmds(script) for package_name, cmds in setup_raw.items(): if package_name in pacman_packages or package_name in aur_packages: run_cmds(cmds)
31.090909
82
0.706871
0
0
0
0
0
0
0
0
331
0.241959
a95cd5050cc5338cb7021667243f069114685055
2,293
py
Python
utils/forms.py
JakubBialoskorski/notes
1016581cbf7d2024df42f85df039c7e2a5b03205
[ "MIT" ]
null
null
null
utils/forms.py
JakubBialoskorski/notes
1016581cbf7d2024df42f85df039c7e2a5b03205
[ "MIT" ]
1
2021-06-22T20:26:20.000Z
2021-06-22T20:26:20.000Z
utils/forms.py
JakubBialoskorski/notes
1016581cbf7d2024df42f85df039c7e2a5b03205
[ "MIT" ]
null
null
null
from flask_wtf import FlaskForm from wtforms import StringField, PasswordField, SubmitField, SelectMultipleField, HiddenField from flask_pagedown.fields import PageDownField from wtforms import validators class LoginForm(FlaskForm): username = StringField('Username*', [validators.InputRequired("Please enter your name.")]) password = PasswordField('Password*', [validators.InputRequired("Please enter your password.")]) submit = SubmitField('Login') class SignUpForm(FlaskForm): username = StringField('Username*', [validators.InputRequired("Please enter your username")]) email = StringField('Email*', [validators.InputRequired("Please enter your email"), validators.Email('Email format incorrect')]) password = PasswordField('Password*', [validators.InputRequired("Please enter your password"), validators.EqualTo('confirm_password', message='Passwords must match'), validators.Length(min=8, max=32, message='Password must contain 8 digits minimum, with 32 being maximum')]) confirm_password = PasswordField('Confirm your password*', [validators.InputRequired("Confirm your password")]) submit = SubmitField('Signup') class AddNoteForm(FlaskForm): note_id = HiddenField("Note ID:") note_title = StringField('Note Title:', [validators.InputRequired("Please enter a note title.")]) note = PageDownField('Your Note:') tags = SelectMultipleField('Note Tags:') submit = SubmitField('Add Note') class AddTagForm(FlaskForm): tag = StringField('Enter tag:', [validators.InputRequired("Please enter the tag")]) submit = SubmitField('Add Tag') class ChangeEmailForm(FlaskForm): email = StringField('Email*', [validators.InputRequired("Please enter our email"), validators.Email('Email format incorrect')]) submit = SubmitField('Update Email') class ChangePasswordForm(FlaskForm): password = PasswordField('Set new password*', [validators.InputRequired("Please enter your password"), validators.EqualTo('confirm_password', message='Passwords must match'), validators.Length(min=8, max=32, message='Password must contain 8 digits minimum, with 32 being maximum')]) confirm_password = PasswordField('Confirm new password*', [validators.InputRequired("Confirm your password")]) submit = SubmitField('Update Password')
61.972973
286
0.756651
2,076
0.905364
0
0
0
0
0
0
787
0.343218
a95cdc019a431df0ac19c35d5980e2ea22fe3fdc
2,508
py
Python
toolkit/retry.py
blackmatrix7/iphone_hunter
1df7bee48f4d67397fae821f8a675115525f4ef8
[ "Apache-2.0" ]
2
2017-09-27T14:11:59.000Z
2022-02-28T06:38:30.000Z
toolkit/retry.py
blackmatrix7/iphone_hunter
1df7bee48f4d67397fae821f8a675115525f4ef8
[ "Apache-2.0" ]
1
2021-06-01T21:38:59.000Z
2021-06-01T21:38:59.000Z
toolkit/retry.py
blackmatrix7/iphone_hunter
1df7bee48f4d67397fae821f8a675115525f4ef8
[ "Apache-2.0" ]
null
null
null
#!/usr/bin/env python # -*- coding: utf-8 -*- # @Time : 2017/8/18 上午9:50 # @Author : Matrix # @Github : https://github.com/blackmatrix7/ # @Blog : http://www.cnblogs.com/blackmatrix/ # @File : retry.py # @Software: PyCharm import time from functools import wraps __author__ = 'blackmatrix' """ 在函数执行出现异常时自动重试的简单装饰器 """ class StopRetry(Exception): def __repr__(self): return 'retry stop' def retry(max_retries: int =5, delay: (int, float) =0, step: (int, float) =0, exceptions: (BaseException, tuple, list) =BaseException, sleep=time.sleep, callback=None, validate=None): """ 函数执行出现异常时自动重试的简单装饰器。 :param max_retries: 最多重试次数。 :param delay: 每次重试的延迟,单位秒。 :param step: 每次重试后延迟递增,单位秒。 :param exceptions: 触发重试的异常类型,单个异常直接传入异常类型,多个异常以tuple或list传入。 :param sleep: 实现延迟的方法,默认为time.sleep。 在一些异步框架,如tornado中,使用time.sleep会导致阻塞,可以传入自定义的方法来实现延迟。 自定义方法函数签名应与time.sleep相同,接收一个参数,为延迟执行的时间。 :param callback: 回调函数,函数签名应接收一个参数,每次出现异常时,会将异常对象传入。 可用于记录异常日志,中断重试等。 如回调函数正常执行,并返回True,则表示告知重试装饰器异常已经处理,重试装饰器终止重试,并且不会抛出任何异常。 如回调函数正常执行,没有返回值或返回除True以外的结果,则继续重试。 如回调函数抛出异常,则终止重试,并将回调函数的异常抛出。 :param validate: 验证函数,用于验证执行结果,并确认是否继续重试。 函数签名应接收一个参数,每次被装饰的函数完成且未抛出任何异常时,调用验证函数,将执行的结果传入。 如验证函数正常执行,且返回False,则继续重试,即使被装饰的函数完成且未抛出任何异常。 如回调函数正常执行,没有返回值或返回除False以外的结果,则终止重试,并将函数执行结果返回。 如验证函数抛出异常,且异常属于被重试装饰器捕获的类型,则继续重试。 如验证函数抛出异常,且异常不属于被重试装饰器捕获的类型,则将验证函数的异常抛出。 :return: 被装饰函数的执行结果。 """ def wrapper(func): @wraps(func) def _wrapper(*args, **kwargs): nonlocal delay, step, max_retries func_ex = StopRetry while max_retries > 0: try: result = func(*args, **kwargs) # 验证函数返回False时,表示告知装饰器验证不通过,继续重试 if callable(validate) and validate(result) is False: continue else: return result except exceptions as ex: # 回调函数返回True时,表示告知装饰器异常已经处理,终止重试 if callable(callback) and callback(ex) is True: return func_ex = ex finally: max_retries -= 1 if delay > 0 or step > 0: sleep(delay) delay += step else: raise func_ex return _wrapper return wrapper if __name__ == '__main__': pass
30.585366
77
0.598086
80
0.021198
0
0
1,018
0.26974
0
0
2,471
0.654743
a95ff83ce47a3bbf06a07f81219704a5cbadd7ad
2,564
py
Python
data_loader/data_loader.py
Lishjie/LUPVisQ
b2f4bcc0e5bf4ce97f9dcfff4901a3469ce04163
[ "Apache-2.0" ]
null
null
null
data_loader/data_loader.py
Lishjie/LUPVisQ
b2f4bcc0e5bf4ce97f9dcfff4901a3469ce04163
[ "Apache-2.0" ]
null
null
null
data_loader/data_loader.py
Lishjie/LUPVisQ
b2f4bcc0e5bf4ce97f9dcfff4901a3469ce04163
[ "Apache-2.0" ]
null
null
null
# -*- coding: utf-8 -*- # @Time : 2021/01/02 16:26 # @Author : lishijie import torch from torch.utils import data from torch.utils.data import DataLoader import torchvision from torchvision.transforms.transforms import Resize from .databases import * class LUPVisQDataLoader(object): """Dataste class for LUPVisQNet""" def __init__(self, dataset, path, img_index, patch_size, sample_num, batch_size=1, num_workers=0, istrain='train'): self.dataset = dataset self.path = path self.img_index = img_index self.patch_size = patch_size self.sample_num = sample_num self.batch_size = batch_size self.num_workers = num_workers self.istrain = istrain if dataset == 'ava_database': if istrain == 'train': transforms = torchvision.transforms.Compose([ torchvision.transforms.RandomHorizontalFlip(), torchvision.transforms.Resize((384, 384)), torchvision.transforms.RandomCrop(size=patch_size), # torchvision.transforms.Resize((224, 224)), torchvision.transforms.Resize((299, 299)), torchvision.transforms.ToTensor(), torchvision.transforms.Normalize(mean=(0.485, 0.456, 0.406), std=(0.299, 0.224, 0.225))]) else: transforms = torchvision.transforms.Compose([ torchvision.transforms.Resize((384, 384)), torchvision.transforms.CenterCrop(size=patch_size), # torchvision.transforms.Resize((224, 224)), torchvision.transforms.Resize((299, 299)), torchvision.transforms.ToTensor(), torchvision.transforms.Normalize(mean=(0.485, 0.456, 0.406), std=(0.229, 0.224, 0.225))]) if dataset == 'ava_database': self.data = LUPVisQNetDataset( root=path, index=img_index, transform=transforms, sample_num=sample_num, database_type=dataset, istrain=istrain) def get_data(self): if self.istrain == 'train': dataloader = DataLoader( self.data, batch_size=self.batch_size, shuffle=True, num_workers=self.num_workers) else: dataloader = DataLoader( self.data, batch_size=self.batch_size, shuffle=False, num_workers=self.num_workers) return dataloader
45.785714
128
0.585023
2,305
0.898986
0
0
0
0
0
0
246
0.095944
a96249e5e27a4fb1f8a7acc8336f250dfb9992c9
64,609
py
Python
pyeccodes/defs/grib2/localConcepts/eswi/name_def.py
ecmwf/pyeccodes
dce2c72d3adcc0cb801731366be53327ce13a00b
[ "Apache-2.0" ]
7
2020-04-14T09:41:17.000Z
2021-08-06T09:38:19.000Z
pyeccodes/defs/grib2/localConcepts/eswi/name_def.py
ecmwf/pyeccodes
dce2c72d3adcc0cb801731366be53327ce13a00b
[ "Apache-2.0" ]
null
null
null
pyeccodes/defs/grib2/localConcepts/eswi/name_def.py
ecmwf/pyeccodes
dce2c72d3adcc0cb801731366be53327ce13a00b
[ "Apache-2.0" ]
3
2020-04-30T12:44:48.000Z
2020-12-15T08:40:26.000Z
import pyeccodes.accessors as _ def load(h): def wrapped(h): discipline = h.get_l('discipline') parameterCategory = h.get_l('parameterCategory') parameterNumber = h.get_l('parameterNumber') if discipline == 3 and parameterCategory == 1 and parameterNumber == 19: return 'Wind speed (space)' if discipline == 3 and parameterCategory == 1 and parameterNumber == 13: return 'Atmospheric divergence' if discipline == 3 and parameterCategory == 1 and parameterNumber == 12: return 'Reflectance in 3.9 micron channel' if discipline == 3 and parameterCategory == 1 and parameterNumber == 11: return 'Reflectance in 1.6 micron channel' if discipline == 3 and parameterCategory == 1 and parameterNumber == 10: return 'Reflectance in 0.8 micron channel' if discipline == 3 and parameterCategory == 1 and parameterNumber == 9: return 'Reflectance in 0.6 micron channel' if discipline == 3 and parameterCategory == 1 and parameterNumber == 8: return 'Relative azimuth angle' if discipline == 3 and parameterCategory == 1 and parameterNumber == 7: return 'Solar zenith angle' if discipline == 3 and parameterCategory == 1 and parameterNumber == 6: return 'Number of pixel used' if discipline == 3 and parameterCategory == 1 and parameterNumber == 5: return 'Estimated v component of wind' if discipline == 3 and parameterCategory == 1 and parameterNumber == 4: return 'Estimated u component of wind' if discipline == 3 and parameterCategory == 1 and parameterNumber == 3: return 'Cloud top height quality indicator' if discipline == 3 and parameterCategory == 1 and parameterNumber == 2: return 'Cloud top height' if discipline == 3 and parameterCategory == 1 and parameterNumber == 1: return 'Instananeous rain rate' if discipline == 3 and parameterCategory == 1 and parameterNumber == 0: return 'Estimated precipitation' if discipline == 3 and parameterCategory == 0 and parameterNumber == 9: return 'Fire detection indicator' if discipline == 3 and parameterCategory == 0 and parameterNumber == 8: return 'Pixel scene type' if discipline == 3 and parameterCategory == 0 and parameterNumber == 7: return 'Cloud mask' if discipline == 3 and parameterCategory == 0 and parameterNumber == 6: return 'Scaled skin temperature' if discipline == 3 and parameterCategory == 0 and parameterNumber == 5: return 'Scaled cloud top pressure' if discipline == 3 and parameterCategory == 0 and parameterNumber == 4: return 'Scaled lifted index' if discipline == 3 and parameterCategory == 0 and parameterNumber == 3: return 'Scaled precipitable water' if discipline == 3 and parameterCategory == 0 and parameterNumber == 2: return 'Scaled brightness temperature' if discipline == 3 and parameterCategory == 0 and parameterNumber == 1: return 'Scaled albedo' if discipline == 3 and parameterCategory == 0 and parameterNumber == 0: return 'Scaled radiance' if discipline == 2 and parameterCategory == 3 and parameterNumber == 17: return 'Saturation of soil moisture' if discipline == 2 and parameterCategory == 3 and parameterNumber == 16: return 'Volumetric saturation of soil moisture' if discipline == 2 and parameterCategory == 3 and parameterNumber == 15: return 'Soil porosity' if discipline == 2 and parameterCategory == 3 and parameterNumber == 14: return 'Direct evaporation cease (soil moisture)' if discipline == 2 and parameterCategory == 3 and parameterNumber == 13: return 'Volumetric direct evaporation cease (soil moisture)' if discipline == 2 and parameterCategory == 3 and parameterNumber == 12: return 'Transpiration stress-onset (soil moisture)' if discipline == 2 and parameterCategory == 3 and parameterNumber == 11: return 'Volumetric transpiration stress-onset (soil moisture)' if discipline == 2 and parameterCategory == 3 and parameterNumber == 10: return 'Liquid volumetric soil moisture (non-frozen)' if discipline == 2 and parameterCategory == 3 and parameterNumber == 6: return 'Number of soil layers in root zone' if discipline == 2 and parameterCategory == 0 and parameterNumber == 27: return 'Volumetric wilting point' if discipline == 2 and parameterCategory == 0 and parameterNumber == 26: return 'Wilting point' if discipline == 2 and parameterCategory == 0 and parameterNumber == 25: return 'Volumetric soil moisture' if discipline == 2 and parameterCategory == 0 and parameterNumber == 24: return 'Heat flux' if discipline == 2 and parameterCategory == 0 and parameterNumber == 23: return 'Column-integrated soil water' if discipline == 2 and parameterCategory == 0 and parameterNumber == 22: return 'Soil moisture' if discipline == 2 and parameterCategory == 0 and parameterNumber == 21: return 'Soil moisture parameter in canopy conductance' if discipline == 2 and parameterCategory == 0 and parameterNumber == 20: return 'Humidity parameter in canopy conductance' if discipline == 2 and parameterCategory == 0 and parameterNumber == 19: return 'Temperature parameter in canopy conductance' if discipline == 2 and parameterCategory == 0 and parameterNumber == 18: return 'Solar parameter in canopy conductance' if discipline == 2 and parameterCategory == 0 and parameterNumber == 16: return 'Minimal stomatal resistance' if discipline == 2 and parameterCategory == 0 and parameterNumber == 15: return 'Canopy conductance' if discipline == 2 and parameterCategory == 0 and parameterNumber == 14: return 'Blackadar mixing length scale' if discipline == 2 and parameterCategory == 0 and parameterNumber == 13: return 'Plant canopy surface water' if discipline == 2 and parameterCategory == 0 and parameterNumber == 12: return 'Exchange coefficient' if discipline == 2 and parameterCategory == 0 and parameterNumber == 11: return 'Moisture availability' if discipline == 2 and parameterCategory == 0 and parameterNumber == 9: return 'Volumetric soil moisture content' if discipline == 2 and parameterCategory == 0 and parameterNumber == 8: return 'Land use' if discipline == 2 and parameterCategory == 0 and parameterNumber == 7: return 'Model terrain height' if discipline == 2 and parameterCategory == 0 and parameterNumber == 6: return 'Evapotranspiration' if discipline == 0 and parameterCategory == 6 and parameterNumber == 3: return 'Low cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 1: return 'Total cloud cover' if discipline == 0 and parameterCategory == 1 and parameterNumber == 11: return 'Snow depth' if discipline == 0 and parameterCategory == 1 and parameterNumber == 3: return 'Precipitable water' if discipline == 0 and parameterCategory == 1 and parameterNumber == 0: return 'Specific humidity' if discipline == 0 and parameterCategory == 3 and parameterNumber == 0: return 'Pressure' if discipline == 0 and parameterCategory == 3 and parameterNumber == 25: return 'Natural logarithm of pressure in Pa' if discipline == 0 and parameterCategory == 3 and parameterNumber == 24: return 'Anisotropy of sub-gridscale orography' if discipline == 0 and parameterCategory == 3 and parameterNumber == 23: return 'Gravity wave dissipation' if discipline == 0 and parameterCategory == 3 and parameterNumber == 22: return 'Slope of sub-gridscale orography' if discipline == 0 and parameterCategory == 3 and parameterNumber == 21: return 'Angle of sub-gridscale orography' if discipline == 0 and parameterCategory == 3 and parameterNumber == 20: return 'Standard deviation of sub-gridscale orography' if discipline == 0 and parameterCategory == 3 and parameterNumber == 19: return '5-wave geopotential height anomaly' if discipline == 0 and parameterCategory == 3 and parameterNumber == 18: return 'Planetary boundary layer height' if discipline == 0 and parameterCategory == 3 and parameterNumber == 17: return 'Meridional flux of gravity wave stress' if discipline == 0 and parameterCategory == 3 and parameterNumber == 16: return 'Zonal flux of gravity wave stress' if discipline == 0 and parameterCategory == 3 and parameterNumber == 15: return '5-wave geopotential height' if discipline == 0 and parameterCategory == 3 and parameterNumber == 14: return 'Density altitude' if discipline == 0 and parameterCategory == 3 and parameterNumber == 13: return 'Pressure altitude' if discipline == 0 and parameterCategory == 3 and parameterNumber == 12: return 'Thickness' if discipline == 0 and parameterCategory == 3 and parameterNumber == 11: return 'Altimeter setting' if discipline == 0 and parameterCategory == 2 and parameterNumber == 32: return 'Eta coordinate vertical velocity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 29: return 'Drag coefficient' if discipline == 0 and parameterCategory == 2 and parameterNumber == 28: return 'v-component storm motion' if discipline == 0 and parameterCategory == 2 and parameterNumber == 27: return 'u-component storm motion' if discipline == 0 and parameterCategory == 2 and parameterNumber == 26: return 'Horizontal momentum flux' if discipline == 0 and parameterCategory == 2 and parameterNumber == 25: return 'Vertical speed shear' if discipline == 0 and parameterCategory == 2 and parameterNumber == 24: return 'v-component of wind (gust)' if discipline == 0 and parameterCategory == 2 and parameterNumber == 23: return 'u-component of wind (gust)' if discipline == 0 and parameterCategory == 1 and parameterNumber == 86: return 'Specific snow water content' if discipline == 0 and parameterCategory == 1 and parameterNumber == 85: return 'Specific rain water content' if discipline == 0 and parameterCategory == 1 and parameterNumber == 84: return 'Specific cloud ice water content' if discipline == 0 and parameterCategory == 1 and parameterNumber == 83: return 'Specific cloud liquid water content' if discipline == 0 and parameterCategory == 1 and parameterNumber == 68: return 'Ice pellets precipitation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 67: return 'Freezing rain precipitation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 66: return 'Snow precipitation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 65: return 'Rain precipitation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 64: return 'Total column integrated water vapour' if discipline == 0 and parameterCategory == 1 and parameterNumber == 62: return 'Snow evaporation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 60: return 'Snow depth water equivalent' if discipline == 0 and parameterCategory == 1 and parameterNumber == 59: return 'Large scale snowfall rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 58: return 'Convective snowfall rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 57: return 'Total snowfall rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 56: return 'Large scale snowfall rate water equivalent' if discipline == 0 and parameterCategory == 1 and parameterNumber == 55: return 'Convective snowfall rate water equivalent' if discipline == 0 and parameterCategory == 1 and parameterNumber == 54: return 'Large scale precipitation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 51: return 'Total column water (Vertically integrated total water)' if discipline == 0 and parameterCategory == 1 and parameterNumber == 50: return 'Total snow precipitation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 49: return 'Total water precipitation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 46: return 'Total column integrated snow' if discipline == 0 and parameterCategory == 1 and parameterNumber == 45: return 'Total column integrated rain' if discipline == 0 and parameterCategory == 1 and parameterNumber == 44: return 'Rain factor' if discipline == 0 and parameterCategory == 1 and parameterNumber == 43: return 'Rain fraction of total cloud water' if discipline == 3 and parameterCategory == 1 and parameterNumber == 23: return 'Angstrom coefficient' if discipline == 3 and parameterCategory == 1 and parameterNumber == 22: return 'Aerosol optical thickness at 1.640 micro-m' if discipline == 3 and parameterCategory == 1 and parameterNumber == 21: return 'Aerosol optical thickness at 0.810 micro-m' if discipline == 3 and parameterCategory == 1 and parameterNumber == 20: return 'Aerosol optical thickness at 0.635 micro-m' if discipline == 0 and parameterCategory == 19 and parameterNumber == 4: return 'Volcanic ash' atmosphericChemicalConsituentType = h.get_l('atmosphericChemicalConsituentType') if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10006: return 'HCN/Vaetecyanid' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10022: return 'TOLUENE' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10021: return 'BENZENE' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10012: return 'C2H5OOH/Ethyl hydroperoxide' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10002: return 'CH3O2H/Methyl hydroperoxide' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10001: return 'CH3O2/Methyl peroxy radical' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 12: return 'O/Oxygen atomic ground state (3P)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 20: return 'H2/Molecular hydrogen' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 14: return 'HO2/Hydroperhydroxyl radical' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 16: return 'HONO' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 18: return 'HO2NO2/HO2NO2' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 15: return 'N2O5/Dinitrogen pentoxide' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 13: return 'NO3/Nitrate radical' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63011: return 'PAN/Peroxy acetyl nitrate' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 60013: return 'NMVOC_C/Total NMVOC as C' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10004: return 'CH3OH/Metanol' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10011: return 'C2H5OH/Ethanol' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10017: return 'C5H8/Isoprene' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 7: return 'HCHO/Formalydehyde' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10023: return 'OXYLENE/O-xylene' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10015: return 'C3H6/Propene' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10009: return 'C2H4/Ethene' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10016: return 'NC4H10/N-butane' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10008: return 'C2H6/Ethane' if discipline == 0 and parameterCategory == 19 and parameterNumber == 11: return 'Turbulent Kinetic Energy' if discipline == 10 and parameterCategory == 191 and parameterNumber == 1: return 'Meridional overturning stream function' if discipline == 10 and parameterCategory == 191 and parameterNumber == 0: return 'Seconds prior to initial reference time (defined in section1) (oceonography)' if discipline == 1 and parameterCategory == 1 and parameterNumber == 2: return 'Probability if 0.01 inch of precipitation' if discipline == 1 and parameterCategory == 1 and parameterNumber == 1: return 'Per cent precipitation in a sub-period of an overall period' if discipline == 1 and parameterCategory == 1 and parameterNumber == 0: return 'Conditional per cent precipitation amount fractile for an overall period' if discipline == 1 and parameterCategory == 0 and parameterNumber == 6: return 'Storm surface runoff' if discipline == 1 and parameterCategory == 0 and parameterNumber == 5: return 'Baseflow-groundwater runoff' if discipline == 1 and parameterCategory == 0 and parameterNumber == 4: return 'Snow water equivalent per cent of normal' if discipline == 1 and parameterCategory == 0 and parameterNumber == 3: return 'Elevation of snow-covered terrain' if discipline == 1 and parameterCategory == 0 and parameterNumber == 2: return 'Remotely-sensed snow cover' if discipline == 1 and parameterCategory == 0 and parameterNumber == 1: return 'Flash flood runoff' if discipline == 1 and parameterCategory == 0 and parameterNumber == 0: return 'Flash flood guidance' if discipline == 10 and parameterCategory == 0 and parameterNumber == 14: return 'Mean direction of Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 15: return 'Mean period of waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 13: return 'Secondary wave mean period' if discipline == 10 and parameterCategory == 0 and parameterNumber == 12: return 'Secondary wave direction' if discipline == 10 and parameterCategory == 0 and parameterNumber == 11: return 'Primary wave mean period' if discipline == 10 and parameterCategory == 0 and parameterNumber == 10: return 'Primary wave direction' if discipline == 10 and parameterCategory == 0 and parameterNumber == 9: return 'Mean Period Swell Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 8: return 'Sign Height Swell Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 7: return 'Direction of Swell Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 6: return 'Mean Period Wind Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 5: return 'Sign Height Wind Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 4: return 'Direction of Wind Waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 3: return 'Significant wave height' if discipline == 10 and parameterCategory == 2 and parameterNumber == 8: return 'Ice divergence' if discipline == 10 and parameterCategory == 2 and parameterNumber == 7: return 'Ice growth rate' if discipline == 10 and parameterCategory == 2 and parameterNumber == 3: return 'Speed of ice drift' if discipline == 10 and parameterCategory == 2 and parameterNumber == 2: return 'Direction of ice drift' if discipline == 10 and parameterCategory == 2 and parameterNumber == 1: return 'Total ice thickness' if discipline == 10 and parameterCategory == 2 and parameterNumber == 0: return 'Ice Cover' if discipline == 0 and parameterCategory == 3 and parameterNumber == 10: return 'Density' if discipline == 10 and parameterCategory == 3 and parameterNumber == 0: return 'Water temperature' if discipline == 0 and parameterCategory == 6 and parameterNumber == 1: return 'Total Cloud Cover' if discipline == 10 and parameterCategory == 4 and parameterNumber == 1: return 'Main thermocline anomaly' if discipline == 10 and parameterCategory == 4 and parameterNumber == 0: return 'Main thermocline depth' if discipline == 10 and parameterCategory == 4 and parameterNumber == 2: return 'Transient thermocline depth' if discipline == 0 and parameterCategory == 19 and parameterNumber == 3: return 'Mixed layer depth' if discipline == 0 and parameterCategory == 1 and parameterNumber == 11: return 'Snow Depth' if discipline == 0 and parameterCategory == 1 and parameterNumber == 0: return 'Specific humidity' if discipline == 10 and parameterCategory == 1 and parameterNumber == 3: return 'V-comp of Current' if discipline == 10 and parameterCategory == 1 and parameterNumber == 2: return 'U-comp of Current' if discipline == 10 and parameterCategory == 1 and parameterNumber == 1: return 'Speed of horizontal current' if discipline == 10 and parameterCategory == 1 and parameterNumber == 0: return 'Direction of horizontal current' if discipline == 0 and parameterCategory == 2 and parameterNumber == 6: return 'Montgomery stream function' if discipline == 0 and parameterCategory == 2 and parameterNumber == 5: return 'Velocity potential' if discipline == 0 and parameterCategory == 2 and parameterNumber == 4: return 'Stream function' if discipline == 0 and parameterCategory == 2 and parameterNumber == 1: return 'Wind speed' if discipline == 0 and parameterCategory == 2 and parameterNumber == 0: return 'Wind direction' if discipline == 10 and parameterCategory == 0 and parameterNumber == 2: return 'Wave spectra (3)' if discipline == 10 and parameterCategory == 0 and parameterNumber == 1: return 'Wave spectra (2)' if discipline == 10 and parameterCategory == 0 and parameterNumber == 0: return 'Wave spectra (1)' if discipline == 0 and parameterCategory == 0 and parameterNumber == 2: return 'Potential temperature' if discipline == 0 and parameterCategory == 3 and parameterNumber == 1: return 'Pressure reduced to MSL' if discipline == 0 and parameterCategory == 19 and parameterNumber == 11: return 'Turbulent Kintetic Energy' if discipline == 10 and parameterCategory == 1 and parameterNumber == 3: return 'Current north' if discipline == 10 and parameterCategory == 1 and parameterNumber == 2: return 'Current east' if discipline == 0 and parameterCategory == 191 and parameterNumber == 0: return 'Seconds prior to initial reference time (defined in section1) (meteorology)' if discipline == 0 and parameterCategory == 190 and parameterNumber == 0: return 'Arbitrary text string' if discipline == 0 and parameterCategory == 19 and parameterNumber == 23: return 'Supercooled large droplet probability' if discipline == 0 and parameterCategory == 19 and parameterNumber == 22: return 'Clear air turbulence (CAT)' if discipline == 0 and parameterCategory == 19 and parameterNumber == 21: return 'In-cloud turbulence' if discipline == 0 and parameterCategory == 19 and parameterNumber == 20: return 'Icing' if discipline == 0 and parameterCategory == 19 and parameterNumber == 18: return 'Snow free albedo' if discipline == 0 and parameterCategory == 19 and parameterNumber == 16: return 'Contrail base' if discipline == 0 and parameterCategory == 19 and parameterNumber == 15: return 'Contrail top' if discipline == 0 and parameterCategory == 19 and parameterNumber == 14: return 'Contrail engine type' if discipline == 0 and parameterCategory == 19 and parameterNumber == 13: return 'Contrail intensity' if discipline == 0 and parameterCategory == 19 and parameterNumber == 12: return 'Planetary boundary-layer regime' if discipline == 0 and parameterCategory == 19 and parameterNumber == 10: return 'Turbulence' if discipline == 0 and parameterCategory == 19 and parameterNumber == 9: return 'Turbulence base' if discipline == 0 and parameterCategory == 19 and parameterNumber == 8: return 'Turbulence top' if discipline == 0 and parameterCategory == 19 and parameterNumber == 7: return 'Icing' if discipline == 0 and parameterCategory == 19 and parameterNumber == 6: return 'Icing base' if discipline == 0 and parameterCategory == 19 and parameterNumber == 5: return 'Icing top' if discipline == 0 and parameterCategory == 16 and parameterNumber == 5: return 'Composite reflectivity (radar)' if discipline == 0 and parameterCategory == 16 and parameterNumber == 4: return 'Reflectivity (radar)' if discipline == 0 and parameterCategory == 16 and parameterNumber == 3: return 'Echo top (radar)' if discipline == 0 and parameterCategory == 16 and parameterNumber == 2: return 'Equivalent radar reflectivity factor for paramterized convection' if discipline == 0 and parameterCategory == 16 and parameterNumber == 1: return 'Equivalent radar reflectivity factor for snow' if discipline == 0 and parameterCategory == 16 and parameterNumber == 0: return 'Equivalent radar reflectivity factor for rain' if discipline == 0 and parameterCategory == 15 and parameterNumber == 5: return 'Precipitation (radar)' if discipline == 0 and parameterCategory == 15 and parameterNumber == 4: return 'Layer-maximum base reflectivity' if discipline == 0 and parameterCategory == 15 and parameterNumber == 3: return 'Vertically integrated liquid' if discipline == 0 and parameterCategory == 15 and parameterNumber == 2: return 'Base radial velocity' if discipline == 0 and parameterCategory == 15 and parameterNumber == 1: return 'Base reflectivity' if discipline == 0 and parameterCategory == 15 and parameterNumber == 0: return 'Base spectrum width' if discipline == 0 and parameterCategory == 14 and parameterNumber == 2: return 'Total column integrated ozone' if discipline == 0 and parameterCategory == 14 and parameterNumber == 1: return 'Ozone mixing ratio' if discipline == 0 and parameterCategory == 13 and parameterNumber == 0: return 'Aerosol type' if discipline == 0 and parameterCategory == 7 and parameterNumber == 12: return 'Richardson number' if discipline == 0 and parameterCategory == 7 and parameterNumber == 11: return 'Best (4-layer) lifted index' if discipline == 0 and parameterCategory == 7 and parameterNumber == 10: return 'Surface lifted index' if discipline == 0 and parameterCategory == 7 and parameterNumber == 9: return 'Energy helicity index' if discipline == 0 and parameterCategory == 7 and parameterNumber == 8: return 'Storm relative helicity' if discipline == 0 and parameterCategory == 7 and parameterNumber == 5: return 'Sweat index' if discipline == 0 and parameterCategory == 7 and parameterNumber == 4: return 'Total totals index' if discipline == 0 and parameterCategory == 7 and parameterNumber == 3: return 'KO index' if discipline == 0 and parameterCategory == 7 and parameterNumber == 2: return 'K index' if discipline == 0 and parameterCategory == 6 and parameterNumber == 33: return 'Sunshine duration' if discipline == 0 and parameterCategory == 6 and parameterNumber == 32: return 'Fraction of cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 25: return 'Horizontal extent of cumulunimbus (CB)' if discipline == 0 and parameterCategory == 6 and parameterNumber == 24: return 'Sunshine' if discipline == 0 and parameterCategory == 6 and parameterNumber == 23: return 'Cloud ice mixing ratio' if discipline == 0 and parameterCategory == 6 and parameterNumber == 22: return 'Cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 21: return 'Ice fraction of total condensate' if discipline == 0 and parameterCategory == 6 and parameterNumber == 20: return 'Total column-integrated condensate' if discipline == 0 and parameterCategory == 6 and parameterNumber == 19: return 'Total column-integrated cloud ice' if discipline == 0 and parameterCategory == 6 and parameterNumber == 18: return 'Total column-integrated cloud water' if discipline == 0 and parameterCategory == 6 and parameterNumber == 17: return 'Total condensate' if discipline == 0 and parameterCategory == 6 and parameterNumber == 16: return 'Convective cloud efficiency' if discipline == 0 and parameterCategory == 6 and parameterNumber == 15: return 'Cloud work function' if discipline == 0 and parameterCategory == 6 and parameterNumber == 14: return 'Non-convective cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 13: return 'Ceiling' if discipline == 0 and parameterCategory == 6 and parameterNumber == 12: return 'Cloud top' if discipline == 0 and parameterCategory == 6 and parameterNumber == 11: return 'Cloud base' if discipline == 0 and parameterCategory == 6 and parameterNumber == 10: return 'Thunderstorm coverage' if discipline == 0 and parameterCategory == 6 and parameterNumber == 9: return 'Thunderstorm maximum tops' if discipline == 0 and parameterCategory == 6 and parameterNumber == 8: return 'Cloud type' if discipline == 0 and parameterCategory == 6 and parameterNumber == 7: return 'Cloud amount' if discipline == 0 and parameterCategory == 5 and parameterNumber == 6: return 'Net long-wave radiation flux, clear sky' if discipline == 0 and parameterCategory == 5 and parameterNumber == 5: return 'Net long wave radiation flux' if discipline == 0 and parameterCategory == 5 and parameterNumber == 4: return 'Upward long-wave radiation flux' if discipline == 0 and parameterCategory == 5 and parameterNumber == 3: return 'Downward long-wave radiation flux' if discipline == 0 and parameterCategory == 4 and parameterNumber == 51: return 'UV index' if discipline == 0 and parameterCategory == 4 and parameterNumber == 50: return 'UV index (under clear sky)' if discipline == 0 and parameterCategory == 4 and parameterNumber == 12: return 'Downward UV radiation' if discipline == 0 and parameterCategory == 4 and parameterNumber == 11: return 'Net short-wave radiation flux, clear sky' if discipline == 0 and parameterCategory == 4 and parameterNumber == 10: return 'Photosynthetically active radiation' if discipline == 0 and parameterCategory == 4 and parameterNumber == 9: return 'Net short wave radiation flux' if discipline == 0 and parameterCategory == 4 and parameterNumber == 8: return 'Upward short-wave radiation flux' if discipline == 0 and parameterCategory == 4 and parameterNumber == 7: return 'Downward short-wave radiation flux' if discipline == 0 and parameterCategory == 1 and parameterNumber == 53: return 'Precipitation intensity snow' if discipline == 0 and parameterCategory == 1 and parameterNumber == 52: return 'Precipitation intensity total' if discipline == 0 and parameterCategory == 2 and parameterNumber == 22: return 'Wind gust' if discipline == 3 and parameterCategory == 0 and parameterNumber == 7: return 'cloud mask' if discipline == 0 and parameterCategory == 6 and parameterNumber == 5: return 'High cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 4: return 'Medium cloud cove' if discipline == 0 and parameterCategory == 6 and parameterNumber == 3: return 'Low cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 2: return 'Convective cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 1: return 'Total cloud cover' if discipline == 0 and parameterCategory == 19 and parameterNumber == 2: return 'Probability thunderstorm' if discipline == 0 and parameterCategory == 1 and parameterNumber == 1: return 'Relative humidity' if discipline == 0 and parameterCategory == 19 and parameterNumber == 0: return 'Visibility' if discipline == 0 and parameterCategory == 3 and parameterNumber == 1: return 'Pressure reduced to MSL' if discipline == 0 and parameterCategory == 1 and parameterNumber == 42: return 'Snow cover' if discipline == 0 and parameterCategory == 1 and parameterNumber == 41: return 'Potential evaporation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 40: return 'Potential evaporation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 39: return 'Percent frozen precipitation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 38: return 'Horizontal moisture divergence' if discipline == 0 and parameterCategory == 1 and parameterNumber == 37: return 'Convective precipitation rate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 36: return 'Categorical snow' if discipline == 0 and parameterCategory == 1 and parameterNumber == 35: return 'Categorical ice pellets' if discipline == 0 and parameterCategory == 1 and parameterNumber == 34: return 'Categorical freezing rain' if discipline == 0 and parameterCategory == 1 and parameterNumber == 33: return 'Categorical rain' if discipline == 0 and parameterCategory == 1 and parameterNumber == 32: return 'Graupel' if discipline == 0 and parameterCategory == 1 and parameterNumber == 31: return 'Hail' if discipline == 0 and parameterCategory == 1 and parameterNumber == 30: return 'Precipitable water category' if discipline == 0 and parameterCategory == 1 and parameterNumber == 26: return 'Horizontal moisture convergence' if discipline == 0 and parameterCategory == 1 and parameterNumber == 25: return 'Snow mixing ratio' if discipline == 0 and parameterCategory == 1 and parameterNumber == 24: return 'Rain mixing ratio' if discipline == 0 and parameterCategory == 1 and parameterNumber == 23: return 'Ice water mixing ratio' if discipline == 0 and parameterCategory == 1 and parameterNumber == 22: return 'Cloud mixing ratio' if discipline == 0 and parameterCategory == 1 and parameterNumber == 21: return 'Condensate' if discipline == 0 and parameterCategory == 1 and parameterNumber == 20: return 'Integrated liquid water' if discipline == 0 and parameterCategory == 1 and parameterNumber == 19: return 'Precipitation type' if discipline == 0 and parameterCategory == 1 and parameterNumber == 18: return 'Absolute humidity' if discipline == 0 and parameterCategory == 1 and parameterNumber == 17: return 'Snow age' if discipline == 0 and parameterCategory == 0 and parameterNumber == 17: return 'Skin temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 16: return 'Snow phase change heat flux' if discipline == 0 and parameterCategory == 0 and parameterNumber == 13: return 'Wind chill factor' if discipline == 0 and parameterCategory == 0 and parameterNumber == 12: return 'Heat index' if discipline == 0 and parameterCategory == 0 and parameterNumber == 15: return 'Virtual potential temperature' if discipline == 0 and parameterCategory == 6 and parameterNumber == 12: return 'Cloud top of significant clouds' if discipline == 0 and parameterCategory == 6 and parameterNumber == 11: return 'Cloud base of significant clouds' if discipline == 0 and parameterCategory == 6 and parameterNumber == 5: return 'High cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 4: return 'Medium cloud cove' if discipline == 0 and parameterCategory == 6 and parameterNumber == 3: return 'Low cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 1: return 'Total cloud cover' if discipline == 0 and parameterCategory == 1 and parameterNumber == 1: return 'Relative humidity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 22: return 'Wind gusts' if discipline == 0 and parameterCategory == 19 and parameterNumber == 0: return 'Visibility' if discipline == 0 and parameterCategory == 0 and parameterNumber == 5: return 'Minimum temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 4: return 'Maximum temperature' if discipline == 0 and parameterCategory == 3 and parameterNumber == 1: return 'Pressure reduced to MSL' if discipline == 0 and parameterCategory == 19 and parameterNumber == 0: return 'VIS/Visibility [m]' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 62000: return 'PM/Total particulate matter' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 40009: return 'PM2.5/PM2.5 particles' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 62012: return 'SOA/Secondary Organic Aerosol' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63016: return 'PNHX/Particulate ammonium' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63015: return 'PNOX/Particulate nitrate' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63014: return 'PSOX/Particulate sulfate' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 40008: return 'PM10/PM10 particles' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63018: return 'PMASS/Particle mass conc' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63017: return 'PNUMBER/Number concentration' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 62001: return 'DUST/Dust (particles)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 40008: return 'PMCOARSE/Coarse particles' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 40009: return 'PMFINE' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 62008: return 'NACL' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 23: return 'Rn222/Rn222' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63012: return 'EC/Elementary carbon (particles)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63013: return 'OC/Organic carbon (particles)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 2: return 'CH4/CH4' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 3: return 'CO2/CO2' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 4: return 'CO/CO' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10000: return 'OH/OH' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 19: return 'H2O2/H2O2' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 0: return 'O3' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63004: return 'NHX_N/All reduced nitrogen (as nitrogen)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10: return 'NH4(+1)/NH4' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 9: return 'NH3/NH3' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 60004: return 'NOY_N/All oxidised N-compounds (as nitrogen)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 60003: return 'NOX_N/NO2+NO (NOx) as nitrogen' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63001: return 'NOX/NOX as NO2' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63009: return 'NITRATE/NITRATE' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63007: return 'NH4NO3/NH4NO3' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 17: return 'HNO3/HNO3' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 5: return 'NO2/NO2' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 11: return 'NO' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63005: return 'SOX_S/All oxidised sulphur compounds (as sulphur)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63008: return 'SULFATE/SULFATE' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 63006: return 'NH42SO4/(NH4)2SO4' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 10500: return 'DMS/DMS' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 22: return 'SO4(2-)/SO4(2-) (sulphate)' if discipline == 0 and parameterCategory == 20 and atmosphericChemicalConsituentType == 8: return 'SO2/SO2' if discipline == 0 and parameterCategory == 2 and parameterNumber == 22: return 'Wind gust' if discipline == 0 and parameterCategory == 2 and parameterNumber == 30: return 'Friction velocity' if discipline == 0 and parameterCategory == 7 and parameterNumber == 6: return 'CAPE' if discipline == 0 and parameterCategory == 7 and parameterNumber == 7: return 'Convective inhibation' if discipline == 0 and parameterCategory == 19 and parameterNumber == 11: return 'Turbulent Kinetic Energy' if discipline == 2 and parameterCategory == 3 and parameterNumber == 0: return 'Soil type' if discipline == 0 and parameterCategory == 1 and parameterNumber == 61: return 'Snow density' if discipline == 0 and parameterCategory == 19 and parameterNumber == 19: return 'Snow albedo' if discipline == 0 and parameterCategory == 3 and parameterNumber == 22: return 'Slope fraction' if discipline == 0 and parameterCategory == 1 and parameterNumber == 11: return 'Snow depth, cold snow' if discipline == 0 and parameterCategory == 6 and parameterNumber == 20: return 'Integrated cloud condensate' if discipline == 0 and parameterCategory == 2 and parameterNumber == 21: return 'Maximum wind' if discipline == 0 and parameterCategory == 2 and parameterNumber == 19: return 'Wind mixing energy' if discipline == 0 and parameterCategory == 2 and parameterNumber == 18: return 'Momentum flux, v component' if discipline == 0 and parameterCategory == 2 and parameterNumber == 17: return 'Momentum flux, u component' if discipline == 0 and parameterCategory == 2 and parameterNumber == 20: return 'Boundary layer dissipation' if discipline == 0 and parameterCategory == 0 and parameterNumber == 11: return 'Sensible heat net flux' if discipline == 0 and parameterCategory == 0 and parameterNumber == 10: return 'Latent heat net flux' if discipline == 0 and parameterCategory == 4 and parameterNumber == 6: return 'Radiance (with respect to wave length)' if discipline == 0 and parameterCategory == 4 and parameterNumber == 5: return 'Radiance (with respect to wave number)' if discipline == 0 and parameterCategory == 4 and parameterNumber == 4: return 'Brightness temperature' if discipline == 0 and parameterCategory == 4 and parameterNumber == 3: return 'Global radiation flux' if discipline == 0 and parameterCategory == 4 and parameterNumber == 2: return 'Short wave radiation flux' if discipline == 0 and parameterCategory == 5 and parameterNumber == 2: return 'Long wave radiation flux' if discipline == 0 and parameterCategory == 5 and parameterNumber == 1: return 'Net long wave radiation flux (top of atmos.)' if discipline == 0 and parameterCategory == 4 and parameterNumber == 1: return 'Net short wave radiation flux (top of atmos.)' if discipline == 0 and parameterCategory == 5 and parameterNumber == 0: return 'Net long wave radiation flux (surface)' if discipline == 0 and parameterCategory == 4 and parameterNumber == 0: return 'Net short wave radiation flux (surface)' if discipline == 10 and parameterCategory == 0 and parameterNumber == 13: return 'Secondary wave mean period' if discipline == 10 and parameterCategory == 0 and parameterNumber == 12: return 'Secondary wave direction' if discipline == 10 and parameterCategory == 0 and parameterNumber == 11: return 'Primary wave mean period' if discipline == 10 and parameterCategory == 0 and parameterNumber == 10: return 'Primary wave direction' if discipline == 10 and parameterCategory == 0 and parameterNumber == 9: return 'Mean period of swell waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 8: return 'Significant height of swell waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 7: return 'Direction of swell waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 6: return 'Mean period of wind waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 5: return 'Significant height of wind waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 4: return 'Direction of wind waves' if discipline == 10 and parameterCategory == 0 and parameterNumber == 3: return 'Significant height of combined wind waves and swell' if discipline == 0 and parameterCategory == 1 and parameterNumber == 16: return 'Snow melt' if discipline == 10 and parameterCategory == 2 and parameterNumber == 7: return 'Ice divergence' if discipline == 10 and parameterCategory == 2 and parameterNumber == 6: return 'Ice growth rate' if discipline == 10 and parameterCategory == 2 and parameterNumber == 5: return 'v-component of ice drift' if discipline == 10 and parameterCategory == 2 and parameterNumber == 4: return 'u-component of ice drift' if discipline == 10 and parameterCategory == 2 and parameterNumber == 3: return 'Speed of ice drift' if discipline == 10 and parameterCategory == 2 and parameterNumber == 2: return 'Direction of ice drift' if discipline == 10 and parameterCategory == 2 and parameterNumber == 1: return 'Ice thickness' if discipline == 10 and parameterCategory == 2 and parameterNumber == 0: return 'Ice cover (ice=1 no ice=0)(see note)' if discipline == 2 and parameterCategory == 0 and parameterNumber == 5: return 'Water run off' if discipline == 0 and parameterCategory == 3 and parameterNumber == 10: return 'Density' if discipline == 10 and parameterCategory == 4 and parameterNumber == 3: return 'Salinity' if discipline == 2 and parameterCategory == 0 and parameterNumber == 4: return 'Vegetation' if discipline == 2 and parameterCategory == 0 and parameterNumber == 3: return 'Soil moisture content' if discipline == 2 and parameterCategory == 0 and parameterNumber == 2: return 'Soil temperature' if discipline == 0 and parameterCategory == 19 and parameterNumber == 1: return 'Albedo' if discipline == 2 and parameterCategory == 0 and parameterNumber == 1: return 'Surface roughness' if discipline == 10 and parameterCategory == 3 and parameterNumber == 1: return 'Deviation of sea level from mean' if discipline == 2 and parameterCategory == 0 and parameterNumber == 0: return 'Land-sea mask (1=land 0=sea) (see note)' if discipline == 10 and parameterCategory == 3 and parameterNumber == 0: return 'Water Temperature' if discipline == 0 and parameterCategory == 1 and parameterNumber == 15: return 'Large scale snow' if discipline == 0 and parameterCategory == 1 and parameterNumber == 14: return 'Convective snow' if discipline == 0 and parameterCategory == 7 and parameterNumber == 1: return 'Best lifted index (to 500 hPa)' if discipline == 0 and parameterCategory == 6 and parameterNumber == 6: return 'Cloud water' if discipline == 0 and parameterCategory == 6 and parameterNumber == 5: return 'High cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 4: return 'Medium cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 3: return 'Low cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 2: return 'Convective cloud cover' if discipline == 0 and parameterCategory == 6 and parameterNumber == 1: return 'Total cloud cover' if discipline == 10 and parameterCategory == 4 and parameterNumber == 1: return 'Main thermocline anomaly' if discipline == 10 and parameterCategory == 4 and parameterNumber == 0: return 'Main thermocline depth' if discipline == 10 and parameterCategory == 4 and parameterNumber == 2: return 'Transient thermocline depth' if discipline == 0 and parameterCategory == 19 and parameterNumber == 3: return 'Mixed layer depth' if discipline == 0 and parameterCategory == 1 and parameterNumber == 11: return 'Snow depth' if discipline == 0 and parameterCategory == 1 and parameterNumber == 13: return 'Water equiv. of accum. snow depth' if discipline == 0 and parameterCategory == 1 and parameterNumber == 12: return 'Snowfall rate water equivalent' if discipline == 0 and parameterCategory == 1 and parameterNumber == 10: return 'Convective precipitation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 9: return 'Large scale precipitation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 8: return 'Total precipitation' if discipline == 0 and parameterCategory == 19 and parameterNumber == 2: return 'Thunderstorm probability' if discipline == 0 and parameterCategory == 1 and parameterNumber == 7: return 'Precipitation rate' if discipline == 0 and parameterCategory == 6 and parameterNumber == 0: return 'Cloud Ice' if discipline == 0 and parameterCategory == 1 and parameterNumber == 6: return 'Evaporation' if discipline == 0 and parameterCategory == 1 and parameterNumber == 5: return 'Saturation deficit' if discipline == 0 and parameterCategory == 1 and parameterNumber == 4: return 'Vapour pressure' if discipline == 0 and parameterCategory == 1 and parameterNumber == 3: return 'Precipitable water' if discipline == 0 and parameterCategory == 1 and parameterNumber == 2: return 'Humidity mixing ratio' if discipline == 0 and parameterCategory == 1 and parameterNumber == 1: return 'Relative humidity' if discipline == 0 and parameterCategory == 1 and parameterNumber == 0: return 'Specific humidity' if discipline == 10 and parameterCategory == 1 and parameterNumber == 3: return 'v-component of current' if discipline == 10 and parameterCategory == 1 and parameterNumber == 2: return 'u-component of current' if discipline == 10 and parameterCategory == 1 and parameterNumber == 1: return 'Speed of current' if discipline == 10 and parameterCategory == 1 and parameterNumber == 0: return 'Direction of current' if discipline == 0 and parameterCategory == 2 and parameterNumber == 16: return 'Vertical v-component shear' if discipline == 0 and parameterCategory == 2 and parameterNumber == 15: return 'Vertical u-component shear' if discipline == 0 and parameterCategory == 2 and parameterNumber == 13: return 'Relative divergence' if discipline == 0 and parameterCategory == 2 and parameterNumber == 12: return 'Relative vorticity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 11: return 'Absolute divergence' if discipline == 0 and parameterCategory == 2 and parameterNumber == 10: return 'Absolute vorticity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 9: return 'Geometric Vertical velocity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 8: return 'Pressure Vertical velocity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 7: return 'Sigma coord. vertical velocity' if discipline == 0 and parameterCategory == 2 and parameterNumber == 6: return 'Montgomery stream function' if discipline == 0 and parameterCategory == 2 and parameterNumber == 5: return 'Velocity potential' if discipline == 0 and parameterCategory == 2 and parameterNumber == 4: return 'Stream function' if discipline == 0 and parameterCategory == 2 and parameterNumber == 3: return 'v-component of wind' if discipline == 0 and parameterCategory == 2 and parameterNumber == 2: return 'u-component of wind' if discipline == 0 and parameterCategory == 2 and parameterNumber == 1: return 'Wind speed' if discipline == 0 and parameterCategory == 2 and parameterNumber == 0: return 'Wind direction' if discipline == 10 and parameterCategory == 0 and parameterNumber == 2: return 'Wave Spectra (3)' if discipline == 10 and parameterCategory == 0 and parameterNumber == 1: return 'Wave Spectra (2)' if discipline == 10 and parameterCategory == 0 and parameterNumber == 0: return 'Wave Spectra (1)' if discipline == 0 and parameterCategory == 3 and parameterNumber == 9: return 'Geopotential height anomaly' if discipline == 0 and parameterCategory == 3 and parameterNumber == 8: return 'Pressure anomaly' if discipline == 0 and parameterCategory == 0 and parameterNumber == 9: return 'Temperature anomaly' if discipline == 0 and parameterCategory == 7 and parameterNumber == 0: return 'Parcel lifted index (to 500 hPa)' if discipline == 0 and parameterCategory == 15 and parameterNumber == 8: return 'Radar Spectra (3)' if discipline == 0 and parameterCategory == 15 and parameterNumber == 7: return 'Radar Spectra (2)' if discipline == 0 and parameterCategory == 15 and parameterNumber == 6: return 'Radar Spectra (1)' if discipline == 0 and parameterCategory == 19 and parameterNumber == 0: return 'Visibility' if discipline == 0 and parameterCategory == 0 and parameterNumber == 8: return 'Lapse rate' if discipline == 0 and parameterCategory == 0 and parameterNumber == 7: return 'Dew point depression (or deficit)' if discipline == 0 and parameterCategory == 0 and parameterNumber == 6: return 'Dew point temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 5: return 'Minimum temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 4: return 'Maximum temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 3: return 'Pseudo-adiabatic potential temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 2: return 'Potential temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 1: return 'Virtual temperature' if discipline == 0 and parameterCategory == 0 and parameterNumber == 0: return 'Temperature' if discipline == 0 and parameterCategory == 14 and parameterNumber == 0: return 'Total ozone' if discipline == 0 and parameterCategory == 3 and parameterNumber == 7: return 'Standard deviation of height' if discipline == 0 and parameterCategory == 3 and parameterNumber == 6: return 'Geometric height' if discipline == 0 and parameterCategory == 3 and parameterNumber == 5: return 'Geopotential height' if discipline == 0 and parameterCategory == 3 and parameterNumber == 4: return 'Geopotential' if discipline == 0 and parameterCategory == 3 and parameterNumber == 3: return 'ICAO Standard Atmosphere reference height' if discipline == 0 and parameterCategory == 2 and parameterNumber == 14: return 'Potential vorticity' if discipline == 0 and parameterCategory == 3 and parameterNumber == 2: return 'Pressure tendency' if discipline == 0 and parameterCategory == 3 and parameterNumber == 1: return 'Pressure reduced to MSL' if discipline == 0 and parameterCategory == 3 and parameterNumber == 0: return 'Pressure' return wrapped
42.646205
102
0.638208
0
0
0
0
0
0
0
0
12,163
0.188256
a968e5c87a6a2fba1534a27a1696dd6c0f7117a1
1,568
py
Python
apetools/proletarians/setuprun.py
rsnakamura/oldape
b4d1c77e1d611fe2b30768b42bdc7493afb0ea95
[ "Apache-2.0" ]
null
null
null
apetools/proletarians/setuprun.py
rsnakamura/oldape
b4d1c77e1d611fe2b30768b42bdc7493afb0ea95
[ "Apache-2.0" ]
null
null
null
apetools/proletarians/setuprun.py
rsnakamura/oldape
b4d1c77e1d611fe2b30768b42bdc7493afb0ea95
[ "Apache-2.0" ]
null
null
null
# apetools Libraries from apetools.baseclass import BaseClass from apetools.builders import builder from apetools.lexicographers.lexicographer import Lexicographer class SetUp(BaseClass): """ The SetUp sets up the infrastructure """ def __init__(self, arguments, *args, **kwargs): """ :param: - `arguments`: An ArgumentParser Namespace """ super(SetUp, self).__init__(*args, **kwargs) self.arguments = arguments self._lexicographer = None self._builder = None return @property def lexicographer(self): """ :return: Lexicographer that maps config-files """ if self._lexicographer is None: glob = self.arguments.glob message = "Building Lexicographer with glob ({0})".format(glob) self.logger.debug(message) self._lexicographer = Lexicographer(glob) return self._lexicographer @property def builder(self): """ :return: A builder of objects """ if self._builder is None: l = self.lexicographer message = "Building builder with Lexicographer '{0}'".format(str(l)) self.logger.debug(message) self._builder = builder.Builder(l) return self._builder def __call__(self): """ Runs the builder.hortator's `run` method """ self.logger.debug("Calling the hortator's run.") self.builder.hortator() return # end SetUp
28
80
0.588648
1,376
0.877551
0
0
758
0.483418
0
0
469
0.299107
a969c4d30c2cfa4664e0f50b541bf7d5cc4223f3
11,423
py
Python
bleu.py
divyang02/English_to_Hindi_Machine_language_translator
0502b7bb1f86f45d452868a8701009d421765b64
[ "MIT" ]
1
2022-02-22T04:10:34.000Z
2022-02-22T04:10:34.000Z
bleu.py
divyang02/English_to_Hindi_Machine_language_translator
0502b7bb1f86f45d452868a8701009d421765b64
[ "MIT" ]
null
null
null
bleu.py
divyang02/English_to_Hindi_Machine_language_translator
0502b7bb1f86f45d452868a8701009d421765b64
[ "MIT" ]
null
null
null
#!/usr/bin/env python # -*- coding: utf-8 -*- """ Sentence level and Corpus level BLEU score calculation tool """ from __future__ import division, print_function import io import os import math import sys import argparse from fractions import Fraction from collections import Counter from functools import reduce from operator import or_ try: from nltk import ngrams except: def ngrams(sequence, n): sequence = iter(sequence) history = [] while n > 1: history.append(next(sequence)) n -= 1 for item in sequence: history.append(item) yield tuple(history) del history[0] def modified_precision(references, hypothesis, n): # Extracts all ngrams in hypothesis. counts = Counter(ngrams(hypothesis, n)) if not counts: return Fraction(0) # Extract a union of references' counts. max_counts = reduce(or_, [Counter(ngrams(ref, n)) for ref in references]) # Assigns the intersection between hypothesis and references' counts. clipped_counts = {ngram: min(count, max_counts[ngram]) for ngram, count in counts.items()} return Fraction(sum(clipped_counts.values()), sum(counts.values())) def corpus_bleu(list_of_references, hypotheses, weights=(0.25, 0.25, 0.25, 0.25), segment_level=False, smoothing=0, epsilon=1, alpha=1, k=5): # Initialize the numbers. p_numerators = Counter() # Key = ngram order, and value = no. of ngram matches. p_denominators = Counter() # Key = ngram order, and value = no. of ngram in ref. hyp_lengths, ref_lengths = 0, 0 # Iterate through each hypothesis and their corresponding references. for references, hypothesis in zip(list_of_references, hypotheses): # Calculate the hypothesis length and the closest reference length. # Adds them to the corpus-level hypothesis and reference counts. hyp_len = len(hypothesis) hyp_lengths += hyp_len ref_lens = (len(reference) for reference in references) closest_ref_len = min(ref_lens, key=lambda ref_len: (abs(ref_len - hyp_len), ref_len)) ref_lengths += closest_ref_len # Calculates the modified precision for each order of ngram. segment_level_precision = [] for i, _ in enumerate(weights, start=1): p_i = modified_precision(references, hypothesis, i) p_numerators[i] += p_i.numerator p_denominators[i] += p_i.denominator segment_level_precision.append(p_i) # Optionally, outputs segment level scores. if segment_level: if hyp_len == 0: print(0) else: _bp = min(math.exp(1 - closest_ref_len / hyp_len), 1.0) segment_level_precision = chen_and_cherry(references, hypothesis, segment_level_precision, hyp_len, smoothing, epsilon, alpha) segment_pn = [w*math.log(p_i) if p_i != 0 else 0 for p_i, w in zip(segment_level_precision, weights)] print (_bp * math.exp(math.fsum(segment_pn))) # Calculate corpus-level brevity penalty. bp = min(math.exp(1 - ref_lengths / hyp_lengths), 1.0) # Calculate corpus-level modified precision. p_n = [] p_n_str = [] for i, w in enumerate(weights, start=1): p_i = Fraction(p_numerators[i] / p_denominators[i]) p_n_str.append(p_i) try: p_n.append(w* math.log(p_i)) except ValueError: p_n.append(0) # Final bleu score. score = bp * math.exp(math.fsum(p_n)) bleu_output = ("BLEU = {}, {} (BP={}, ratio={}, hyp_len={}, ref_len={})".format( round(score*100, 2), '/'.join(map(str, [round(p_i*100, 1) for p_i in p_n_str])), round(bp,3), round(hyp_lengths/ref_lengths, 3), hyp_lengths, ref_lengths)) print(bleu_output, file=sys.stderr) return score, p_n_str, hyp_lengths, ref_lengths def chen_and_cherry(references, hypothesis, p_n, hyp_len, smoothing=0, epsilon=0.1, alpha=5, k=5): """ Boxing Chen and Collin Cherry (2014) A Systematic Comparison of Smoothing Techniques for Sentence-Level BLEU. In WMT14. """ # No smoothing. if smoothing == 0: return p_n # Smoothing method 1: Add *epsilon* counts to precision with 0 counts. if smoothing == 1: return [Fraction(p_i.numerator + epsilon, p_i.denominator) if p_i.numerator == 0 else p_i for p_i in p_n] # Smoothing method 2: Add 1 to both numerator and denominator (Lin and Och 2004) if smoothing == 2: return [Fraction(p_i.numerator + 1, p_i.denominator + 1) for p_i in p_n] # Smoothing method 3: NIST geometric sequence smoothing # The smoothing is computed by taking 1 / ( 2^k ), instead of 0, for each # precision score whose matching n-gram count is null. # k is 1 for the first 'n' value for which the n-gram match count is null/ # For example, if the text contains: # - one 2-gram match # - and (consequently) two 1-gram matches # the n-gram count for each individual precision score would be: # - n=1 => prec_count = 2 (two unigrams) # - n=2 => prec_count = 1 (one bigram) # - n=3 => prec_count = 1/2 (no trigram, taking 'smoothed' value of 1 / ( 2^k ), with k=1) # - n=4 => prec_count = 1/4 (no fourgram, taking 'smoothed' value of 1 / ( 2^k ), with k=2) if smoothing == 3: incvnt = 1 # From the mteval-v13a.pl, it's referred to as k. for i, p_i in enumerate(p_n): if p_i == 0: p_n[i] = 1 / 2**incvnt incvnt+=1 return p_n # Smoothing method 4: # Shorter translations may have inflated precision values due to having # smaller denominators; therefore, we give them proportionally # smaller smoothed counts. Instead of scaling to 1/(2^k), Chen and Cherry # suggests dividing by 1/ln(len(T), where T is the length of the translation. if smoothing == 4: incvnt = 1 for i, p_i in enumerate(p_n): if p_i == 0: p_n[i] = incvnt * k / math.log(hyp_len) # Note that this K is different from the K from NIST. incvnt+=1 return p_n # Smoothing method 5: # The matched counts for similar values of n should be similar. To a # calculate the n-gram matched count, it averages the n−1, n and n+1 gram # matched counts. if smoothing == 5: m = {} # Requires an precision value for an addition ngram order. p_n_plus5 = p_n + [modified_precision(references, hypothesis, 5)] m[-1] = p_n[0] + 1 for i, p_i in enumerate(p_n): p_n[i] = (m[i-1] + p_i + p_n_plus5[i+1]) / 3 m[i] = p_n[i] return p_n # Smoothing method 6: # Interpolates the maximum likelihood estimate of the precision *p_n* with # a prior estimate *pi0*. The prior is estimated by assuming that the ratio # between pn and pn−1 will be the same as that between pn−1 and pn−2. if smoothing == 6: for i, p_i in enumerate(p_n): if i in [1,2]: # Skips the first 2 orders of ngrams. continue else: pi0 = p_n[i-1]**2 / p_n[i-2] # No. of ngrams in translation. l = sum(1 for _ in ngrams(hypothesis, i+1)) p_n[i] = (p_i + alpha * pi0) / (l + alpha) return p_n # Smoothing method if smoothing == 7: p_n = chen_and_cherry(references, hypothesis, p_n, hyp_len, smoothing=4) p_n = chen_and_cherry(references, hypothesis, p_n, hyp_len, smoothing=5) return p_n def sentence_bleu_nbest(reference, hypotheses, weights=(0.25, 0.25, 0.25, 0.25), smoothing=0, epsilon=0.1, alpha=5, k=5): for hi, hypothesis in enumerate(hypotheses): print('Translation {}... '.format(hi), file=sys.stderr, end="") bleu_output = corpus_bleu([(reference,)], [hypothesis], weights) bleu_score, p_n, hyp_len, ref_len = bleu_output p_n = chen_and_cherry(reference, hypotheses, p_n, hyp_len, smoothing, epsilon) segment_pn = [w*math.log(p_i) if p_i != 0 else 0 for p_i, w in zip(p_n, weights)] _bp = min(math.exp(1 - ref_len / hyp_len), 1.0) yield _bp * math.exp(math.fsum(segment_pn)) if __name__ == '__main__': parser = argparse.ArgumentParser(description='Arguments for calculating BLEU') parser.add_argument('-t', '--translation', type=str, required=True, help="translation file or string") parser.add_argument('-r', '--reference', type=str, required=True, help="reference file or string") parser.add_argument('-s', '--smooth', type=int, default=3, metavar='INT', required=False, help="smoothing method type (default: %(default)s)") parser.add_argument('-w', '--weights', type=str, default='0.25 0.25 0.25 0.25', help="weights for ngram (default: %(default)s)") parser.add_argument('-sl', '--sentence-level', action='store_true', help="print sentence level BLEU score (default: %(default)s)") parser.add_argument('-se', '--smooth-epsilon', type=float, default=0.1, help="empirical smoothing parameter for method 1 (default: %(default)s)") parser.add_argument('-sk', '--smooth-k', type=int, default=5, help="empirical smoothing parameter for method 4 (default: %(default)s)") parser.add_argument('-sa', '--smooth-alpha', type=int, default=5, help="empirical smoothing parameter for method 6 (default: %(default)s)") args = parser.parse_args() hypothesis_file = args.translation reference_file = args.reference weights = tuple(map(float, args.weights.split())) segment_level = args.sentence_level smoothing_method = args.smooth epsilon = args.smooth_epsilon alpha = args.smooth_alpha k = args.smooth_k # Calculate BLEU scores. # Set --sentence-level and other params to calc sentence-level BLEU in a FILE or string if os.path.isfile(reference_file): with io.open(reference_file, 'r', encoding='utf8') as reffin, \ io.open(hypothesis_file, 'r', encoding='utf8') as hypfin: list_of_references = ((r.split(),) for r in reffin) hypotheses = (h.split() for h in hypfin) corpus_bleu(list_of_references, hypotheses, weights=weights, segment_level=segment_level, smoothing=smoothing_method, epsilon=epsilon, alpha=alpha, k=k) else: reffin = [reference_file] hypfin = [hypothesis_file] list_of_references = ((r.split(),) for r in reffin) hypotheses = (h.split() for h in hypfin) corpus_bleu(list_of_references, hypotheses, weights=weights, segment_level=True, smoothing=smoothing_method, epsilon=epsilon, alpha=alpha, k=k)
45.692
109
0.604044
0
0
995
0.087044
0
0
0
0
3,637
0.31817
a96d1ad4941b2f2e2aed74363daf53f8103f7801
54
py
Python
configs/postgres.py
enabokov/chat
4a3a11c68c5089c119ebe5bec1dfebe699aa7c78
[ "MIT" ]
1
2019-04-14T16:49:32.000Z
2019-04-14T16:49:32.000Z
configs/postgres.py
enabokov/Chat
4a3a11c68c5089c119ebe5bec1dfebe699aa7c78
[ "MIT" ]
1
2021-03-25T21:44:52.000Z
2021-03-25T21:44:52.000Z
configs/postgres.py
enabokov/chat
4a3a11c68c5089c119ebe5bec1dfebe699aa7c78
[ "MIT" ]
null
null
null
DSN = 'postgresql://edward:edward@postgres:5432/chat'
27
53
0.759259
0
0
0
0
0
0
0
0
47
0.87037