id
stringlengths
2
8
text
stringlengths
16
264k
dataset_id
stringclasses
1 value
3402384
<gh_stars>0 #!/usr/bin/env python3 # -*- coding: utf-8 -*- # # === This file is part of Calamares - <https://github.com/calamares> === # # Copyright 2014-2015, <NAME> <<EMAIL>> # Copyright 2014, <NAME> <<EMAIL>> # Copyright 2017, <NAME> <<EMAIL>> # Copyright 2019, <NAME> <<EMAIL>> # # Calamares is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License as published by # the Free Software Foundation, either version 3 of the License, or # (at your option) any later version. # # Calamares is distributed in the hope that it will be useful, # but WITHOUT ANY WARRANTY; without even the implied warranty of # MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the # GNU General Public License for more details. # # You should have received a copy of the GNU General Public License # along with Calamares. If not, see <http://www.gnu.org/licenses/>. import libcalamares from libcalamares.utils import target_env_call import gettext _ = gettext.translation("calamares-python", localedir=libcalamares.utils.gettext_path(), languages=libcalamares.utils.gettext_languages(), fallback=True).gettext def pretty_name(): return _("Creating initramfs with dracut.") def run_dracut(): """ Creates initramfs, even when initramfs already exists. :return: """ return target_env_call(['dracut', '-f']) def run(): """ Starts routine to create initramfs. It passes back the exit code if it fails. :return: """ return_code = run_dracut() if return_code != 0: return ( _("Failed to run dracut on the target"), _("The exit code was {}").format(return_code) )
StarcoderdataPython
11207363
# Copyright 2013-2015 ARM Limited # # 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. # # pylint: disable=E0611,R0201 import os from unittest import TestCase from nose.tools import assert_equal, assert_greater from wlauto.core.extension_loader import ExtensionLoader EXTDIR = os.path.join(os.path.dirname(__file__), 'data', 'extensions') class ExtensionLoaderTest(TestCase): def test_load_device(self): loader = ExtensionLoader(paths=[EXTDIR, ], load_defaults=False) device = loader.get_device('test-device') assert_equal(device.name, 'test-device') def test_list_by_kind(self): loader = ExtensionLoader(paths=[EXTDIR, ], load_defaults=False) exts = loader.list_devices() assert_equal(len(exts), 1) assert_equal(exts[0].name, 'test-device') def test_clear_and_reload(self): loader = ExtensionLoader() assert_greater(len(loader.list_devices()), 1) loader.clear() loader.update(paths=[EXTDIR, ]) devices = loader.list_devices() assert_equal(len(devices), 1) assert_equal(devices[0].name, 'test-device') assert_equal(len(loader.list_extensions()), 1)
StarcoderdataPython
11206000
<reponame>Astronaut-X-X/easy-redis-by-python # 客户端连接服务器 IP地址 端口号 host = '127.0.0.1' port = 6780
StarcoderdataPython
1800164
# addon modules from . import obj from . import mesh from . import material from . import armature from . import bone from . import action from . import scene modules = (obj, mesh, material, armature, bone, action, scene) def register(): for module in modules: module.register() def unregister(): for module in reversed(modules): module.unregister()
StarcoderdataPython
3469062
import json import os import pytest import pathlib import subprocess import sys from visual_regression_tracker import Config, MissingConfigurationError from visual_regression_tracker.config import determine_config_path, ENV_MAPPING @pytest.fixture def config_file(tmpdir): p = tmpdir.join('config.json') p.write(json.dumps({ 'apiUrl': 'file api url', 'ciBuildId': 'file ci build id', 'branchName': 'file branch name', 'project': 'file project', 'apiKey': 'file api key', 'enableSoftAssert': True, })) yield p @pytest.fixture def config_env(): env = { 'VRT_APIURL': 'env api url', 'VRT_CIBUILDID': 'env ci build id', 'VRT_BRANCHNAME': 'env branch name', 'VRT_PROJECT': 'env project', 'VRT_APIKEY': 'env api key', 'VRT_ENABLESOFTASSERT': 'False', } yield env def test_config_from_file(config_file): cfg = Config.from_file(config_file) assert cfg.apiUrl == 'file api url' assert cfg.ciBuildId == 'file ci build id' assert cfg.branchName == 'file branch name' assert cfg.project == 'file project' assert cfg.apiKey == 'file api key' assert cfg.enableSoftAssert == True def test_config_from_environment(config_env): cfg = Config.from_environment(config_env) assert cfg.apiUrl == 'env api url' assert cfg.ciBuildId == 'env ci build id' assert cfg.branchName == 'env branch name' assert cfg.project == 'env project' assert cfg.apiKey == 'env api key' assert cfg.enableSoftAssert == False def test_default_uses_path(config_file): cfg = Config.default(path=config_file, environment={}) assert cfg.apiUrl == 'file api url' assert cfg.ciBuildId == 'file ci build id' assert cfg.branchName == 'file branch name' assert cfg.project == 'file project' assert cfg.apiKey == 'file api key' assert cfg.enableSoftAssert == True def test_default_uses_default_path(mocker, config_file): config_file_data = open(config_file).read() mocker.patch('builtins.open', mocker.mock_open(read_data=config_file_data)) mocker.patch('os.path.isfile').return_value = True cfg = Config.default(environment={}) assert cfg.apiUrl == 'file api url' assert cfg.ciBuildId == 'file ci build id' assert cfg.branchName == 'file branch name' assert cfg.project == 'file project' assert cfg.apiKey == 'file api key' assert cfg.enableSoftAssert == True def test_default_uses_environment(config_env, mocker): mocker.patch('os.path.isfile').return_value = False cfg = Config.default(environment=config_env) assert cfg.apiUrl == 'env api url' assert cfg.ciBuildId == 'env ci build id' assert cfg.branchName == 'env branch name' assert cfg.project == 'env project' assert cfg.apiKey == 'env api key' assert cfg.enableSoftAssert == False def test_default_uses_defaults(config_env, mocker): mocker.patch('os.path.isfile').return_value = False del config_env['VRT_CIBUILDID'] del config_env['VRT_APIURL'] cfg = Config.default(environment=config_env) assert cfg.apiUrl == Config.apiUrl assert cfg.ciBuildId is None def test_default_prefers_environment(config_env, config_file): del config_env['VRT_PROJECT'] cfg = Config.default(path=config_file, environment=config_env) assert cfg.ciBuildId == 'env ci build id' assert cfg.project == 'file project' def test_default_raises_on_invalid_path(): with pytest.raises(IOError): Config.default(path='/does/not/exist/vrt.json') @pytest.mark.parametrize('missing_field', ['branchName', 'project', 'apiKey']) def test_default_raises_on_missing_settings(mocker, config_env, missing_field): mocker.patch('os.path.isfile').return_value = False del config_env[ENV_MAPPING[missing_field]] with pytest.raises(MissingConfigurationError): Config.default(environment=config_env) def test_determine_config_path_from_pytest(): current_file = pathlib.Path(__file__) sdk_python_dir = str(current_file.parent.parent) assert determine_config_path() == sdk_python_dir @pytest.fixture def change_current_dir(tmpdir): olddir = os.curdir os.chdir(os.path.expanduser('~')) yield os.path.abspath(os.curdir) os.chdir(olddir) def test_detemine_config_path_from_repl(change_current_dir): current_file = pathlib.Path(__file__) sdk_python_dir = str(current_file.parent.parent) output = subprocess.check_output( sys.executable, encoding='ascii', input=f''' import sys sys.path.insert(0, '{sdk_python_dir}') from visual_regression_tracker.config import determine_config_path print(determine_config_path()) quit() ''' ) result = output.strip() assert result == change_current_dir
StarcoderdataPython
215562
import os import tensorflow as tf from tensorflow.keras.models import Sequential from tensorflow.keras.layers import Dense, Flatten from tensorflow.keras.callbacks import Callback from PyQt5.QtCore import QRunnable, pyqtSlot, pyqtSignal, QObject from .trainingoptions import TrainingOptions from .architectures import ARCHITECTURES class TrainerError(Exception): def __init__(self, msg): super().__init__(msg) class UiUpdateCallback(Callback): def __init__(self, update_signal): super().__init__() self.update_signal = update_signal # Training values self.loss_history = [] def on_train_begin(self, logs=None): pass def on_epoch_end(self, epoch, logs=None): if logs is None: return loss = logs["loss"] self.loss_history.append(loss) self.update_signal.emit(self.loss_history) def on_train_batch_end(self, batch, logs=None): pass def on_test_batch_end(self, batch, logs=None): pass def on_train_end(self, logs=None): pass class WorkerSignals(QObject): update = pyqtSignal(object) finish = pyqtSignal() class ModelTrainer(QRunnable): def __init__(self, opts: TrainingOptions): QRunnable.__init__(self) self.opts = opts self.signals = WorkerSignals() @pyqtSlot() def run(self): try: """Train a model on the datagenerators built""" model = self.build_model() # Set up the data generators training_datagen = self.build_datagen(validation=False) training_dataflow = self.build_dataflow(training_datagen, validation=False) if self.opts.validation_dir: validation_datagen = self.build_datagen(validation=True) validation_dataflow = self.build_dataflow( validation_datagen, validation=True ) else: validation_dataflow = None callbacks = self.build_callbacks( include_validation=validation_dataflow is not None, ) args = dict( generator=training_dataflow, epochs=self.opts.training_epochs, verbose=0, callbacks=callbacks, ) if validation_dataflow is not None: args["validation_data"] = validation_dataflow _history = model.fit_generator(**args) finally: self.signals.finish.emit() def build_model(self): # Create the custom first layer, which has the dimensions of the data input_shape = (self.opts.image_shape[0], self.opts.image_shape[1], 3) input_tensor = tf.keras.layers.Input(shape=input_shape) # This is the base model class from the architecture that the user specified. We # constrain the solution to pre-trained models using imagenet weights. base_model = self.model_cls( weights="imagenet", include_top=False, input_tensor=input_tensor, classes=self.opts.output_classes, ) # The final model model = Sequential() # Add the base model, i.e. the model that has already been trained using # ImageNet, minus the first few layers (as we asked for `include_top=False`). model.add(base_model) # Flatten the output of the feature extractor before adding the fully connected # layers. model.add(Flatten()) # Add the fully connected layers for layer_idx in range(self.opts.num_fc_layers): model.add(Dense(self.opts.fc_neurones, activation="relu")) # Add the final classification layer model.add(Dense(self.opts.output_classes, activation="softmax")) # The model is complete, so compile it using the optimiser and loss functions # specified model.compile( optimizer=self.opts.optimiser, metrics=["accuracy"], loss=self.opts.loss_function, ) return model def build_datagen(self, validation=False): if validation: gen = tf.keras.preprocessing.image.ImageDataGenerator( preprocessing_function=self.preprocess_input_fn() ) else: gen = tf.keras.preprocessing.image.ImageDataGenerator( preprocessing_function=self.preprocess_input_fn(), horizontal_flip=self.opts.horizontal_flip, vertical_flip=self.opts.vertical_flip, rotation_range=self.opts.rotation_angle, ) return gen def build_dataflow(self, datagen, validation=False): if validation: if self.opts.validation_dir is None: raise TrainerError("validation directory not set") return datagen.flow_from_directory( self.opts.validation_dir, target_size=self.opts.image_shape, batch_size=self.opts.batch_size, ) else: if self.opts.training_dir is None: raise TrainerError("training directory not set") return datagen.flow_from_directory( self.opts.training_dir, target_size=self.opts.image_shape, batch_size=self.opts.batch_size, ) def preprocess_input_fn(self): """Returns the correct function for preprocessing the data, based on the architecture that has been selected """ fns = { tf.keras.applications.ResNet50: tf.keras.applications.resnet50.preprocess_input, tf.keras.applications.VGG16: tf.keras.applications.vgg16.preprocess_input, } return fns[self.model_cls] def build_callbacks(self, include_validation): callbacks = [ self.build_model_checkpoint_callback(include_validation), self.build_tensorboard_callback(), UiUpdateCallback(self.signals.update), ] if self.opts.early_stopping: callbacks.append( tf.keras.callbacks.EarlyStopping( patience=self.opts.early_stopping.patience, min_delta=self.opts.early_stopping.minimum_delta, ) ) return callbacks def build_model_checkpoint_callback(self, include_validation): checkpoint_filename = os.path.join( self.opts.output_directory, f"{self.opts.output_name}_checkpoints.h5" ) if include_validation: checkpoint_metric = "val_loss" else: checkpoint_metric = "loss" return tf.keras.callbacks.ModelCheckpoint( checkpoint_filename, checkpoint_metric, verbose=0, save_best_only=True ) def build_tensorboard_callback(self): tensorboard_dir = os.path.join( self.opts.output_directory, f"{self.opts.output_name}_tb" ) return tf.keras.callbacks.TensorBoard( tensorboard_dir ) @property def model_cls(self): return ARCHITECTURES[self.opts.architecture]
StarcoderdataPython
4816196
import json import pandas as pd import numpy as np import random from collections import Counter import sys from src.func import tweet_utils from src.func import regex from src.func import labmtgen from src.scripts.process_tweets import * from labMTsimple.storyLab import * ### This file contains prior version of some tweet cleaning utilities def geotweets_to_ngrams(geotweet_path): tweets = load_tweets(geotweet_path) park_tweets, control_tweets, park_names = park_control_split(tweets) # get names of parks for removal from sentiment analysis park_ngram_stopwords = get_park_stopwords(park_names) park_ngrams = tweets_to_ngrams(park_tweets) control_ngrams = tweets_to_ngrams(control_tweets) return park_ngrams, control_ngrams, park_ngram_stopwords def park_control_split(tweets): # get park tweets park_tweets = [] control_tweets = [] control_stack = [] park_names = [] # get park tweets, control tweets, and park names for stop words for tweet in tweets: if pd.isnull(tweet['pure_text']) or tweet_utils.is_retweet(tweet): continue elif pd.isnull(tweet['ParkID']): control_stack.append(tweet) else: park_tweets.append(tweet) control_tweets.append(control_stack.pop()) try: park_names.append(str(tweet['Park_Name']).lower()) except AttributeError: print(tweet) sys.exit(1) return park_tweets, control_tweets, park_names def sample_ngrams(ngrams, sample = .8): ngram_list = ' '.join([' '.join([k] * v) for k, v in ngrams.items()]).split() total = len(ngram_list) samples = total*sample ngram_sample = np.random.choice(ngram_list, int(samples), replace=False) return Counter(ngram_sample) def bootstrap_sentiment_ngrams(park_tweets, control_tweets, stops, sample=.8, n=100): park_ngrams = tweets_to_ngrams(park_tweets) control_ngrams = tweets_to_ngrams(control_tweets) park_sentis = [] control_sentis = [] for i in range(n): park_sample = sample_ngrams(park_ngrams, sample) control_sample = sample_ngrams(control_ngrams, sample) park_sentis.append(senti(park_sample, stops)) control_sentis.append(senti(control_sample, stops)) return park_sentis, control_sentis def bootstrap_bumps(park_tweets_by_user, runs = 5): park_tweets = [] control_tweets = [] parks = [] bumps = [] for i in range(runs): for tweet_list in park_tweets_by_user.values(): tweet_choice = random.choice(tweet_list) park_tweets.append(tweet_choice['pure_text']) control_tweets.append(tweet_choice['control_text']) parks.append(tweet_choice['Park_Name']) stops = get_park_stopwords(parks) park_ngrams = tweets_to_ngrams(park_tweets) control_ngrams = tweets_to_ngrams(control_tweets) bump = senti(park_ngrams, stops)-senti(control_ngrams, stops) bumps.append(bump) return bumps
StarcoderdataPython
3571703
import json # files = ["../data/train19_dev.json", "../data/train19_train.json", "../data/train19_test.json", "train_large.json"] files = ["../data/train19_dev.json", "../data/train19_test.json", "train_small.json", "train_large.json"] def read(file, start_id=0): with open(file, 'r', encoding='utf-8') as f: train = json.load(f) trainx = [] for dic in train: dic['_id'] = start_id trainx.append(dic) start_id += 1 return trainx result = [] with open('data2/train_full.json', 'w', encoding='utf-8') as fw: startid = 0 for file in files: fdic = read(file, start_id=startid) startid += len(fdic) result.extend(fdic) json.dump(result, fw, indent=4, ensure_ascii=False) print('FIN')
StarcoderdataPython
9639856
import unittest from ccdfs import ccdfs class Test_Case_CCDfs(unittest.TestCase): def test_ccdfs(self): self.assertEqual(str(ccdfs({'a': ['c', 'b'], 'b': ['a','c'], 'c': ['b', 'a'], 'd': ['e', 'f'], 'e': ['d', 'f'], 'f': ['e', 'd']})), "{'a': (1, True), 'c': (1, True), 'b': (1, True), 'e': (2, True), 'd': (2, True), 'f': (2, True)}") if __name__ == '__main__': unittest.main()
StarcoderdataPython
4955947
<reponame>grandq33769/gdpr-data-marketplace from importlib import import_module as im from data_marketplace.utils.common import to_byte from data_marketplace.utils.log import logging log = logging.getLogger('data_marketplace.crypto.hash') def _hash(contents, hash_algo): log.info( "Hashing the file.\n\ Hash object: %s,\n\ Hash function: %s", id(contents), hash_algo) return _get_digest(contents, hash_algo) def _validate(origin, target, hash_algo): digest = _get_digest(origin, hash_algo) calculated = digest.hexdigest() log.info('Calculated Hash: %s\n' 'Target Hash: %s', calculated, target) if calculated == target: return True else: return False def _get_digest(contents, hash_algo): module_name = hash_algo.upper() contents_byte = to_byte(contents) return im('Crypto.Hash.' + module_name).new(contents_byte)
StarcoderdataPython
5063687
<gh_stars>1-10 # This file was automatically generated by SWIG (http://www.swig.org). # Version 3.0.7 # # Do not make changes to this file unless you know what you are doing--modify # the SWIG interface file instead. from sys import version_info if version_info >= (2, 6, 0): def swig_import_helper(): from os.path import dirname import imp fp = None try: fp, pathname, description = imp.find_module('_SimFaceBound_FaceBound_Default', [dirname(__file__)]) except ImportError: import _SimFaceBound_FaceBound_Default return _SimFaceBound_FaceBound_Default if fp is not None: try: _mod = imp.load_module('_SimFaceBound_FaceBound_Default', fp, pathname, description) finally: fp.close() return _mod _SimFaceBound_FaceBound_Default = swig_import_helper() del swig_import_helper else: import _SimFaceBound_FaceBound_Default del version_info try: _swig_property = property except NameError: pass # Python < 2.2 doesn't have 'property'. def _swig_setattr_nondynamic(self, class_type, name, value, static=1): if (name == "thisown"): return self.this.own(value) if (name == "this"): if type(value).__name__ == 'SwigPyObject': self.__dict__[name] = value return method = class_type.__swig_setmethods__.get(name, None) if method: return method(self, value) if (not static): if _newclass: object.__setattr__(self, name, value) else: self.__dict__[name] = value else: raise AttributeError("You cannot add attributes to %s" % self) def _swig_setattr(self, class_type, name, value): return _swig_setattr_nondynamic(self, class_type, name, value, 0) def _swig_getattr_nondynamic(self, class_type, name, static=1): if (name == "thisown"): return self.this.own() method = class_type.__swig_getmethods__.get(name, None) if method: return method(self) if (not static): return object.__getattr__(self, name) else: raise AttributeError(name) def _swig_getattr(self, class_type, name): return _swig_getattr_nondynamic(self, class_type, name, 0) def _swig_repr(self): try: strthis = "proxy of " + self.this.__repr__() except: strthis = "" return "<%s.%s; %s >" % (self.__class__.__module__, self.__class__.__name__, strthis,) try: _object = object _newclass = 1 except AttributeError: class _object: pass _newclass = 0 try: import weakref weakref_proxy = weakref.proxy except: weakref_proxy = lambda x: x import base class SimFaceBound(base.SimTopologicalRepresentationItem): __swig_setmethods__ = {} for _s in [base.SimTopologicalRepresentationItem]: __swig_setmethods__.update(getattr(_s, '__swig_setmethods__', {})) __setattr__ = lambda self, name, value: _swig_setattr(self, SimFaceBound, name, value) __swig_getmethods__ = {} for _s in [base.SimTopologicalRepresentationItem]: __swig_getmethods__.update(getattr(_s, '__swig_getmethods__', {})) __getattr__ = lambda self, name: _swig_getattr(self, SimFaceBound, name) __repr__ = _swig_repr def Bound(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_Bound(self, *args) def Orientation(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_Orientation(self, *args) def __init__(self, *args): this = _SimFaceBound_FaceBound_Default.new_SimFaceBound(*args) try: self.this.append(this) except: self.this = this def _clone(self, f=0, c=None): return _SimFaceBound_FaceBound_Default.SimFaceBound__clone(self, f, c) __swig_destroy__ = _SimFaceBound_FaceBound_Default.delete_SimFaceBound __del__ = lambda self: None SimFaceBound_swigregister = _SimFaceBound_FaceBound_Default.SimFaceBound_swigregister SimFaceBound_swigregister(SimFaceBound) class SimFaceBound_FaceBound(SimFaceBound): __swig_setmethods__ = {} for _s in [SimFaceBound]: __swig_setmethods__.update(getattr(_s, '__swig_setmethods__', {})) __setattr__ = lambda self, name, value: _swig_setattr(self, SimFaceBound_FaceBound, name, value) __swig_getmethods__ = {} for _s in [SimFaceBound]: __swig_getmethods__.update(getattr(_s, '__swig_getmethods__', {})) __getattr__ = lambda self, name: _swig_getattr(self, SimFaceBound_FaceBound, name) __repr__ = _swig_repr def __init__(self, *args): this = _SimFaceBound_FaceBound_Default.new_SimFaceBound_FaceBound(*args) try: self.this.append(this) except: self.this = this def _clone(self, f=0, c=None): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound__clone(self, f, c) __swig_destroy__ = _SimFaceBound_FaceBound_Default.delete_SimFaceBound_FaceBound __del__ = lambda self: None SimFaceBound_FaceBound_swigregister = _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_swigregister SimFaceBound_FaceBound_swigregister(SimFaceBound_FaceBound) class SimFaceBound_FaceBound_Default(SimFaceBound_FaceBound): __swig_setmethods__ = {} for _s in [SimFaceBound_FaceBound]: __swig_setmethods__.update(getattr(_s, '__swig_setmethods__', {})) __setattr__ = lambda self, name, value: _swig_setattr(self, SimFaceBound_FaceBound_Default, name, value) __swig_getmethods__ = {} for _s in [SimFaceBound_FaceBound]: __swig_getmethods__.update(getattr(_s, '__swig_getmethods__', {})) __getattr__ = lambda self, name: _swig_getattr(self, SimFaceBound_FaceBound_Default, name) __repr__ = _swig_repr def __init__(self, *args): this = _SimFaceBound_FaceBound_Default.new_SimFaceBound_FaceBound_Default(*args) try: self.this.append(this) except: self.this = this def _clone(self, f=0, c=None): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default__clone(self, f, c) __swig_destroy__ = _SimFaceBound_FaceBound_Default.delete_SimFaceBound_FaceBound_Default __del__ = lambda self: None SimFaceBound_FaceBound_Default_swigregister = _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_swigregister SimFaceBound_FaceBound_Default_swigregister(SimFaceBound_FaceBound_Default) class SimFaceBound_FaceBound_Default_sequence(base.sequence_common): __swig_setmethods__ = {} for _s in [base.sequence_common]: __swig_setmethods__.update(getattr(_s, '__swig_setmethods__', {})) __setattr__ = lambda self, name, value: _swig_setattr(self, SimFaceBound_FaceBound_Default_sequence, name, value) __swig_getmethods__ = {} for _s in [base.sequence_common]: __swig_getmethods__.update(getattr(_s, '__swig_getmethods__', {})) __getattr__ = lambda self, name: _swig_getattr(self, SimFaceBound_FaceBound_Default_sequence, name) __repr__ = _swig_repr def __init__(self, *args): this = _SimFaceBound_FaceBound_Default.new_SimFaceBound_FaceBound_Default_sequence(*args) try: self.this.append(this) except: self.this = this def assign(self, n, x): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_assign(self, n, x) def begin(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_begin(self, *args) def end(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_end(self, *args) def rbegin(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_rbegin(self, *args) def rend(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_rend(self, *args) def at(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_at(self, *args) def front(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_front(self, *args) def back(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_back(self, *args) def push_back(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_push_back(self, *args) def pop_back(self): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_pop_back(self) def detach_back(self, pop=True): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_detach_back(self, pop) def insert(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_insert(self, *args) def erase(self, *args): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_erase(self, *args) def detach(self, position, r, erase=True): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_detach(self, position, r, erase) def swap(self, x): return _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_swap(self, x) __swig_destroy__ = _SimFaceBound_FaceBound_Default.delete_SimFaceBound_FaceBound_Default_sequence __del__ = lambda self: None SimFaceBound_FaceBound_Default_sequence_swigregister = _SimFaceBound_FaceBound_Default.SimFaceBound_FaceBound_Default_sequence_swigregister SimFaceBound_FaceBound_Default_sequence_swigregister(SimFaceBound_FaceBound_Default_sequence) # This file is compatible with both classic and new-style classes.
StarcoderdataPython
11362433
<gh_stars>1-10 # Copyright 2019 <NAME> # # 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. """Coloured output utilities. This file uses a few abbreviations, the most common of which are `fg` meaning `foreground`, and `bg` meaning `background`. """ from __future__ import absolute_import from __future__ import division from __future__ import print_function import ctypes import os import color def enable_windows_ansi(): """Enables ansi escape sequences on the Windows command prompt. Note that the setting will be returned to its default when the program finishes running. """ kernel32 = ctypes.windll.kernel32 kernel32.SetConsoleMode(kernel32.GetStdHandle(-11), 7) # Enable ansi codes on the terminal if we are using Windows ('nt'). Note that # this only enables them while the code is running. if os.name == 'nt': enable_windows_ansi() ANSI_RESET = color.ansi_format(color.RESET) class ColoredOutput(object): """Outputs colored text to the terminal. """ def __init__(self, fg_color=color.RESET, bg_color=color.RESET): self._fg_color = fg_color self._bg_color = bg_color def print(self, *args, end='\n', sep=' '): """Behaves like print, but outputs colors before and after print args. Args: end: The char outputted after print has printed its arguments. Passed to print. sep: The char placed in between each argument given to print. Passed to print. *args: Arguments passed to print. """ ansi_output = '' if self.fg_color != ANSI_RESET: ansi_output += self.fg_color if self.bg_color != ANSI_RESET: ansi_output += self.bg_color print(ansi_output, end='') print(*args, end='', sep=sep) print(color.ansi_format(color.RESET), end=end) def printf(self, string, *tokens): """Prints a colorful formatted string. The colors of the outputted string correspond to self._fg_color and self._bg_color. Args: string: The string (including format tokens) to be printed *tokens: The values which the tokens in the original string will be substituted for. """ try: formatted = string % tokens except TypeError as err: raise err ansi_output = '' if self.fg_color != ANSI_RESET: ansi_output += self.fg_color if self.bg_color != ANSI_RESET: ansi_output += self.bg_color print(ansi_output, end='') print(formatted, end='') print(ANSI_RESET, end='') def reset(self): """Resets the foreground and background colors to their defaults. """ self._set_fg_color(color.RESET) self._set_bg_color(color.RESET) @property def fg_color(self): """Returns the formatted foreground color. """ return color.ansi_format(self._fg_color) @fg_color.setter def fg_color(self, new_color): """Changes the foreground color. Args: new_color: The new color which the foreground is being set to. """ if new_color not in color.FG_COLORS: raise ValueError('new_color is not a foreground color.') self._set_fg_color(new_color) @property def bg_color(self): """Returns the formatted background color. """ return color.ansi_format(self._bg_color) @bg_color.setter def bg_color(self, new_color): """"Changes the background color. Args: new_color: The new color which the background is being set to. """ if new_color not in color.BG_COLORS: raise ValueError('new_color is not a background color.') self._set_bg_color(new_color) def _set_fg_color(self, new_color): """Internally changes the foreground color. """ self._fg_color = new_color def _set_bg_color(self, new_color): """Internally changes the background color. """ self._bg_color = new_color
StarcoderdataPython
6492956
<reponame>ccortes1/Event5-Data from django.db import models from django.db.models.signals import post_save, post_delete # Create the models to the api rest. class UserE(models.Model): username = models.CharField(max_length=30) password = models.CharField(max_length=100) type_user = models.CharField(max_length=50) email = models.CharField(max_length=150) user_status = models.CharField(max_length=10) date_create = models.DateTimeField(auto_now_add=True) date_modification = models.DateTimeField(auto_now=True) class Meta: db_table = "user" class Event(models.Model): event_name = models.CharField(max_length=100) url = models.CharField(max_length=255) event_start_date = models.CharField(max_length=100) template = models.IntegerField() users = models.ManyToManyField('UserE', related_name='users', db_table='user_event') organization_id = models.ForeignKey('Organization', related_name='organization_event', on_delete=models.CASCADE) published = models.BooleanField(default=False) date_create = models.DateTimeField(auto_now_add=True) date_modification = models.DateTimeField(auto_now=True) class Meta: db_table = "event" class Organization(models.Model): name = models.CharField(max_length=150) url = models.CharField(max_length=255) user_id = models.ForeignKey('UserE', related_name='organizations', on_delete=models.CASCADE) date_create = models.DateTimeField(auto_now_add=True) date_modification = models.DateTimeField(auto_now=True) class Meta: db_table = "organization" class Schedule(models.Model): title = models.CharField(max_length=100) description = models.TextField() date_time = models.DateTimeField() event_id = models.ForeignKey('Event', related_name='schedule_event', on_delete=models.CASCADE) class Meta: db_table = "schedule" class Speaker(models.Model): name = models.CharField(max_length=100) biography = models.TextField() role = models.CharField(max_length=50) twitter = models.CharField(max_length=100) photo_url = models.CharField(max_length=255) schedule_id = models.ManyToManyField('Schedule', related_name='schedule_speaker', db_table='shedule_speaker') class Meta: db_table = "speaker" class EventData(models.Model): logo_url = models.CharField(max_length=255) title = models.CharField(max_length=100) event_image_url = models.CharField(max_length=255) description = models.TextField() background_url = models.CharField(max_length=255) event_id = models.ForeignKey('Event', related_name='event_data', on_delete=models.CASCADE) class Meta: db_table = "event_data" class Registry(models.Model): email = models.CharField(max_length=100) event_id = models.ManyToManyField('Event', related_name='registrys', db_table='event-registry') class Meta: db_table = "registry" class Associate(models.Model): name = models.CharField(max_length=100) url = models.CharField(max_length=255) logo_url = models.CharField(max_length=255) relevance = models.BooleanField(default=False) event_id = models.ManyToManyField('Event', related_name='event_associates', db_table='event_associate') class Meta: db_table = "associate"
StarcoderdataPython
8042985
<gh_stars>10-100 # Copyright 2018 The Texar Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Main script for model training. """ from __future__ import absolute_import from __future__ import division from __future__ import print_function from __future__ import unicode_literals import tempfile import yaml import tensorflow as tf from texar import utils from texar.run import Executor tf.flags.DEFINE_string("config_paths", "", "Paths to configuration files. This can be a path to a " "directory in which all files are loaded, or paths to " "multiple files separated by commas. Setting a key in " "these files is equivalent to setting the FLAG value " "with the same name. If a key is set in both config " "files and FLAG, the value in config files is used.") tf.flags.DEFINE_string("model", "", "Name of the model class.") tf.flags.DEFINE_string("model_hparams", "{}", "YAML configuration string for the model " "hyper-parameters.") tf.flags.DEFINE_string("data_hparams_train", "{}", "YAML configuration string for the training data " "hyper-parameters.") tf.flags.DEFINE_string("data_hparams_eval", "{}", "YAML configuration string for the evaluation data " "hyper-parameters.") tf.flags.DEFINE_integer("max_train_steps", None, "Maximum number of training steps to run. " "If None, train forever or until the train data " "generates the OutOfRange exception. If OutOfRange " "occurs in the middle, training stops before " "max_train_steps steps.") tf.flags.DEFINE_integer("eval_steps", None, "Maximum number of evaluation steps to run. " "If None, evaluate until the eval data raises an " "OutOfRange exception.") # RunConfig tf.flags.DEFINE_string("model_dir", None, "The directory where model parameters, graph, " "summeries, etc are saved. If None, a local temporary " "directory is created.") tf.flags.DEFINE_integer("tf_random_seed", None, "Random seed for TensorFlow initializers. Setting " "this value allows consistency between reruns.") tf.flags.DEFINE_integer("save_summary_steps", 100, "Save summaries every this many steps.") tf.flags.DEFINE_integer("save_checkpoints_steps", None, "Save checkpoints every this many steps. " "Can not be specified with save_checkpoints_secs.") tf.flags.DEFINE_integer("save_checkpoints_secs", None, "Save checkpoints every this many seconds. " "Can not be specified with save_checkpoints_steps. " "Defaults to 600 seconds if both " "save_checkpoints_steps and save_checkpoints_secs " "are not set. If both are set to -1, then " "checkpoints are disabled.") tf.flags.DEFINE_integer("keep_checkpoint_max", 5, "Maximum number of recent checkpoint files to keep. " "As new files are created, older files are deleted. " "If None or 0, all checkpoint files are kept.") tf.flags.DEFINE_integer("keep_checkpoint_every_n_hours", 10000, "Number of hours between each checkpoint to be saved. " "The default value of 10,000 hours effectively " "disables the feature.") tf.flags.DEFINE_integer("log_step_count_steps", 100, "The frequency, in number of global steps, that the " "global step/sec and the loss will be logged during " "training.") # Session config tf.flags.DEFINE_float("per_process_gpu_memory_fraction", 1.0, "Fraction of the available GPU memory to allocate for " "each process.") tf.flags.DEFINE_boolean("gpu_allow_growth", False, "If true, the allocator does not pre-allocate the " "entire specified GPU memory region, instead starting " "small and growing as needed.") tf.flags.DEFINE_boolean("log_device_placement", False, "Whether device placements should be logged.") FLAGS = tf.flags.FLAGS def _process_config(): # Loads configs config = utils.load_config(FLAGS.config_paths) # Parses YAML FLAGS FLAGS.model_hparams = yaml.load(FLAGS.model_hparams) FLAGS.data_hparams_train = yaml.load(FLAGS.data_hparams_train) FLAGS.data_hparams_eval = yaml.load(FLAGS.data_hparams_eval) # Merges final_config = {} for flag_key in dir(FLAGS): if flag_key in {'h', 'help', 'helpshort'}: # Filters out help flags continue flag_value = getattr(FLAGS, flag_key) config_value = config.get(flag_key, None) if isinstance(flag_value, dict) and isinstance(config_value, dict): final_config[flag_key] = utils.dict_patch(config_value, flag_value) elif flag_key in config: final_config[flag_key] = config_value else: final_config[flag_key] = flag_value # Processes if final_config['model_dir'] is None: final_config['model_dir'] = tempfile.mkdtemp() if final_config['save_checkpoints_steps'] is None \ and final_config['save_checkpoints_secs'] is None: final_config['save_checkpoints_secs'] = 600 if final_config['save_checkpoints_steps'] == -1 \ and final_config['save_checkpoints_secs'] == -1: final_config['save_checkpoints_steps'] = None final_config['save_checkpoints_secs'] = None tf.logging.info("Final Config:\n%s", yaml.dump(final_config)) return final_config def _get_run_config(config): gpu_options = tf.GPUOptions( per_process_gpu_memory_fraction=\ config['per_process_gpu_memory_fraction'], allow_growth=config['gpu_allow_growth']) sess_config = tf.ConfigProto( gpu_options=gpu_options, log_device_placement=config['log_device_placement']) run_config = tf.estimator.RunConfig( model_dir=config['model_dir'], tf_random_seed=config['tf_random_seed'], save_summary_steps=config['save_summary_steps'], save_checkpoints_steps=config['save_checkpoints_steps'], save_checkpoints_secs=config['save_checkpoints_secs'], keep_checkpoint_max=config['keep_checkpoint_max'], keep_checkpoint_every_n_hours=config['keep_checkpoint_every_n_hours'], log_step_count_steps=config['log_step_count_steps'], session_config=sess_config) return run_config def main(_): """The entrypoint.""" config = _process_config() run_config = _get_run_config(config) kwargs = { 'data_hparams': config['data_hparams_train'], 'hparams': config['model_hparams'] } model = utils.check_or_get_instance_with_redundant_kwargs( config['model'], kwargs=kwargs, module_paths=['texar.models', 'texar.custom']) data_hparams = { 'train': config['data_hparams_train'], 'eval': config['data_hparams_eval'] } exor = Executor( model=model, data_hparams=data_hparams, config=run_config) exor.train_and_evaluate( max_train_steps=config['max_train_steps'], eval_steps=config['eval_steps']) if __name__ == "__main__": tf.logging.set_verbosity(tf.logging.INFO) tf.app.run(main=main)
StarcoderdataPython
8178362
#!/usr/bin/env python # -*- coding: utf-8 -*- # # Copyright (c) 2020 <NAME> <<EMAIL>> # and the Talkowski Laboratory # Distributed under terms of the MIT license. """ Extract noncoding RNAs as BEDs from Gencode GTF """ import pybedtools as pbt import argparse from os import path, makedirs import gzip import subprocess def extract_noncoding_bts(gtf_in, pc_txs): """ Iterate over a GTF and extract noncoding RNAs by class """ nc_bts = {} for x in pbt.BedTool(gtf_in): gtype = x.attrs['gene_type'] # Skip protein-coding transcripts if gtype == 'protein_coding' or x.attrs['transcript_id'] in pc_txs: continue # Get basic gene features chrom, start, end = tuple([str(x) for x in [x.chrom, x.start, x.end]]) gname = x.attrs['gene_name'] feature = '\t'.join([chrom, start, end, gname]) + '\n' # Add element to pbt.BedTool corresponding to gtype if gtype in nc_bts.keys(): nc_bts[gtype] += feature else: nc_bts[gtype] = feature for gtype, bt_str in nc_bts.items(): nc_bts[gtype] = pbt.BedTool(bt_str, from_string=True) return nc_bts # def process_gtf(gtf_in): # """ # Read gtf & filter to minimal info required # """ # gtfbt = pbt.BedTool(gtf_in) # # Build lists of eligible gene names and ensembl IDs # genes, ensg_ids, transcripts = [], [], [] # ensg_to_gene, gene_to_ensg = {}, {} # for f in gtfbt: # if f.fields[2] == 'transcript': # gname = f.attrs['gene_name'] # ensg_id = f.attrs['gene_id'] # tname = f.attrs['transcript_id'] # if gname not in genes: # genes.append(gname) # if ensg_id not in ensg_ids: # ensg_ids.append(ensg_id) # if tname not in transcripts: # transcripts.append(tname) # if ensg_id not in ensg_to_gene.keys(): # ensg_to_gene[ensg_id] = gname # if gname not in gene_to_ensg.keys(): # gene_to_ensg[gname] = ensg_id # # Filter & clean records in gtf # def _filter_gtf(feature): # """ # Restrict GTF features to desired elements # """ # if feature.fields[2] in 'exon transcript'.split() \ # and feature.attrs['gene_name'] in genes \ # and feature.attrs['transcript_id'] in transcripts: # return True # else: # return False # attrs_to_drop = 'gene_id gene_type gene_status transcript_type ' + \ # 'transcript_status transcript_name protein_id ' + \ # 'tag ccdsid havana_gene havana_transcript' # attrs_to_drop = attrs_to_drop.split() # def _clean_feature(feature): # """ # Clean unnecessary fields & info from GTF features # """ # for key in attrs_to_drop: # if key in feature.attrs.keys(): # feature.attrs.pop(key) # return feature # gtfbt = gtfbt.filter(_filter_gtf).filter(_clean_feature).saveas() # # Make separate BedTools for exons and transcripts # txbt = gtfbt.filter(lambda x: x.fields[2] == 'transcript').saveas() # exonbt = gtfbt.filter(lambda x: x.fields[2] == 'exon').saveas() # return gtfbt, txbt, exonbt, genes, ensg_ids, transcripts, ensg_to_gene, gene_to_ensg def main(): """ Main block """ parser = argparse.ArgumentParser( description=__doc__, formatter_class=argparse.RawDescriptionHelpFormatter) parser.add_argument('gtf', help='Gencode gene annotations.') parser.add_argument('pc_transcripts', help='Gencode-style fasta of protein-' + 'coding transcripts. These will be excluded.') parser.add_argument('--outdir', default='./', help='Directory to which output ' + 'BED files will be written.') parser.add_argument('-p', '--prefix', default='noncoding_rnas', help='Prefix ' + 'to append to output BED files.') args = parser.parse_args() # Load coding transcripts if path.splitext(args.pc_transcripts)[-1] in '.gz .bz .bgz .bgzip .gzip'.split(): pc_in = gzip.open(args.pc_transcripts, 'rt') else: pc_in = open(args.pc_transcripts) pc_txs = [x.rstrip().split('|')[0].replace('>', '') for x in pc_in] # Prep output directory, if needed if not path.exists(args.outdir): makedirs(args.outdir) # Process GTF nc_bts = extract_noncoding_bts(args.gtf, pc_txs) # Write out one BED per noncoding transcript class bheader = '#chrom\tstart\tend\tgenes\n' for gtype, ncbt in nc_bts.items(): outpath = '{}/{}.{}.bed'.format(args.outdir, args.prefix, gtype) ncbt.sort().\ merge(c=4, o='distinct').\ saveas(outpath, trackline=bheader) subprocess.run(['bgzip', '-f', outpath]) if __name__ == '__main__': main()
StarcoderdataPython
6486266
import tkinter from logic import * import random from puzzle import * UP = 0 RIGHT = 1 DOWN = 2 LEFT = 3 class Player(): def __init__(self): self.score = 0 self.goal = 2048 def play(self, board): move = self.scan(board) self.move(board, move) def scan(self, board): if board.matrix[0][0] == 0: for i in range(4): if board.matrix[0][i] != 0: return LEFT if board.matrix[i][0]: return UP for i in range(1, 3): if board.matrix[i][0] != 0 and board.matrix[i][0] != board.matrix[0][0]: break if board.matrix[0][i] != 0 and board.matrix[0][i] != board.matrix[0][0]: break if board.matrix[0][0] == board.matrix[0][i]: return LEFT if board.matrix[0][0] == board.matrix[i][0]: return UP targeti = 0 targetj = 0 maxNum = board.matrix[0][0] for i in range(4): for j in range(4): if i == 0 and j == 0: continue if board.matrix[i][j] > maxNum: targeti = i targetj = j return randint(0, 3) def move(self, board, move): if move == 0: board.bot_move(KEY_UP) if move == 1: board.bot_move(KEY_RIGHT) if move == 2: board.bot_move(KEY_DOWN) if move == 3: board.bot_move(KEY_LEFT)
StarcoderdataPython
3331148
"""init""" __version__ = '3.2.0'
StarcoderdataPython
11388979
<gh_stars>1-10 from datetime import datetime, timezone from pathlib import Path import numpy as np from numpy.testing import assert_array_equal import pandas as pd import pytest from athenian.api.controllers.features.github.check_run_metrics_accelerated import \ mark_check_suite_types from athenian.api.controllers.miners.filters import JIRAFilter, LabelFilter from athenian.api.controllers.miners.github.check_run import _postprocess_check_runs, \ _split_duplicate_check_runs, mine_check_runs from athenian.api.controllers.settings import LogicalRepositorySettings from athenian.api.int_to_str import int_to_str from athenian.api.models.metadata.github import CheckRun @pytest.mark.parametrize("time_from, time_to, repositories, pushers, labels, jira, size", [ (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), ["src-d/go-git"], [], LabelFilter.empty(), JIRAFilter.empty(), 4581), (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), ["src-d/hercules"], [], LabelFilter.empty(), JIRAFilter.empty(), 0), (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2018, 1, 1, tzinfo=timezone.utc), ["src-d/go-git"], [], LabelFilter.empty(), JIRAFilter.empty(), 2371), (datetime(2018, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), ["src-d/go-git"], [], LabelFilter.empty(), JIRAFilter.empty(), 2213), (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), ["src-d/go-git"], ["mcuadros"], LabelFilter.empty(), JIRAFilter.empty(), 1642), (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), ["src-d/go-git"], [], LabelFilter({"bug", "plumbing", "enhancement"}, set()), JIRAFilter.empty(), 67), (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), ["src-d/go-git"], [], LabelFilter.empty(), JIRAFilter(1, ["10003", "10009"], LabelFilter.empty(), set(), {"task"}, False, False), 229), (datetime(2015, 10, 10, tzinfo=timezone.utc), datetime(2015, 10, 23, tzinfo=timezone.utc), ["src-d/go-git"], [], LabelFilter.empty(), JIRAFilter.empty(), 4), ]) async def test_check_run_smoke( mdb, time_from, time_to, repositories, pushers, labels, jira, size, logical_settings): df = await mine_check_runs( time_from, time_to, repositories, pushers, labels, jira, False, logical_settings, (6366825,), mdb, None) assert len(df) == size for col in CheckRun.__table__.columns: if col.name not in (CheckRun.committed_date_hack.name,): assert col.name in df.columns assert len(df[CheckRun.check_run_node_id.name].unique()) == len(df) @pytest.mark.parametrize("time_from, time_to, size", [ (datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), 2766), (datetime(2018, 1, 1, tzinfo=timezone.utc), datetime(2019, 1, 1, tzinfo=timezone.utc), 1068), ]) async def test_check_run_only_prs(mdb, time_from, time_to, size, logical_settings): df = await mine_check_runs( time_from, time_to, ["src-d/go-git"], [], LabelFilter.empty(), JIRAFilter.empty(), True, logical_settings, (6366825,), mdb, None) assert (df[CheckRun.pull_request_node_id.name].values != 0).all() assert len(df) == size @pytest.mark.parametrize("repos, size", [ (["src-d/go-git", "src-d/go-git/alpha", "src-d/go-git/beta"], 4662), (["src-d/go-git", "src-d/go-git/alpha"], 3922), (["src-d/go-git", "src-d/go-git/beta"], 3766), (["src-d/go-git"], 4581), (["src-d/go-git/alpha"], 896), ]) async def test_check_run_logical_repos_title( mdb, logical_settings, repos, size): df = await mine_check_runs( datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), repos, [], LabelFilter.empty(), JIRAFilter.empty(), False, logical_settings, (6366825,), mdb, None) assert set(df[CheckRun.repository_full_name.name].unique()) == set(repos) assert len(df) == size @pytest.fixture(scope="session") def logical_settings_mixed(): return LogicalRepositorySettings({ "src-d/go-git/alpha": {"labels": ["bug", "enhancement"]}, "src-d/go-git/beta": {"title": ".*[Aa]dd"}, }, {}) @pytest.mark.parametrize("repos, size", [ (["src-d/go-git", "src-d/go-git/alpha", "src-d/go-git/beta"], 4581), (["src-d/go-git", "src-d/go-git/alpha"], 3841), (["src-d/go-git", "src-d/go-git/beta"], 4572), (["src-d/go-git"], 4581), (["src-d/go-git/alpha"], 9), ]) async def test_check_run_logical_repos_label( mdb, logical_settings_mixed, repos, size): df = await mine_check_runs( datetime(2015, 1, 1, tzinfo=timezone.utc), datetime(2020, 1, 1, tzinfo=timezone.utc), repos, [], LabelFilter.empty(), JIRAFilter.empty(), False, logical_settings_mixed, (6366825,), mdb, None) assert set(df[CheckRun.repository_full_name.name].unique()) == set(repos) assert len(df) == size def test_mark_check_suite_types_smoke(): names = np.array(["one", "two", "one", "three", "one", "one", "two"]) suites = np.array([1, 1, 4, 3, 2, 5, 5]) suite_indexes, group_ids = mark_check_suite_types(names, suites) assert_array_equal(suite_indexes, [0, 4, 3, 2, 5]) assert_array_equal(group_ids, [2, 1, 0, 1, 2]) def test_mark_check_suite_types_empty(): suite_indexes, group_ids = mark_check_suite_types( np.array([], dtype="U"), np.array([], dtype=int)) assert len(suite_indexes) == 0 assert len(group_ids) == 0 @pytest.fixture(scope="module") def alternative_facts() -> pd.DataFrame: df = pd.read_csv( Path(__file__).parent.parent.parent / "features" / "github" / "check_runs.csv.gz") for col in (CheckRun.started_at, CheckRun.completed_at, CheckRun.pull_request_created_at, CheckRun.pull_request_closed_at, CheckRun.committed_date): df[col.name] = df[col.name].astype(np.datetime64) df = _split_duplicate_check_runs(df) _postprocess_check_runs(df) return df def test_mark_check_suite_types_real_world(alternative_facts): repos = int_to_str(alternative_facts[CheckRun.repository_node_id.name].values) names = np.char.add( repos, np.char.encode(alternative_facts[CheckRun.name.name].values.astype("U"), "UTF-8")) suite_indexes, group_ids = mark_check_suite_types( names, alternative_facts[CheckRun.check_suite_node_id.name].values) assert (suite_indexes < len(alternative_facts)).all() assert (suite_indexes >= 0).all() unique_groups, counts = np.unique(group_ids, return_counts=True) assert_array_equal(unique_groups, np.arange(21)) assert_array_equal( counts, [1, 1, 110, 1, 275, 1, 928, 369, 2, 1472, 8490, 1, 707, 213, 354, 205, 190, 61, 731, 251, 475])
StarcoderdataPython
5059966
<gh_stars>10-100 from datetime import datetime from problem.models import Problem from codechef.models import CodechefContest, CodechefContestProblems def create_or_update_codechefProblem(problemdata): for problem in problemdata: Prob, created = Problem.objects.get_or_create( name=problem['Name'], prob_id=problem['ProblemCode'], url=problem['ProblemURL'], contest_id=problem['ContestId'], platform=problem['Platform']) cont = CodechefContest.objects.get(contestId=problem['ContestId']) prob = Problem.objects.get(prob_id=problem['ProblemCode'], contest_id=problem['ContestId']) ccprob, created = CodechefContestProblems.objects.get_or_create( contest=cont, problem=prob) def create_or_update_codechefContest(contest): contestDate = datetime.strptime(contest['StartTime'], "%d %B %Y %H:%M:%S") cont = CodechefContest.objects.get_or_create( name=contest['Name'], contestId=contest['ContestCode'], duration=contest['Duration'], startTime=contestDate, url=contest['ContestURL']) # create_or_update_codechefProblem(contest_problems_info)
StarcoderdataPython
242126
from __future__ import with_statement import os import subprocess import errno import time import sys import threading PIPE = subprocess.PIPE if subprocess.mswindows: from win32file import ReadFile, WriteFile from win32pipe import PeekNamedPipe from _subprocess import TerminateProcess import win32event import msvcrt else: from select import select import fcntl import signal class ProcessList(): def __init__(self): self.mutex = threading.RLock() self.processes = {} def put(self, proc): with self.mutex: self.processes[proc.pid] = proc def remove(self, pid): with self.mutex: if pid in self.processes: del self.processes[pid] def cleanupProcesses(self): with self.mutex: for pid in self.processes.keys(): self.killPid(pid) if subprocess.mswindows: def killPid(self, pid): with self.mutex: TerminateProcess(pid) self.remove(pid) else: def killPid(self, pid): with self.mutex: try: os.kill(pid, signal.SIGKILL) except: pass #process is already dead self.remove(pid) processList = ProcessList() class Popen(subprocess.Popen): def __init__(self, args, bufsize=0, executable=None, stdin=None, stdout=None, stderr=None, preexec_fn=None, close_fds=False, shell=False, cwd=None, env=None, universal_newlines=False, startupinfo=None, creationflags=0): subprocess.Popen.__init__(self, args, bufsize, executable, stdin, stdout, stderr, preexec_fn, close_fds, shell, cwd, env, universal_newlines, startupinfo, creationflags) processList.put(self) if subprocess.mswindows: def pollStdout(self, timeout): handle = msvcrt.get_osfhandle(self.stdout.fileno()) result = win32event.WaitForSingleObject(handle,timeout) if result == win32event.WAIT_OBJECT_0: return True return False else: def pollStdout(self,timeout): if timeout < 0: timeout = None else: timeout = timeout / 1000.0 ready, _, _ = select([self.stdout], [], [], timeout) if ready in [self.stdout]: return True return False def recv(self, maxsize=None): return self._recv('stdout', maxsize) def recv_err(self, maxsize=None): return self._recv('stderr', maxsize) def send_recv(self, input='', maxsize=None): return self.send(input), self.recv(maxsize), self.recv_err(maxsize) def get_conn_maxsize(self, which, maxsize): if maxsize is None: maxsize = 1024 elif maxsize < 1: maxsize = 1 return getattr(self, which), maxsize def _close(self, which): processList.remove(self.pid) getattr(self, which).close() setattr(self, which, None) if subprocess.mswindows: def send(self, input): if not self.stdin: return None try: x = msvcrt.get_osfhandle(self.stdin.fileno()) (errCode, written) = WriteFile(x, input) except ValueError: return self._close('stdin') except (subprocess.pywintypes.error, Exception), why: if why[0] in (109, errno.ESHUTDOWN): return self._close('stdin') raise return written def _recv(self, which, maxsize): conn, maxsize = self.get_conn_maxsize(which, maxsize) if conn is None: return None try: x = msvcrt.get_osfhandle(conn.fileno()) (read, nAvail, nMessage) = PeekNamedPipe(x, 0) if maxsize < nAvail: nAvail = maxsize if nAvail > 0: (errCode, read) = ReadFile(x, nAvail, None) except ValueError: return self._close(which) except (subprocess.pywintypes.error, Exception), why: if why[0] in (109, errno.ESHUTDOWN): return self._close(which) raise if self.universal_newlines: read = self._translate_newlines(read) return read else: def send(self, input): if not self.stdin: return None if not select([], [self.stdin], [], 0)[1]: return 0 try: written = os.write(self.stdin.fileno(), input) except OSError, why: if why[0] == errno.EPIPE: #broken pipe return self._close('stdin') raise return written def _recv(self, which, maxsize): conn, maxsize = self.get_conn_maxsize(which, maxsize) if conn is None: return None flags = fcntl.fcntl(conn, fcntl.F_GETFL) if not conn.closed: fcntl.fcntl(conn, fcntl.F_SETFL, flags| os.O_NONBLOCK) try: if not select([conn], [], [], 0)[0]: return '' r = conn.read(maxsize) if not r: return self._close(which) if self.universal_newlines: r = self._translate_newlines(r) return r finally: if not conn.closed: fcntl.fcntl(conn, fcntl.F_SETFL, flags)
StarcoderdataPython
6415516
# To get the necessary file: # 1. Go to relevant Geonorge link, for example # 'https://objektkatalog.geonorge.no/Objekttype/Index/EAID_C8092167_3AF8_4668_BDA5_5EBE69CB3645' # and download the csv file # 2. Make sure the path to the downloaded csv file is correct # To run from the console: # 1. Go the the directory where the file is located # 2. In Windows, write: `python convert_geonorge_codelist_json.py` # or `python3 convert_geonorge_codelist_json.py` import csv import json csvFilePath = 'objektkatalogen.csv' jsonFilePath = 'DN13.json' # create a dictionary data = {} # Open a csv reader called DictReader with open(csvFilePath, encoding='utf-8-sig') as csvf: csvReader = csv.DictReader(csvf, delimiter=';') # Convert each row into a dictionary # and add it to data for rows in csvReader: # print(rows) # Modify elements # Norwegian key = rows['Initialverdi'] rows['code'] = rows['Kode'] name = rows['Kode'] rows['initial_value'] = rows['Initialverdi'] rows['description'] = rows['Beskrivelse'] rows['name_english'] = rows['Navn engelsk'] rows['description_english'] = rows['Beskrivelse engelsk'] del rows['Kode'] del rows['Initialverdi'] del rows['Beskrivelse'] del rows['Navn engelsk'] del rows['Beskrivelse engelsk'] # # English # key = rows['Initial value'] # rows['code'] = rows['Code'] # name = rows['Code'] # rows['initial_value'] = rows['Initial value'] # rows['description'] = rows['Description'] # rows['name_english'] = rows['Name english'] # rows['description_english'] = rows['Description english'] # del rows['Code'] # del rows['Initial value'] # del rows['Description'] # del rows['Name english'] # del rows['Description english'] # Improve name's readibility new_list = [] count = 0 for char in name: if count == 0: new_list.append(char.upper()) elif char.upper() == char and char.isupper(): new_list.append(" " + char.lower()) else: new_list.append(char) count += 1 new_name = ''.join(new_list) rows['name'] = new_name # Set the key and content data[key] = rows # Open a json writer, and use the json.dumps() # function to dump data with open(jsonFilePath, 'w', encoding='utf-8') as jsonf: jsonf.write(json.dumps(data, indent=2, ensure_ascii=False))
StarcoderdataPython
1755466
from mdde.core.exception import MddeError class FragmentationError(MddeError): """Error creating an instance of the environment""" def __init__(self, message: str): super(FragmentationError, self).__init__(message)
StarcoderdataPython
1630177
#!/usr/bin/env python3 # Copyright 2020 Mobvoi AI Lab, Beijing, China (author: <NAME>) # Apache 2.0 import unittest import os import sys sys.path.insert(0, os.path.join(os.path.dirname(__file__), os.pardir)) import shutil from tempfile import mkdtemp import numpy as np import kaldi class TestIOUtil(unittest.TestCase): def test_read_vec_int(self): tmp = mkdtemp() for binary in [True, False]: if binary: wspecifier = 'ark,scp:{dir}/ali.ark,{dir}/ali.scp'.format( dir=tmp) else: wspecifier = 'ark,scp,t:{dir}/ali.ark,{dir}/ali.scp'.format( dir=tmp) data = dict() key1 = 'key1' value1 = [0, 1, 3, 2] writer = kaldi.IntVectorWriter(wspecifier) writer.Write(key1, value1) data[key1] = value1 key2 = 'key2' value2 = [1, 2, 3, 4, 5, 6] writer.Write(key2, value2) data[key2] = value2 writer.Close() filename = '{}/ali.scp'.format(tmp) with open(filename, 'r') as f: for line in f: key, rxfilename = line.split() value = kaldi.read_vec_int(rxfilename) self.assertTrue(key in data) self.assertEqual(value, data[key]) shutil.rmtree(tmp) def test_read_vec_flt(self): tmp = mkdtemp() for binary in [True, False]: if binary: wspecifier = 'ark,scp:{dir}/test.ark,{dir}/test.scp'.format( dir=tmp) else: wspecifier = 'ark,scp,t:{dir}/test.ark,{dir}/test.scp'.format( dir=tmp) data = dict() key1 = 'key1' value1 = np.arange(3).astype(np.float32) writer = kaldi.VectorWriter(wspecifier) writer.Write(key1, value1) data[key1] = value1 key2 = 'key2' value2 = value1 * 10 writer.Write(key2, value2) data[key2] = value2 writer.Close() filename = '{}/test.scp'.format(tmp) with open(filename, 'r') as f: for line in f: key, rxfilename = line.split() value = kaldi.read_vec_flt(rxfilename) self.assertTrue(key in data) np.testing.assert_array_equal(value, data[key]) shutil.rmtree(tmp) def test_read_mat(self): tmp = mkdtemp() for binary in [True, False]: if binary: wspecifier = 'ark,scp:{dir}/test.ark,{dir}/test.scp'.format( dir=tmp) else: wspecifier = 'ark,scp,t:{dir}/test.ark,{dir}/test.scp'.format( dir=tmp) data = dict() key1 = 'key1' value1 = np.arange(6 * 8).reshape(6, 8).astype(np.float32) writer = kaldi.MatrixWriter(wspecifier) writer.Write(key1, value1) data[key1] = value1 key2 = 'key2' value2 = value1 * 10 writer.Write(key2, value2) data[key2] = value2 writer.Close() filename = '{}/test.scp'.format(tmp) with open(filename, 'r') as f: for line in f: key, rxfilename = line.split() value = kaldi.read_mat(rxfilename) self.assertTrue(key in data) np.testing.assert_array_equal(value, data[key]) shutil.rmtree(tmp) if __name__ == '__main__': unittest.main()
StarcoderdataPython
3357673
<reponame>EricBastos/Tetris-RL<gh_stars>0 from .gamemode import GameMode import pygame from ..tiles import Board, Tetromino, Tile from ..rl import ListMoves import random import numpy as np from tetris import settings class TetrisMode(GameMode): def __init__(self): pygame.init() self.clock = pygame.time.Clock() screen = pygame.display.set_mode( (settings.screen_width, settings.screen_height)) pygame.display.set_caption(settings.TITLE) super().__init__(screen, settings) self.frames = 0 self.screen = screen self.board_position = pygame.Vector2((settings.screen_width - settings.board_width) / 2 - settings.tile_size, (-settings.tile_size * 41) + settings.screen_height) self.board = Board(self.board_position, settings, screen) self.next_pieces = pygame.sprite.Group() self.hold_piece = pygame.sprite.Group() self.hold_tetromino = '' self.has_held = False self.current_tetromino = None self.current_bag_index = 0 self.current_bag = ['I', 'J', 'L', 'O', 'S', 'T', 'Z'] self.next_bag = self.current_bag random.shuffle(self.current_bag) random.shuffle(self.next_bag) self.moves = [] self.generate_tetromino() self.evaluate_next_pieces() self.back_to_back = False self.combo = -1 self.debug_autoplay = settings.DEBUG_AUTOMOVE self.autoplay_timer = 0 self.autoplay_counter = 0 self.autoplay_move = -1 self.autoplaying = False def render(self): events = pygame.event.get() for event in events: if event.type == pygame.USEREVENT+1: self.tile_placed(event.tileList, event.tileName, event.tilePos, event.tileRotation, event.lastMovement, event.lastWallkick) if event.type == pygame.KEYDOWN: if event.key == pygame.K_LSHIFT: self.hold() self.screen.fill(0) self.board.update() self.current_tetromino.update(events) self.next_pieces.draw(self.screen) self.hold_piece.draw(self.screen) if self.debug_autoplay: self.handle_debug(events) pygame.display.update() self.clock.tick(settings.FPS) def handle_debug(self, events): pressed_x = False for event in events: if event.type == pygame.KEYDOWN: if event.key == pygame.K_z: self.current_tetromino.line = 19 self.current_tetromino.column = 4 self.current_tetromino.rotation = 0 self.current_tetromino.restart_tile() self.autoplay_counter = 0 self.autoplay_timer = 0 self.autoplay_move += 1 self.autoplaying = 1 if self.autoplay_move == len(self.moves): self.autoplay_move = 0 print('Autoplay') print(f'{self.moves[self.autoplay_move][-1]}') if event.key == pygame.K_x: pressed_x = True if self.autoplaying: self.current_tetromino.debug_shadow_line = self.moves[self.autoplay_move][-1][0] self.current_tetromino.debug_shadow_column = self.moves[self.autoplay_move][-1][1] self.current_tetromino.debug_shadow_rotation = self.moves[self.autoplay_move][-1][2] if pressed_x: name_to_key = { 'S': pygame.K_s, 'A': pygame.K_a, 'D': pygame.K_d, 'L': pygame.K_l, 'K': pygame.K_k } print(f'Command: {self.moves[self.autoplay_move][self.autoplay_counter]}') pygame.event.post( pygame.event.Event(pygame.KEYDOWN, key=name_to_key[self.moves[self.autoplay_move][self.autoplay_counter]])) self.autoplay_counter += 1 self.autoplay_timer = 0 if self.autoplay_counter == len(self.moves[self.autoplay_move]) - 1: self.autoplay_counter = 0 self.autoplaying = 0 else: self.autoplay_timer += 1 def tile_placed(self, tile_list, tile_name, tile_position, tile_rotation, last_movement, last_wallkick): self.autoplay_move = 0 done = False cmb = 0 for tile in tile_list: self.board.change(tile, tile_name) cleared_lines, pc, tspin = \ self.board.clear_lines(tile_name, tile_position, tile_rotation, last_movement, last_wallkick) self.generate_tetromino() self.evaluate_next_pieces() self.has_held = False if cleared_lines > 0: self.combo += 1 cmb = self.combo if cleared_lines == 4 or tspin: if self.back_to_back: print('Back to Back') self.back_to_back = True else: self.back_to_back = False print(f'Lines Cleared: {cleared_lines}, combo: {self.combo}') if tspin: print('Tspin') if pc: print('Perfect Clear') else: self.combo = -1 if self.board.matrix[21][1] != 'E' or \ self.board.matrix[21][2] != 'E' or \ self.board.matrix[21][3] != 'E' or \ self.board.matrix[21][4] != 'E' or \ self.board.matrix[21][5] != 'E' or \ self.board.matrix[21][6] != 'E' or \ self.board.matrix[21][7] != 'E' or \ self.board.matrix[21][8] != 'E' or \ self.board.matrix[21][9] != 'E' or \ self.board.matrix[21][10] != 'E': self.reset() done = True return cleared_lines, self.back_to_back, tspin, pc, cmb, done def reset(self): self.autoplay_timer = 0 self.autoplay_counter = 0 self.autoplay_move = 0 self.autoplaying = False self.lines_cleared = 0 self.board.board.empty() self.board = Board(self.board_position, self.settings, self.screen) self.next_pieces.empty() self.hold_piece.empty() self.hold_tetromino = 'E' self.has_held = False self.current_tetromino = None self.current_bag_index = 0 self.current_bag = ['I', 'J', 'L', 'O', 'S', 'T', 'Z'] self.next_bag = self.current_bag random.shuffle(self.current_bag) random.shuffle(self.next_bag) self.generate_tetromino() self.evaluate_next_pieces() self.back_to_back = False self.combo = -1 self.frames = 0 moves = [] for move in self.moves: moves.append(move[-1]) if not self.has_held: moves.append((0, 0, 4)) return moves def generate_tetromino(self): if self.current_bag_index == 7: self.current_bag = self.next_bag.copy() random.shuffle(self.next_bag) self.current_bag_index = 0 self.current_tetromino = Tetromino(self.board, self.current_bag[self.current_bag_index], self.board_position, self.settings, self.screen) self.current_bag_index += 1 self.moves = ListMoves(self.board, self.current_tetromino.name).list_moves() #print(self.moves) #print(f'Found {len(self.moves)} moves') def evaluate_next_pieces(self): self.next_pieces.empty() all_pieces = self.current_bag+self.next_bag #print(all_pieces) draw_position = pygame.Vector2(self.settings.screen_width/2 + 8*self.settings.tile_size, 1*self.settings.tile_size) for i in range(self.current_bag_index, self.current_bag_index+5): tile_name = all_pieces[i] data = Tetromino.tetromino_lib[tile_name][0] xoffset = 0 if tile_name == 'I' or tile_name == 'O': xoffset = -self.settings.tile_size/2 for i in range(len(data)): for j in range(len(data[i])): if data[i][j] != 0: new_tile = Tile(self.board.tile_lib[tile_name], draw_position + pygame.Vector2(j * self.settings.tile_size+xoffset, i * self.settings.tile_size)) self.next_pieces.add(new_tile) draw_position += pygame.Vector2(0, 3*self.settings.tile_size) def hold(self): if not self.has_held: self.has_held = True self.current_tetromino.kill() if self.hold_tetromino == '' or self.hold_tetromino == 'E': self.hold_tetromino = self.current_tetromino.name self.generate_tetromino() self.evaluate_next_pieces() else: temp_hold_name = self.hold_tetromino self.hold_tetromino = self.current_tetromino.name self.current_tetromino = Tetromino(self.board, temp_hold_name, self.board_position, self.settings, self.screen) draw_position = pygame.Vector2(self.settings.screen_width / 2 - 11 * self.settings.tile_size, 1 * self.settings.tile_size) self.hold_piece.empty() data = Tetromino.tetromino_lib[self.hold_tetromino][0] xoffset = 0 if self.hold_tetromino == 'I' or self.hold_tetromino == 'O': xoffset = -self.settings.tile_size / 2 for i in range(len(data)): for j in range(len(data[i])): if data[i][j] != 0: new_tile = Tile(self.board.tile_lib[self.hold_tetromino], draw_position + pygame.Vector2(j * self.settings.tile_size + xoffset, i * self.settings.tile_size)) self.hold_piece.add(new_tile) def step(self, action): self.frames += 1 done = False cleared_lines = 0 back_to_back = False tspin = False pc = False cmb = 0 if action[2] != 4: new_line, new_column, new_rotation = action self.current_tetromino.position_tile(new_line, new_column, new_rotation) self.current_tetromino.lock_piece() events = pygame.event.get() for event in events: if event.type == pygame.USEREVENT + 1: cleared_lines, back_to_back, tspin, pc, cmb, done = \ self.tile_placed(event.tileList, event.tileName, event.tilePos, event.tileRotation, event.lastMovement, event.lastWallkick) else: self.hold() slice_matrix = self.board.matrix[20:40, 1:11] line_matrix = np.array(list(map(ord, np.hstack(slice_matrix)))) line_matrix = line_matrix != 69 line_matrix = line_matrix.astype(np.float32) state_matrix = line_matrix.reshape((20, 10, 1)) all_pieces = self.current_bag + self.next_bag next_pieces_name = all_pieces[self.current_bag_index: self.current_bag_index + 5] pieces = [self.current_tetromino.name] + next_pieces_name + [self.hold_tetromino] pieces = np.array(list(map(ord, pieces))) moves = [] for move in self.moves: moves.append(move[-1]) if not self.has_held: moves.append((0, 0, 4)) if len(self.moves) == 0: done = True line_info = [cleared_lines, back_to_back, tspin, pc, cmb] return state_matrix, line_info, pieces, moves, done
StarcoderdataPython
238853
# Copyright (c) 2015 The WebRTC project authors. All Rights Reserved. # # Use of this source code is governed by a BSD-style license # that can be found in the LICENSE file in the root of the source # tree. An additional intellectual property rights grant can be found # in the file PATENTS. All contributing project authors may # be found in the AUTHORS file in the root of the source tree. { 'includes': [ '../build/common.gypi', ], 'conditions': [ ['OS=="ios"', { 'targets': [ { 'target_name': 'rtc_api_objc', 'type': 'static_library', 'dependencies': [ '<(webrtc_root)/base/base.gyp:rtc_base_objc', ], 'sources': [ 'objc/RTCIceServer+Private.h', 'objc/RTCIceServer.h', 'objc/RTCIceServer.mm', ], 'xcode_settings': { 'CLANG_ENABLE_OBJC_ARC': 'YES', 'CLANG_WARN_OBJC_MISSING_PROPERTY_SYNTHESIS': 'YES', 'GCC_PREFIX_HEADER': 'objc/WebRTC-Prefix.pch', }, } ], }], # OS=="ios" ], }
StarcoderdataPython
12834305
""" <NAME>017 Variational Autoencoder - Pan Cancer scripts/adage_pancancer.py Comparing a VAE learned features to ADAGE features. Use this script within the context of a parameter sweep to compare performance across a grid of hyper parameters. Usage: Run in command line with required command arguments: python scripts/adage_pancancer.py --learning_rate --batch_size --epochs --sparsity --noise --output_filename --num_components Typically, arguments to this script are compiled automatically by: python scripts/vae_paramsweep.py --parameter_file <parameter-filepath> --config_file <configuration-filepath> Output: Loss and validation loss for the specific model trained """ import os import argparse import numpy as np import pandas as pd from keras.engine.topology import Layer from keras.layers import Input, Dense, Dropout, Activation from keras.models import Sequential, Model import keras.backend as K from keras.regularizers import l1 from keras import optimizers, activations class TiedWeightsDecoder(Layer): """ Transpose the encoder weights to apply decoding of compressed latent space """ def __init__(self, output_dim, encoder, activation=None, **kwargs): self.output_dim = output_dim self.encoder = encoder self.activation = activations.get(activation) super(TiedWeightsDecoder, self).__init__(**kwargs) def build(self, input_shape): self.kernel = self.encoder.weights super(TiedWeightsDecoder, self).build(input_shape) def call(self, x): # Encoder weights: [weight_matrix, bias_term] output = K.dot(x - self.encoder.weights[1], K.transpose(self.encoder.weights[0])) if self.activation is not None: output = self.activation(output) return output def compute_output_shape(self, input_shape): return (input_shape[0], self.output_dim) parser = argparse.ArgumentParser() parser.add_argument('-l', '--learning_rate', help='learning rate of the optimizer') parser.add_argument('-b', '--batch_size', help='Number of samples to include in each learning batch') parser.add_argument('-e', '--epochs', help='How many times to cycle through the full dataset') parser.add_argument('-s', '--sparsity', help='How much L1 regularization penalty to apply') parser.add_argument('-n', '--noise', help='How much Gaussian noise to add during training') parser.add_argument('-f', '--output_filename', help='The name of the file to store results') parser.add_argument('-c', '--num_components', default=100, help='The latent space dimensionality to test') parser.add_argument('-o', '--optimizer', default='adam', help='optimizer to use', choices=['adam', 'adadelta']) parser.add_argument('-w', '--untied_weights', action='store_false', help='use tied weights in training ADAGE model') args = parser.parse_args() # Set hyper parameters learning_rate = float(args.learning_rate) batch_size = int(args.batch_size) epochs = int(args.epochs) sparsity = float(args.sparsity) noise = float(args.noise) output_filename = args.output_filename latent_dim = int(args.num_components) use_optimizer = args.optimizer tied_weights = args.untied_weights # Random seed seed = int(np.random.randint(low=0, high=10000, size=1)) np.random.seed(seed) # Load Data rnaseq_file = os.path.join('data', 'pancan_scaled_zeroone_rnaseq.tsv.gz') rnaseq_df = pd.read_table(rnaseq_file, index_col=0) original_dim = rnaseq_df.shape[1] # Split 10% test set randomly test_set_percent = 0.1 rnaseq_test_df = rnaseq_df.sample(frac=test_set_percent) rnaseq_train_df = rnaseq_df.drop(rnaseq_test_df.index) if tied_weights: # Input place holder for RNAseq data with specific input size encoded_rnaseq = Dense(latent_dim, input_shape=(original_dim, ), activity_regularizer=l1(sparsity), activation='relu') dropout_layer = Dropout(noise) tied_decoder = TiedWeightsDecoder(input_shape=(latent_dim, ), output_dim=original_dim, activation='sigmoid', encoder=encoded_rnaseq) autoencoder = Sequential() autoencoder.add(encoded_rnaseq) autoencoder.add(dropout_layer) autoencoder.add(tied_decoder) else: input_rnaseq = Input(shape=(original_dim, )) encoded_rnaseq = Dropout(noise)(input_rnaseq) encoded_rnaseq_2 = Dense(latent_dim, activity_regularizer=l1(sparsity))(encoded_rnaseq) activation = Activation('relu')(encoded_rnaseq_2) decoded_rnaseq = Dense(original_dim, activation='sigmoid')(activation) autoencoder = Model(input_rnaseq, decoded_rnaseq) if use_optimizer == 'adadelta': optim = optimizers.Adadelta(lr=learning_rate) elif use_optimizer == 'adam': optim = optimizers.Adam(lr=learning_rate) autoencoder.compile(optimizer=optim, loss='mse') hist = autoencoder.fit(np.array(rnaseq_train_df), np.array(rnaseq_train_df), shuffle=True, epochs=epochs, batch_size=batch_size, validation_data=(np.array(rnaseq_test_df), np.array(rnaseq_test_df))) # Save training performance history_df = pd.DataFrame(hist.history) history_df = history_df.assign(num_components=latent_dim) history_df = history_df.assign(learning_rate=learning_rate) history_df = history_df.assign(batch_size=batch_size) history_df = history_df.assign(epochs=epochs) history_df = history_df.assign(sparsity=sparsity) history_df = history_df.assign(noise=noise) history_df = history_df.assign(seed=seed) history_df.to_csv(output_filename, sep='\t')
StarcoderdataPython
1834235
"""Unique constraint for roles Revision ID: <KEY>6 Revises: <PASSWORD> Create Date: 2016-07-10 14:18:46.455411 """ # revision identifiers, used by Alembic. revision = '<KEY>' down_revision = '<PASSWORD>' from alembic import op import sqlalchemy as sa def upgrade(): ### commands auto generated by Alembic - please adjust! ### op.create_unique_constraint(None, 'roles_users', ['user_id', 'role_id']) ### end Alembic commands ### def downgrade(): ### commands auto generated by Alembic - please adjust! ### op.drop_constraint(None, 'roles_users', type_='unique') ### end Alembic commands ###
StarcoderdataPython
340359
""" This module renders profiles """ import json from rest_framework.renderers import JSONRenderer class ProfileJsonRenderer(JSONRenderer): """ Renders profile in JSON """ charset = 'utf-8' def render(self, data, media_type=None, renderer_context=None): """ Perfoms the rendering functionality """ return json.dumps({ 'profiles': data })
StarcoderdataPython
12837005
<filename>system.py<gh_stars>0 # PackedBerry System import requests import random import os import youtubesearchpython def search_video(query:str): videosSearch = youtubesearchpython.VideosSearch(str(query), limit = 1) return videosSearch.result() def get_video_data(query:dict): r = {} d = search_video(query) for _ in d: l = d[_] for e in l: f = e for i in f: if i in ['link', 'title', 'duration', 'viewCoutn']: r.update({i : f[i]}) return r def get_title(url: str): html = requests.get(url).text title_separator = html.split("<title>") title = title_separator[1].split("</title>")[0] return title vfile = open("data/version", "r") version = vfile.read() vfile.close() hfile = open("data/help", "r") help_data = hfile.read() hfile.close() wfile = open("data/whatsnew", "r") whatsnew = wfile.read() wfile.close() def mute(uid, mute_list, guild_id, mute_server): id_match = False for elem in mute_list: if str(elem) == str(uid): id_match = True break server_match = False for elem in mute_server: if str(elem) == str(guild_id): server_match = True break if id_match and server_match: return True else: return False def out(message, refname, client): try: msg = message.content.lower().split(" ") out = "" delete = False connectVoice = False voiceChannel = "" song_url = "" calls = refname repeat = 1 mutelist = [] unmutelist = [] if msg[0] in refname[1]: try: if msg[1] in ["ver", "version"]: out = version elif msg[1] in ["whatsnew", "wn"]: out = whatsnew elif msg[1] == "help": if len(msg) < 3: help_file = open('data/help', 'r') help_data = help_file.read() help_file.close() out = str(help_data) else: help_file = open('data/__help__', 'r') help_data = help_file.read().split("***") help_data.remove("") help_file.close() for _ in help_data: list_ = _.split("\n") list_.remove('') if len(list_) > 0: if list_[0] == msg[2]: out = str(_) break if out == "": out = "```yml\n*unavailable```" elif msg[1] == "ping": out = f"<@{<EMAIL>}>" elif msg[1] == "sitename": try: site_url = str(message.content.split(" ")[2]) try: title = get_title(site_url) except: title = "???" out = title except: out = "Please provide URL." elif msg[1] in ["connect", "join", "vibe"]: try: _msg = message.content.split(' ') del _msg[0] del _msg[0] c = " ".join(_msg) if c.replace(' ', '') == "": out = "Please enter a valid channel name." else: voiceChannel = str(c) out = f"Connected to {c}." connectVoice = "<#>" except Exception as e: print(e) elif msg[1] == "vibe-url": try: try: try: voiceChannel = str(message.content).replace( str(message.content.split(" ")[0]) + " " + str(message.content.split(" ")[1]) + " " + str(message.content.split(" ")[2] + " "), "" ) song_url = str(message.content.split(" ")[2]) try: title = get_title(song_url) except: title = "???" out = "Now vibing on " + title + "(<" + song_url + ">)!!!" connectVoice = True except: out = "Error." except: out = "Please provide a voice channel to vibe in!" except: out = "Please provide an url to vibe on!" elif msg[1] == "vibe-name": try: try: try: del msg[0] del msg[0] search_text = " ".join(msg) if search_text.replace(' ', '') == '': out = 'Search Text can not be empty.' else: song_url = str(get_video_data(search_text)['link']) try: title = get_title(song_url) except: title = "???" out = "Now vibing on " + title + "(<" + song_url + ">)!!!" connectVoice = True except: out = "Error." except: out = "Please provide a voice channel to vibe in!" except: out = "Please provide an url to vibe on!" elif msg[1] == "novibe": connectVoice = "-" out = "Not vibing anymore." elif msg[1] == "pausevibe": connectVoice = "||" out = "Waiting till start vibing again." elif msg[1] == "resumevibe": connectVoice = ">" out = "Resuming vibing again." elif msg[1] == "donevibe": connectVoice = "<" out = "Stopped vibing." elif msg[1] == "spam": if str(message.guild.id) in os.listdir('no-spam'): out = "You can not use `spam` command in this server. To enable it type `<prefix> set-spam on`. Note by default if already wasn't set to, then spam max limit is 25. Be careful." else: try: try: try: sf = open(f'set-spam/{message.guild.id}', 'r') spam_limit = int(sf.read()) sf.close() except: spam_limit = 25 if int(msg[2]) <= spam_limit: spam_text = "" try: spam_text = str(message.content).replace( str(message.content.split(" ")[0]) + " " + str(message.content.split(" ")[1]) + " " + str(message.content.split(" ")[2] + " "), "" ) except: spam_text = "" if spam_text.replace(" ", "") == '': out = "Please provide text to spam." else: out = spam_text repeat = int(msg[2]) else: out = f"Spam amount limit is 0 to {spam_limit} only." except: out = "Spam amount should be a number." except: out = "Please specify an amount to spam." elif msg[1] == "call": try: if str(msg[2]) not in calls[1]: calls[1].append(str(msg[2])) out = 'Added name option - ' + str(message.content.split(' ')[2]) + '. Now you can use ' + str(message.content.split(' ')[2]) + ' as prefix to start a PackedBerry command.' except: all_names = "```" called = [] for name in calls[1]: if name not in called: all_names = all_names + '\n' + str(name) called.append(name) all_names = all_names + '\n```' out = str(all_names) elif msg[1] == "nocall": try: if str(msg[2]) in calls[1]: calls[1].remove(str(msg[2])) if str(msg[2]) in calls[0]: out = 'Can not remove system default names!' else: out = 'Removed name option - ' + str(message.content.split(' ')[2]) + '. Now you can not use ' + str(message.content.split(' ')[2]) + ' as prefix to start a PackedBerry command.' for name in calls[0]: if name not in calls[1]: calls[1].append(name) except: out = 'Please provide a name!' elif msg[1] == "mute": try: if message.author.guild_permissions.administrator: id = str(msg[2]).replace('<', '').replace('>', '').replace('!', '').replace('@', '') if id == str(781701773713997824): out = ["Dare you talk to my creator like that again. :rage:", "You can not mute a god.", "This is an action of Violence against PackedBerry."][random.randint(0, 2)] elif id == str(message.author.id): out = 'Are you serious or just want to punish yourself?' else: mutelist.append(str(msg[2]).replace('<', '').replace('>', '').replace('!', '').replace('@', '')) out = f'{msg[2]} was muted.' else: out = 'YOOOOOOOOOOOOOOOOLLLLLLLLlllll! You Not The Admin!' except: out = 'Please provide user to mute.' elif msg[1] == "unmute": try: if message.author.guild_permissions.administrator: unmutelist.append(str(msg[2]).replace('<', '').replace('>', '').replace('!', '').replace('@', '')) out = f'{msg[2]} was unmuted.' else: out = 'YOOOOOOOOOOOOOOOOLLLLLLLLlllll! You Not The Admin!' except: out = 'Please provide user to unmute.' elif msg[1] == "img": try: out = f"https://picsum.photos/seed/{ str(msg[2]) }/1920/1080" except: out = f"https://picsum.photos/seed/{ random.randint(1, 1000000) }/1920/1080" except: out = "Yes!?" else: pass return_value = [ not(out == ""), out, delete, connectVoice, voiceChannel, song_url, repeat, calls, mutelist, unmutelist ] return return_value except: pass
StarcoderdataPython
9656764
import serial import time # sudo sh -c "echo performance > /sys/devices/system/cpu/cpu0/cpufreq/scaling_governor" # cat /sys/devices/system/cpu/cpu0/cpufreq/scaling_cur_freq # 1500000 BAUD = 115200 ser0 = serial.Serial('/dev/ttySC1', BAUD, timeout=0.5) print(ser0.name) # ser1 = serial.Serial('/dev/ttySC1', BAUD, timeout=1) # print(ser1.name) # ser2 = serial.Serial('/dev/ttySC2', BAUD, timeout=1) # print(ser2.name) # ser3 = serial.Serial('/dev/ttySC3', BAUD, timeout=1) # print(ser3.name) loop = True while loop: start = time.time() for _ in range(100): # time.sleep(0.001) ser0.write(b'r vbus_voltage\n') # ser1.write(b'hababababa\n') # ser2.readline() # ser3.readline() # ser2.write(b'nananananan\n') # ser3.write(b'nananananan\n') try: print(ser0.readline()) except KeyboardInterrupt: loop = False break except: print("SERIAL EXCEPTION") # ser1.readline() #duration = time.time() - start #print("100 exchanges took {} milliseconds, a rate of {} Hz.".format(duration * 1000, 1.0/duration * 100)) # data_r = ser.read(5) # Read 5 bytes ser0.close() # ser1.close() # ser2.close() # ser3.close()
StarcoderdataPython
6619648
from common.webdriver_factory import get_driver from selenium.webdriver.support.wait import WebDriverWait driver = get_driver('chrome') wait = WebDriverWait(driver, 10) driver.get('https://www.amazon.com/') elements = driver.find_elements_by_xpath("//a") print(f'Tags con A encontrados: {len(elements)}') for element in elements: print(element) elements = driver.find_elements_by_xpath("//head/*") print(f'Elementos hijos de Head encontrados: {len(elements)}') for element in elements: print(element) driver.quit()
StarcoderdataPython
3376848
<filename>bismark_bomber.py import requests import datetime import services #Цвета green = '\033[92m' cyan = '\033[95m' bold = '\033[1m' underline = '\033[4m' end = '\033[0m' red = '\033[91m' #Хедер print(f"{green}{bold}\t\t{underline}[Bismark BOMBER ]{end}") print() print(f"{bold}Coded by{end}", end="") print(f"{green}{bold} >> {end}", end = "") print(f"{cyan}{bold}yala0{end}") print(f"{bold}VK{end}", end = "") print(f"{green}{bold} >> {end}", end = "") print(f"{cyan}{bold}@yala0{end}") print() #Ввод print('Enter please the number without or with prefixes (+7) (8)\nExample: 9018017010') input_number = input(green + bold + '>> ' + end) print('How many SMS do you need to send?') sms = int(input(green + bold + '>> ' + end)) print(f"Do you need a{cyan} TOR {end}y/n? ") is_tor = input(bold + green + ">> " + end) def parse_number(number): msg = f"[*]Checking number - {green}{bold}OK{end}" if int(len(number)) in (10, 11, 12): if number[0] == "8": number = number[1:] print(msg) elif number[:2] == "+7": number = number[2:] print(msg) elif int(len(number)) == 10 and number[0] == 9: print(msg) else: print(f"[*]Checking number - {red}{bold}Bad number!{end}\nBismark bomber is intended only for Russian Federation") quit() return number number = parse_number(input_number) #tor if str(is_tor) == "y": print(f"[*]Launching {cyan}{bold}Tor{end}...") proxies = {'http': 'socks5://192.168.127.12:1080','https': 'socks5://192.168.127.12:1080'} tor = requests.get('http://icanhazip.com/', proxies=proxies).text tor = (tor.replace('\n','')) print(f"[*]Launchrd {cyan}{bold}Tor{end} - {green}{bold}OK{end}") services.attack(number, sms)
StarcoderdataPython
9769363
<filename>mysite/learn5/migrations/0002_running_material_running_member.py # -*- coding: utf-8 -*- from __future__ import unicode_literals from django.db import models, migrations class Migration(migrations.Migration): dependencies = [ ('learn5', '0001_initial'), ] operations = [ migrations.CreateModel( name='Running_Material', fields=[ ('id', models.AutoField(verbose_name='ID', serialize=False, auto_created=True, primary_key=True)), ('remark', models.TextField(blank=True)), ('material', models.ManyToManyField(to='learn5.Material')), ('running', models.ManyToManyField(to='learn5.Running')), ], ), migrations.CreateModel( name='Running_Member', fields=[ ('id', models.AutoField(verbose_name='ID', serialize=False, auto_created=True, primary_key=True)), ('remark', models.TextField(blank=True)), ('member', models.ManyToManyField(to='learn5.Member')), ('running', models.ManyToManyField(to='learn5.Running')), ], ), ]
StarcoderdataPython
1882434
# -*-coding: utf-8-*- # @Author : Charlesxu # @Email : <EMAIL> from layers import * class SelfAttention(Layer): def __init__(self): super(SelfAttention, self).__init__() def build(self, input_shape): self.dim = input_shape[0][-1] self.W = self.add_weight(shape=[self.dim, self.dim], name='weight', initializer='random_uniform') def call(self, inputs, **kwargs): q, k, v, mask = inputs k += self.positional_encoding(k) q += self.positional_encoding(q) q = tf.nn.relu(tf.matmul(q, self.W)) k = tf.nn.relu(tf.matmul(k, self.W)) mat_qk = tf.matmul(q, k, transpose_b=True) dk = tf.cast(self.dim, dtype=tf.float32) scaled_att_logits = mat_qk / tf.sqrt(dk) mask = tf.tile(tf.expand_dims(mask, 1), [1, q.shape[1], 1]) paddings = tf.ones_like(scaled_att_logits) * (-2 ** 32 + 1) outputs = tf.where(tf.equal(mask, 0), paddings, scaled_att_logits) outputs = tf.nn.softmax(logits=outputs, axis=-1) outputs = tf.matmul(outputs, v) outputs = tf.reduce_mean(outputs, axis=1) return outputs @staticmethod def get_angles(pos, i, d_model): angle_rates = 1 / np.power(10000, (2 * (i // 2)) / np.float32(d_model)) return pos * angle_rates def positional_encoding(self, QK_input): angle_rads = self.get_angles(np.arange(QK_input.shape[1])[:, np.newaxis], np.arange(self.dim)[np.newaxis, :], self.dim) angle_rads[:, 0::2] = np.sin(angle_rads[:, 0::2]) angle_rads[:, 1::2] = np.cos(angle_rads[:, 1::2]) pos_encoding = angle_rads[np.newaxis, ...] return tf.cast(pos_encoding, dtype=tf.float32)
StarcoderdataPython
3414598
<filename>slimta/smtp/datareader.py<gh_stars>100-1000 # Copyright (c) 2012 <NAME> # # Permission is hereby granted, free of charge, to any person obtaining a copy # of this software and associated documentation files (the "Software"), to deal # in the Software without restriction, including without limitation the rights # to use, copy, modify, merge, publish, distribute, sublicense, and/or sell # copies of the Software, and to permit persons to whom the Software is # furnished to do so, subject to the following conditions: # # The above copyright notice and this permission notice shall be included in # all copies or substantial portions of the Software. # # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE # AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, # OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN # THE SOFTWARE. # """Reads message contents from an SMTP client. This task requires special consideration because of the SMTP RFC requirements that message data be ended with a line with a single ``.``. Also, lines that begin with ``.`` but contain other data should have the prefixed ``.`` removed. """ from __future__ import absolute_import import re from . import ConnectionLost, MessageTooBig __all__ = ['DataReader'] fullline_pattern = re.compile(br'.*\n') eod_pattern = re.compile(br'^\.\s*?\n$') endl_pattern = re.compile(br'\r?\n$') class DataReader(object): """Class that reads message data until the End-Of-Data marker, or until a certain number of bytes have been read. :param io: |IO| object to read message data from. :param max_size: If given, causes :class:`slimta.smtp.MessageTooBig` to be raised if too many bytes have been read. """ def __init__(self, io, max_size=None): self.io = io self.size = 0 self.max_size = max_size self.EOD = None self.lines = [b''] self.i = 0 def _append_line(self, line): if len(self.lines) <= self.i: self.lines.append(line) else: self.lines[self.i] += line def from_recv_buffer(self): self.add_lines(self.io.recv_buffer) self.io.recv_buffer = b'' def handle_finished_line(self): i = self.i line = self.lines[i] # Move internal trackers ahead. self.i += 1 # Only handle lines within the data. if not self.EOD: # Check for the End-Of-Data marker. if eod_pattern.match(line): self.EOD = i # Remove an initial period on non-EOD lines as per RFC 821 4.5.2. elif line[0:1] == b'.': # line[0] is an integer line = line[1:] self.lines[i] = line def add_lines(self, piece): last = 0 for match in fullline_pattern.finditer(piece): last = match.end(0) self._append_line(match.group(0)) self.handle_finished_line() after_match = piece[last:] self._append_line(after_match) def recv_piece(self): if self.EOD is not None: return False piece = self.io.raw_recv() if piece == b'': raise ConnectionLost() self.size += len(piece) if self.max_size and self.size > self.max_size: self.EOD = self.i raise MessageTooBig() self.add_lines(piece) return not self.EOD def return_all(self): data_lines = self.lines[:self.EOD] after_data_lines = self.lines[self.EOD+1:] # Save the extra lines back on the recv_buffer. self.io.recv_buffer = b''.join(after_data_lines) # Return the data as one big string return b''.join(data_lines) def recv(self): """Receives all message data from the session. :rtype: bytes """ self.from_recv_buffer() while self.recv_piece(): pass return self.return_all() # vim:et:fdm=marker:sts=4:sw=4:ts=4
StarcoderdataPython
4986906
import websockets import asyncio import json import argparse from ButtonFrame import ButtonFrame from tkinter import Tk parser = argparse.ArgumentParser() parser.add_argument("--ip", default="127.0.0.1") parser.add_argument("--port", default=80) args = parser.parse_args() URL = "ws://" + args.ip + ":" + f"{args.port}" class ButtonApp(Tk): def __init__(self): super().__init__() self.title("Button App") self.initUI() def initUI(self): self.rowconfigure(0, weight=1) self.columnconfigure(0, weight=1) button = ButtonFrame(self, self.runSendMessage) button.grid(row=0, column=0, sticky='nsew', padx=5, pady=5) def runSendMessage(self): asyncio.run(self.sendMessage()) async def sendMessage(self): async with websockets.connect(URL) as websocket: await websocket.send( json.dumps({ "from": "ButtonApp", "type": "changeImage" })) def main(): buttonApp = ButtonApp() buttonApp.mainloop() if __name__ == "__main__": main()
StarcoderdataPython
357716
# -*- coding: utf-8 -*- # This code is part of Qiskit. # # (C) Copyright IBM 2020. # # This code is licensed under the Apache License, Version 2.0. You may # obtain a copy of this license in the LICENSE.txt file in the root directory # of this source tree or at http://www.apache.org/licenses/LICENSE-2.0. # # Any modifications or derivative works of this code must retain this # copyright notice, and modified files need to carry a notice indicating # that they have been altered from the originals. # pylint: disable=missing-docstring, invalid-name """Tests for core modules of pulse drawer.""" from qiskit import pulse from qiskit.test import QiskitTestCase from qiskit.visualization.pulse_v2 import events from qiskit.visualization.pulse_v2.style import stylesheet class TestChannelEvents(QiskitTestCase): """Tests for ChannelEvents.""" def test_parse_program(self): """Test typical pulse program.""" test_pulse = pulse.Gaussian(10, 0.1, 3) sched = pulse.Schedule() sched = sched.insert(0, pulse.SetPhase(3.14, pulse.DriveChannel(0))) sched = sched.insert(0, pulse.Play(test_pulse, pulse.DriveChannel(0))) sched = sched.insert(10, pulse.ShiftPhase(-1.57, pulse.DriveChannel(0))) sched = sched.insert(10, pulse.Play(test_pulse, pulse.DriveChannel(0))) ch_events = events.ChannelEvents.load_program(sched, pulse.DriveChannel(0)) # check waveform data waveforms = list(ch_events.get_waveforms()) t0, frame, inst = waveforms[0] self.assertEqual(t0, 0) self.assertEqual(frame.phase, 3.14) self.assertEqual(frame.freq, 0) self.assertEqual(inst, pulse.Play(test_pulse, pulse.DriveChannel(0))) t0, frame, inst = waveforms[1] self.assertEqual(t0, 10) self.assertEqual(frame.phase, 1.57) self.assertEqual(frame.freq, 0) self.assertEqual(inst, pulse.Play(test_pulse, pulse.DriveChannel(0))) # check frame data frames = list(ch_events.get_frame_changes()) t0, frame, insts = frames[0] self.assertEqual(t0, 0) self.assertEqual(frame.phase, 3.14) self.assertEqual(frame.freq, 0) self.assertListEqual(insts, [pulse.SetPhase(3.14, pulse.DriveChannel(0))]) t0, frame, insts = frames[1] self.assertEqual(t0, 10) self.assertEqual(frame.phase, -1.57) self.assertEqual(frame.freq, 0) self.assertListEqual(insts, [pulse.ShiftPhase(-1.57, pulse.DriveChannel(0))]) def test_empty(self): """Test is_empty check.""" test_pulse = pulse.Gaussian(10, 0.1, 3) sched = pulse.Schedule() sched = sched.insert(0, pulse.ShiftPhase(1.57, pulse.DriveChannel(0))) ch_events = events.ChannelEvents.load_program(sched, pulse.DriveChannel(0)) self.assertTrue(ch_events.is_empty()) sched = pulse.Schedule() sched = sched.insert(0, pulse.Play(test_pulse, pulse.DriveChannel(0))) ch_events = events.ChannelEvents.load_program(sched, pulse.DriveChannel(0)) self.assertFalse(ch_events.is_empty()) def test_multiple_frames_at_the_same_time(self): """Test multiple frame instruction at the same time.""" # shift phase followed by set phase sched = pulse.Schedule() sched = sched.insert(0, pulse.ShiftPhase(-1.57, pulse.DriveChannel(0))) sched = sched.insert(0, pulse.SetPhase(3.14, pulse.DriveChannel(0))) ch_events = events.ChannelEvents.load_program(sched, pulse.DriveChannel(0)) frames = list(ch_events.get_frame_changes()) _, frame, _ = frames[0] self.assertAlmostEqual(frame.phase, 3.14) # set phase followed by shift phase sched = pulse.Schedule() sched = sched.insert(0, pulse.SetPhase(3.14, pulse.DriveChannel(0))) sched = sched.insert(0, pulse.ShiftPhase(-1.57, pulse.DriveChannel(0))) ch_events = events.ChannelEvents.load_program(sched, pulse.DriveChannel(0)) frames = list(ch_events.get_frame_changes()) _, frame, _ = frames[0] self.assertAlmostEqual(frame.phase, 1.57) def test_frequency(self): """Test parse frequency.""" sched = pulse.Schedule() sched = sched.insert(0, pulse.ShiftFrequency(1.0, pulse.DriveChannel(0))) sched = sched.insert(5, pulse.SetFrequency(5.0, pulse.DriveChannel(0))) ch_events = events.ChannelEvents.load_program(sched, pulse.DriveChannel(0)) ch_events.init_frequency = 3.0 frames = list(ch_events.get_frame_changes()) _, frame, _ = frames[0] self.assertAlmostEqual(frame.freq, 1.0) _, frame, _ = frames[1] self.assertAlmostEqual(frame.freq, 1.0) class TestStylesheet(QiskitTestCase): """Tests for stylesheet.""" def test_deprecated_key(self): """Test deprecation warning.""" style = stylesheet.QiskitPulseStyle() style._deprecated_keys = {'deprecated_key': 'new_key'} with self.assertWarns(DeprecationWarning): dep_dict = { 'deprecated_key': 'value_1' } style.update(dep_dict) self.assertEqual(style['new_key'], 'value_1')
StarcoderdataPython
1714465
# -*- coding: utf-8 -*- """ Spyder Editor 15201002 <NAME> """ #initializing PCA from sklearn import decomposition pca=decomposition.PCA() import pandas as pd import numpy as np import seaborn as sn import matplotlib.pyplot as plt from sklearn.preprocessing import StandardScaler data=pd.read_csv('Thesis_responses_Scaled.csv') #configure the parameters #number of componenets = 2 labels=data['Flag'] data=data.drop(['Timestamp','Flag','ID','Rehab'],axis=1) #scaler=StandardScaler() #scaler.fit(data) ## compute the mean and standard which will be used in the next command #X_scaled=scaler.transform(data) ## fit and transform can be applied together and I leave that for simple exercise pca.n_components=2 pca_data=pca.fit_transform(data) #pca_reduced will contain 2-d projects of sample data print("shape of pca_reduced.shape = ",pca_data.shape) ex_variance=np.var(pca_data,axis=0) ex_variance_ratio=ex_variance/np.sum(ex_variance) print("Ex variance ratio of components ",ex_variance_ratio) # attaching the label for each 2-d data point pca_data = np.vstack((pca_data.T, labels)).T # creating a new data fram which help us in ploting the result data pca_df = pd.DataFrame(data=pca_data, columns=("1st_principal", "2nd_principal", "label")) sn.FacetGrid(pca_df, hue="label", size=6).map(plt.scatter, '1st_principal', '2nd_principal').add_legend() plt.show() # PCA for dimensionality redcution (non-visualization) pca.n_components = 59 pca_data = pca.fit_transform(data) percentage_var_explained = pca.explained_variance_ / np.sum(pca.explained_variance_); cum_var_explained = np.cumsum(percentage_var_explained) # Plot the PCA spectrum plt.rcParams.update({'font.size': 16}) plt.figure(1, figsize=(6, 4)) plt.clf() plt.plot(cum_var_explained, linewidth=2) plt.axis('tight') plt.grid() plt.xlabel('n_components') plt.ylabel('Cumulative_explained_variance') plt.show() # If we take 30-dimensions, approx. 90% of variance is expalined.
StarcoderdataPython
3434036
<reponame>lechat/jenkinsflow # This ensures that the demos can find jenkinsflow even though it has not been installed import sys import os.path from os.path import join as jp def sys_path(): here = os.path.dirname(__file__) sys.path.append(jp(here, '../..'))
StarcoderdataPython
198279
__version__ = '0.0.1a7' __bitcoind_version_emulation__ = '0.16'
StarcoderdataPython
3311418
# TODO: Keep these in the saved model instead. IMAGENET_LABELS = """ background tench goldfish great white shark tiger shark hammerhead electric ray stingray cock hen ostrich brambling goldfinch house finch junco indigo bunting robin bulbul jay magpie chickadee water ouzel kite bald eagle vulture great grey owl European fire salamander common newt eft spotted salamander axolotl bullfrog tree frog tailed frog loggerhead leatherback turtle mud turtle terrapin box turtle banded gecko common iguana American chameleon whiptail agama frilled lizard alligator lizard Gila monster green lizard African chameleon Komodo dragon African crocodile American alligator triceratops thunder snake ringneck snake hognose snake green snake king snake garter snake water snake vine snake night snake boa constrictor rock python Indian cobra green mamba sea snake horned viper diamondback sidewinder trilobite harvestman scorpion black and gold garden spider barn spider garden spider black widow tarantula wolf spider tick centipede black grouse ptarmigan ruffed grouse prairie chicken peacock quail partridge African grey macaw sulphur-crested cockatoo lorikeet coucal bee eater hornbill hummingbird jacamar toucan drake red-breasted merganser goose black swan tusker echidna platypus wallaby koala wombat jellyfish sea anemone brain coral flatworm nematode conch snail slug sea slug chiton chambered nautilus Dungeness crab rock crab fiddler crab king crab American lobster spiny lobster crayfish hermit crab isopod white stork black stork spoonbill flamingo little blue heron American egret bittern crane limpkin European gallinule American coot bustard ruddy turnstone red-backed sandpiper redshank dowitcher oystercatcher pelican king penguin albatross grey whale killer whale dugong sea lion Chihuahua Japanese spaniel Maltese dog Pekinese Shih-Tzu Blenheim spaniel papillon toy terrier Rhodesian ridgeback Afghan hound basset beagle bloodhound bluetick black-and-tan coonhound Walker hound English foxhound redbone borzoi Irish wolfhound Italian greyhound whippet Ibizan hound Norwegian elkhound otterhound Saluki Scottish deerhound Weimaraner Staffordshire bullterrier American Staffordshire terrier Bedlington terrier Border terrier Kerry blue terrier Irish terrier Norfolk terrier Norwich terrier Yorkshire terrier wire-haired fox terrier Lakeland terrier Sealyham terrier Airedale cairn Australian terrier Dandie Dinmont Boston bull miniature schnauzer giant schnauzer standard schnauzer Scotch terrier Tibetan terrier silky terrier soft-coated wheaten terrier West Highland white terrier Lhasa flat-coated retriever curly-coated retriever golden retriever Labrador retriever Chesapeake Bay retriever German short-haired pointer vizsla English setter Irish setter Gordon setter Brittany spaniel clumber English springer Welsh springer spaniel cocker spaniel Sussex spaniel Irish water spaniel kuvasz schipperke groenendael malinois briard kelpie komondor Old English sheepdog Shetland sheepdog collie Border collie Bouvier des Flandres Rottweiler German shepherd Doberman miniature pinscher Greater Swiss Mountain dog Bernese mountain dog Appenzeller EntleBucher boxer bull mastiff Tibetan mastiff French bulldog Great Dane Saint Bernard Eskimo dog malamute Siberian husky dalmatian affenpinscher basenji pug Leonberg Newfoundland Great Pyrenees Samoyed Pomeranian chow keeshond Brabancon griffon Pembroke Cardigan toy poodle miniature poodle standard poodle Mexican hairless timber wolf white wolf red wolf coyote dingo dhole African hunting dog hyena red fox kit fox Arctic fox grey fox tabby tiger cat Persian cat Siamese cat Egyptian cat cougar lynx leopard snow leopard jaguar lion tiger cheetah brown bear American black bear ice bear sloth bear mongoose meerkat tiger beetle ladybug ground beetle long-horned beetle leaf beetle dung beetle rhinoceros beetle weevil fly bee ant grasshopper cricket walking stick cockroach mantis cicada leafhopper lacewing dragonfly damselfly admiral ringlet monarch cabbage butterfly sulphur butterfly lycaenid starfish sea urchin sea cucumber wood rabbit hare Angora hamster porcupine fox squirrel marmot beaver guinea pig sorrel zebra hog wild boar warthog hippopotamus ox water buffalo bison ram bighorn ibex hartebeest impala gazelle Arabian camel llama weasel mink polecat black-footed ferret otter skunk badger armadillo three-toed sloth orangutan gorilla chimpanzee gibbon siamang guenon patas baboon macaque langur colobus proboscis monkey marmoset capuchin howler monkey titi spider monkey squirrel monkey Madagascar cat indri Indian elephant African elephant lesser panda giant panda barracouta eel coho rock beauty anemone fish sturgeon gar lionfish puffer abacus abaya academic gown accordion acoustic guitar aircraft carrier airliner airship altar ambulance amphibian analog clock apiary apron ashcan assault rifle backpack bakery balance beam balloon ballpoint Band Aid banjo bannister barbell barber chair barbershop barn barometer barrel barrow baseball basketball bassinet bassoon bathing cap bath towel bathtub beach wagon beacon beaker bearskin beer bottle beer glass bell cote bib bicycle-built-for-two bikini binder binoculars birdhouse boathouse bobsled bolo tie bonnet bookcase bookshop bottlecap bow bow tie brass brassiere breakwater breastplate broom bucket buckle bulletproof vest bullet train butcher shop cab caldron candle cannon canoe can opener cardigan car mirror carousel carpenter's kit carton car wheel cash machine cassette cassette player castle catamaran CD player cello cellular telephone chain chainlink fence chain mail chain saw chest chiffonier chime china cabinet Christmas stocking church cinema cleaver cliff dwelling cloak clog cocktail shaker coffee mug coffeepot coil combination lock computer keyboard confectionery container ship convertible corkscrew cornet cowboy boot cowboy hat cradle crane crash helmet crate crib Crock Pot croquet ball crutch cuirass dam desk desktop computer dial telephone diaper digital clock digital watch dining table dishrag dishwasher disk brake dock dogsled dome doormat drilling platform drum drumstick dumbbell Dutch oven electric fan electric guitar electric locomotive entertainment center envelope espresso maker face powder feather boa file fireboat fire engine fire screen flagpole flute folding chair football helmet forklift fountain fountain pen four-poster freight car French horn frying pan fur coat garbage truck gasmask gas pump goblet go-kart golf ball golfcart gondola gong gown grand piano greenhouse grille grocery store guillotine hair slide hair spray half track hammer hamper hand blower hand-held computer handkerchief hard disc harmonica harp harvester hatchet holster home theater honeycomb hook hoopskirt horizontal bar horse cart hourglass iPod iron jack-o'-lantern jean jeep jersey jigsaw puzzle jinrikisha joystick kimono knee pad knot lab coat ladle lampshade laptop lawn mower lens cap letter opener library lifeboat lighter limousine liner lipstick Loafer lotion loudspeaker loupe lumbermill magnetic compass mailbag mailbox maillot maillot manhole cover maraca marimba mask matchstick maypole maze measuring cup medicine chest megalith microphone microwave military uniform milk can minibus miniskirt minivan missile mitten mixing bowl mobile home Model T modem monastery monitor moped mortar mortarboard mosque mosquito net motor scooter mountain bike mountain tent mouse mousetrap moving van muzzle nail neck brace necklace nipple notebook obelisk oboe ocarina odometer oil filter organ oscilloscope overskirt oxcart oxygen mask packet paddle paddlewheel padlock paintbrush pajama palace panpipe paper towel parachute parallel bars park bench parking meter passenger car patio pay-phone pedestal pencil box pencil sharpener perfume Petri dish photocopier pick pickelhaube picket fence pickup pier piggy bank pill bottle pillow ping-pong ball pinwheel pirate pitcher plane planetarium plastic bag plate rack plow plunger Polaroid camera pole police van poncho pool table pop bottle pot potter's wheel power drill prayer rug printer prison projectile projector puck punching bag purse quill quilt racer racket radiator radio radio telescope rain barrel recreational vehicle reel reflex camera refrigerator remote control restaurant revolver rifle rocking chair rotisserie rubber eraser rugby ball rule running shoe safe safety pin saltshaker sandal sarong sax scabbard scale school bus schooner scoreboard screen screw screwdriver seat belt sewing machine shield shoe shop shoji shopping basket shopping cart shovel shower cap shower curtain ski ski mask sleeping bag slide rule sliding door slot snorkel snowmobile snowplow soap dispenser soccer ball sock solar dish sombrero soup bowl space bar space heater space shuttle spatula speedboat spider web spindle sports car spotlight stage steam locomotive steel arch bridge steel drum stethoscope stole stone wall stopwatch stove strainer streetcar stretcher studio couch stupa submarine suit sundial sunglass sunglasses sunscreen suspension bridge swab sweatshirt swimming trunks swing switch syringe table lamp tank tape player teapot teddy television tennis ball thatch theater curtain thimble thresher throne tile roof toaster tobacco shop toilet seat torch totem pole tow truck toyshop tractor trailer truck tray trench coat tricycle trimaran tripod triumphal arch trolleybus trombone tub turnstile typewriter keyboard umbrella unicycle upright vacuum vase vault velvet vending machine vestment viaduct violin volleyball waffle iron wall clock wallet wardrobe warplane washbasin washer water bottle water jug water tower whiskey jug whistle wig window screen window shade Windsor tie wine bottle wing wok wooden spoon wool worm fence wreck yawl yurt web site comic book crossword puzzle street sign traffic light book jacket menu plate guacamole consomme hot pot trifle ice cream ice lolly French loaf bagel pretzel cheeseburger hotdog mashed potato head cabbage broccoli cauliflower zucchini spaghetti squash acorn squash butternut squash cucumber artichoke bell pepper cardoon mushroom <NAME> strawberry orange lemon fig pineapple banana jackfruit custard apple pomegranate hay carbonara chocolate sauce dough meat loaf pizza potpie burrito red wine espresso cup eggnog alp bubble cliff coral reef geyser lakeside promontory sandbar seashore valley volcano ballplayer groom scuba diver rapeseed daisy yellow lady's slipper corn acorn hip buckeye coral fungus agaric gyromitra stinkhorn earthstar hen-of-the-woods bolete ear toilet tissue """.strip().split( "\n" )
StarcoderdataPython
1647360
from flask import current_app as app class Category: def __init__(self,name): self.name = name # get all avaliable categories in the database @staticmethod def get_by_id(cid:int): rows = app.db.execute(f''' SELECT id AS cid, name AS name FROM Categories WHERE id = {cid} ''') return Category(*(rows[0])) if rows is not None else None
StarcoderdataPython
1917752
<gh_stars>0 # Copyright (c) 2021 <NAME> # # Licensed under the MIT Licens (the "License"). # # Permission is hereby granted, free of charge, to any person obtaining a copy # of this software and associated documentation files (the "Software"), to deal # in the Software without restriction, including without limitation the rights # to use, copy, modify, merge, publish, distribute, sublicense, and/or sell # copies of the Software, and to permit persons to whom the Software is # furnished to do so, subject to the following conditions: # # The above copyright notice and this permission notice shall be included in all # copies or substantial portions of the Software. # # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE # AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, # OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE # SOFTWARE. """ Generate Jupiter datacenter topology. """ import argparse import json import glog from collections import OrderedDict from typing import Dict, List import lib.constants as const class Jupiter(object): """ A class to keep all datacenter related constants and variables """ def __init__(self, npods: int, nracks: int, nspine_blocks: int): self.npods = npods self.nracks = nracks self.nspine_blocks = nspine_blocks self.num_of_mbs = 8 self.num_of_servers_per_rack = 48 # num_of_servers_per_rack = 3 # for debugging only self.server_tor_bandwidth = 40 self.tor_mb_bandwidth = 20 # TOR to MB is 2x10G self.mb_sb_bandwidth = 40 # MB to SB is 1x40G self.locality = {} self.servers = {} self.edges = [] # type: Dict[int, List[str]]; ex: {0: [p0_r0, ...], ...} self.tors = OrderedDict() # type: Dict[int, List[str]]; ex: {0: [p0_mb0, ...], ...} self.mbs = OrderedDict() # type: List[str]; ex: [sb0, ...] self.sbs = [] def generate_servers(self): """ Generate servers with CPU and RAM resources """ actual_server_cores, actual_server_mem = 60, 256 cpu_multiplier, mem_multiplier = 1, 1 server_cores = actual_server_cores * cpu_multiplier server_mem = actual_server_mem * mem_multiplier for pod_index in range(self.npods): for rack_index in range(self.nracks): for server_index in range(self.num_of_servers_per_rack): self.servers[f'p{pod_index}_r{rack_index}_s{server_index}'] = [ server_cores, server_mem] def generate_tor_switches(self): # generate ToR switch names for pod_index in range(self.npods): self.tors[pod_index] = [] for rack_index in range(self.nracks): self.tors[pod_index].append('{}{}_{}{}'.format( const.POD_PREFIX, pod_index, const.RACK_PREFIX, rack_index)) def wire_tor_switches(self): # connect servers to TOR switches for pod_index, tor_names in self.tors.items(): for rack_index, tor_name in enumerate(tor_names): for server_index in range(self.num_of_servers_per_rack): server_name = '{}{}_{}{}_{}{}'.format(const.POD_PREFIX, pod_index, const.RACK_PREFIX, rack_index, const.SERVER_PREFIX, server_index) assert(server_name in self.servers) self.edges.append([server_name, tor_name, self.server_tor_bandwidth]) assert(len(self.edges) == self.npods * self.nracks * self.num_of_servers_per_rack) def generate_mb_switches(self): # generate middle block switch names for pod_index in range(npods): self.mbs[pod_index] = [] for mb_index in range(self.num_of_mbs): self.mbs[pod_index].append('{}{}_{}{}'.format( const.POD_PREFIX, pod_index, const.JUPITER_MB_PREFIX, mb_index)) def wire_mb2tor_switches(self): # connect TOR switches to MB switches in all-to-all fashion prev_edges_len = len(self.edges) for pod_index, mb_names in self.mbs.items(): for mb_name in mb_names: for tor_name in self.tors[pod_index]: self.edges.append([tor_name, mb_name, self.tor_mb_bandwidth]) assert(len(self.edges) - prev_edges_len == self.npods * self.num_of_mbs * self.nracks) def generate_sb_switches(self): # generate spine block switch names for sb_index in range(self.nspine_blocks): self.sbs.append('{}{}'.format(const.JUPITER_SB_PREFIX, sb_index)) def generate_locality(self): """ Generate server locality information """ for pod_index in range(self.npods): pod_name = f'{const.POD_STR}{pod_index}' self.locality[pod_name] = {} for rack_index in range(nracks): rack_name = f'{const.POD_PREFIX}{pod_index}_{const.RACK_PREFIX}{rack_index}' self.locality[pod_name][rack_name] = [] for server_index in range(self.num_of_servers_per_rack): self.locality[pod_name][rack_name].append('{}{}_{}{}_{}{}'.format( const.POD_PREFIX, pod_index, const.RACK_PREFIX, rack_index, const.SERVER_PREFIX, server_index)) def full_topology(self): """ Generate full Jupiter topology with 64 pods. """ self.generate_servers() self.generate_tor_switches() self.wire_tor_switches() self.generate_mb_switches() self.wire_mb2tor_switches() self.generate_sb_switches() prev_edges_len = len(self.edges) # connect P*MB* to P*SB switches by "striping in a superblock of 4 MBs" # i.e., p(x)_mb(y) connects to sb(64*(y%4)+i) where 0<=x,y<8 and 0<=i<64; # "i" is the MB-to-SB repeat index. See Google doc for details. # mbs = {0: [p0_mb0, ...], ...}; sbs = [sb0, ...] repeats = 64 for pod_index, mb_names in self.mbs.items(): for mb_index, mb_name in enumerate(mb_names): for repeat_index in range(repeats): sb_name = self.sbs[64*(mb_index % 4) + repeat_index] self.edges.append([mb_name, sb_name, self.mb_sb_bandwidth]) # these two asserts are equivalent # each SB accepts 2 connections per AB (or pod); thus total edges in mb-to-sb layer is # num_of_sbs (self.nspine_blocks) * num_of_abs (self.pods) * 2 assert(len(self.edges) - prev_edges_len == self.nspine_blocks * self.npods * 2) # each MB connects to 64 SBs; thus (self.npods * self.num_of_mbs * repeats) assert(len(self.edges) - prev_edges_len == self.npods * self.num_of_mbs * repeats) self.generate_locality() return self.servers, self.edges, self.locality def four_pods(self): """ Generate partial Jupiter topology with 4 pods. """ self.generate_servers() self.generate_tor_switches() self.wire_tor_switches() self.generate_mb_switches() self.wire_mb2tor_switches() self.generate_sb_switches() prev_edges_len = len(self.edges) # each MB-to-SB link is 4x40G in 4 pod topology self.mb_sb_bandwidth = 160 # connect P*MB to every P*SB switch, i.e., # p(x)_mb(y) connects to sb(i) where 0<=x<4, 0<=y<8 and 0<=i<16; # "i" is the MB-to-SB repeat index. See Google doc for details. # mbs = {0: [p0_mb0, ...], ...}; sbs = [sb0, ...] repeats = 16 for pod_index, mb_names in self.mbs.items(): for mb_index, mb_name in enumerate(mb_names): for repeat_index in range(repeats): sb_name = self.sbs[repeat_index] self.edges.append([mb_name, sb_name, self.mb_sb_bandwidth]) # these two asserts are equivalent # an SB accepts connection from every MB; thus total edges in mb-to-sb layer is # num_of_sbs (self.nspine_blocks) * num_of_abs (self.pods) * self.num_of_mbs assert(len(self.edges) - prev_edges_len == self.nspine_blocks * self.npods * self.num_of_mbs) # each MB connects to 16 SBs; thus (self.npods * self.num_of_mbs * repeats) assert (len(self.edges) - prev_edges_len == self.npods * self.num_of_mbs * repeats) self.generate_locality() return self.servers, self.edges, self.locality def four_racks(self): """ Generate Jupiter that has four rack within an aggregation block. """ self.num_of_mbs = 1 self.generate_servers() self.generate_tor_switches() self.wire_tor_switches() self.generate_mb_switches() prev_edges_len = len(self.edges) # each TOR-to-MB link is 1x640G in 4 rack topology self.tor_mb_bandwidth = 640 # connect TOR switches to the MB switch in all-to-all fashion for mb_names in self.mbs.values(): for mb_name in mb_names: for tor_names in self.tors.values(): for tor_name in tor_names: self.edges.append([tor_name, mb_name, self.tor_mb_bandwidth]) assert(len(self.edges) - prev_edges_len == self.nracks) self.generate_locality() return self.servers, self.edges, self.locality if __name__ == "__main__": """ Generate Google Jupiter datacenter topology based on SIGCOMM'15. https://conferences.sigcomm.org/sigcomm/2015/pdf/papers/p183.pdf See Sec. 3.5 Jupiter: A 40G Datacenter-scale Fabric """ CLI = argparse.ArgumentParser( description='Select datacenter topology size to generate') group = CLI.add_mutually_exclusive_group(required=True) group.add_argument( '-f', '--full', action='store_true', default=False, help='Generate full Jupiter topology with 64 pods (aggregation blocks)') group.add_argument( '-fp', '--four-pods', action='store_true', default=False, help='Generate four pod Jupiter topology with 4*1536=6144 servers') group.add_argument( '-fr', '--four-racks', action='store_true', default=False, help='Generate four rack datacenter with 4*48=192 servers') CLI.add_argument( '-o', '--output', default='jupiter-dell_spec.pn.json', help='JSON file to output the datacenter topology') edges = None ARGS = CLI.parse_args() if ARGS.full: npods, nracks, nspine_blocks = 64, 32, 256 jupiter = Jupiter(npods, nracks, nspine_blocks) servers, edges, locality = jupiter.full_topology() elif ARGS.four_pods: npods, nracks, nspine_blocks = 4, 32, 16 jupiter = Jupiter(npods, nracks, nspine_blocks) servers, edges, locality = jupiter.four_pods() elif ARGS.four_racks: npods, nracks, nspine_blocks = 1, 4, 0 jupiter = Jupiter(npods, nracks, nspine_blocks) servers, edges, locality = jupiter.four_racks() pn_filename = f'jupiter-dell_spec-{npods}pod-{len(servers)}servers.pn.json' pn_comment = """ *PN* describes physical topology. It has following format: [source, destination, bandwidth_in_gbps]. For example, [s0, tor0, 20] means server0 is connected to tor0 with 20 Gbps link. """ server_comment = """ *Servers* describes server capacity. It has following format: [cpu, mem]. For example, [32, 128] means the server has 32 cores and 128 memory. """ locality_comment = """ *Locality* describes server locality, how servers are relatively local to each other. For example, {pod0: {rack0: [p0_r0_s0, p0_r0_s1]}} means that p0_r0_s0 and p0_r0_s1 servers are local to each other. We can use this information to achieve VDC allocation with rack-locality and pod-locality, i.e., all VMs of the VDC allocated within a single rack. Note that a single rack can have multiple top-of-rack switches. We just enclose all servers within these racks in a single rack because locality information is about server locality (not switch). """ comments = pn_comment + server_comment + locality_comment comments = " ".join(comments.split()) datacenter = {'PN': edges, 'Servers': servers, 'Locality': locality, 'Comments': comments} # glog.info(f'datacenter = {datacenter}') # write result to the file out_file = open(pn_filename, 'w') out_file.write(json.dumps(datacenter, indent=4)) out_file.close() glog.info(f'successfully wrote datacenter topology to {pn_filename}')
StarcoderdataPython
13315
voc_it = [ ['a', 'noun', 'c'], ['a', 'preposition', 'a'], ['abbagliante', 'pres_part', 'c'], ['abbagliante', 'adjective', 'c'], ['abbagliante', 'noun', 'c'], ['abbaiare', 'verb', 'c'], ['abbandonare', 'verb', 'a'], ['abbandonato', 'past_part', 'b'], ['abbandonato', 'adjective', 'b'], ['abbandono', 'noun', 'b'], ['abbassare', 'verb', 'a'], ['abbasso', 'adverb', 'c'], ['abbasso', 'exclamation', 'c'], ['abbastanza', 'adverb', 'a'], ['abbattere', 'verb', 'b'], ['abbeverare', 'verb', 'c'], ['abbigliamento', 'noun', 'b'], ['abbinare', 'verb', 'b'], ['abbonamento', 'noun', 'b'], ['abbonare', 'verb', 'c'], ['abbondante', 'pres_part', 'b'], ['abbondante', 'adjective', 'b'], ['abbondare', 'verb', 'c'], ['abbottonare', 'verb', 'c'], ['abbracciare', 'verb', 'a'], ['abbraccio', 'noun', 'b'], ['abbreviare', 'verb', 'c'], ['abbronzare', 'verb', 'c'], ['abete', 'noun', 'c'], ['abile', 'adjective', 'b'], ['abilità', 'noun', 'b'], ['abisso', 'noun', 'b'], ['abitante', 'pres_part', 'b'], ['abitante', 'adjective', 'b'], ['abitante', 'noun', 'b'], ['abitare', 'verb', 'a'], ['abitare', 'noun', 'a'], ['abitazione', 'noun', 'b'], ['abito', 'noun', 'a'], ['abituale', 'adjective', 'b'], ['abituare', 'verb', 'a'], ['abitudine', 'noun', 'a'], ['abolire', 'verb', 'b'], ['abortire', 'verb', 'c'], ['aborto', 'noun', 'c'], ['abruzzese', 'adjective', 'c'], ['abruzzese', 'noun', 'c'], ['abusare', 'verb', 'c'], ['abuso', 'noun', 'b'], ['acca', 'noun', 'c'], ['accademia', 'noun', 'b'], ['accademico', 'adjective', 'b'], ['accademico', 'noun', 'b'], ['accadere', 'verb', 'a'], ['accampamento', 'noun', 'c'], ['accanto', 'adverb', 'a'], ['accappatoio', 'noun', 'c'], ['accarezzare', 'verb', 'b'], ['accattone', 'noun', 'c'], ['accavallare', 'verb', 'c'], ['accecare', 'verb', 'c'], ['accedere', 'verb', 'b'], ['accelerare', 'verb', 'b'], ['acceleratore', 'adjective', 'c'], ['acceleratore', 'noun', 'c'], ['accelerazione', 'noun', 'b'], ['accendere', 'verb', 'a'], ['accendino', 'noun', 'c'], ['accennare', 'verb', 'b'], ['accenno', 'noun', 'c'], ['accentare', 'verb', 'c'], ['accertamento', 'noun', 'b'], ['accertare', 'verb', 'b'], ['acceso', 'past_part', 'b'], ['acceso', 'adjective', 'b'], ['accesso', 'noun', 'a'], ['accessorio', 'adjective', 'b'], ['accessorio', 'noun', 'b'], ['accetta', 'noun', 'c'], ['accettabile', 'adjective', 'b'], ['accettare', 'verb', 'a'], ['acchiappare', 'verb', 'c'], ['acciacco', 'noun', 'c'], ['acciaio', 'noun', 'b'], ['accidente', 'noun', 'b'], ['acciuga', 'noun', 'c'], ['accogliente', 'pres_part', 'c'], ['accogliente', 'adjective', 'c'], ['accoglienza', 'noun', 'b'], ['accogliere', 'verb', 'a'], ['accoltellare', 'verb', 'c'], ['accomodare', 'verb', 'b'], ['accompagnare', 'verb', 'a'], ['acconsentire', 'verb', 'c'], ['accontentare', 'verb', 'b'], ['accorciare', 'verb', 'c'], ['accordare', 'verb', 'b'], ['accordo', 'noun', 'a'], ['accorgersi', 'verb', 'a'], ['accorrere', 'verb', 'c'], ['accostare', 'verb', 'b'], ['accudire', 'verb', 'c'], ['accumulare', 'verb', 'b'], ['accumulatore', 'adjective', 'c'], ['accumulatore', 'noun', 'c'], ['accurato', 'past_part', 'b'], ['accurato', 'adjective', 'b'], ['accusa', 'noun', 'a'], ['accusare', 'verb', 'a'], ['accento', 'noun', 'b'], ['acerbo', 'adjective', 'c'], ['aceto', 'noun', 'c'], ['acido', 'adjective', 'b'], ['acido', 'noun', 'b'], ['acqua', 'noun', 'a'], ['acquarello', 'noun', 'c'], ['acquario', 'noun', 'c'], ['acquasanta', 'noun', 'c'], ['acquisire', 'verb', 'b'], ['acquisizione', 'noun', 'b'], ['acquistare', 'verb', 'a'], ['acquisto', 'noun', 'a'], ['acquolina', 'noun', 'c'], ['acrobata', 'noun', 'c'], ['acuto', 'adjective', 'b'], ['acuto', 'noun', 'b'], ['adattare', 'verb', 'b'], ['adattatore', 'noun', 'c'], ['adatto', 'adjective', 'a'], ['addetto', 'past_part', 'b'], ['addetto', 'adjective', 'b'], ['addetto', 'noun', 'b'], ['addio', 'exclamation', 'b'], ['addio', 'noun', 'b'], ['addirittura', 'adverb', 'a'], ['addizione', 'noun', 'c'], ['addobbare', 'verb', 'c'], ['addolcire', 'verb', 'c'], ['addomesticare', 'verb', 'c'], ['addormentarsi', 'verb', 'b'], ['addormentato', 'past_part', 'c'], ['addormentato', 'adjective', 'c'], ['addossare', 'verb', 'a'], ['addosso', 'adverb', 'c'], ['addosso', 'exclamation', 'c'], ['addrizzare', 'verb', 'c'], ['adeguare', 'verb', 'b'], ['adeguato', 'past_part', 'b'], ['adeguato', 'adjective', 'b'], ['adeguato', 'noun', 'b'], ['aderente', 'pres_part', 'c'], ['aderente', 'adjective', 'c'], ['aderente', 'noun', 'c'], ['aderire', 'verb', 'b'], ['adesione', 'noun', 'b'], ['adesso', 'adverb', 'a'], ['adolescente', 'adjective', 'a'], ['adolescente', 'noun', 'a'], ['adolescenza', 'noun', 'b'], ['adoperare', 'verb', 'b'], ['adorare', 'verb', 'a'], ['adottare', 'verb', 'a'], ['adozione', 'noun', 'b'], ['adriatico', 'adjective', 'c'], ['adulto', 'adjective', 'a'], ['adulto', 'noun', 'a'], ['aereo', 'adjective', 'a'], ['aereo', 'noun', 'a'], ['aereo', 'noun', 'b'], ['aeroplano', 'noun', 'c'], ['aeroporto', 'noun', 'b'], ['afa', 'noun', 'c'], ['affacciare', 'verb', 'b'], ['affamare', 'verb', 'c'], ['affamato', 'past_part', 'c'], ['affamato', 'adjective', 'c'], ['affamato', 'noun', 'c'], ['affannarsi', 'verb', 'c'], ['affannato', 'past_part', 'c'], ['affannato', 'adjective', 'c'], ['affanno', 'noun', 'c'], ['affare', 'noun', 'a'], ['affascinante', 'pres_part', 'b'], ['affascinante', 'adjective', 'b'], ['affascinare', 'verb', 'b'], ['affaticare', 'verb', 'c'], ['affatto', 'adverb', 'a'], ['affermare', 'verb', 'a'], ['affermazione', 'noun', 'b'], ['afferrare', 'verb', 'b'], ['affettare', 'verb', 'c'], ['affettato', 'past_part', 'c'], ['affettato', 'adjective', 'c'], ['affettato', 'noun', 'c'], ['affetto', 'noun', 'b'], ['affetto', 'adjective', 'b'], ['affettuoso', 'adjective', 'b'], ['affezionato', 'past_part', 'c'], ['affezionato', 'adjective', 'c'], ['affiancare', 'verb', 'b'], ['affidamento', 'noun', 'b'], ['affidare', 'verb', 'a'], ['affilato', 'past_part', 'c'], ['affilato', 'adjective', 'c'], ['affinché', 'conjunction', 'b'], ['affittare', 'verb', 'b'], ['affitto', 'noun', 'b'], ['affogare', 'verb', 'c'], ['affollare', 'verb', 'c'], ['affondare', 'verb', 'b'], ['affresco', 'noun', 'b'], ['affrontare', 'verb', 'a'], ['affumicare', 'verb', 'c'], ['africano', 'adjective', 'b'], ['africano', 'noun', 'b'], ['agenda', 'noun', 'b'], ['agente', 'pres_part', 'a'], ['agente', 'adjective', 'a'], ['agente', 'noun', 'a'], ['agenzia', 'noun', 'a'], ['agganciare', 'verb', 'b'], ['aggettivo', 'noun', 'b'], ['aggiornamento', 'noun', 'b'], ['aggiornare', 'verb', 'b'], ['aggirare', 'verb', 'b'], ['aggiungere', 'verb', 'a'], ['aggiustare', 'verb', 'b'], ['aggrapparsi', 'verb', 'b'], ['aggravare', 'verb', 'c'], ['aggredire', 'verb', 'b'], ['aggressione', 'noun', 'b'], ['aggressivo', 'adjective', 'b'], ['agiato', 'past_part', 'c'], ['agiato', 'adjective', 'c'], ['agile', 'adjective', 'c'], ['agio', 'noun', 'b'], ['agire', 'verb', 'a'], ['agitare', 'verb', 'b'], ['agitazione', 'noun', 'b'], ['aglio', 'noun', 'c'], ['agnello', 'noun', 'b'], ['ago', 'noun', 'b'], ['agonia', 'noun', 'c'], ['agosto', 'noun', 'a'], ['agricolo', 'adjective', 'b'], ['agricoltore', 'noun', 'c'], ['agricoltura', 'noun', 'b'], ['agrume', 'noun', 'c'], ['aguzzare', 'verb', 'c'], ['aguzzo', 'adjective', 'c'], ['aiuola', 'noun', 'c'], ['aiutare', 'verb', 'a'], ['aiuto', 'noun', 'a'], ['aiuto', 'exclamation', 'a'], ['ala', 'noun', 'a'], ['alba', 'noun', 'a'], ['albanese', 'adjective', 'b'], ['albanese', 'noun', 'b'], ['albergo', 'noun', 'a'], ['albero', 'noun', 'a'], ['albicocca', 'noun', 'c'], ['albicocca', 'adjective', 'c'], ['album', 'noun', 'a'], ['alcol', 'noun', 'b'], ['alcuno', 'adjective', 'a'], ['alcuno', 'pronoun', 'a'], ['alfabeto', 'noun', 'c'], ['alga', 'noun', 'c'], ['algerino', 'adjective', 'c'], ['algerino', 'noun', 'c'], ['alieno', 'adjective', 'b'], ['alieno', 'noun', 'b'], ['alimentare', 'adjective', 'b'], ['alimentare', 'noun', 'b'], ['alimentare', 'verb', 'b'], ['alimentari', 'noun', 'c'], ['alimentazione', 'noun', 'b'], ['alimento', 'noun', 'b'], ['alito', 'noun', 'c'], ['allacciare', 'verb', 'c'], ['allagare', 'verb', 'c'], ['allargare', 'verb', 'b'], ['allarmare', 'verb', 'c'], ['allarme', 'noun', 'b'], ['allattare', 'verb', 'c'], ['alleanza', 'noun', 'b'], ['allearsi', 'verb', 'c'], ['alleato', 'past_part', 'b'], ['alleato', 'adjective', 'b'], ['alleato', 'noun', 'b'], ['allegato', 'past_part', 'b'], ['allegato', 'adjective', 'b'], ['allegato', 'noun', 'b'], ['alleggerire', 'verb', 'c'], ['allegria', 'noun', 'b'], ['allegro', 'adjective', 'b'], ['allegro', 'adverb', 'b'], ['allegro', 'noun', 'b'], ['allenamento', 'noun', 'b'], ['allenare', 'verb', 'b'], ['allenatore', 'adjective', 'b'], ['allenatore', 'noun', 'b'], ['allentare', 'verb', 'c'], ['allergia', 'noun', 'c'], ['allevare', 'verb', 'b'], ['allievo', 'noun', 'b'], ['allineare', 'verb', 'c'], ['alloggio', 'noun', 'b'], ['allontanare', 'verb', 'a'], ['allora', 'adverb', 'a'], ['allora', 'conjunction', 'a'], ['alluce', 'noun', 'c'], ['alludere', 'verb', 'b'], ['alluminio', 'noun', 'c'], ['allungare', 'verb', 'a'], ['alluvione', 'noun', 'c'], ['almeno', 'adverb', 'a'], ['alquanto', 'adjective', 'b'], ['alquanto', 'pronoun', 'b'], ['alquanto', 'adverb', 'b'], ['altalena', 'noun', 'c'], ['altamente', 'adverb', 'b'], ['altare', 'noun', 'b'], ['alterare', 'verb', 'b'], ['alternare', 'verb', 'b'], ['alternativa', 'noun', 'b'], ['alternativo', 'adjective', 'b'], ['alterno', 'adjective', 'c'], ['altezza', 'noun', 'a'], ['alto', 'adjective', 'a'], ['alto', 'noun', 'a'], ['alto', 'adverb', 'a'], ['altoatesino', 'adjective', 'c'], ['altoatesino', 'noun', 'c'], ['altopiano', 'noun', 'c'], ['altrettanto', 'adjective', 'a'], ['altrettanto', 'pronoun', 'a'], ['altrettanto', 'adverb', 'a'], ['altrimenti', 'adverb', 'a'], ['altro', 'adjective', 'a'], ['altro', 'pronoun', 'a'], ['altro', 'adverb', 'a'], ['altrove', 'adverb', 'b'], ['altrui', 'adjective', 'b'], ['altrui', 'pronoun', 'b'], ['alunno', 'noun', 'b'], ['alveare', 'noun', 'c'], ['alzare', 'verb', 'a'], ['amante', 'pres_part', 'a'], ['amante', 'adjective', 'a'], ['amante', 'noun', 'a'], ['amare', 'verb', 'a'], ['amaro', 'adjective', 'b'], ['amaro', 'noun', 'b'], ['amato', 'past_part', 'b'], ['amato', 'adjective', 'b'], ['amato', 'noun', 'b'], ['ambasciata', 'noun', 'c'], ['ambientale', 'adjective', 'a'], ['ambientare', 'verb', 'b'], ['ambiente', 'noun', 'a'], ['ambiente', 'adjective', 'a'], ['ambito', 'noun', 'a'], ['ambizione', 'noun', 'b'], ['ambulanza', 'noun', 'b'], ['americano', 'adjective', 'a'], ['americano', 'noun', 'a'], ['amicizia', 'noun', 'a'], ['amico', 'adjective', 'a'], ['amico', 'noun', 'a'], ['ammaccare', 'verb', 'c'], ['ammalarsi', 'verb', 'b'], ['ammalato', 'past_part', 'c'], ['ammalato', 'adjective', 'c'], ['ammalato', 'noun', 'c'], ['ammanettare', 'verb', 'c'], ['ammassare', 'verb', 'c'], ['ammasso', 'noun', 'c'], ['ammazzare', 'verb', 'a'], ['ammettere', 'verb', 'a'], ['amministrativo', 'adjective', 'b'], ['amministrativo', 'noun', 'b'], ['amministratore', 'noun', 'b'], ['amministrazione', 'noun', 'a'], ['ammirare', 'verb', 'b'], ['ammissione', 'noun', 'b'], ['ammobiliare', 'verb', 'c'], ['ammoniaca', 'noun', 'c'], ['ammorbidente', 'pres_part', 'c'], ['ammorbidente', 'adjective', 'c'], ['ammorbidente', 'noun', 'c'], ['ammucchiare', 'verb', 'c'], ['ammuffire', 'verb', 'c'], ['amore', 'noun', 'a'], ['amoroso', 'adjective', 'b'], ['amoroso', 'noun', 'b'], ['ampiamente', 'adverb', 'b'], ['ampio', 'adjective', 'a'], ['ampio', 'noun', 'a'], ['amplificatore', 'adjective', 'c'], ['amplificatore', 'noun', 'c'], ['analcolico', 'adjective', 'c'], ['analcolico', 'noun', 'c'], ['analfabeta', 'adjective', 'c'], ['analfabeta', 'noun', 'c'], ['analisi', 'noun', 'a'], ['analitico', 'adjective', 'b'], ['analizzare', 'verb', 'a'], ['analogo', 'adjective', 'b'], ['ananas', 'noun', 'c'], ['anarchico', 'adjective', 'c'], ['anarchico', 'noun', 'c'], ['anatra', 'noun', 'c'], ['anche', 'conjunction', 'a'], ['anche', 'adverb', 'a'], ['anconetano', 'adjective', 'c'], ['anconetano', 'noun', 'c'], ['ancora', 'adverb', 'a'], ['ancora', 'conjunction', 'a'], ['ancorare', 'verb', 'b'], ['andamento', 'noun', 'b'], ['andare', 'verb', 'a'], ['andata', 'noun', 'c'], ['anello', 'noun', 'a'], ['angelo', 'noun', 'a'], ['angolare', 'adjective', 'b'], ['angolare', 'noun', 'b'], ['angolo', 'noun', 'a'], ['angoscia', 'noun', 'b'], ['anima', 'noun', 'a'], ['animale', 'noun', 'a'], ['animale', 'adjective', 'b'], ['animare', 'verb', 'a'], ['animato', 'past_part', 'b'], ['animato', 'adjective', 'b'], ['animato', 'adverb', 'b'], ['animo', 'noun', 'b'], ['animo', 'exclamation', 'b'], ['annacquare', 'verb', 'c'], ['annaffiare', 'verb', 'c'], ['annebbiare', 'verb', 'c'], ['anniversario', 'noun', 'b'], ['anniversario', 'adjective', 'b'], ['anno', 'noun', 'a'], ['annodare', 'verb', 'c'], ['annoiare', 'verb', 'b'], ['annotare', 'verb', 'b'], ['annuale', 'adjective', 'b'], ['annuale', 'noun', 'b'], ['annuire', 'verb', 'b'], ['annullare', 'verb', 'b'], ['annunciare', 'verb', 'a'], ['annuncio', 'noun', 'b'], ['annusare', 'verb', 'c'], ['anonimo', 'adjective', 'b'], ['anonimo', 'noun', 'b'], ['ansia', 'noun', 'a'], ['ansioso', 'adjective', 'b'], ['ansioso', 'noun', 'b'], ['antartico', 'adjective', 'c'], ['antartico', 'noun', 'c'], ['antenna', 'noun', 'b'], ['anteprima', 'noun', 'b'], ['anteriore', 'adjective', 'b'], ['anticalcare', 'adjective', 'c'], ['antichità', 'noun', 'c'], ['anticipare', 'verb', 'b'], ['anticipo', 'noun', 'b'], ['antico', 'adjective', 'a'], ['antico', 'noun', 'a'], ['antipasto', 'noun', 'c'], ['antirughe', 'adjective', 'c'], ['antirughe', 'noun', 'c'], ['antropologia', 'noun', 'b'], ['anulare', 'adjective', 'c'], ['anulare', 'noun', 'c'], ['anzi', 'adverb', 'a'], ['anzi', 'preposition', 'a'], ['anziano', 'adjective', 'a'], ['anziano', 'noun', 'a'], ['anziché', 'conjunction', 'b'], ['aostano', 'adjective', 'c'], ['aostano', 'noun', 'c'], ['ape', 'noun', 'b'], ['aperitivo', 'noun', 'c'], ['aperitivo', 'adjective', 'c'], ['aperto', 'past_part', 'a'], ['aperto', 'adjective', 'a'], ['aperto', 'noun', 'a'], ['aperto', 'adverb', 'a'], ['apertura', 'noun', 'a'], ['aspettativa', 'noun', 'b'], ['apostolo', 'noun', 'c'], ['appalto', 'noun', 'b'], ['appannare', 'verb', 'c'], ['apparato', 'noun', 'b'], ['apparecchiare', 'verb', 'c'], ['apparecchiatura', 'noun', 'c'], ['apparecchio', 'noun', 'b'], ['apparente', 'pres_part', 'b'], ['apparente', 'adjective', 'b'], ['apparentemente', 'adverb', 'b'], ['apparenza', 'noun', 'b'], ['apparire', 'verb', 'a'], ['apparizione', 'noun', 'b'], ['appartamento', 'noun', 'a'], ['appartenenza', 'noun', 'b'], ['appartenere', 'verb', 'a'], ['appassionare', 'verb', 'b'], ['appassionarsi', 'verb', 'c'], ['appassionato', 'past_part', 'b'], ['appassionato', 'adjective', 'b'], ['appassionato', 'noun', 'b'], ['appello', 'noun', 'b'], ['appena', 'adverb', 'a'], ['appena', 'conjunction', 'a'], ['appendere', 'verb', 'b'], ['appendicite', 'noun', 'c'], ['appenninico', 'adjective', 'c'], ['appeso', 'past_part', 'c'], ['appeso', 'adjective', 'c'], ['appeso', 'noun', 'c'], ['appiccicare', 'verb', 'c'], ['appiglio', 'noun', 'c'], ['applauso', 'noun', 'b'], ['applicare', 'verb', 'a'], ['applicazione', 'noun', 'b'], ['appoggiare', 'verb', 'a'], ['appoggio', 'noun', 'b'], ['apposito', 'adjective', 'b'], ['apposta', 'adverb', 'b'], ['apposta', 'adjective', 'b'], ['apprendere', 'verb', 'b'], ['apprendimento', 'noun', 'b'], ['apprendista', 'noun', 'c'], ['apprezzare', 'verb', 'a'], ['approccio', 'noun', 'b'], ['approfittare', 'verb', 'b'], ['approfondimento', 'noun', 'b'], ['approfondire', 'verb', 'b'], ['approvare', 'verb', 'b'], ['approvazione', 'noun', 'b'], ['appuntamento', 'noun', 'a'], ['appuntire', 'verb', 'c'], ['appunto', 'noun', 'b'], ['appunto', 'adverb', 'a'], ['aprile', 'noun', 'a'], ['aprire', 'verb', 'a'], ['apriscatole', 'noun', 'c'], ['aquila', 'noun', 'c'], ['aquilano', 'adjective', 'c'], ['aquilano', 'noun', 'c'], ['aquilone', 'noun', 'c'], ['arabo', 'adjective', 'a'], ['arabo', 'noun', 'a'], ['arachide', 'noun', 'c'], ['aragosta', 'noun', 'c'], ['aranciata', 'noun', 'c'], ['arancio', 'noun', 'c'], ['arare', 'verb', 'c'], ['aratro', 'noun', 'c'], ['arbitro', 'noun', 'b'], ['archeologo', 'noun', 'c'], ['architettare', 'verb', 'b'], ['architetto', 'noun', 'b'], ['architettonico', 'adjective', 'b'], ['architettura', 'noun', 'b'], ['archiviare', 'verb', 'b'], ['archivio', 'noun', 'b'], ['arco', 'noun', 'a'], ['arcobaleno', 'noun', 'c'], ['area', 'noun', 'a'], ['argentino', 'adjective', 'b'], ['argentino', 'noun', 'b'], ['argento', 'noun', 'b'], ['argomentare', 'verb', 'b'], ['argomentazione', 'noun', 'b'], ['argomento', 'noun', 'a'], ['aria', 'noun', 'a'], ['aristocratico', 'adjective', 'c'], ['aristocratico', 'noun', 'c'], ['aritmetica', 'noun', 'c'], ['aritmetico', 'adjective', 'c'], ['aritmetico', 'noun', 'c'], ['arma', 'noun', 'a'], ['armadio', 'noun', 'b'], ['armamento', 'noun', 'c'], ['armare', 'verb', 'b'], ['armato', 'past_part', 'b'], ['armato', 'adjective', 'b'], ['armato', 'noun', 'b'], ['armonia', 'noun', 'b'], ['aroma', 'noun', 'c'], ['arrabbiarsi', 'verb', 'a'], ['arrampicarsi', 'verb', 'b'], ['arredamento', 'noun', 'b'], ['arredare', 'verb', 'c'], ['arrendersi', 'verb', 'b'], ['arrendersi', 'verb', 'c'], ['arrestare', 'verb', 'a'], ['arresto', 'noun', 'b'], ['arricchire', 'verb', 'b'], ['arrivare', 'verb', 'a'], ['arrivederci', 'exclamation', 'b'], ['arrivederci', 'noun', 'b'], ['arrivo', 'noun', 'a'], ['arrosto', 'noun', 'c'], ['arrosto', 'adjective', 'c'], ['arrosto', 'adverb', 'c'], ['arrugginire', 'verb', 'c'], ['arte', 'noun', 'a'], ['arteria', 'noun', 'b'], ['artico', 'adjective', 'c'], ['artico', 'noun', 'c'], ['articolare', 'verb', 'b'], ['articolare', 'noun', 'b'], ['articolazione', 'noun', 'b'], ['articolo', 'noun', 'a'], ['artificiale', 'adjective', 'b'], ['artigianale', 'adjective', 'c'], ['artigiano', 'noun', 'b'], ['artigiano', 'adjective', 'b'], ['artiglieria', 'noun', 'c'], ['artiglio', 'noun', 'c'], ['artista', 'noun', 'a'], ['artistico', 'adjective', 'a'], ['artistico', 'noun', 'a'], ['ascella', 'noun', 'c'], ['ascensore', 'noun', 'b'], ['ascesa', 'noun', 'b'], ['ascesso', 'noun', 'c'], ['ascia', 'noun', 'c'], ['asciugamano', 'noun', 'b'], ['asciugare', 'verb', 'b'], ['asciutto', 'adjective', 'b'], ['asciutto', 'noun', 'b'], ['ascoltare', 'verb', 'a'], ['ascolto', 'noun', 'b'], ['asfaltare', 'verb', 'c'], ['asfalto', 'noun', 'c'], ['asiatico', 'adjective', 'b'], ['asiatico', 'noun', 'b'], ['asilo', 'noun', 'b'], ['asino', 'noun', 'b'], ['asma', 'noun', 'c'], ['asparago', 'noun', 'c'], ['aspettare', 'verb', 'a'], ['aspetto', 'noun', 'a'], ['aspirapolvere', 'noun', 'c'], ['aspirare', 'verb', 'b'], ['aspirazione', 'noun', 'b'], ['aspro', 'adjective', 'b'], ['aspro', 'noun', 'b'], ['assaggiare', 'verb', 'b'], ['assaggio', 'noun', 'c'], ['assai', 'adverb', 'a'], ['assai', 'adjective', 'a'], ['assai', 'noun', 'a'], ['assalire', 'verb', 'c'], ['assaltare', 'verb', 'c'], ['assalto', 'noun', 'b'], ['assaporare', 'verb', 'c'], ['assassinare', 'verb', 'b'], ['assassinio', 'noun', 'c'], ['assassino', 'noun', 'b'], ['assassino', 'adjective', 'b'], ['asse', 'noun', 'b'], ['assediare', 'verb', 'c'], ['assegnare', 'verb', 'b'], ['assegno', 'noun', 'b'], ['assemblea', 'noun', 'b'], ['assente', 'adjective', 'b'], ['assente', 'noun', 'b'], ['assenza', 'noun', 'a'], ['assicurare', 'verb', 'a'], ['assicurazione', 'noun', 'b'], ['assieme', 'adverb', 'a'], ['assieme', 'noun', 'a'], ['assistente', 'pres_part', 'b'], ['assistente', 'adjective', 'b'], ['assistente', 'noun', 'b'], ['assistenza', 'noun', 'b'], ['assistere', 'verb', 'a'], ['associare', 'verb', 'b'], ['associazione', 'noun', 'a'], ['assolutamente', 'adverb', 'a'], ['assoluto', 'adjective', 'a'], ['assoluto', 'noun', 'a'], ['assoluzione', 'noun', 'c'], ['assolvere', 'verb', 'b'], ['assomigliare', 'verb', 'b'], ['assorbente', 'pres_part', 'c'], ['assorbente', 'adjective', 'c'], ['assorbente', 'noun', 'c'], ['assorbire', 'verb', 'b'], ['assordare', 'verb', 'c'], ['assumere', 'verb', 'a'], ['assunzione', 'noun', 'b'], ['assurdo', 'adjective', 'a'], ['assurdo', 'noun', 'a'], ['asta', 'noun', 'b'], ['astemio', 'adjective', 'c'], ['astemio', 'noun', 'c'], ['astratto', 'past_part', 'b'], ['astratto', 'adjective', 'b'], ['astratto', 'noun', 'b'], ['astronave', 'noun', 'c'], ['astuccio', 'noun', 'c'], ['astuto', 'adjective', 'c'], ['astuto', 'noun', 'c'], ['astuzia', 'noun', 'c'], ['ateniese', 'adjective', 'c'], ['ateniese', 'noun', 'c'], ['ateo', 'adjective', 'b'], ['ateo', 'noun', 'b'], ['atlantico', 'adjective', 'c'], ['atleta', 'noun', 'b'], ['atmosfera', 'noun', 'a'], ['atomica', 'noun', 'c'], ['atomico', 'adjective', 'b'], ['atomo', 'noun', 'b'], ['atrio', 'noun', 'c'], ['atroce', 'adjective', 'b'], ['attaccante', 'pres_part', 'c'], ['attaccante', 'adjective', 'c'], ['attaccante', 'noun', 'c'], ['attaccapanni', 'noun', 'c'], ['attaccare', 'verb', 'a'], ['attacco', 'noun', 'a'], ['atteggiamento', 'noun', 'a'], ['atteggiare', 'verb', 'c'], ['attendere', 'verb', 'a'], ['attenere', 'verb', 'b'], ['attentamente', 'adverb', 'b'], ['attentare', 'verb', 'c'], ['attentato', 'noun', 'b'], ['attento', 'adjective', 'a'], ['attenzione', 'noun', 'a'], ['atterraggio', 'noun', 'c'], ['atterrare', 'verb', 'b'], ['attesa', 'noun', 'a'], ['attestare', 'verb', 'b'], ['attimo', 'noun', 'a'], ['attingere', 'verb', 'b'], ['attirare', 'verb', 'b'], ['attivare', 'verb', 'b'], ['attività', 'noun', 'a'], ['attivo', 'adjective', 'a'], ['attivo', 'noun', 'a'], ['atto', 'noun', 'a'], ['attore', 'noun', 'a'], ['attorno', 'adverb', 'a'], ['attrarre', 'verb', 'b'], ['attraversare', 'verb', 'a'], ['attraverso', 'preposition', 'a'], ['attraverso', 'adverb', 'a'], ['attrazione', 'noun', 'b'], ['attrezzare', 'verb', 'b'], ['attrezzatura', 'noun', 'b'], ['attrezzo', 'noun', 'b'], ['attribuire', 'verb', 'b'], ['attrice', 'noun', 'b'], ['attuale', 'adjective', 'a'], ['attualità', 'noun', 'b'], ['attualmente', 'adverb', 'b'], ['attuare', 'verb', 'b'], ['augurare', 'verb', 'b'], ['augurio', 'noun', 'b'], ['aula', 'noun', 'b'], ['aumentare', 'verb', 'a'], ['aumento', 'noun', 'a'], ['australiano', 'adjective', 'c'], ['australiano', 'noun', 'c'], ['austriaco', 'adjective', 'b'], ['austriaco', 'noun', 'b'], ['autentico', 'adjective', 'b'], ['autentico', 'noun', 'b'], ['autista', 'noun', 'b'], ['auto', 'noun', 'a'], ['autoambulanza', 'noun', 'c'], ['autobotte', 'noun', 'c'], ['autobus', 'noun', 'b'], ['autografo', 'adjective', 'c'], ['autografo', 'noun', 'c'], ['automaticamente', 'adverb', 'b'], ['automatico', 'adjective', 'b'], ['automatico', 'noun', 'b'], ['automobile', 'noun', 'b'], ['automobilista', 'noun', 'c'], ['autonomia', 'noun', 'b'], ['autonomo', 'adjective', 'b'], ['autonomo', 'noun', 'b'], ['autore', 'noun', 'a'], ['autorevole', 'adjective', 'c'], ['autorità', 'noun', 'a'], ['autorizzare', 'verb', 'a'], ['autoscontro', 'noun', 'c'], ['autoscuola', 'noun', 'c'], ['autostop', 'noun', 'c'], ['autostrada', 'noun', 'b'], ['autotreno', 'noun', 'c'], ['autunno', 'noun', 'b'], ['avambraccio', 'noun', 'c'], ['avanguardia', 'noun', 'b'], ['avanti', 'adverb', 'a'], ['avanti', 'adjective', 'a'], ['avanti', 'loc-comando', 'a'], ['avanti', 'preposition', 'a'], ['avanti', 'noun', 'a'], ['avanzare', 'verb', 'a'], ['avanzato', 'past_part', 'b'], ['avanzato', 'adjective', 'b'], ['avanzo', 'noun', 'c'], ['avarizia', 'noun', 'c'], ['avaro', 'adjective', 'c'], ['avaro', 'noun', 'c'], ['avena', 'noun', 'c'], ['avere', 'verb', 'a'], ['aviazione', 'noun', 'c'], ['avvantaggiare', 'verb', 'c'], ['avvelenare', 'verb', 'b'], ['avvelenato', 'past_part', 'c'], ['avvelenato', 'adjective', 'c'], ['avvenimento', 'noun', 'b'], ['avvenire', 'adjective', 'a'], ['avvenire', 'noun', 'a'], ['avventura', 'noun', 'a'], ['avverare', 'verb', 'c'], ['avversario', 'noun', 'b'], ['avvertire', 'verb', 'a'], ['avviamento', 'noun', 'c'], ['avviare', 'verb', 'a'], ['avvicinare', 'verb', 'a'], ['avvio', 'noun', 'b'], ['avvisare', 'verb', 'b'], ['avviso', 'noun', 'b'], ['avvitare', 'verb', 'c'], ['avvocato', 'noun', 'a'], ['avvolgere', 'verb', 'b'], ['azienda', 'noun', 'a'], ['aziendale', 'adjective', 'b'], ['azione', 'noun', 'a'], ['azione', 'noun', 'b'], ['azzardare', 'verb', 'b'], ['azzardo', 'noun', 'c'], ['azzurro', 'noun', 'a'], ['azzurro', 'adjective', 'a'], ['babbo', 'noun', 'b'], ['baby', 'noun', 'b'], ['baby', 'adjective', 'b'], ['babydoll', 'noun', 'c'], ['bacca', 'noun', 'c'], ['baccalà', 'noun', 'c'], ['bacheca', 'noun', 'b'], ['baciare', 'verb', 'a'], ['bacinella', 'noun', 'c'], ['bacino', 'noun', 'b'], ['bacio', 'noun', 'a'], ['baco', 'noun', 'c'], ['badare', 'verb', 'b'], ['baffo', 'noun', 'b'], ['bagagliaio', 'noun', 'c'], ['bagaglio', 'noun', 'b'], ['bagnare', 'verb', 'b'], ['bagnato', 'past_part', 'b'], ['bagnato', 'adjective', 'b'], ['bagnato', 'noun', 'b'], ['bagno', 'noun', 'a'], ['bagnoschiuma', 'noun', 'c'], ['balcone', 'noun', 'b'], ['balena', 'noun', 'b'], ['balia', 'noun', 'b'], ['ballare', 'verb', 'a'], ['ballerina', 'noun', 'c'], ['ballerino', 'noun', 'c'], ['ballerino', 'adjective', 'c'], ['balletto', 'noun', 'c'], ['ballo', 'noun', 'b'], ['balsamo', 'noun', 'c'], ['bambina', 'noun', 'a'], ['bambinaia', 'noun', 'c'], ['bambino', 'noun', 'a'], ['bambino', 'adjective', 'a'], ['bambola', 'noun', 'b'], ['banale', 'adjective', 'b'], ['banana', 'noun', 'c'], ['banca', 'noun', 'a'], ['bancarella', 'noun', 'c'], ['bancario', 'adjective', 'b'], ['bancario', 'noun', 'b'], ['banco', 'noun', 'b'], ['bancone', 'noun', 'b'], ['band', 'noun', 'b'], ['banda', 'noun', 'b'], ['bandiera', 'noun', 'b'], ['bando', 'noun', 'b'], ['bar', 'noun', 'a'], ['bara', 'noun', 'b'], ['baracca', 'noun', 'c'], ['barba', 'noun', 'b'], ['barbabietola', 'noun', 'c'], ['barbaro', 'adjective', 'b'], ['barbaro', 'noun', 'b'], ['barca', 'noun', 'a'], ['barella', 'noun', 'c'], ['barese', 'adjective', 'c'], ['barese', 'noun', 'c'], ['barile', 'noun', 'c'], ['barista', 'noun', 'c'], ['barriera', 'noun', 'b'], ['basare', 'verb', 'a'], ['base', 'noun', 'a'], ['basetta', 'noun', 'c'], ['basilica', 'noun', 'b'], ['basilico', 'noun', 'c'], ['basket', 'noun', 'c'], ['basso', 'adjective', 'a'], ['basso', 'noun', 'a'], ['basso', 'adverb', 'a'], ['bastardo', 'adjective', 'b'], ['bastardo', 'noun', 'b'], ['bastare', 'verb', 'a'], ['bastonare', 'verb', 'c'], ['bastone', 'noun', 'b'], ['battaglia', 'noun', 'a'], ['battello', 'noun', 'c'], ['battere', 'verb', 'a'], ['battere', 'noun', 'a'], ['batteria', 'noun', 'b'], ['batterio', 'noun', 'b'], ['batticuore', 'noun', 'c'], ['battipanni', 'noun', 'c'], ['battito', 'noun', 'c'], ['battuta', 'noun', 'a'], ['batuffolo', 'noun', 'c'], ['baule', 'noun', 'c'], ['bava', 'noun', 'c'], ['bavaglio', 'noun', 'c'], ['beato', 'past_part', 'b'], ['beato', 'adjective', 'b'], ['beato', 'noun', 'b'], ['beccare', 'verb', 'b'], ['befana', 'noun', 'c'], ['beffa', 'noun', 'c'], ['beh', 'exclamation', 'a'], ['belare', 'verb', 'c'], ['belga', 'adjective', 'c'], ['belga', 'noun', 'c'], ['bella', 'noun', 'b'], ['bellezza', 'noun', 'a'], ['bello', 'adjective', 'a'], ['bello', 'noun', 'a'], ['benché', 'conjunction', 'b'], ['benda', 'noun', 'c'], ['bene', 'adverb', 'a'], ['bene', 'exclamation', 'a'], ['bene', 'noun', 'a'], ['benedetto', 'past_part', 'b'], ['benedetto', 'adjective', 'b'], ['benedetto', 'noun', 'b'], ['beneficenza', 'noun', 'c'], ['beneficio', 'noun', 'b'], ['benessere', 'noun', 'b'], ['benestante', 'adjective', 'c'], ['benestante', 'noun', 'c'], ['bensì', 'conjunction', 'b'], ['bensì', 'adverb', 'b'], ['benvenuto', 'adjective', 'b'], ['benvenuto', 'noun', 'b'], ['benzina', 'noun', 'b'], ['benzinaio', 'noun', 'c'], ['bere', 'verb', 'a'], ['bere', 'noun', 'a'], ['berlinese', 'adjective', 'c'], ['berlinese', 'noun', 'c'], ['berretto', 'noun', 'c'], ['bersaglio', 'noun', 'b'], ['besciamella', 'noun', 'c'], ['bestemmia', 'noun', 'c'], ['bestia', 'noun', 'b'], ['bestiale', 'adjective', 'c'], ['bevanda', 'noun', 'b'], ['bevitore', 'noun', 'c'], ['bevuta', 'noun', 'c'], ['bi', 'noun', 'c'], ['bianco', 'adjective', 'a'], ['bianco', 'noun', 'a'], ['bibbia', 'noun', 'b'], ['bibita', 'noun', 'c'], ['biblico', 'adjective', 'b'], ['biblico', 'noun', 'b'], ['bibliografia', 'noun', 'b'], ['biblioteca', 'noun', 'b'], ['bicchiere', 'noun', 'a'], ['bici', 'noun', 'b'], ['bicicletta', 'noun', 'b'], ['bidè', 'noun', 'c'], ['bidello', 'noun', 'c'], ['biglia', 'noun', 'c'], ['biglietteria', 'noun', 'c'], ['biglietto', 'noun', 'a'], ['bikini', 'noun', 'c'], ['bilancia', 'noun', 'b'], ['bilancio', 'noun', 'b'], ['biliardo', 'noun', 'c'], ['bimba', 'noun', 'b'], ['bimbo', 'noun', 'b'], ['binario', 'noun', 'c'], ['biografia', 'noun', 'b'], ['biologia', 'noun', 'b'], ['biologico', 'adjective', 'b'], ['biologico', 'noun', 'b'], ['bionda', 'noun', 'b'], ['biondo', 'adjective', 'b'], ['biondo', 'noun', 'b'], ['birichino', 'noun', 'c'], ['birichino', 'adjective', 'c'], ['birillo', 'noun', 'c'], ['birra', 'noun', 'b'], ['bisbigliare', 'verb', 'c'], ['biscia', 'noun', 'c'], ['biscotto', 'adjective', 'b'], ['biscotto', 'noun', 'b'], ['bisnonno', 'noun', 'c'], ['bisognare', 'verb', 'a'], ['bisogno', 'noun', 'a'], ['bistecca', 'noun', 'c'], ['bistecchiera', 'noun', 'c'], ['bisticciare', 'verb', 'c'], ['bit', 'noun', 'b'], ['bizzarro', 'adjective', 'b'], ['bloccare', 'verb', 'a'], ['blocco', 'noun', 'b'], ['blocco', 'noun', 'b'], ['blog', 'noun', 'a'], ['blu', 'adjective', 'a'], ['blu', 'noun', 'a'], ['bocca', 'noun', 'a'], ['bocchino', 'noun', 'c'], ['boccia', 'noun', 'c'], ['bocciare', 'verb', 'b'], ['bocciatura', 'noun', 'c'], ['bocciolo', 'noun', 'c'], ['boccone', 'noun', 'c'], ['boh', 'exclamation', 'b'], ['boia', 'noun', 'c'], ['boia', 'adjective', 'c'], ['bolla', 'noun', 'b'], ['bolletta', 'noun', 'b'], ['bollito', 'past_part', 'c'], ['bollito', 'adjective', 'c'], ['bollito', 'noun', 'c'], ['bollitore', 'noun', 'c'], ['bollo', 'noun', 'c'], ['bolognese', 'adjective', 'c'], ['bolognese', 'noun', 'c'], ['bolzanino', 'adjective', 'c'], ['bolzanino', 'noun', 'c'], ['bomba', 'noun', 'b'], ['bombardare', 'verb', 'b'], ['bombola', 'noun', 'c'], ['bomboniera', 'noun', 'c'], ['bontà', 'noun', 'b'], ['bordo', 'noun', 'a'], ['borgata', 'noun', 'c'], ['borghese', 'adjective', 'b'], ['borghese', 'noun', 'b'], ['borghesia', 'noun', 'c'], ['borgo', 'noun', 'b'], ['borotalco', 'noun', 'c'], ['borsa', 'noun', 'a'], ['borsa', 'noun', 'b'], ['borsetta', 'noun', 'c'], ['bosco', 'noun', 'a'], ['bosniaco', 'adjective', 'c'], ['bosniaco', 'noun', 'c'], ['boss', 'noun', 'b'], ['bossolo', 'noun', 'c'], ['botanica', 'noun', 'c'], ['botta', 'noun', 'b'], ['botte', 'noun', 'c'], ['bottega', 'noun', 'b'], ['bottegaio', 'noun', 'c'], ['bottegaio', 'adjective', 'c'], ['bottiglia', 'noun', 'a'], ['botto', 'noun', 'c'], ['bottone', 'noun', 'b'], ['bovino', 'adjective', 'c'], ['bovino', 'noun', 'c'], ['box', 'noun', 'b'], ['boxer', 'noun', 'c'], ['braccialetto', 'noun', 'c'], ['bracciante', 'noun', 'c'], ['braccio', 'noun', 'a'], ['branco', 'noun', 'b'], ['brand', 'noun', 'b'], ['brandello', 'noun', 'c'], ['brano', 'noun', 'a'], ['brasiliano', 'adjective', 'b'], ['brasiliano', 'noun', 'b'], ['bravo', 'adjective', 'a'], ['bravo', 'noun', 'a'], ['bravo', 'exclamation', 'a'], ['bresaola', 'noun', 'c'], ['bretella', 'noun', 'c'], ['breve', 'adjective', 'a'], ['breve', 'adverb', 'a'], ['breve', 'noun', 'a'], ['briciola', 'noun', 'c'], ['brigantaggio', 'noun', 'c'], ['brigante', 'noun', 'c'], ['brillante', 'pres_part', 'b'], ['brillante', 'adjective', 'b'], ['brillante', 'noun', 'b'], ['brillantina', 'noun', 'c'], ['brillare', 'verb', 'b'], ['brina', 'noun', 'c'], ['brioche', 'noun', 'c'], ['britannico', 'adjective', 'b'], ['britannico', 'noun', 'b'], ['brivido', 'noun', 'b'], ['brocca', 'noun', 'c'], ['brogliaccio', 'noun', 'b'], ['bronchite', 'noun', 'c'], ['brontolare', 'verb', 'c'], ['bronzo', 'noun', 'b'], ['bruciare', 'verb', 'a'], ['bruciato', 'past_part', 'b'], ['bruciato', 'adjective', 'b'], ['bruciato', 'noun', 'b'], ['bruciatura', 'noun', 'c'], ['bruco', 'noun', 'c'], ['bruco', 'adjective', 'c'], ['bruschetta', 'noun', 'c'], ['brutale', 'adjective', 'c'], ['brutto', 'adjective', 'a'], ['brutto', 'noun', 'a'], ['brutto', 'adverb', 'a'], ['buca', 'noun', 'b'], ['bucare', 'verb', 'b'], ['bucato', 'noun', 'c'], ['buccia', 'noun', 'c'], ['buco', 'noun', 'a'], ['budino', 'noun', 'c'], ['bufala', 'noun', 'c'], ['bufalo', 'noun', 'c'], ['bufera', 'noun', 'c'], ['buffet', 'noun', 'c'], ['buffo', 'adjective', 'b'], ['buffo', 'noun', 'b'], ['bugia', 'noun', 'b'], ['bugiardo', 'adjective', 'b'], ['bugiardo', 'noun', 'b'], ['buio', 'adjective', 'a'], ['buio', 'noun', 'a'], ['bulgaro', 'adjective', 'c'], ['bulgaro', 'noun', 'c'], ['buonafede', 'noun', 'c'], ['buonasera', 'exclamation', 'b'], ['buongiorno', 'exclamation', 'a'], ['buongusto', 'noun', 'c'], ['buono', 'adjective', 'a'], ['buono', 'noun', 'a'], ['buono', 'adverb', 'a'], ['buonuomo', 'noun', 'c'], ['burattino', 'noun', 'c'], ['burocrazia', 'noun', 'c'], ['burrasca', 'noun', 'c'], ['burro', 'noun', 'b'], ['burrone', 'noun', 'c'], ['business', 'noun', 'b'], ['business', 'adjective', 'b'], ['bussare', 'verb', 'b'], ['bussola', 'noun', 'c'], ['busta', 'noun', 'b'], ['bustina', 'noun', 'c'], ['busto', 'noun', 'c'], ['buttare', 'verb', 'a'], ['cabina', 'noun', 'b'], ['cacao', 'noun', 'c'], ['cacca', 'noun', 'b'], ['caccia', 'noun', 'a'], ['cacciare', 'verb', 'a'], ['cacciatore', 'noun', 'b'], ['cacciavite', 'noun', 'c'], ['cadavere', 'noun', 'a'], ['cadere', 'verb', 'a'], ['cadere', 'noun', 'a'], ['caduta', 'noun', 'b'], ['caffè', 'noun', 'a'], ['caffè', 'adjective', 'a'], ['caffellatte', 'noun', 'c'], ['caffellatte', 'adjective', 'c'], ['caffettiera', 'noun', 'c'], ['cagare', 'verb', 'b'], ['cagliaritano', 'adjective', 'c'], ['cagliaritano', 'noun', 'c'], ['calabrese', 'adjective', 'c'], ['calabrese', 'noun', 'c'], ['calabrone', 'noun', 'c'], ['calamaro', 'noun', 'c'], ['calamita', 'noun', 'c'], ['calare', 'verb', 'b'], ['calcagno', 'noun', 'c'], ['calciare', 'verb', 'c'], ['calciatore', 'noun', 'b'], ['calcinaccio', 'noun', 'c'], ['calcio', 'noun', 'a'], ['calcolare', 'verb', 'b'], ['calcolatore', 'adjective', 'c'], ['calcolatore', 'noun', 'c'], ['calcolatrice', 'noun', 'c'], ['calcolo', 'noun', 'b'], ['caldo', 'adjective', 'a'], ['caldo', 'noun', 'a'], ['caldo', 'adverb', 'a'], ['calendario', 'noun', 'b'], ['calligrafia', 'noun', 'c'], ['callo', 'noun', 'c'], ['calma', 'noun', 'b'], ['calmare', 'verb', 'b'], ['calmo', 'adjective', 'b'], ['calo', 'noun', 'b'], ['calore', 'noun', 'a'], ['calpestare', 'verb', 'c'], ['calunnia', 'noun', 'c'], ['calvario', 'noun', 'c'], ['calza', 'noun', 'b'], ['calzare', 'verb', 'c'], ['calzatura', 'noun', 'c'], ['calzino', 'noun', 'c'], ['calzolaio', 'noun', 'c'], ['calzoleria', 'noun', 'c'], ['calzone', 'noun', 'c'], ['cambiamento', 'noun', 'a'], ['cambiare', 'verb', 'a'], ['cambio', 'noun', 'a'], ['camera', 'noun', 'a'], ['camerata', 'noun', 'c'], ['cameriere', 'noun', 'b'], ['camicetta', 'noun', 'c'], ['camicia', 'noun', 'b'], ['caminetto', 'noun', 'c'], ['camion', 'noun', 'a'], ['camionista', 'noun', 'c'], ['cammello', 'noun', 'c'], ['cammello', 'adjective', 'c'], ['camminare', 'verb', 'a'], ['camminata', 'noun', 'c'], ['cammino', 'noun', 'b'], ['camomilla', 'noun', 'c'], ['camorra', 'noun', 'b'], ['campagna', 'noun', 'a'], ['campana', 'noun', 'b'], ['campanella', 'noun', 'c'], ['campanello', 'noun', 'b'], ['campanile', 'noun', 'c'], ['campano', 'adjective', 'c'], ['campano', 'noun', 'c'], ['campare', 'verb', 'b'], ['campeggio', 'noun', 'c'], ['campionato', 'noun', 'b'], ['campione', 'noun', 'a'], ['campo', 'noun', 'a'], ['campobassano', 'adjective', 'c'], ['campobassano', 'noun', 'c'], ['camposanto', 'noun', 'c'], ['canadese', 'adjective', 'c'], ['canadese', 'noun', 'c'], ['canaglia', 'noun', 'c'], ['canale', 'noun', 'a'], ['canapa', 'noun', 'c'], ['canarino', 'noun', 'c'], ['canarino', 'adjective', 'c'], ['cancellare', 'verb', 'a'], ['cancellatura', 'noun', 'c'], ['cancello', 'noun', 'b'], ['cancro', 'noun', 'b'], ['candela', 'noun', 'b'], ['candeliere', 'noun', 'c'], ['candidare', 'verb', 'b'], ['candidato', 'past_part', 'a'], ['candidato', 'adjective', 'a'], ['candidato', 'noun', 'a'], ['candido', 'adjective', 'b'], ['cane', 'noun', 'a'], ['canestro', 'noun', 'c'], ['canguro', 'noun', 'c'], ['canna', 'noun', 'b'], ['cannibale', 'adjective', 'c'], ['cannibale', 'noun', 'c'], ['cannuccia', 'noun', 'c'], ['canone', 'noun', 'b'], ['canottiera', 'noun', 'c'], ['canotto', 'noun', 'c'], ['cantante', 'pres_part', 'b'], ['cantante', 'adjective', 'b'], ['cantante', 'noun', 'b'], ['cantare', 'verb', 'a'], ['cantautore', 'noun', 'c'], ['cantiere', 'noun', 'b'], ['cantilena', 'noun', 'c'], ['cantina', 'noun', 'b'], ['canto', 'noun', 'a'], ['canzone', 'noun', 'a'], ['caos', 'noun', 'b'], ['capace', 'adjective', 'a'], ['capacità', 'noun', 'a'], ['capanna', 'noun', 'b'], ['capannone', 'noun', 'b'], ['caparra', 'noun', 'c'], ['capello', 'noun', 'a'], ['capire', 'verb', 'a'], ['capitale', 'adjective', 'a'], ['capitale', 'noun', 'a'], ['capitano', 'noun', 'a'], ['capitare', 'verb', 'a'], ['capitolo', 'noun', 'a'], ['capo', 'noun', 'a'], ['capodanno', 'noun', 'c'], ['capogiro', 'noun', 'c'], ['capolavoro', 'noun', 'b'], ['capoluogo', 'noun', 'c'], ['caporale', 'noun', 'b'], ['caporale', 'adjective', 'b'], ['caposquadra', 'noun', 'c'], ['capotavola', 'noun', 'c'], ['capoufficio', 'noun', 'c'], ['cappa', 'noun', 'c'], ['cappella', 'noun', 'b'], ['cappelliera', 'noun', 'c'], ['cappello', 'noun', 'b'], ['cappero', 'noun', 'c'], ['cappotto', 'noun', 'c'], ['cappuccino', 'adjective', 'c'], ['cappuccino', 'noun', 'c'], ['cappuccino', 'adjective', 'c'], ['cappuccio', 'noun', 'c'], ['capra', 'noun', 'b'], ['capriccio', 'noun', 'b'], ['capriola', 'noun', 'c'], ['carabiniere', 'noun', 'a'], ['caramella', 'noun', 'b'], ['caramella', 'adjective', 'b'], ['carattere', 'noun', 'a'], ['caratteristica', 'noun', 'a'], ['caratteristico', 'adjective', 'b'], ['caratterizzare', 'verb', 'a'], ['carbone', 'noun', 'b'], ['carburante', 'pres_part', 'c'], ['carburante', 'adjective', 'c'], ['carburante', 'noun', 'c'], ['carcassa', 'noun', 'c'], ['carcerato', 'past_part', 'c'], ['carcerato', 'adjective', 'c'], ['carcerato', 'noun', 'c'], ['carcere', 'noun', 'a'], ['carciofino', 'noun', 'c'], ['carciofo', 'noun', 'c'], ['cardellino', 'noun', 'c'], ['cardiaco', 'adjective', 'b'], ['cardiaco', 'noun', 'b'], ['cardigan', 'noun', 'c'], ['cardinale', 'adjective', 'b'], ['cardinale', 'noun', 'b'], ['cardinale', 'adjective', 'b'], ['carenza', 'noun', 'b'], ['carica', 'noun', 'loc-comando'], ['caricare', 'verb', 'a'], ['carico', 'noun', 'a'], ['carico', 'adjective', 'b'], ['carino', 'adjective', 'a'], ['carità', 'noun', 'b'], ['carnagione', 'noun', 'c'], ['carne', 'noun', 'a'], ['carnevale', 'noun', 'c'], ['carnivoro', 'adjective', 'c'], ['carnivoro', 'noun', 'c'], ['carnoso', 'adjective', 'c'], ['carnoso', 'noun', 'c'], ['caro', 'adjective', 'a'], ['caro', 'adverb', 'a'], ['caro', 'noun', 'a'], ['carosello', 'noun', 'c'], ['carovana', 'noun', 'c'], ['carriera', 'noun', 'a'], ['carro', 'noun', 'b'], ['carrozzeria', 'noun', 'c'], ['carta', 'noun', 'a'], ['cartaceo', 'adjective', 'b'], ['cartella', 'noun', 'b'], ['cartello', 'noun', 'b'], ['cartoleria', 'noun', 'c'], ['cartolina', 'noun', 'b'], ['cartone', 'noun', 'b'], ['cartuccia', 'noun', 'c'], ['casa', 'noun', 'a'], ['casalinga', 'noun', 'c'], ['casalingo', 'adjective', 'c'], ['casalingo', 'noun', 'c'], ['cascare', 'verb', 'b'], ['cascata', 'noun', 'c'], ['casco', 'noun', 'c'], ['caserma', 'noun', 'b'], ['casetta', 'noun', 'b'], ['casino', 'noun', 'a'], ['caso', 'noun', 'a'], ['cassa', 'noun', 'a'], ['cassaforte', 'noun', 'c'], ['cassapanca', 'noun', 'c'], ['casseruola', 'noun', 'c'], ['cassetta', 'noun', 'b'], ['cassettiera', 'noun', 'c'], ['cassetto', 'noun', 'b'], ['cassiera', 'noun', 'c'], ['castagna', 'noun', 'c'], ['castagno', 'noun', 'c'], ['castano', 'adjective', 'c'], ['castello', 'noun', 'a'], ['castoro', 'noun', 'c'], ['casuale', 'adjective', 'b'], ['casuale', 'noun', 'b'], ['catalogo', 'noun', 'b'], ['catanzarese', 'adjective', 'c'], ['catanzarese', 'noun', 'c'], ['catarro', 'noun', 'c'], ['catasta', 'noun', 'c'], ['catastrofe', 'noun', 'b'], ['catechismo', 'noun', 'c'], ['categoria', 'noun', 'a'], ['catena', 'noun', 'a'], ['catenaccio', 'noun', 'c'], ['catino', 'noun', 'c'], ['catrame', 'noun', 'c'], ['cattedrale', 'adjective', 'b'], ['cattedrale', 'noun', 'b'], ['cattivo', 'adjective', 'a'], ['cattivo', 'noun', 'a'], ['cattolico', 'adjective', 'a'], ['cattolico', 'noun', 'a'], ['catturare', 'verb', 'b'], ['causa', 'noun', 'a'], ['causare', 'verb', 'a'], ['cavalcare', 'verb', 'b'], ['cavaliere', 'noun', 'a'], ['cavalletta', 'noun', 'c'], ['cavallo', 'noun', 'a'], ['cavare', 'verb', 'b'], ['cavatappi', 'noun', 'c'], ['caverna', 'noun', 'c'], ['caviglia', 'noun', 'b'], ['cavità', 'noun', 'b'], ['cavo', 'adjective', 'b'], ['cavo', 'noun', 'b'], ['cavo', 'noun', 'b'], ['cavolo', 'noun', 'b'], ['cazzata', 'noun', 'b'], ['cazzo', 'noun', 'a'], ['ce', 'pronoun', 'a'], ['ce', 'adverb', 'a'], ['cece', 'noun', 'c'], ['ceco', 'adjective', 'c'], ['ceco', 'noun', 'c'], ['cecoslovacco', 'adjective', 'c'], ['cecoslovacco', 'noun', 'c'], ['cedere', 'verb', 'a'], ['celare', 'verb', 'b'], ['celebrare', 'verb', 'b'], ['celebre', 'adjective', 'b'], ['celeste', 'adjective', 'b'], ['celeste', 'noun', 'b'], ['cella', 'noun', 'b'], ['cellula', 'noun', 'a'], ['cellulare', 'adjective', 'a'], ['cellulare', 'noun', 'a'], ['cemento', 'noun', 'b'], ['cena', 'noun', 'a'], ['cenare', 'verb', 'b'], ['cenere', 'noun', 'b'], ['cenere', 'adjective', 'b'], ['cenno', 'noun', 'b'], ['centesimo', 'adjective', 'b'], ['centesimo', 'noun', 'b'], ['centimetro', 'noun', 'b'], ['centinaio', 'noun', 'a'], ['cento', 'adjective', 'a'], ['cento', 'noun', 'a'], ['centrale', 'adjective', 'a'], ['centrale', 'noun', 'a'], ['centralino', 'noun', 'c'], ['centrare', 'verb', 'b'], ['centro', 'noun', 'a'], ['centroamericano', 'adjective', 'c'], ['centroamericano', 'noun', 'c'], ['ceramica', 'noun', 'b'], ['cercare', 'verb', 'a'], ['cerchio', 'noun', 'b'], ['cereale', 'noun', 'c'], ['cereale', 'adjective', 'c'], ['cerebrale', 'adjective', 'b'], ['cerebrale', 'noun', 'b'], ['cerimonia', 'noun', 'b'], ['cerino', 'noun', 'c'], ['cerniera', 'noun', 'c'], ['cerotto', 'noun', 'c'], ['certamente', 'adverb', 'a'], ['certezza', 'noun', 'a'], ['certificare', 'verb', 'b'], ['certificato', 'past_part', 'b'], ['certificato', 'adjective', 'b'], ['certificato', 'noun', 'b'], ['certo', 'adjective', 'a'], ['certo', 'adjective', 'a'], ['certo', 'pronoun', 'a'], ['certo', 'adverb', 'a'], ['cervello', 'noun', 'a'], ['cervo', 'noun', 'c'], ['cespuglio', 'noun', 'b'], ['cessare', 'verb', 'b'], ['cesso', 'noun', 'b'], ['cestino', 'noun', 'c'], ['cesto', 'noun', 'c'], ['cetriolo', 'noun', 'c'], ['chat', 'noun', 'b'], ['che', 'pronoun', 'a'], ['che', 'adjective', 'a'], ['che', 'noun', 'a'], ['chewingum', 'noun', 'c'], ['chi', 'pronoun', 'a'], ['chiacchiera', 'noun', 'b'], ['chiacchierare', 'verb', 'b'], ['chiamare', 'verb', 'a'], ['chiamata', 'noun', 'b'], ['chiaramente', 'adverb', 'a'], ['chiarezza', 'noun', 'b'], ['chiarire', 'verb', 'a'], ['chiaro', 'adjective', 'a'], ['chiaro', 'noun', 'a'], ['chiaro', 'adverb', 'a'], ['chiasso', 'noun', 'c'], ['chiave', 'noun', 'a'], ['chiazza', 'noun', 'c'], ['chiedere', 'verb', 'a'], ['chiesa', 'noun', 'a'], ['chilo', 'noun', 'b'], ['chilogrammo', 'noun', 'c'], ['chilometro', 'noun', 'a'], ['chimico', 'adjective', 'a'], ['chimico', 'noun', 'a'], ['china', 'noun', 'c'], ['chinare', 'verb', 'b'], ['chinotto', 'noun', 'c'], ['chiodo', 'noun', 'b'], ['chiosco', 'noun', 'b'], ['chirurgia', 'noun', 'b'], ['chirurgico', 'adjective', 'b'], ['chirurgico', 'noun', 'b'], ['chirurgo', 'noun', 'b'], ['chissà', 'adverb', 'a'], ['chitarra', 'noun', 'b'], ['chiudere', 'verb', 'a'], ['chiunque', 'pronoun', 'a'], ['chiuso', 'past_part', 'a'], ['chiuso', 'adjective', 'a'], ['chiuso', 'noun', 'a'], ['chiuso', 'adverb', 'a'], ['chiusura', 'noun', 'b'], ['ci', 'noun', 'c'], ['ci', 'pronoun', 'a'], ['ci', 'adverb', 'a'], ['ciabatta', 'noun', 'c'], ['ciambella', 'noun', 'c'], ['ciao', 'exclamation', 'a'], ['ciascuno', 'adjective', 'a'], ['ciascuno', 'pronoun', 'a'], ['cibare', 'verb', 'c'], ['cibo', 'noun', 'a'], ['cicatrice', 'noun', 'b'], ['ciclismo', 'noun', 'b'], ['ciclista', 'noun', 'c'], ['ciclo', 'noun', 'b'], ['cicogna', 'noun', 'c'], ['cicoria', 'noun', 'c'], ['cieco', 'adjective', 'b'], ['cieco', 'noun', 'b'], ['cielo', 'noun', 'a'], ['cifra', 'noun', 'a'], ['ciglio', 'noun', 'b'], ['cigno', 'noun', 'c'], ['cileno', 'adjective', 'c'], ['cileno', 'noun', 'c'], ['ciliegia', 'noun', 'c'], ['ciliegia', 'adjective', 'c'], ['ciliegio', 'noun', 'c'], ['cilindro', 'noun', 'c'], ['cima', 'noun', 'c'], ['cimice', 'noun', 'c'], ['ciminiera', 'noun', 'c'], ['cimitero', 'noun', 'b'], ['cinema', 'noun', 'a'], ['cinematografico', 'adjective', 'b'], ['cinese', 'adjective', 'a'], ['cinese', 'noun', 'a'], ['cinghia', 'noun', 'c'], ['cinghiale', 'noun', 'c'], ['cinguettare', 'verb', 'c'], ['cinguettio', 'noun', 'c'], ['cinico', 'adjective', 'c'], ['cinico', 'noun', 'c'], ['cinquanta', 'adjective', 'a'], ['cinquanta', 'noun', 'a'], ['cinque', 'adjective', 'a'], ['cinque', 'noun', 'a'], ['cinquecento', 'adjective', 'b'], ['cinquecento', 'noun', 'b'], ['cintura', 'noun', 'b'], ['cinturino', 'noun', 'c'], ['ciò', 'pronoun', 'a'], ['ciocca', 'noun', 'c'], ['cioccolatino', 'noun', 'c'], ['cioccolato', 'noun', 'b'], ['cioccolato', 'adjective', 'b'], ['cioè', 'conjunction', 'a'], ['ciotola', 'noun', 'c'], ['cipolla', 'noun', 'b'], ['cipresso', 'noun', 'c'], ['cipriota', 'adjective', 'c'], ['cipriota', 'noun', 'c'], ['circa', 'preposition', 'a'], ['circa', 'adverb', 'a'], ['circa', 'noun', 'a'], ['circo', 'noun', 'b'], ['circolare', 'adjective', 'b'], ['circolare', 'noun', 'b'], ['circolare', 'verb', 'b'], ['circolazione', 'noun', 'b'], ['circolo', 'noun', 'b'], ['circondare', 'verb', 'a'], ['circostanza', 'noun', 'a'], ['circuito', 'noun', 'b'], ['citare', 'verb', 'a'], ['citato', 'past_part', 'b'], ['citato', 'adjective', 'b'], ['citato', 'noun', 'b'], ['citazione', 'noun', 'b'], ['citofono', 'noun', 'c'], ['città', 'noun', 'a'], ['cittadina', 'noun', 'b'], ['cittadinanza', 'noun', 'b'], ['cittadino', 'adjective', 'a'], ['cittadino', 'noun', 'a'], ['ciuffo', 'noun', 'c'], ['civile', 'adjective', 'a'], ['civile', 'noun', 'a'], ['civiltà', 'noun', 'b'], ['clacson', 'noun', 'c'], ['clan', 'noun', 'b'], ['clandestino', 'adjective', 'b'], ['clandestino', 'noun', 'b'], ['classe', 'noun', 'a'], ['classico', 'adjective', 'a'], ['classico', 'noun', 'a'], ['classifica', 'noun', 'b'], ['classificare', 'verb', 'b'], ['clero', 'noun', 'c'], ['cliccare', 'verb', 'b'], ['cliente', 'noun', 'a'], ['clima', 'noun', 'b'], ['clinica', 'noun', 'b'], ['clinico', 'adjective', 'b'], ['clinico', 'noun', 'b'], ['clistere', 'noun', 'c'], ['cloro', 'noun', 'c'], ['club', 'noun', 'b'], ['cobra', 'noun', 'c'], ['cocaina', 'noun', 'b'], ['coccinella', 'noun', 'c'], ['coccio', 'noun', 'c'], ['cocciuto', 'adjective', 'c'], ['cocciuto', 'noun', 'c'], ['cocco', 'noun', 'c'], ['coccodrillo', 'noun', 'c'], ['coccola', 'noun', 'c'], ['coccolare', 'verb', 'c'], ['cocomero', 'noun', 'c'], ['coda', 'noun', 'a'], ['codice', 'noun', 'a'], ['coerente', 'adjective', 'b'], ['cofano', 'noun', 'c'], ['cogliere', 'verb', 'a'], ['coglione', 'noun', 'a'], ['cognato', 'noun', 'b'], ['cognato', 'adjective', 'b'], ['cognome', 'noun', 'b'], ['coincidenza', 'noun', 'b'], ['coincidere', 'verb', 'b'], ['coinvolgere', 'verb', 'a'], ['coinvolgimento', 'noun', 'b'], ['colare', 'verb', 'b'], ['colata', 'noun', 'c'], ['colazione', 'noun', 'b'], ['colera', 'noun', 'c'], ['colica', 'noun', 'c'], ['colino', 'noun', 'c'], ['colla', 'noun', 'c'], ['collaborare', 'verb', 'b'], ['collaboratore', 'noun', 'b'], ['collaborazione', 'noun', 'b'], ['collana', 'noun', 'b'], ['collant', 'noun', 'c'], ['collant', 'adjective', 'c'], ['collare', 'noun', 'c'], ['collasso', 'noun', 'c'], ['collaterale', 'adjective', 'b'], ['collaterale', 'noun', 'b'], ['colle', 'noun', 'c'], ['collega', 'noun', 'a'], ['collegamento', 'noun', 'b'], ['collegare', 'verb', 'a'], ['collegio', 'noun', 'b'], ['collera', 'noun', 'c'], ['colletta', 'noun', 'c'], ['collettivo', 'adjective', 'b'], ['collettivo', 'noun', 'b'], ['collezione', 'noun', 'b'], ['collina', 'noun', 'b'], ['collo', 'noun', 'a'], ['collocare', 'verb', 'b'], ['colloquio', 'noun', 'b'], ['colluttorio', 'noun', 'c'], ['colmo', 'noun', 'c'], ['colomba', 'noun', 'b'], ['colombo', 'noun', 'c'], ['colonna', 'noun', 'a'], ['colonnello', 'noun', 'b'], ['colorante', 'pres_part', 'c'], ['colorante', 'adjective', 'c'], ['colorante', 'noun', 'c'], ['colorare', 'verb', 'b'], ['colorato', 'past_part', 'b'], ['colorato', 'adjective', 'b'], ['colore', 'noun', 'a'], ['coloro', 'pronoun', 'a'], ['colosso', 'noun', 'c'], ['colpa', 'noun', 'a'], ['colpevole', 'adjective', 'b'], ['colpevole', 'noun', 'b'], ['colpire', 'verb', 'a'], ['colpo', 'noun', 'a'], ['coltellata', 'noun', 'c'], ['coltello', 'noun', 'a'], ['coltivare', 'verb', 'b'], ['coltivazione', 'noun', 'c'], ['colto', 'adjective', 'b'], ['colto', 'noun', 'b'], ['colui', 'pronoun', 'b'], ['coma', 'noun', 'b'], ['comandamento', 'noun', 'b'], ['comandante', 'pres_part', 'b'], ['comandante', 'adjective', 'b'], ['comandante', 'noun', 'b'], ['comandare', 'verb', 'b'], ['comando', 'noun', 'b'], ['combaciare', 'verb', 'c'], ['combattente', 'pres_part', 'c'], ['combattente', 'adjective', 'c'], ['combattente', 'noun', 'c'], ['combattere', 'verb', 'a'], ['combattimento', 'noun', 'b'], ['combinare', 'verb', 'b'], ['combinazione', 'noun', 'b'], ['come', 'adverb', 'a'], ['come', 'conjunction', 'a'], ['cometa', 'noun', 'c'], ['comfort', 'noun', 'c'], ['comico', 'adjective', 'b'], ['comico', 'noun', 'b'], ['cominciare', 'verb', 'a'], ['cominciare', 'noun', 'a'], ['comitato', 'noun', 'b'], ['comma', 'noun', 'b'], ['commedia', 'noun', 'b'], ['commentare', 'verb', 'a'], ['commento', 'noun', 'a'], ['commerciale', 'adjective', 'a'], ['commerciale', 'noun', 'a'], ['commerciante', 'pres_part', 'b'], ['commerciante', 'adjective', 'b'], ['commerciante', 'noun', 'b'], ['commercio', 'noun', 'b'], ['commettere', 'verb', 'a'], ['commissariato', 'noun', 'b'], ['commissario', 'noun', 'a'], ['commissione', 'noun', 'a'], ['community', 'noun', 'b'], ['commuovere', 'verb', 'b'], ['comodino', 'noun', 'c'], ['comodità', 'noun', 'c'], ['comodo', 'adjective', 'a'], ['comodo', 'noun', 'a'], ['compagnia', 'noun', 'a'], ['compagno', 'noun', 'a'], ['compagno', 'adjective', 'a'], ['comparire', 'verb', 'a'], ['comparsa', 'noun', 'b'], ['compassione', 'noun', 'c'], ['compasso', 'noun', 'c'], ['compatibile', 'adjective', 'b'], ['compatriota', 'noun', 'c'], ['compatto', 'adjective', 'b'], ['compatto', 'noun', 'b'], ['compensare', 'verb', 'b'], ['compenso', 'noun', 'b'], ['competente', 'adjective', 'b'], ['competente', 'noun', 'b'], ['competenza', 'noun', 'b'], ['competere', 'verb', 'b'], ['competizione', 'noun', 'b'], ['compiangere', 'verb', 'c'], ['compiere', 'verb', 'a'], ['compilare', 'verb', 'b'], ['compito', 'noun', 'a'], ['compleanno', 'noun', 'b'], ['complessivo', 'adjective', 'b'], ['complesso', 'noun', 'b'], ['complesso', 'adjective', 'a'], ['completamente', 'adverb', 'a'], ['completare', 'verb', 'b'], ['completo', 'adjective', 'a'], ['completo', 'noun', 'a'], ['complicare', 'verb', 'b'], ['complicato', 'past_part', 'b'], ['complicato', 'adjective', 'b'], ['complice', 'noun', 'b'], ['complice', 'adjective', 'b'], ['complimento', 'noun', 'b'], ['complotto', 'noun', 'c'], ['componente', 'pres_part', 'b'], ['componente', 'adjective', 'b'], ['componente', 'noun', 'b'], ['comporre', 'verb', 'a'], ['comportamento', 'noun', 'a'], ['comportare', 'verb', 'a'], ['composizione', 'noun', 'b'], ['composto', 'past_part', 'b'], ['composto', 'adjective', 'b'], ['composto', 'noun', 'b'], ['comprare', 'verb', 'a'], ['comprendere', 'verb', 'a'], ['comprensibile', 'adjective', 'b'], ['comprensione', 'noun', 'b'], ['comprensivo', 'adjective', 'c'], ['compreso', 'past_part', 'a'], ['compreso', 'adjective', 'a'], ['compromesso', 'noun', 'b'], ['compromettere', 'verb', 'b'], ['computer', 'noun', 'a'], ['comunale', 'adjective', 'b'], ['comunale', 'noun', 'b'], ['comune', 'adjective', 'a'], ['comune', 'noun', 'a'], ['comune', 'noun', 'a'], ['comunicare', 'verb', 'a'], ['comunicazione', 'noun', 'a'], ['comunione', 'noun', 'b'], ['comunismo', 'noun', 'b'], ['comunista', 'adjective', 'a'], ['comunista', 'noun', 'a'], ['comunità', 'noun', 'a'], ['comunque', 'adverb', 'a'], ['comunque', 'conjunction', 'a'], ['con', 'preposition', 'a'], ['conca', 'noun', 'c'], ['concedere', 'verb', 'b'], ['concentrare', 'verb', 'a'], ['concentrazione', 'noun', 'b'], ['concepire', 'noun', 'b'], ['concerto', 'noun', 'a'], ['concessione', 'noun', 'b'], ['concesso', 'past_part', 'b'], ['concesso', 'adjective', 'b'], ['concetto', 'past_part', 'a'], ['concetto', 'adjective', 'a'], ['concetto', 'noun', 'a'], ['concezione', 'noun', 'b'], ['conchiglia', 'noun', 'c'], ['concime', 'noun', 'c'], ['concludere', 'verb', 'a'], ['conclusione', 'noun', 'a'], ['concordare', 'verb', 'b'], ['concorrente', 'pres_part', 'b'], ['concorrente', 'adjective', 'b'], ['concorrente', 'noun', 'b'], ['concorrenza', 'noun', 'b'], ['concorrere', 'verb', 'b'], ['concorso', 'noun', 'b'], ['concreto', 'adjective', 'a'], ['concreto', 'noun', 'a'], ['condanna', 'noun', 'b'], ['condannare', 'verb', 'a'], ['condimento', 'noun', 'c'], ['condividere', 'verb', 'a'], ['condizionare', 'verb', 'b'], ['condizione', 'noun', 'a'], ['condoglianza', 'noun', 'c'], ['condominio', 'noun', 'b'], ['condotta', 'noun', 'b'], ['condurre', 'verb', 'a'], ['conduttore', 'adjective', 'b'], ['conduttore', 'noun', 'b'], ['conduttura', 'noun', 'c'], ['conferenza', 'noun', 'b'], ['conferire', 'verb', 'b'], ['conferma', 'noun', 'b'], ['confermare', 'verb', 'a'], ['confessare', 'verb', 'b'], ['confessione', 'noun', 'b'], ['confessore', 'noun', 'c'], ['confetto', 'noun', 'c'], ['confetto', 'adjective', 'c'], ['confettura', 'noun', 'c'], ['confezione', 'noun', 'b'], ['conficcare', 'verb', 'c'], ['confidare', 'verb', 'b'], ['confidenza', 'noun', 'b'], ['confine', 'noun', 'a'], ['conflitto', 'noun', 'b'], ['confondere', 'verb', 'a'], ['confortare', 'verb', 'c'], ['confrontare', 'verb', 'b'], ['confronto', 'noun', 'a'], ['confusione', 'noun', 'b'], ['confuso', 'past_part', 'b'], ['confuso', 'adjective', 'b'], ['congedo', 'noun', 'c'], ['congelare', 'verb', 'b'], ['congelatore', 'noun', 'c'], ['congestione', 'noun', 'c'], ['congiura', 'noun', 'c'], ['congresso', 'noun', 'b'], ['coniglio', 'noun', 'b'], ['coniugato', 'past_part', 'c'], ['coniugato', 'adjective', 'c'], ['coniugato', 'noun', 'c'], ['coniuge', 'noun', 'b'], ['connessione', 'noun', 'b'], ['connettere', 'verb', 'b'], ['cono', 'noun', 'b'], ['conoscenza', 'noun', 'a'], ['conoscere', 'verb', 'a'], ['conosciuto', 'past_part', 'b'], ['conosciuto', 'adjective', 'b'], ['conosciuto', 'noun', 'b'], ['conquista', 'noun', 'b'], ['conquistare', 'verb', 'a'], ['consapevole', 'adjective', 'b'], ['consapevolezza', 'noun', 'b'], ['consegna', 'noun', 'b'], ['consegnare', 'verb', 'a'], ['conseguente', 'pres_part', 'b'], ['conseguente', 'adjective', 'b'], ['conseguente', 'noun', 'b'], ['conseguenza', 'noun', 'a'], ['conseguire', 'verb', 'b'], ['consenso', 'noun', 'b'], ['consentire', 'verb', 'a'], ['conservare', 'verb', 'a'], ['conservazione', 'noun', 'b'], ['considerare', 'verb', 'a'], ['considerazione', 'noun', 'a'], ['consigliare', 'verb', 'a'], ['consigliere', 'noun', 'b'], ['consiglio', 'noun', 'a'], ['consistente', 'pres_part', 'b'], ['consistente', 'adjective', 'b'], ['consistenza', 'noun', 'b'], ['consistere', 'verb', 'b'], ['consolare', 'verb', 'b'], ['consonante', 'noun', 'c'], ['consorzio', 'noun', 'b'], ['constatare', 'verb', 'b'], ['consueto', 'adjective', 'b'], ['consueto', 'noun', 'b'], ['consulente', 'adjective', 'b'], ['consulente', 'noun', 'b'], ['consulenza', 'noun', 'b'], ['consultare', 'verb', 'b'], ['consumare', 'verb', 'a'], ['consumatore', 'noun', 'b'], ['consumatore', 'adjective', 'b'], ['consumazione', 'noun', 'c'], ['consumo', 'noun', 'b'], ['contachilometri', 'noun', 'c'], ['contadino', 'noun', 'b'], ['contadino', 'adjective', 'b'], ['contagiare', 'verb', 'c'], ['contagio', 'noun', 'c'], ['contagioso', 'adjective', 'c'], ['contagocce', 'noun', 'c'], ['contaminare', 'verb', 'b'], ['contante', 'pres_part', 'b'], ['contante', 'adjective', 'b'], ['contante', 'noun', 'b'], ['contare', 'verb', 'a'], ['contatore', 'noun', 'c'], ['contattare', 'verb', 'b'], ['contatto', 'noun', 'a'], ['conte', 'noun', 'b'], ['contemplare', 'verb', 'b'], ['contemporaneamente', 'adverb', 'b'], ['contemporaneo', 'adjective', 'a'], ['contemporaneo', 'noun', 'a'], ['contenere', 'verb', 'a'], ['contenitore', 'adjective', 'b'], ['contenitore', 'noun', 'b'], ['contentare', 'verb', 'b'], ['contentezza', 'noun', 'c'], ['contento', 'adjective', 'a'], ['contenuto', 'past_part', 'a'], ['contenuto', 'adjective', 'a'], ['contenuto', 'noun', 'a'], ['contestare', 'verb', 'b'], ['contestazione', 'noun', 'b'], ['contesto', 'noun', 'a'], ['continente', 'noun', 'b'], ['continuamente', 'adverb', 'b'], ['continuare', 'verb', 'a'], ['continuazione', 'noun', 'b'], ['continuità', 'noun', 'b'], ['continuo', 'adjective', 'a'], ['continuo', 'noun', 'a'], ['continuo', 'adverb', 'a'], ['conto', 'noun', 'a'], ['contorno', 'noun', 'b'], ['contrabbandiere', 'noun', 'c'], ['contrabbando', 'noun', 'c'], ['contraccambiare', 'verb', 'c'], ['contraddizione', 'noun', 'b'], ['contrario', 'adjective', 'a'], ['contrario', 'noun', 'a'], ['contrarre', 'verb', 'b'], ['contrastare', 'verb', 'b'], ['contrasto', 'noun', 'b'], ['contratto', 'noun', 'a'], ['contribuire', 'verb', 'b'], ['contributo', 'noun', 'b'], ['contro', 'preposition', 'a'], ['contro', 'adverb', 'a'], ['contro', 'noun', 'a'], ['controllare', 'verb', 'a'], ['controllo', 'noun', 'a'], ['controllore', 'noun', 'c'], ['convegno', 'noun', 'b'], ['conveniente', 'pres_part', 'b'], ['conveniente', 'adjective', 'b'], ['convenire', 'verb', 'b'], ['convenzione', 'noun', 'b'], ['conversazione', 'noun', 'a'], ['conversione', 'noun', 'b'], ['convertire', 'verb', 'b'], ['convincente', 'pres_part', 'b'], ['convincente', 'adjective', 'b'], ['convincere', 'verb', 'a'], ['convinto', 'past_part', 'b'], ['convinto', 'adjective', 'b'], ['convinzione', 'noun', 'b'], ['convivenza', 'noun', 'b'], ['convivere', 'verb', 'b'], ['convocare', 'verb', 'b'], ['convulsione', 'noun', 'c'], ['coordinamento', 'noun', 'b'], ['coordinare', 'verb', 'b'], ['coperchio', 'noun', 'c'], ['coperta', 'noun', 'b'], ['copertina', 'noun', 'b'], ['coperto', 'past_part', 'b'], ['coperto', 'adjective', 'b'], ['coperto', 'noun', 'b'], ['copertura', 'noun', 'b'], ['copia', 'noun', 'a'], ['copiare', 'verb', 'b'], ['copione', 'noun', 'b'], ['coppa', 'noun', 'b'], ['coppia', 'noun', 'a'], ['copricostume', 'noun', 'c'], ['copriletto', 'noun', 'c'], ['coprire', 'verb', 'a'], ['copyright', 'noun', 'b'], ['coraggio', 'noun', 'a'], ['coraggio', 'exclamation', 'a'], ['coraggioso', 'adjective', 'b'], ['corallo', 'noun', 'c'], ['corallo', 'adjective', 'c'], ['corazza', 'noun', 'c'], ['corazzata', 'noun', 'c'], ['corazziere', 'noun', 'c'], ['corda', 'noun', 'a'], ['coriandolo', 'noun', 'c'], ['coricare', 'verb', 'c'], ['cornacchia', 'noun', 'c'], ['cornetto', 'noun', 'c'], ['cornice', 'noun', 'b'], ['corno', 'noun', 'b'], ['cornuto', 'adjective', 'c'], ['cornuto', 'noun', 'c'], ['coro', 'noun', 'b'], ['corona', 'noun', 'b'], ['corpo', 'noun', 'a'], ['corporatura', 'noun', 'c'], ['correggere', 'verb', 'a'], ['corrente', 'pres_part', 'a'], ['corrente', 'adjective', 'a'], ['corrente', 'noun', 'a'], ['corrente', 'adverb', 'a'], ['correre', 'verb', 'a'], ['correttamente', 'adverb', 'b'], ['corretto', 'past_part', 'b'], ['corretto', 'adjective', 'b'], ['correzione', 'noun', 'c'], ['corridoio', 'noun', 'b'], ['corridore', 'adjective', 'c'], ['corridore', 'noun', 'c'], ['corriera', 'noun', 'c'], ['corriere', 'noun', 'a'], ['corrispondente', 'pres_part', 'b'], ['corrispondente', 'adjective', 'b'], ['corrispondente', 'noun', 'b'], ['corrispondenza', 'noun', 'b'], ['corrispondere', 'verb', 'a'], ['corruzione', 'noun', 'b'], ['corsa', 'noun', 'a'], ['corsia', 'noun', 'c'], ['corso', 'noun', 'a'], ['corte', 'noun', 'a'], ['corteccia', 'noun', 'c'], ['corteggiare', 'verb', 'c'], ['cortesia', 'noun', 'b'], ['cortile', 'noun', 'b'], ['corto', 'adjective', 'a'], ['corvo', 'noun', 'c'], ['cosa', 'noun', 'a'], ['coscia', 'noun', 'b'], ['cosciente', 'adjective', 'c'], ['coscienza', 'noun', 'a'], ['così', 'adverb', 'a'], ['cosiddetto', 'adjective', 'a'], ['costa', 'noun', 'a'], ['costante', 'adjective', 'b'], ['costante', 'noun', 'b'], ['costantemente', 'adverb', 'b'], ['costare', 'verb', 'a'], ['costellazione', 'noun', 'b'], ['costituire', 'verb', 'a'], ['costituzionale', 'adjective', 'b'], ['costituzione', 'noun', 'b'], ['costo', 'noun', 'a'], ['costoso', 'adjective', 'b'], ['costringere', 'verb', 'a'], ['costruire', 'verb', 'a'], ['costruttivo', 'adjective', 'b'], ['costruzione', 'noun', 'a'], ['costume', 'noun', 'a'], ['cotoletta', 'noun', 'c'], ['cotone', 'noun', 'b'], ['cottura', 'noun', 'c'], ['covare', 'verb', 'c'], ['covo', 'noun', 'c'], ['cozza', 'noun', 'c'], ['cracker', 'noun', 'c'], ['cranio', 'noun', 'b'], ['cravatta', 'noun', 'b'], ['creare', 'verb', 'a'], ['creatività', 'noun', 'b'], ['creativo', 'adjective', 'b'], ['creativo', 'noun', 'b'], ['creatura', 'noun', 'b'], ['creazione', 'noun', 'b'], ['credente', 'pres_part', 'b'], ['credente', 'adjective', 'b'], ['credente', 'noun', 'b'], ['credenza', 'noun', 'c'], ['credere', 'verb', 'a'], ['credere', 'noun', 'a'], ['credibile', 'adjective', 'b'], ['credito', 'noun', 'a'], ['creditore', 'noun', 'b'], ['credo', 'noun', 'c'], ['crema', 'noun', 'b'], ['crema', 'adjective', 'b'], ['crepaccio', 'noun', 'c'], ['crêpe', 'noun', 'c'], ['crescente', 'pres_part', 'b'], ['crescente', 'adjective', 'b'], ['crescente', 'noun', 'b'], ['crescere', 'verb', 'a'], ['crescita', 'noun', 'a'], ['cretino', 'adjective', 'b'], ['cretino', 'noun', 'b'], ['criceto', 'noun', 'c'], ['criminale', 'adjective', 'b'], ['criminale', 'noun', 'b'], ['crimine', 'noun', 'b'], ['criniera', 'noun', 'c'], ['crisantemo', 'noun', 'c'], ['crisi', 'noun', 'a'], ['cristallo', 'noun', 'b'], ['cristianesimo', 'noun', 'b'], ['cristiano', 'adjective', 'a'], ['cristiano', 'noun', 'a'], ['criterio', 'noun', 'b'], ['critica', 'noun', 'a'], ['criticare', 'verb', 'b'], ['critico', 'adjective', 'a'], ['critico', 'noun', 'a'], ['croato', 'adjective', 'c'], ['croato', 'noun', 'c'], ['croce', 'noun', 'b'], ['crocifiggere', 'verb', 'c'], ['crocifisso', 'past_part', 'c'], ['crocifisso', 'adjective', 'c'], ['crocifisso', 'noun', 'c'], ['crollare', 'verb', 'b'], ['cronaca', 'noun', 'b'], ['cronico', 'adjective', 'b'], ['cronico', 'noun', 'b'], ['cronista', 'noun', 'c'], ['crostaceo', 'noun', 'c'], ['crostino', 'noun', 'c'], ['crudele', 'adjective', 'b'], ['crudele', 'noun', 'b'], ['crudo', 'adjective', 'b'], ['crudo', 'noun', 'b'], ['cu', 'noun', 'c'], ['cubo', 'noun', 'b'], ['cubo', 'adjective', 'b'], ['cucchiaio', 'noun', 'b'], ['cuccia', 'noun', 'c'], ['cucciolo', 'noun', 'b'], ['cucina', 'noun', 'a'], ['cucinare', 'verb', 'a'], ['cucire', 'verb', 'b'], ['cucito', 'past_part', 'c'], ['cucito', 'adjective', 'c'], ['cucito', 'noun', 'c'], ['cucitura', 'noun', 'c'], ['cuffia', 'noun', 'b'], ['cugino', 'noun', 'b'], ['cui', 'pronoun', 'a'], ['cullare', 'verb', 'c'], ['culo', 'noun', 'a'], ['culto', 'noun', 'b'], ['cultura', 'noun', 'a'], ['culturale', 'adjective', 'a'], ['cumulo', 'noun', 'c'], ['cuocere', 'verb', 'b'], ['cuoco', 'noun', 'b'], ['cuore', 'noun', 'a'], ['cupo', 'adjective', 'b'], ['cupo', 'noun', 'b'], ['cura', 'noun', 'a'], ['curare', 'verb', 'a'], ['curiosare', 'verb', 'b'], ['curiosità', 'noun', 'b'], ['curioso', 'adjective', 'a'], ['curioso', 'noun', 'a'], ['curriculum', 'noun', 'b'], ['curva', 'noun', 'b'], ['curvo', 'adjective', 'b'], ['curvo', 'noun', 'b'], ['cuscino', 'noun', 'b'], ['custode', 'noun', 'b'], ['custode', 'adjective', 'b'], ['custodia', 'noun', 'b'], ['custodire', 'verb', 'b'], ['da', 'preposition', 'a'], ['dado', 'noun', 'c'], ['danese', 'adjective', 'c'], ['danese', 'noun', 'c'], ['dannato', 'past_part', 'b'], ['dannato', 'adjective', 'b'], ['dannato', 'noun', 'b'], ['danneggiare', 'verb', 'b'], ['danno', 'noun', 'a'], ['dannoso', 'adjective', 'c'], ['danza', 'noun', 'b'], ['dappertutto', 'adverb', 'b'], ['dare', 'verb', 'a'], ['dare', 'noun', 'a'], ['data', 'noun', 'a'], ['dato', 'past_part', 'a'], ['dato', 'adjective', 'a'], ['dato', 'noun', 'a'], ['dattero', 'noun', 'c'], ['davanti', 'adverb', 'a'], ['davanti', 'adjective', 'a'], ['davanti', 'noun', 'a'], ['davanzale', 'noun', 'c'], ['davvero', 'adverb', 'a'], ['dea', 'noun', 'b'], ['debito', 'noun', 'a'], ['debole', 'adjective', 'a'], ['debole', 'noun', 'a'], ['debolezza', 'noun', 'b'], ['decennio', 'noun', 'b'], ['decidere', 'verb', 'a'], ['decina', 'noun', 'a'], ['decisamente', 'adverb', 'b'], ['decisione', 'noun', 'a'], ['decisivo', 'adjective', 'b'], ['deciso', 'past_part', 'b'], ['deciso', 'adjective', 'b'], ['decorare', 'verb', 'b'], ['decorato', 'past_part', 'c'], ['decorato', 'adjective', 'c'], ['decorato', 'noun', 'c'], ['decorazione', 'noun', 'b'], ['decoroso', 'adjective', 'c'], ['decreto', 'noun', 'b'], ['dedica', 'noun', 'c'], ['dedicare', 'verb', 'a'], ['dedurre', 'verb', 'b'], ['deficiente', 'adjective', 'b'], ['deficiente', 'noun', 'b'], ['definire', 'verb', 'a'], ['definitivamente', 'adverb', 'b'], ['definitivo', 'adjective', 'a'], ['definitivo', 'noun', 'a'], ['definizione', 'noun', 'a'], ['deformare', 'verb', 'c'], ['deforme', 'adjective', 'c'], ['deforme', 'noun', 'c'], ['defunto', 'past_part', 'b'], ['defunto', 'adjective', 'b'], ['defunto', 'noun', 'b'], ['degno', 'adjective', 'b'], ['degradare', 'verb', 'b'], ['delegare', 'verb', 'b'], ['delegato', 'past_part', 'b'], ['delegato', 'adjective', 'b'], ['delegato', 'noun', 'b'], ['delegazione', 'noun', 'c'], ['delfino', 'noun', 'c'], ['delicatezza', 'noun', 'c'], ['delicato', 'adjective', 'b'], ['delicato', 'noun', 'b'], ['delinquente', 'pres_part', 'c'], ['delinquente', 'adjective', 'c'], ['delinquente', 'noun', 'c'], ['delirare', 'verb', 'c'], ['delirio', 'noun', 'b'], ['delitto', 'noun', 'b'], ['delizia', 'noun', 'c'], ['delizioso', 'adjective', 'b'], ['deludere', 'verb', 'b'], ['delusione', 'noun', 'b'], ['deluso', 'past_part', 'b'], ['deluso', 'adjective', 'b'], ['deluso', 'noun', 'b'], ['democratico', 'adjective', 'b'], ['democratico', 'noun', 'b'], ['democrazia', 'noun', 'a'], ['democristiano', 'adjective', 'c'], ['democristiano', 'noun', 'c'], ['demoralizzare', 'verb', 'c'], ['denaro', 'noun', 'a'], ['denominare', 'verb', 'b'], ['denso', 'adjective', 'b'], ['dente', 'noun', 'a'], ['dentiera', 'noun', 'c'], ['dentifricio', 'noun', 'c'], ['dentista', 'noun', 'b'], ['dentro', 'adverb', 'a'], ['dentro', 'preposition', 'a'], ['dentro', 'noun', 'a'], ['denuncia', 'noun', 'b'], ['denunciare', 'verb', 'a'], ['deodorante', 'pres_part', 'c'], ['deodorante', 'adjective', 'c'], ['deodorante', 'noun', 'c'], ['depilazione', 'noun', 'c'], ['deporre', 'verb', 'b'], ['depositare', 'verb', 'b'], ['deposito', 'noun', 'b'], ['deposizione', 'noun', 'b'], ['depressione', 'noun', 'b'], ['deprimere', 'verb', 'b'], ['depuratore', 'adjective', 'c'], ['depuratore', 'noun', 'c'], ['deputato', 'past_part', 'b'], ['deputato', 'adjective', 'b'], ['deputato', 'noun', 'b'], ['derivare', 'verb', 'a'], ['derubare', 'verb', 'c'], ['descrivere', 'verb', 'a'], ['descrizione', 'noun', 'a'], ['deserto', 'noun', 'b'], ['deserto', 'adjective', 'b'], ['desiderare', 'verb', 'a'], ['desiderio', 'noun', 'a'], ['design', 'noun', 'b'], ['dessert', 'noun', 'c'], ['destinare', 'verb', 'a'], ['destinazione', 'noun', 'b'], ['destino', 'noun', 'a'], ['destra', 'noun', 'a'], ['destro', 'adjective', 'a'], ['destro', 'noun', 'a'], ['detective', 'noun', 'b'], ['detenere', 'verb', 'b'], ['detenuto', 'past_part', 'c'], ['detenuto', 'adjective', 'c'], ['detenuto', 'noun', 'c'], ['determinare', 'verb', 'a'], ['determinato', 'past_part', 'a'], ['determinato', 'adjective', 'a'], ['determinazione', 'noun', 'b'], ['detersivo', 'adjective', 'c'], ['detersivo', 'noun', 'c'], ['dettagliato', 'past_part', 'b'], ['dettagliato', 'adjective', 'b'], ['dettaglio', 'noun', 'a'], ['dettare', 'verb', 'b'], ['dettato', 'past_part', 'c'], ['dettato', 'adjective', 'c'], ['dettato', 'noun', 'c'], ['devastare', 'verb', 'b'], ['deviare', 'verb', 'c'], ['deviazione', 'noun', 'c'], ['di', 'preposition', 'a'], ['di', 'noun', 'c'], ['diagnosi', 'noun', 'b'], ['dialetto', 'noun', 'a'], ['dialogare', 'verb', 'b'], ['dialogo', 'noun', 'a'], ['diamante', 'noun', 'a'], ['diametro', 'noun', 'b'], ['diario', 'noun', 'b'], ['diario', 'adjective', 'b'], ['diavolo', 'noun', 'a'], ['dibattito', 'noun', 'b'], ['dicembre', 'noun', 'a'], ['dichiarare', 'verb', 'a'], ['dichiarazione', 'noun', 'a'], ['diciotto', 'adjective', 'b'], ['diciotto', 'noun', 'b'], ['dieci', 'adjective', 'a'], ['dieci', 'noun', 'a'], ['diecimila', 'adjective', 'b'], ['diecimila', 'noun', 'b'], ['dieta', 'noun', 'b'], ['dietetico', 'adjective', 'c'], ['dietro', 'preposition', 'a'], ['dietro', 'adverb', 'a'], ['dietro', 'adjective', 'a'], ['dietro', 'noun', 'a'], ['difendere', 'verb', 'a'], ['difensore', 'adjective', 'b'], ['difensore', 'noun', 'b'], ['difesa', 'noun', 'a'], ['difetto', 'noun', 'b'], ['differente', 'pres_part', 'a'], ['differente', 'adjective', 'a'], ['differenza', 'noun', 'a'], ['difficile', 'adjective', 'a'], ['difficile', 'noun', 'a'], ['difficilmente', 'adverb', 'b'], ['difficoltà', 'noun', 'a'], ['diffidente', 'adjective', 'c'], ['diffidente', 'noun', 'c'], ['diffidenza', 'noun', 'c'], ['diffondere', 'verb', 'a'], ['diffusione', 'noun', 'b'], ['diffuso', 'past_part', 'b'], ['diffuso', 'adjective', 'b'], ['diga', 'noun', 'c'], ['digestione', 'noun', 'c'], ['digestivo', 'adjective', 'c'], ['digestivo', 'noun', 'c'], ['digitale', 'adjective', 'b'], ['digitale', 'noun', 'b'], ['digiunare', 'verb', 'c'], ['dignità', 'noun', 'b'], ['diluvio', 'noun', 'c'], ['dimagrante', 'pres_part', 'c'], ['dimagrante', 'adjective', 'c'], ['dimensione', 'noun', 'a'], ['dimenticare', 'verb', 'a'], ['dimettere', 'verb', 'b'], ['dimezzare', 'verb', 'c'], ['diminuire', 'verb', 'b'], ['dimostrare', 'verb', 'a'], ['dimostrazione', 'noun', 'b'], ['dinamica', 'noun', 'b'], ['dinamico', 'adjective', 'b'], ['dinosauro', 'noun', 'c'], ['dintorno', 'adverb', 'b'], ['dintorno', 'noun', 'b'], ['dio', 'noun', 'a'], ['dipartimento', 'noun', 'b'], ['dipendente', 'pres_part', 'a'], ['dipendente', 'adjective', 'a'], ['dipendente', 'noun', 'a'], ['dipendenza', 'noun', 'b'], ['dipendere', 'verb', 'a'], ['dipingere', 'verb', 'b'], ['dipinto', 'past_part', 'b'], ['dipinto', 'adjective', 'b'], ['dipinto', 'noun', 'b'], ['diploma', 'noun', 'b'], ['diplomatico', 'adjective', 'b'], ['diplomatico', 'noun', 'b'], ['dire', 'verb', 'a'], ['dire', 'noun', 'a'], ['diretta', 'noun', 'b'], ['direttamente', 'adverb', 'a'], ['diretto', 'past_part', 'a'], ['diretto', 'adjective', 'a'], ['diretto', 'noun', 'a'], ['direttore', 'noun', 'a'], ['direttore', 'adjective', 'a'], ['direttrice', 'noun', 'c'], ['direzione', 'noun', 'a'], ['dirigente', 'adjective', 'b'], ['dirigente', 'noun', 'b'], ['dirigere', 'verb', 'a'], ['diritto', 'noun', 'a'], ['disagio', 'noun', 'b'], ['disastro', 'noun', 'b'], ['disattento', 'adjective', 'c'], ['discarica', 'noun', 'b'], ['discendere', 'verb', 'b'], ['discepolo', 'noun', 'b'], ['discesa', 'noun', 'b'], ['disciplina', 'noun', 'b'], ['disco', 'noun', 'a'], ['discordia', 'noun', 'c'], ['discorso', 'noun', 'a'], ['discoteca', 'noun', 'b'], ['discreto', 'adjective', 'b'], ['discreto', 'noun', 'b'], ['discussione', 'noun', 'a'], ['discusso', 'past_part', 'b'], ['discusso', 'adjective', 'b'], ['discutere', 'verb', 'a'], ['disegnare', 'verb', 'a'], ['disegno', 'noun', 'a'], ['diseredare', 'verb', 'c'], ['disgrazia', 'noun', 'b'], ['disinfettante', 'pres_part', 'c'], ['disinfettante', 'adjective', 'c'], ['disinfettare', 'verb', 'c'], ['disinteresse', 'noun', 'c'], ['disoccupazione', 'noun', 'b'], ['disonesto', 'adjective', 'c'], ['disonesto', 'noun', 'c'], ['disordinato', 'past_part', 'c'], ['disordinato', 'adjective', 'c'], ['disordine', 'noun', 'b'], ['dispari', 'adjective', 'c'], ['dispensa', 'noun', 'c'], ['disperare', 'verb', 'b'], ['disperato', 'past_part', 'b'], ['disperato', 'adjective', 'b'], ['disperazione', 'noun', 'b'], ['disperdere', 'verb', 'b'], ['dispetto', 'noun', 'b'], ['dispettoso', 'adjective', 'c'], ['dispiacere', 'verb', 'a'], ['disponibile', 'adjective', 'a'], ['disponibile', 'noun', 'a'], ['disponibilità', 'noun', 'b'], ['disporre', 'verb', 'a'], ['dispositivo', 'adjective', 'b'], ['dispositivo', 'noun', 'b'], ['disposizione', 'noun', 'a'], ['disprezzo', 'noun', 'b'], ['dissenso', 'noun', 'c'], ['distacco', 'noun', 'b'], ['distante', 'pres_part', 'b'], ['distante', 'adjective', 'b'], ['distante', 'adverb', 'b'], ['distanza', 'noun', 'a'], ['distendere', 'verb', 'b'], ['disteso', 'past_part', 'c'], ['disteso', 'adjective', 'c'], ['disteso', 'noun', 'c'], ['distinguere', 'verb', 'a'], ['distintivo', 'adjective', 'c'], ['distintivo', 'noun', 'c'], ['distinto', 'past_part', 'b'], ['distinto', 'adjective', 'b'], ['distinto', 'noun', 'b'], ['distinzione', 'noun', 'b'], ['distrarre', 'verb', 'b'], ['distratto', 'past_part', 'c'], ['distratto', 'adjective', 'c'], ['distrazione', 'noun', 'c'], ['distretto', 'noun', 'b'], ['distribuire', 'verb', 'a'], ['distributore', 'adjective', 'b'], ['distributore', 'noun', 'b'], ['distribuzione', 'noun', 'b'], ['distruggere', 'verb', 'a'], ['distrutto', 'past_part', 'c'], ['distrutto', 'adjective', 'c'], ['distruzione', 'noun', 'b'], ['disturbare', 'verb', 'b'], ['disturbo', 'noun', 'b'], ['disubbidiente', 'pres_part', 'c'], ['disubbidiente', 'adjective', 'c'], ['disubbidienza', 'noun', 'c'], ['disubbidire', 'verb', 'c'], ['dito', 'noun', 'a'], ['ditta', 'noun', 'b'], ['dittatura', 'noun', 'b'], ['divano', 'noun', 'a'], ['divano-letto', 'noun', 'c'], ['divenire', 'verb', 'a'], ['divenire', 'noun', 'a'], ['diventare', 'verb', 'a'], ['diversamente', 'adverb', 'b'], ['diversità', 'noun', 'b'], ['diverso', 'adjective', 'a'], ['diverso', 'adjective', 'a'], ['diverso', 'pronoun', 'a'], ['divertente', 'pres_part', 'a'], ['divertente', 'adjective', 'a'], ['divertimento', 'noun', 'b'], ['divertire', 'verb', 'a'], ['divertito', 'past_part', 'b'], ['divertito', 'adjective', 'b'], ['dividere', 'verb', 'a'], ['divieto', 'noun', 'b'], ['divinità', 'noun', 'b'], ['divino', 'adjective', 'b'], ['divino', 'noun', 'b'], ['divisa', 'noun', 'b'], ['divisione', 'noun', 'b'], ['divorare', 'verb', 'b'], ['divorziare', 'verb', 'c'], ['divorzio', 'noun', 'b'], ['dizionario', 'noun', 'b'], ['do', 'noun', 'c'], ['doccia', 'noun', 'b'], ['docciaschiuma', 'noun', 'c'], ['docente', 'pres_part', 'b'], ['docente', 'adjective', 'b'], ['docente', 'noun', 'b'], ['docile', 'adjective', 'c'], ['documentare', 'verb', 'b'], ['documentario', 'adjective', 'b'], ['documentario', 'noun', 'b'], ['documentazione', 'noun', 'b'], ['documento', 'noun', 'a'], ['dodici', 'adjective', 'a'], ['dodici', 'noun', 'a'], ['dogana', 'noun', 'c'], ['dolce', 'adjective', 'a'], ['dolce', 'noun', 'a'], ['dolce', 'adverb', 'a'], ['dolcezza', 'noun', 'b'], ['dolcificante', 'pres_part', 'c'], ['dolcificante', 'adjective', 'c'], ['dolcificante', 'noun', 'c'], ['dolciume', 'noun', 'c'], ['dolere', 'verb', 'c'], ['dolersi', 'verb', 'c'], ['dollaro', 'noun', 'a'], ['dolore', 'noun', 'a'], ['doloroso', 'adjective', 'b'], ['domanda', 'noun', 'a'], ['domandare', 'verb', 'a'], ['domani', 'adverb', 'a'], ['domani', 'noun', 'a'], ['domenica', 'noun', 'a'], ['domestica', 'noun', 'c'], ['domestico', 'adjective', 'b'], ['domestico', 'noun', 'b'], ['dominante', 'pres_part', 'b'], ['dominante', 'adjective', 'b'], ['dominante', 'noun', 'b'], ['dominare', 'verb', 'b'], ['dominio', 'noun', 'b'], ['don', 'noun', 'a'], ['donare', 'verb', 'b'], ['dondolare', 'verb', 'c'], ['donna', 'noun', 'a'], ['dono', 'noun', 'b'], ['dopo', 'adverb', 'a'], ['dopo', 'preposition', 'a'], ['dopo', 'conjunction', 'a'], ['dopo', 'adjective', 'a'], ['dopo', 'noun', 'a'], ['dopobarba', 'noun', 'c'], ['doppio', 'adjective', 'a'], ['doppio', 'noun', 'a'], ['doppio', 'adverb', 'a'], ['doppione', 'noun', 'c'], ['dorato', 'past_part', 'b'], ['dorato', 'adjective', 'b'], ['dorato', 'noun', 'b'], ['dormiglione', 'adjective', 'c'], ['dormiglione', 'noun', 'c'], ['dormire', 'verb', 'a'], ['dorso', 'noun', 'b'], ['dose', 'noun', 'b'], ['dotare', 'verb', 'b'], ['dotato', 'past_part', 'b'], ['dotato', 'adjective', 'b'], ['dote', 'noun', 'b'], ['dottore', 'noun', 'a'], ['dottoressa', 'noun', 'b'], ['dottrina', 'noun', 'b'], ['dove', 'adverb', 'a'], ['dove', 'conjunction', 'a'], ['dove', 'noun', 'a'], ['dovere', 'verb', 'a'], ['dovere', 'noun', 'a'], ['dovuto', 'past_part', 'b'], ['dovuto', 'adjective', 'b'], ['dovuto', 'noun', 'b'], ['dozzina', 'noun', 'b'], ['drago', 'noun', 'b'], ['dramma', 'noun', 'b'], ['drammatico', 'adjective', 'b'], ['dritto', 'adjective', 'b'], ['dritto', 'adverb', 'b'], ['dritto', 'noun', 'b'], ['drizzare', 'verb', 'c'], ['droga', 'noun', 'a'], ['drogare', 'verb', 'b'], ['drogato', 'past_part', 'c'], ['drogato', 'adjective', 'c'], ['drogato', 'noun', 'c'], ['dubbio', 'noun', 'a'], ['dubbio', 'adjective', 'b'], ['dubitare', 'verb', 'b'], ['dublinese', 'adjective', 'c'], ['dublinese', 'noun', 'c'], ['due', 'adjective', 'a'], ['due', 'noun', 'a'], ['duecento', 'adjective', 'b'], ['duecento', 'noun', 'b'], ['duello', 'noun', 'b'], ['duemila', 'adjective', 'b'], ['duemila', 'noun', 'b'], ['dunque', 'conjunction', 'a'], ['dunque', 'noun', 'a'], ['duomo', 'noun', 'c'], ['durante', 'pres_part', 'a'], ['durante', 'preposition', 'a'], ['durante', 'noun', 'a'], ['durare', 'verb', 'a'], ['durata', 'noun', 'a'], ['duro', 'adjective', 'a'], ['duro', 'noun', 'a'], ['duro', 'adverb', 'a'], ['e', 'noun', 'c'], ['e', 'conjunction', 'a'], ['ebbene', 'conjunction', 'b'], ['ebraico', 'adjective', 'b'], ['ebraico', 'noun', 'b'], ['ebreo', 'adjective', 'a'], ['ebreo', 'noun', 'a'], ['eccellente', 'pres_part', 'b'], ['eccellente', 'adjective', 'b'], ['eccellenza', 'noun', 'b'], ['eccessivo', 'adjective', 'b'], ['eccesso', 'noun', 'b'], ['eccetera', 'adverb', 'b'], ['eccezionale', 'adjective', 'b'], ['eccezione', 'noun', 'b'], ['eccitare', 'verb', 'b'], ['ecco', 'adverb', 'a'], ['eco', 'noun', 'b'], ['ecologico', 'adjective', 'b'], ['economia', 'noun', 'a'], ['economico', 'adjective', 'a'], ['economico', 'noun', 'a'], ['economista', 'noun', 'b'], ['edicola', 'noun', 'a'], ['edificio', 'noun', 'a'], ['editore', 'noun', 'a'], ['editore', 'adjective', 'a'], ['editoriale', 'adjective', 'b'], ['editoriale', 'noun', 'b'], ['edizione', 'noun', 'a'], ['educare', 'verb', 'b'], ['educativo', 'adjective', 'b'], ['educato', 'past_part', 'c'], ['educato', 'adjective', 'c'], ['educazione', 'noun', 'a'], ['effe', 'noun', 'c'], ['effettivamente', 'adverb', 'a'], ['effettivo', 'adjective', 'b'], ['effettivo', 'noun', 'b'], ['effetto', 'noun', 'a'], ['effettuare', 'verb', 'a'], ['efficace', 'adjective', 'b'], ['efficacia', 'noun', 'b'], ['efficiente', 'adjective', 'b'], ['efficienza', 'noun', 'b'], ['egiziano', 'adjective', 'c'], ['egiziano', 'noun', 'c'], ['egli', 'pronoun', 'a'], ['elaborare', 'verb', 'b'], ['elaborazione', 'noun', 'b'], ['elastico', 'adjective', 'b'], ['elastico', 'noun', 'b'], ['elegante', 'adjective', 'a'], ['eleganza', 'noun', 'b'], ['eleggere', 'verb', 'b'], ['elementare', 'adjective', 'a'], ['elemento', 'noun', 'a'], ['elemosina', 'noun', 'c'], ['elencare', 'verb', 'b'], ['elenco', 'noun', 'a'], ['elettorale', 'adjective', 'b'], ['elettore', 'noun', 'b'], ['elettricista', 'noun', 'c'], ['elettricità', 'noun', 'c'], ['elettrico', 'adjective', 'a'], ['elettrico', 'noun', 'a'], ['elettrodomestico', 'noun', 'c'], ['elettromagnetico', 'adjective', 'b'], ['elettrone', 'noun', 'b'], ['elettronico', 'adjective', 'a'], ['elevare', 'verb', 'b'], ['elevato', 'past_part', 'b'], ['elevato', 'adjective', 'b'], ['elezione', 'noun', 'b'], ['elica', 'noun', 'c'], ['elicottero', 'noun', 'c'], ['eliminare', 'verb', 'a'], ['eliminazione', 'noun', 'b'], ['elle', 'noun', 'c'], ['elmo', 'noun', 'c'], ['e-mail', 'noun', 'a'], ['emanare', 'verb', 'b'], ['emergenza', 'noun', 'b'], ['emergere', 'verb', 'a'], ['emettere', 'verb', 'b'], ['emigrazione', 'noun', 'c'], ['emiliano', 'adjective', 'c'], ['emiliano', 'noun', 'c'], ['emissione', 'noun', 'b'], ['emme', 'noun', 'c'], ['emmenthal', 'noun', 'c'], ['emo', 'noun', 'b'], ['emotivo', 'adjective', 'b'], ['emotivo', 'noun', 'b'], ['emozionante', 'pres_part', 'c'], ['emozionante', 'adjective', 'c'], ['emozionare', 'verb', 'b'], ['emozionato', 'past_part', 'c'], ['emozionato', 'adjective', 'c'], ['emozione', 'noun', 'a'], ['enciclopedia', 'noun', 'c'], ['energetico', 'adjective', 'b'], ['energetico', 'noun', 'b'], ['energia', 'noun', 'a'], ['enne', 'noun', 'c'], ['ennesimo', 'adjective', 'b'], ['enorme', 'adjective', 'a'], ['ente', 'noun', 'a'], ['entità', 'noun', 'b'], ['entrambi', 'pronoun', 'a'], ['entrambi', 'adjective', 'a'], ['entrare', 'verb', 'a'], ['entrare', 'noun', 'a'], ['entrata', 'noun', 'a'], ['entro', 'preposition', 'a'], ['entro', 'adverb', 'a'], ['entusiasmo', 'noun', 'b'], ['entusiasta', 'adjective', 'b'], ['entusiasta', 'noun', 'b'], ['epifania', 'noun', 'c'], ['episodio', 'noun', 'a'], ['epoca', 'noun', 'a'], ['eppure', 'conjunction', 'a'], ['equazione', 'noun', 'b'], ['equilibrio', 'noun', 'a'], ['equino', 'adjective', 'c'], ['equino', 'noun', 'c'], ['equipaggio', 'noun', 'c'], ['equivalere', 'verb', 'b'], ['equivoco', 'adjective', 'b'], ['equivoco', 'noun', 'b'], ['era', 'noun', 'a'], ['erba', 'noun', 'b'], ['erede', 'noun', 'b'], ['eredità', 'noun', 'b'], ['ereditare', 'verb', 'b'], ['ergastolo', 'noun', 'c'], ['ergere', 'verb', 'b'], ['ernia', 'noun', 'c'], ['eroe', 'noun', 'a'], ['eroina', 'noun', 'c'], ['erotico', 'adjective', 'b'], ['erotico', 'noun', 'b'], ['errare', 'verb', 'b'], ['erre', 'noun', 'c'], ['errore', 'noun', 'a'], ['esagerare', 'verb', 'b'], ['esagerato', 'past_part', 'b'], ['esagerato', 'adjective', 'b'], ['esagerato', 'noun', 'b'], ['esagerazione', 'noun', 'c'], ['esagono', 'noun', 'c'], ['esagono', 'adjective', 'c'], ['esaltare', 'verb', 'b'], ['esaltazione', 'noun', 'c'], ['esame', 'noun', 'a'], ['esaminare', 'verb', 'b'], ['esattamente', 'adverb', 'a'], ['esatto', 'adjective', 'a'], ['esatto', 'adverb', 'a'], ['esaurire', 'verb', 'b'], ['esca', 'noun', 'c'], ['eschimese', 'adjective', 'c'], ['eschimese', 'noun', 'c'], ['esclamare', 'verb', 'b'], ['esclamazione', 'noun', 'c'], ['escludere', 'verb', 'a'], ['esclusione', 'noun', 'b'], ['esclusivamente', 'adverb', 'b'], ['esclusivo', 'adjective', 'b'], ['escluso', 'past_part', 'b'], ['escluso', 'adjective', 'b'], ['escluso', 'noun', 'b'], ['esecutivo', 'adjective', 'b'], ['esecutivo', 'noun', 'b'], ['esecuzione', 'noun', 'b'], ['eseguire', 'verb', 'a'], ['esempio', 'noun', 'a'], ['esemplare', 'noun', 'b'], ['esemplare', 'adjective', 'b'], ['esercitare', 'verb', 'b'], ['esercito', 'noun', 'a'], ['esercizio', 'noun', 'a'], ['esibire', 'verb', 'b'], ['esigenza', 'noun', 'a'], ['esigere', 'verb', 'b'], ['esilio', 'noun', 'c'], ['esistente', 'pres_part', 'b'], ['esistente', 'adjective', 'b'], ['esistente', 'noun', 'b'], ['esistenza', 'noun', 'a'], ['esistere', 'verb', 'a'], ['esitare', 'verb', 'b'], ['esito', 'noun', 'b'], ['esordio', 'noun', 'b'], ['espansione', 'noun', 'b'], ['espellere', 'verb', 'b'], ['esperienza', 'noun', 'a'], ['esperimento', 'noun', 'b'], ['esperto', 'past_part', 'a'], ['esperto', 'adjective', 'a'], ['esperto', 'noun', 'a'], ['esplicito', 'adjective', 'b'], ['esplodere', 'verb', 'b'], ['esplorare', 'verb', 'b'], ['esplosione', 'noun', 'b'], ['esplosivo', 'adjective', 'b'], ['esplosivo', 'noun', 'b'], ['esponente', 'pres_part', 'b'], ['esponente', 'noun', 'b'], ['esporre', 'verb', 'a'], ['esposizione', 'noun', 'b'], ['espressione', 'noun', 'a'], ['espresso', 'past_part', 'c'], ['espresso', 'adjective', 'c'], ['espresso', 'noun', 'c'], ['esprimere', 'verb', 'a'], ['essa', 'pronoun', 'a'], ['esse', 'noun', 'c'], ['esse', 'pronoun', 'b'], ['essenza', 'noun', 'b'], ['essenziale', 'adjective', 'b'], ['essenziale', 'noun', 'b'], ['essenzialmente', 'adverb', 'b'], ['essere', 'verb', 'a'], ['essere', 'noun', 'a'], ['essi', 'pronoun', 'a'], ['esso', 'pronoun', 'a'], ['est', 'noun', 'b'], ['est', 'adjective', 'b'], ['estate', 'noun', 'a'], ['estendere', 'verb', 'b'], ['estensione', 'noun', 'b'], ['esterno', 'adjective', 'a'], ['esterno', 'noun', 'a'], ['estero', 'adjective', 'a'], ['estero', 'noun', 'a'], ['estetico', 'adjective', 'b'], ['estivo', 'adjective', 'b'], ['estone', 'adjective', 'c'], ['estone', 'noun', 'c'], ['estraneo', 'adjective', 'b'], ['estraneo', 'noun', 'b'], ['estrarre', 'verb', 'b'], ['estratto', 'past_part', 'b'], ['estratto', 'adjective', 'b'], ['estratto', 'noun', 'b'], ['estrazione', 'noun', 'b'], ['estremamente', 'adverb', 'b'], ['estremità', 'noun', 'b'], ['estremo', 'adjective', 'a'], ['estremo', 'noun', 'a'], ['età', 'noun', 'a'], ['eterno', 'adjective', 'b'], ['eterno', 'noun', 'b'], ['etica', 'noun', 'b'], ['etichetta', 'noun', 'b'], ['etico', 'adjective', 'b'], ['ettaro', 'noun', 'c'], ['etto', 'noun', 'c'], ['euro', 'noun', 'a'], ['europeo', 'adjective', 'a'], ['europeo', 'noun', 'a'], ['evadere', 'verb', 'c'], ['evaporare', 'verb', 'c'], ['evasione', 'noun', 'b'], ['evento', 'noun', 'a'], ['eventuale', 'adjective', 'a'], ['eventualmente', 'adverb', 'b'], ['evidente', 'adjective', 'a'], ['evidentemente', 'adverb', 'a'], ['evidenza', 'noun', 'b'], ['evidenziare', 'verb', 'b'], ['evidenziatore', 'adjective', 'c'], ['evidenziatore', 'noun', 'c'], ['evitare', 'verb', 'a'], ['evocare', 'verb', 'b'], ['evoluzione', 'noun', 'b'], ['ex', 'adjective', 'a'], ['ex', 'noun', 'a'], ['ex', 'preposition', 'a'], ['extra', 'adjective', 'b'], ['extra', 'noun', 'b'], ['fa', 'adverb', 'a'], ['fabbrica', 'noun', 'a'], ['fabbricare', 'verb', 'b'], ['fabbro', 'noun', 'c'], ['faccenda', 'noun', 'b'], ['faccia', 'noun', 'a'], ['facciata', 'noun', 'b'], ['facile', 'adjective', 'a'], ['facile', 'adverb', 'a'], ['facilità', 'noun', 'b'], ['facilitare', 'verb', 'b'], ['facilitazione', 'noun', 'c'], ['facilmente', 'adverb', 'a'], ['facoltà', 'noun', 'b'], ['fagiano', 'noun', 'c'], ['falco', 'noun', 'c'], ['falegname', 'noun', 'c'], ['fallimento', 'noun', 'b'], ['fallire', 'verb', 'b'], ['fallito', 'past_part', 'b'], ['fallito', 'adjective', 'b'], ['fallito', 'noun', 'b'], ['falso', 'adjective', 'a'], ['falso', 'adverb', 'a'], ['falso', 'noun', 'a'], ['fama', 'noun', 'b'], ['fame', 'noun', 'a'], ['famiglia', 'noun', 'a'], ['familiare', 'adjective', 'a'], ['familiare', 'noun', 'a'], ['famoso', 'adjective', 'a'], ['fan', 'noun', 'b'], ['fanale', 'noun', 'c'], ['fanciulla', 'noun', 'b'], ['fanciullo', 'adjective', 'c'], ['fanciullo', 'noun', 'c'], ['fango', 'noun', 'b'], ['fangoso', 'adjective', 'c'], ['fantascienza', 'noun', 'b'], ['fantasia', 'noun', 'a'], ['fantasma', 'noun', 'b'], ['fantastico', 'adjective', 'a'], ['fantastico', 'noun', 'a'], ['fanteria', 'noun', 'c'], ['fantino', 'noun', 'c'], ['fantoccio', 'noun', 'c'], ['fare', 'verb', 'a'], ['fare', 'noun', 'a'], ['farfalla', 'noun', 'b'], ['farina', 'noun', 'b'], ['farmacia', 'noun', 'b'], ['farmaco', 'noun', 'b'], ['faro', 'noun', 'c'], ['fascia', 'noun', 'a'], ['fasciatoio', 'noun', 'c'], ['fascicolo', 'noun', 'b'], ['fascino', 'noun', 'b'], ['fascio', 'noun', 'b'], ['fascismo', 'noun', 'b'], ['fascista', 'adjective', 'b'], ['fascista', 'noun', 'b'], ['fase', 'noun', 'a'], ['fastidio', 'noun', 'a'], ['fastidioso', 'adjective', 'b'], ['fata', 'noun', 'b'], ['fatica', 'noun', 'a'], ['faticare', 'verb', 'b'], ['faticoso', 'adjective', 'b'], ['fatto', 'noun', 'a'], ['fattore', 'noun', 'a'], ['fattoria', 'noun', 'b'], ['fattura', 'noun', 'b'], ['fatturato', 'past_part', 'b'], ['fatturato', 'adjective', 'b'], ['fatturato', 'noun', 'b'], ['fauna', 'noun', 'c'], ['fava', 'noun', 'c'], ['favola', 'noun', 'b'], ['favoloso', 'adjective', 'b'], ['favore', 'noun', 'a'], ['favorevole', 'adjective', 'b'], ['favorire', 'verb', 'b'], ['fax', 'noun', 'b'], ['fazzoletto', 'noun', 'b'], ['febbraio', 'noun', 'a'], ['febbre', 'noun', 'b'], ['fecondare', 'verb', 'c'], ['fede', 'noun', 'a'], ['fedele', 'adjective', 'b'], ['fedele', 'noun', 'b'], ['fedeltà', 'noun', 'b'], ['federa', 'noun', 'c'], ['federale', 'adjective', 'b'], ['federale', 'noun', 'b'], ['fegato', 'noun', 'b'], ['felice', 'adjective', 'a'], ['felicità', 'noun', 'b'], ['felino', 'noun', 'c'], ['felino', 'adjective', 'c'], ['felpa', 'noun', 'c'], ['femmina', 'noun', 'a'], ['femminile', 'adjective', 'a'], ['femminile', 'noun', 'a'], ['fenomeno', 'noun', 'a'], ['feria', 'noun', 'b'], ['feriale', 'adjective', 'c'], ['ferie', 'noun', 'c'], ['ferire', 'verb', 'b'], ['ferita', 'noun', 'a'], ['ferito', 'past_part', 'b'], ['ferito', 'adjective', 'b'], ['ferito', 'noun', 'b'], ['fermaglio', 'noun', 'c'], ['fermare', 'verb', 'a'], ['fermo', 'adjective', 'a'], ['feroce', 'adjective', 'b'], ['ferragosto', 'noun', 'c'], ['ferramenta', 'noun', 'c'], ['ferro', 'noun', 'a'], ['ferrovia', 'noun', 'b'], ['ferroviario', 'adjective', 'b'], ['ferroviere', 'noun', 'c'], ['fertilizzante', 'pres_part', 'c'], ['fertilizzante', 'adjective', 'c'], ['fertilizzante', 'noun', 'c'], ['fessura', 'noun', 'c'], ['festa', 'noun', 'a'], ['festeggiare', 'verb', 'a'], ['festival', 'noun', 'b'], ['festivo', 'adjective', 'c'], ['fetta', 'noun', 'b'], ['fiaba', 'noun', 'b'], ['fiala', 'noun', 'c'], ['fiamma', 'noun', 'b'], ['fiammifero', 'noun', 'c'], ['fiammifero', 'adjective', 'c'], ['fianco', 'noun', 'a'], ['fiatare', 'verb', 'c'], ['fiato', 'noun', 'b'], ['fibbia', 'noun', 'c'], ['fibra', 'noun', 'b'], ['ficcare', 'verb', 'b'], ['fiction', 'noun', 'b'], ['fidanzamento', 'noun', 'c'], ['fidanzarsi', 'verb', 'b'], ['fidanzata', 'noun', 'b'], ['fidanzato', 'past_part', 'b'], ['fidanzato', 'adjective', 'b'], ['fidanzato', 'noun', 'b'], ['fidarsi', 'verb', 'a'], ['fiducia', 'noun', 'a'], ['fiducioso', 'adjective', 'c'], ['fieno', 'noun', 'c'], ['fiera', 'noun', 'b'], ['fiero', 'adjective', 'b'], ['figlia', 'noun', 'a'], ['figliastro', 'noun', 'c'], ['figlio', 'noun', 'a'], ['figura', 'noun', 'a'], ['figurare', 'verb', 'a'], ['figurina', 'noun', 'c'], ['fila', 'noun', 'a'], ['filante', 'pres_part', 'c'], ['filante', 'adjective', 'c'], ['filante', 'noun', 'c'], ['filare', 'verb', 'b'], ['filastrocca', 'noun', 'c'], ['file', 'noun', 'a'], ['filetto', 'noun', 'c'], ['film', 'noun', 'a'], ['filmato', 'past_part', 'b'], ['filmato', 'adjective', 'b'], ['filmato', 'noun', 'b'], ['filo', 'noun', 'a'], ['filosofia', 'noun', 'a'], ['filosofico', 'adjective', 'b'], ['filosofo', 'noun', 'b'], ['filtrare', 'verb', 'b'], ['filtro', 'noun', 'b'], ['finale', 'adjective', 'a'], ['finale', 'noun', 'a'], ['finalità', 'noun', 'b'], ['finalmente', 'adverb', 'a'], ['finanza', 'noun', 'b'], ['finanziamento', 'noun', 'b'], ['finanziare', 'verb', 'b'], ['finanziario', 'adjective', 'a'], ['finanziatore', 'adjective', 'c'], ['finanziatore', 'noun', 'c'], ['finché', 'conjunction', 'a'], ['fine', 'noun', 'a'], ['fine', 'adjective', 'b'], ['finestra', 'noun', 'a'], ['finestrino', 'noun', 'b'], ['fingere', 'verb', 'a'], ['finimondo', 'noun', 'c'], ['finire', 'verb', 'a'], ['finire', 'noun', 'a'], ['finito', 'past_part', 'b'], ['finito', 'adjective', 'b'], ['finlandese', 'adjective', 'c'], ['finlandese', 'noun', 'c'], ['fino', 'preposition', 'a'], ['fino', 'adverb', 'a'], ['finocchio', 'noun', 'c'], ['finora', 'adverb', 'b'], ['finta', 'noun', 'b'], ['finto', 'past_part', 'a'], ['finto', 'adjective', 'a'], ['fiocco', 'noun', 'c'], ['fionda', 'noun', 'c'], ['fioraio', 'noun', 'c'], ['fiore', 'noun', 'a'], ['fiorentino', 'adjective', 'b'], ['fiorentino', 'noun', 'b'], ['fiorito', 'past_part', 'c'], ['fiorito', 'adjective', 'c'], ['firma', 'noun', 'a'], ['firmare', 'verb', 'a'], ['fiscale', 'adjective', 'b'], ['fiscale', 'noun', 'b'], ['fisicamente', 'adverb', 'b'], ['fisico', 'adjective', 'a'], ['fisico', 'noun', 'a'], ['fissare', 'verb', 'a'], ['fisso', 'adjective', 'a'], ['fisso', 'adverb', 'a'], ['fisso', 'noun', 'a'], ['fitto', 'past_part', 'b'], ['fitto', 'adjective', 'b'], ['fitto', 'adverb', 'b'], ['fitto', 'noun', 'b'], ['fiume', 'noun', 'a'], ['fiuto', 'noun', 'c'], ['flash', 'noun', 'b'], ['flauto', 'noun', 'c'], ['flessibile', 'adjective', 'b'], ['flessibile', 'noun', 'b'], ['flora', 'noun', 'c'], ['fluido', 'adjective', 'b'], ['fluido', 'noun', 'b'], ['fluoro', 'noun', 'c'], ['flusso', 'noun', 'b'], ['foca', 'noun', 'c'], ['focaccia', 'noun', 'c'], ['fodera', 'noun', 'c'], ['foderare', 'verb', 'c'], ['foglia', 'noun', 'b'], ['foglio', 'noun', 'a'], ['fogna', 'noun', 'c'], ['folla', 'noun', 'b'], ['folle', 'adjective', 'b'], ['folle', 'noun', 'b'], ['follia', 'noun', 'b'], ['fondamentale', 'adjective', 'a'], ['fondamentale', 'noun', 'a'], ['fondamentalmente', 'adverb', 'b'], ['fondamento', 'noun', 'b'], ['fondare', 'verb', 'a'], ['fondatore', 'noun', 'b'], ['fondazione', 'noun', 'b'], ['fondere', 'verb', 'b'], ['fondo', 'adjective', 'loc-comando'], ['fondo', 'noun', 'loc-comando'], ['fondo', 'adverb', 'loc-comando'], ['fontana', 'noun', 'b'], ['fontanella', 'noun', 'c'], ['fonte', 'noun', 'a'], ['forare', 'verb', 'b'], ['forbice', 'noun', 'c'], ['forchetta', 'noun', 'c'], ['forcina', 'noun', 'c'], ['foresta', 'noun', 'b'], ['forestale', 'adjective', 'c'], ['forestale', 'noun', 'c'], ['forfora', 'noun', 'c'], ['forma', 'noun', 'a'], ['formaggino', 'noun', 'c'], ['formaggio', 'noun', 'b'], ['formale', 'adjective', 'b'], ['formare', 'verb', 'a'], ['formato', 'past_part', 'b'], ['formato', 'adjective', 'b'], ['formato', 'noun', 'b'], ['formazione', 'noun', 'a'], ['formula', 'noun', 'a'], ['formulare', 'verb', 'b'], ['fornace', 'noun', 'c'], ['fornaio', 'noun', 'c'], ['fornello', 'noun', 'b'], ['fornire', 'verb', 'a'], ['fornitore', 'adjective', 'b'], ['fornitore', 'noun', 'b'], ['forno', 'noun', 'b'], ['foro', 'noun', 'b'], ['forse', 'adverb', 'a'], ['forse', 'noun', 'a'], ['forte', 'adjective', 'a'], ['forte', 'adverb', 'a'], ['forte', 'noun', 'a'], ['fortemente', 'adverb', 'b'], ['fortuna', 'noun', 'a'], ['fortunatamente', 'adverb', 'b'], ['fortunato', 'adjective', 'b'], ['forum', 'noun', 'b'], ['forza', 'noun', 'a'], ['forzare', 'verb', 'b'], ['fosforescente', 'adjective', 'c'], ['fossa', 'noun', 'b'], ['fossetta', 'noun', 'c'], ['fosso', 'noun', 'c'], ['foto', 'noun', 'a'], ['fotografare', 'verb', 'b'], ['fotografia', 'noun', 'a'], ['fotografico', 'adjective', 'b'], ['fotografo', 'noun', 'b'], ['fottere', 'verb', 'b'], ['foulard', 'noun', 'c'], ['fra', 'preposition', 'a'], ['fracasso', 'noun', 'c'], ['fragile', 'adjective', 'b'], ['frammento', 'noun', 'b'], ['francamente', 'adverb', 'b'], ['francese', 'adjective', 'a'], ['francese', 'noun', 'a'], ['francobollo', 'noun', 'c'], ['frangia', 'noun', 'c'], ['frase', 'noun', 'a'], ['fratello', 'noun', 'a'], ['frazione', 'noun', 'b'], ['freccia', 'noun', 'b'], ['freddezza', 'noun', 'c'], ['freddo', 'adjective', 'a'], ['freddo', 'noun', 'a'], ['fregare', 'verb', 'a'], ['frenare', 'verb', 'b'], ['frenetico', 'adjective', 'b'], ['freno', 'noun', 'b'], ['frequentare', 'verb', 'a'], ['frequente', 'adjective', 'b'], ['frequenza', 'noun', 'b'], ['fresco', 'adjective', 'a'], ['fresco', 'noun', 'a'], ['fretta', 'noun', 'a'], ['frigo', 'noun', 'b'], ['frigorifero', 'adjective', 'b'], ['frigorifero', 'noun', 'b'], ['fringuello', 'noun', 'c'], ['frittata', 'noun', 'c'], ['fritto', 'past_part', 'c'], ['fritto', 'adjective', 'c'], ['fritto', 'noun', 'c'], ['friulano', 'adjective', 'c'], ['friulano', 'noun', 'c'], ['fronte', 'noun', 'a'], ['frontiera', 'noun', 'b'], ['frugare', 'verb', 'b'], ['frumento', 'noun', 'c'], ['fruscio', 'noun', 'c'], ['frusta', 'noun', 'c'], ['frutta', 'noun', 'b'], ['fruttivendolo', 'noun', 'c'], ['frutto', 'noun', 'a'], ['fucile', 'noun', 'b'], ['fuga', 'noun', 'a'], ['fuggire', 'verb', 'a'], ['fulmine', 'noun', 'b'], ['fumare', 'verb', 'a'], ['fumetto', 'noun', 'b'], ['fumo', 'noun', 'a'], ['fumo', 'adjective', 'a'], ['fune', 'noun', 'c'], ['funerale', 'noun', 'b'], ['funerale', 'adjective', 'b'], ['fungo', 'noun', 'b'], ['funzionale', 'adjective', 'b'], ['funzionale', 'noun', 'b'], ['funzionamento', 'noun', 'b'], ['funzionare', 'verb', 'a'], ['funzionario', 'noun', 'b'], ['funzione', 'noun', 'a'], ['fuoco', 'noun', 'loc-comando'], ['fuori', 'adverb', 'a'], ['fuori', 'preposition', 'a'], ['fuori', 'noun', 'a'], ['fuori', 'adjective', 'a'], ['furbo', 'adjective', 'b'], ['furbo', 'noun', 'b'], ['furfante', 'noun', 'c'], ['furgone', 'noun', 'b'], ['furia', 'noun', 'b'], ['furioso', 'adjective', 'b'], ['furto', 'noun', 'b'], ['fusione', 'noun', 'b'], ['fuso', 'past_part', 'b'], ['fuso', 'adjective', 'b'], ['fuso', 'noun', 'b'], ['futuro', 'adjective', 'a'], ['futuro', 'noun', 'a'], ['gabbia', 'noun', 'b'], ['galassia', 'noun', 'b'], ['galeotto', 'noun', 'c'], ['galera', 'noun', 'b'], ['galleggiare', 'verb', 'c'], ['galleria', 'noun', 'b'], ['gallese', 'adjective', 'c'], ['gallese', 'noun', 'c'], ['galletta', 'noun', 'c'], ['gallina', 'noun', 'b'], ['gallo', 'noun', 'c'], ['gamba', 'noun', 'a'], ['gambero', 'noun', 'c'], ['gambo', 'noun', 'c'], ['ganascia', 'noun', 'c'], ['gancio', 'noun', 'c'], ['gara', 'noun', 'a'], ['garage', 'noun', 'b'], ['garantire', 'verb', 'a'], ['garanzia', 'noun', 'b'], ['garbo', 'noun', 'c'], ['gargarismo', 'noun', 'c'], ['garofano', 'noun', 'c'], ['garza', 'noun', 'c'], ['gas', 'noun', 'a'], ['gasolio', 'noun', 'c'], ['gassosa', 'noun', 'c'], ['gastronomia', 'noun', 'c'], ['gatto', 'noun', 'a'], ['gavetta', 'noun', 'c'], ['gay', 'adjective', 'b'], ['gay', 'noun', 'b'], ['gazza', 'noun', 'c'], ['gelateria', 'noun', 'c'], ['gelatina', 'noun', 'c'], ['gelato', 'past_part', 'b'], ['gelato', 'adjective', 'b'], ['gelato', 'noun', 'b'], ['gelido', 'adjective', 'b'], ['gelo', 'noun', 'c'], ['gelosia', 'noun', 'b'], ['geloso', 'adjective', 'b'], ['gelsomino', 'noun', 'c'], ['gemello', 'adjective', 'b'], ['gemello', 'noun', 'b'], ['gemma', 'noun', 'c'], ['gene', 'noun', 'b'], ['generale', 'adjective', 'a'], ['generale', 'noun', 'a'], ['generalmente', 'adverb', 'b'], ['generare', 'verb', 'a'], ['generazione', 'noun', 'a'], ['genere', 'noun', 'a'], ['generico', 'adjective', 'b'], ['generico', 'noun', 'b'], ['generosità', 'noun', 'c'], ['generoso', 'adjective', 'b'], ['genetico', 'adjective', 'b'], ['gengiva', 'noun', 'c'], ['geniale', 'adjective', 'b'], ['genio', 'noun', 'b'], ['genitore', 'noun', 'a'], ['gennaio', 'noun', 'a'], ['genovese', 'adjective', 'c'], ['genovese', 'noun', 'c'], ['gente', 'noun', 'a'], ['gentile', 'adjective', 'a'], ['gentile', 'noun', 'a'], ['genuino', 'adjective', 'c'], ['geografico', 'adjective', 'b'], ['geografo', 'noun', 'c'], ['geometra', 'noun', 'c'], ['geometria', 'noun', 'c'], ['geometrico', 'adjective', 'c'], ['gesso', 'noun', 'b'], ['gestione', 'noun', 'a'], ['gestire', 'verb', 'a'], ['gesto', 'noun', 'a'], ['gestore', 'noun', 'b'], ['gettare', 'verb', 'a'], ['gettone', 'noun', 'c'], ['ghiaccio', 'noun', 'b'], ['ghiacciolo', 'noun', 'c'], ['ghianda', 'noun', 'c'], ['ghiro', 'noun', 'c'], ['gi', 'noun', 'c'], ['già', 'adverb', 'a'], ['giacca', 'noun', 'a'], ['giacere', 'verb', 'b'], ['giaguaro', 'noun', 'c'], ['giallo', 'adjective', 'a'], ['giallo', 'noun', 'a'], ['giapponese', 'adjective', 'a'], ['giapponese', 'noun', 'a'], ['giardinaggio', 'noun', 'c'], ['giardiniera', 'noun', 'c'], ['giardino', 'noun', 'a'], ['gigante', 'noun', 'b'], ['gigante', 'adjective', 'b'], ['gigantesco', 'adjective', 'b'], ['giglio', 'noun', 'b'], ['ginnastica', 'noun', 'b'], ['ginocchio', 'noun', 'a'], ['giocare', 'verb', 'a'], ['giocatore', 'noun', 'a'], ['giocattolo', 'noun', 'b'], ['gioco', 'noun', 'a'], ['gioia', 'noun', 'a'], ['gioiello', 'noun', 'b'], ['gioioso', 'adjective', 'c'], ['giordano', 'adjective', 'c'], ['giordano', 'noun', 'c'], ['giornale', 'noun', 'a'], ['giornale', 'adjective', 'a'], ['giornalino', 'noun', 'c'], ['giornalista', 'noun', 'a'], ['giornata', 'noun', 'a'], ['giorno', 'noun', 'a'], ['giostra', 'noun', 'c'], ['giovane', 'adjective', 'a'], ['giovane', 'noun', 'a'], ['giovanile', 'adjective', 'b'], ['giovedì', 'noun', 'b'], ['gioventù', 'noun', 'b'], ['giovinezza', 'noun', 'b'], ['giraffa', 'noun', 'c'], ['girare', 'verb', 'a'], ['giravite', 'noun', 'c'], ['giretto', 'noun', 'c'], ['giro', 'noun', 'a'], ['gironzolare', 'verb', 'c'], ['girotondo', 'noun', 'c'], ['gita', 'noun', 'b'], ['giù', 'adverb', 'a'], ['giù', 'adjective', 'a'], ['giubba', 'noun', 'c'], ['giubbotto', 'noun', 'c'], ['giudicare', 'verb', 'a'], ['giudice', 'noun', 'a'], ['giudiziario', 'adjective', 'b'], ['giudizio', 'noun', 'a'], ['giugno', 'noun', 'a'], ['giungere', 'verb', 'a'], ['giungla', 'noun', 'c'], ['giuramento', 'noun', 'b'], ['giurare', 'verb', 'a'], ['giuria', 'noun', 'c'], ['giuridico', 'adjective', 'b'], ['giustamente', 'adverb', 'b'], ['giustificare', 'verb', 'b'], ['giustizia', 'noun', 'a'], ['giusto', 'adjective', 'a'], ['giusto', 'noun', 'a'], ['giusto', 'adverb', 'a'], ['gli', 'pronoun', 'a'], ['glicine', 'noun', 'c'], ['global', 'adjective', 'b'], ['global', 'noun', 'b'], ['globale', 'adjective', 'b'], ['gloria', 'noun', 'b'], ['gnocco', 'noun', 'c'], ['gnomo', 'noun', 'c'], ['goal', 'noun', 'b'], ['gobbo', 'adjective', 'c'], ['gobbo', 'noun', 'c'], ['goccia', 'noun', 'b'], ['godere', 'verb', 'a'], ['gola', 'noun', 'b'], ['goloso', 'adjective', 'c'], ['gomito', 'noun', 'b'], ['gomitolo', 'noun', 'c'], ['gomma', 'noun', 'b'], ['gonfiare', 'verb', 'b'], ['gonfio', 'adjective', 'b'], ['gonfio', 'noun', 'b'], ['gonna', 'noun', 'b'], ['gorgonzola', 'noun', 'c'], ['gorilla', 'noun', 'c'], ['gossip', 'noun', 'b'], ['governare', 'verb', 'b'], ['governatore', 'noun', 'b'], ['governo', 'noun', 'a'], ['gradino', 'noun', 'b'], ['gradire', 'verb', 'b'], ['grado', 'noun', 'a'], ['graffiare', 'verb', 'c'], ['graffio', 'noun', 'c'], ['grafico', 'adjective', 'b'], ['grafico', 'noun', 'b'], ['grammatica', 'noun', 'b'], ['grammo', 'noun', 'b'], ['grana', 'noun', 'c'], ['granaio', 'noun', 'c'], ['granchio', 'noun', 'c'], ['grande', 'adjective', 'a'], ['grande', 'noun', 'a'], ['grandezza', 'noun', 'b'], ['grandine', 'noun', 'c'], ['grandioso', 'adjective', 'b'], ['grano', 'noun', 'b'], ['granturco', 'noun', 'c'], ['grappa', 'noun', 'c'], ['grasso', 'adjective', 'a'], ['grasso', 'noun', 'a'], ['gratis', 'adverb', 'b'], ['gratis', 'adjective', 'b'], ['grattare', 'verb', 'b'], ['grattugiato', 'past_part', 'c'], ['grattugiato', 'adjective', 'c'], ['gratuito', 'adjective', 'b'], ['grave', 'adjective', 'a'], ['grave', 'noun', 'a'], ['grave', 'adverb', 'a'], ['gravidanza', 'noun', 'b'], ['gravità', 'noun', 'b'], ['grazie', 'exclamation', 'a'], ['grazie', 'noun', 'a'], ['grazioso', 'adjective', 'c'], ['greco', 'adjective', 'a'], ['greco', 'noun', 'a'], ['grembiule', 'noun', 'c'], ['gridare', 'verb', 'a'], ['grido', 'noun', 'b'], ['grigio', 'adjective', 'a'], ['grigio', 'noun', 'a'], ['griglia', 'noun', 'c'], ['grinza', 'noun', 'c'], ['grissino', 'noun', 'c'], ['grossista', 'noun', 'c'], ['grosso', 'adjective', 'a'], ['grosso', 'noun', 'a'], ['grotta', 'noun', 'b'], ['gru', 'noun', 'c'], ['gruppo', 'noun', 'a'], ['guadagnare', 'verb', 'a'], ['guadagno', 'noun', 'b'], ['guaio', 'noun', 'b'], ['guaire', 'verb', 'c'], ['guancia', 'noun', 'b'], ['guanciale', 'noun', 'c'], ['guanciale', 'adjective', 'c'], ['guanto', 'noun', 'b'], ['guardare', 'verb', 'a'], ['guardaroba', 'noun', 'c'], ['guardia', 'noun', 'a'], ['guarire', 'verb', 'b'], ['guarnizione', 'noun', 'c'], ['guasto', 'noun', 'c'], ['guerra', 'noun', 'a'], ['guerriero', 'noun', 'b'], ['guerriero', 'adjective', 'b'], ['gufo', 'noun', 'c'], ['guida', 'noun', 'a'], ['guidare', 'verb', 'a'], ['guidatore', 'noun', 'c'], ['guinzaglio', 'noun', 'c'], ['gustare', 'verb', 'b'], ['gusto', 'noun', 'a'], ['gustoso', 'adjective', 'c'], ['hamburger', 'noun', 'c'], ['hobby', 'noun', 'b'], ['home', 'noun', 'b'], ['hotel', 'noun', 'b'], ['hyperlink', 'noun', 'b'], ['i', 'noun', 'c'], ['i', 'determiner', 'b'], ['icona', 'noun', 'b'], ['ics', 'noun', 'c'], ['idea', 'noun', 'a'], ['ideale', 'adjective', 'a'], ['ideale', 'noun', 'a'], ['ideare', 'verb', 'b'], ['identico', 'adjective', 'b'], ['identico', 'noun', 'b'], ['identificare', 'verb', 'a'], ['identificazione', 'noun', 'b'], ['identità', 'noun', 'a'], ['ideologia', 'noun', 'b'], ['ideologico', 'adjective', 'b'], ['idiota', 'adjective', 'a'], ['idiota', 'noun', 'a'], ['idraulico', 'adjective', 'b'], ['idraulico', 'noun', 'b'], ['idrico', 'adjective', 'b'], ['idrogeno', 'noun', 'b'], ['ieri', 'adverb', 'a'], ['ieri', 'noun', 'a'], ['igiene', 'noun', 'c'], ['ignorante', 'pres_part', 'b'], ['ignorante', 'adjective', 'b'], ['ignorante', 'noun', 'b'], ['ignoranza', 'noun', 'b'], ['ignorare', 'verb', 'a'], ['ignoto', 'adjective', 'b'], ['ignoto', 'noun', 'b'], ['il', 'determiner', 'a'], ['il', 'pronoun', 'a'], ['illecito', 'adjective', 'b'], ['illecito', 'noun', 'b'], ['illegale', 'adjective', 'b'], ['illegale', 'noun', 'b'], ['illegittimo', 'adjective', 'c'], ['illegittimo', 'noun', 'c'], ['illudere', 'verb', 'b'], ['illuminare', 'verb', 'b'], ['illuminato', 'past_part', 'b'], ['illuminato', 'adjective', 'b'], ['illuminato', 'noun', 'b'], ['illusione', 'noun', 'b'], ['illustrare', 'verb', 'b'], ['illustre', 'adjective', 'b'], ['imballare', 'verb', 'c'], ['imbarazzante', 'pres_part', 'b'], ['imbarazzante', 'adjective', 'b'], ['imbarazzato', 'past_part', 'b'], ['imbarazzato', 'adjective', 'b'], ['imbarazzo', 'noun', 'b'], ['imbattersi', 'verb', 'b'], ['imbecille', 'adjective', 'b'], ['imbecille', 'noun', 'b'], ['imbiancare', 'verb', 'c'], ['imbianchino', 'noun', 'c'], ['imbottigliare', 'verb', 'c'], ['imbrogliare', 'verb', 'c'], ['imbroglio', 'noun', 'c'], ['imbuto', 'noun', 'c'], ['imitare', 'verb', 'b'], ['immaginare', 'verb', 'a'], ['immaginare', 'noun', 'a'], ['immaginario', 'adjective', 'b'], ['immaginario', 'noun', 'b'], ['immaginazione', 'noun', 'b'], ['immagine', 'noun', 'a'], ['immaturo', 'adjective', 'c'], ['immediatamente', 'adverb', 'a'], ['immediato', 'adjective', 'b'], ['immediato', 'noun', 'b'], ['immenso', 'adjective', 'b'], ['immenso', 'noun', 'b'], ['immergere', 'verb', 'b'], ['immigrato', 'past_part', 'b'], ['immigrato', 'adjective', 'b'], ['immigrato', 'noun', 'b'], ['immobile', 'adjective', 'a'], ['immobile', 'noun', 'a'], ['immobiliare', 'adjective', 'b'], ['immobiliare', 'noun', 'b'], ['immondizia', 'noun', 'c'], ['impallidire', 'verb', 'c'], ['imparare', 'verb', 'a'], ['impastare', 'verb', 'c'], ['impatto', 'noun', 'b'], ['impaziente', 'adjective', 'c'], ['impaziente', 'noun', 'c'], ['impazzire', 'verb', 'b'], ['impedire', 'verb', 'a'], ['impegnare', 'verb', 'a'], ['impegnativo', 'adjective', 'b'], ['impegnato', 'past_part', 'c'], ['impegnato', 'adjective', 'c'], ['impegno', 'noun', 'a'], ['imperare', 'verb', 'b'], ['imperatore', 'noun', 'b'], ['imperiale', 'adjective', 'b'], ['imperiale', 'noun', 'b'], ['impermeabile', 'adjective', 'c'], ['impermeabile', 'noun', 'c'], ['impero', 'noun', 'b'], ['impero', 'adjective', 'b'], ['impianto', 'noun', 'a'], ['impiegare', 'verb', 'a'], ['impiegato', 'past_part', 'b'], ['impiegato', 'adjective', 'b'], ['impiegato', 'noun', 'b'], ['impiego', 'noun', 'b'], ['implicare', 'verb', 'b'], ['imporre', 'verb', 'a'], ['importante', 'pres_part', 'a'], ['importante', 'adjective', 'a'], ['importante', 'noun', 'a'], ['importanza', 'noun', 'a'], ['importare', 'verb', 'a'], ['importo', 'noun', 'b'], ['impossibile', 'adjective', 'a'], ['impossibile', 'noun', 'a'], ['impostare', 'verb', 'b'], ['impostazione', 'noun', 'b'], ['impreciso', 'adjective', 'c'], ['imprenditore', 'noun', 'b'], ['impresa', 'noun', 'a'], ['impressionante', 'pres_part', 'b'], ['impressionante', 'adjective', 'b'], ['impressionare', 'verb', 'b'], ['impressione', 'noun', 'a'], ['imprevisto', 'adjective', 'b'], ['imprevisto', 'noun', 'b'], ['imprigionare', 'verb', 'c'], ['improbabile', 'adjective', 'b'], ['impronta', 'noun', 'b'], ['improvvisamente', 'adverb', 'b'], ['improvvisare', 'verb', 'b'], ['improvviso', 'adjective', 'a'], ['improvviso', 'noun', 'a'], ['imprudente', 'adjective', 'c'], ['imprudente', 'noun', 'c'], ['impulsivo', 'adjective', 'c'], ['impulsivo', 'noun', 'c'], ['impulso', 'noun', 'b'], ['imputata', 'noun', 'b'], ['imputato', 'past_part', 'a'], ['imputato', 'adjective', 'a'], ['imputato', 'noun', 'a'], ['in', 'preposition', 'a'], ['inaspettato', 'adjective', 'b'], ['inaugurare', 'verb', 'b'], ['incamminare', 'verb', 'c'], ['incantare', 'verb', 'c'], ['incapace', 'adjective', 'b'], ['incapace', 'noun', 'b'], ['incapacità', 'noun', 'b'], ['incaricare', 'verb', 'b'], ['incarico', 'noun', 'b'], ['incartare', 'verb', 'c'], ['incassare', 'verb', 'b'], ['incasso', 'noun', 'c'], ['incastrare', 'verb', 'b'], ['incatenare', 'verb', 'c'], ['incazzarsi', 'verb', 'b'], ['incendio', 'noun', 'b'], ['incertezza', 'noun', 'b'], ['incerto', 'adjective', 'b'], ['incerto', 'noun', 'b'], ['inchiesta', 'noun', 'b'], ['inchiodare', 'verb', 'c'], ['incidente', 'noun', 'a'], ['incidere', 'verb', 'b'], ['incinta', 'adjective', 'b'], ['incitare', 'verb', 'c'], ['incivile', 'adjective', 'c'], ['incivile', 'noun', 'c'], ['includere', 'verb', 'b'], ['incluso', 'past_part', 'b'], ['incluso', 'adjective', 'b'], ['incluso', 'noun', 'b'], ['incollare', 'verb', 'b'], ['incominciare', 'verb', 'b'], ['incompleto', 'adjective', 'c'], ['incomprensibile', 'adjective', 'b'], ['inconsolabile', 'adjective', 'c'], ['incontentabile', 'adjective', 'c'], ['incontrare', 'verb', 'a'], ['incontro', 'noun', 'a'], ['incontro', 'adverb', 'b'], ['incoraggiare', 'verb', 'b'], ['incoronare', 'verb', 'c'], ['incorreggibile', 'adjective', 'c'], ['incredibile', 'adjective', 'a'], ['incremento', 'noun', 'b'], ['incrinare', 'verb', 'c'], ['incrociare', 'verb', 'b'], ['incrocio', 'noun', 'c'], ['incubo', 'noun', 'b'], ['incurabile', 'adjective', 'c'], ['incurabile', 'noun', 'c'], ['incuriosire', 'verb', 'b'], ['indagare', 'verb', 'b'], ['indagine', 'noun', 'a'], ['indescrivibile', 'adjective', 'c'], ['indiano', 'adjective', 'b'], ['indiano', 'noun', 'b'], ['indicare', 'verb', 'a'], ['indicazione', 'noun', 'a'], ['indice', 'noun', 'a'], ['indice', 'adjective', 'a'], ['indietreggiare', 'verb', 'c'], ['indietro', 'adverb', 'a'], ['indietro', 'adjective', 'a'], ['indietro', 'loc-comando', 'a'], ['indifeso', 'adjective', 'c'], ['indifferente', 'adjective', 'b'], ['indifferente', 'noun', 'b'], ['indifferenza', 'noun', 'b'], ['indigestione', 'noun', 'c'], ['indimenticabile', 'adjective', 'c'], ['indipendente', 'adjective', 'b'], ['indipendente', 'noun', 'b'], ['indipendentemente', 'adverb', 'b'], ['indipendenza', 'noun', 'b'], ['indiretto', 'adjective', 'b'], ['indirizzare', 'verb', 'b'], ['indirizzo', 'noun', 'a'], ['indisciplinato', 'adjective', 'c'], ['indispensabile', 'adjective', 'b'], ['indispensabile', 'noun', 'b'], ['individuale', 'adjective', 'b'], ['individuare', 'verb', 'a'], ['individuo', 'noun', 'a'], ['individuo', 'adjective', 'a'], ['indizio', 'noun', 'b'], ['indossare', 'verb', 'a'], ['indovinare', 'verb', 'b'], ['indovinello', 'noun', 'c'], ['indubbiamente', 'adverb', 'b'], ['indumento', 'noun', 'c'], ['indurre', 'verb', 'b'], ['industria', 'noun', 'a'], ['industriale', 'adjective', 'a'], ['industriale', 'noun', 'a'], ['inedito', 'adjective', 'b'], ['inefficace', 'adjective', 'c'], ['inerte', 'adjective', 'c'], ['inesistente', 'adjective', 'b'], ['inesperienza', 'noun', 'c'], ['inesperto', 'adjective', 'c'], ['inevitabile', 'adjective', 'b'], ['inevitabile', 'noun', 'b'], ['inevitabilmente', 'adverb', 'b'], ['infame', 'adjective', 'c'], ['infame', 'noun', 'c'], ['infantile', 'adjective', 'b'], ['infanzia', 'noun', 'b'], ['infarto', 'noun', 'b'], ['infatti', 'conjunction', 'a'], ['infatti', 'adverb', 'a'], ['infedele', 'adjective', 'c'], ['infedele', 'noun', 'c'], ['infelice', 'adjective', 'b'], ['infelice', 'noun', 'b'], ['inferiore', 'adjective', 'a'], ['infermiera', 'noun', 'b'], ['infermiere', 'noun', 'c'], ['inferno', 'noun', 'b'], ['inferno', 'adjective', 'b'], ['infezione', 'noun', 'b'], ['infilare', 'verb', 'a'], ['infine', 'adverb', 'a'], ['infinito', 'adjective', 'a'], ['infinito', 'noun', 'a'], ['influenza', 'noun', 'b'], ['influenzare', 'verb', 'b'], ['informare', 'verb', 'a'], ['informatica', 'noun', 'b'], ['informatico', 'adjective', 'b'], ['informatico', 'noun', 'b'], ['informativo', 'adjective', 'b'], ['informazione', 'noun', 'a'], ['infradito', 'adjective', 'c'], ['infradito', 'noun', 'c'], ['infrastruttura', 'noun', 'b'], ['infuriare', 'verb', 'b'], ['infuso', 'past_part', 'c'], ['infuso', 'adjective', 'c'], ['infuso', 'noun', 'c'], ['ingannare', 'verb', 'b'], ['inganno', 'noun', 'b'], ['ingegnere', 'noun', 'b'], ['ingegneria', 'noun', 'b'], ['ingelosire', 'verb', 'c'], ['ingenuo', 'adjective', 'b'], ['ingenuo', 'noun', 'b'], ['ingessare', 'verb', 'c'], ['ingiusto', 'adjective', 'b'], ['ingiusto', 'noun', 'b'], ['inglese', 'adjective', 'a'], ['inglese', 'noun', 'a'], ['ingoiare', 'verb', 'b'], ['ingorgo', 'noun', 'c'], ['ingrandire', 'verb', 'c'], ['ingrassare', 'verb', 'b'], ['ingrediente', 'noun', 'b'], ['ingresso', 'noun', 'a'], ['iniezione', 'noun', 'c'], ['iniziale', 'adjective', 'a'], ['iniziale', 'noun', 'a'], ['inizialmente', 'adverb', 'b'], ['iniziare', 'verb', 'a'], ['iniziativa', 'noun', 'a'], ['inizio', 'noun', 'a'], ['innamorarsi', 'verb', 'a'], ['innamorato', 'past_part', 'b'], ['innamorato', 'adjective', 'b'], ['innamorato', 'noun', 'b'], ['innanzitutto', 'adverb', 'b'], ['innervosire', 'verb', 'c'], ['innocente', 'adjective', 'b'], ['innocente', 'noun', 'b'], ['innocuo', 'adjective', 'b'], ['innovativo', 'adjective', 'b'], ['innovazione', 'noun', 'b'], ['inoltre', 'adverb', 'a'], ['inquadrare', 'verb', 'b'], ['inquietante', 'pres_part', 'b'], ['inquietante', 'adjective', 'b'], ['inquinamento', 'noun', 'b'], ['inquinare', 'verb', 'c'], ['inquinato', 'past_part', 'c'], ['inquinato', 'adjective', 'c'], ['insalata', 'noun', 'b'], ['insegna', 'noun', 'b'], ['insegnamento', 'noun', 'b'], ['insegnante', 'pres_part', 'a'], ['insegnante', 'adjective', 'a'], ['insegnante', 'noun', 'a'], ['insegnare', 'verb', 'a'], ['inseguire', 'verb', 'b'], ['inseparabile', 'adjective', 'c'], ['inseparabile', 'noun', 'c'], ['inserimento', 'noun', 'b'], ['inserire', 'verb', 'a'], ['insetticida', 'adjective', 'c'], ['insetto', 'noun', 'b'], ['insieme', 'adverb', 'a'], ['insieme', 'noun', 'a'], ['insinuare', 'verb', 'b'], ['insistere', 'verb', 'a'], ['insoddisfatto', 'adjective', 'c'], ['insolito', 'adjective', 'b'], ['insolito', 'noun', 'b'], ['insomma', 'adverb', 'a'], ['insopportabile', 'adjective', 'b'], ['insospettire', 'verb', 'c'], ['installare', 'verb', 'b'], ['insuccesso', 'noun', 'c'], ['insultare', 'verb', 'b'], ['insulto', 'noun', 'b'], ['intanto', 'adverb', 'a'], ['intasare', 'verb', 'c'], ['intatto', 'adjective', 'b'], ['integrale', 'adjective', 'b'], ['integrale', 'noun', 'b'], ['integrare', 'verb', 'b'], ['integrazione', 'noun', 'b'], ['intellettuale', 'adjective', 'b'], ['intellettuale', 'noun', 'b'], ['intelligente', 'adjective', 'a'], ['intelligenza', 'noun', 'b'], ['intendere', 'verb', 'a'], ['intensità', 'noun', 'b'], ['intenso', 'adjective', 'a'], ['intento', 'noun', 'b'], ['intenzione', 'noun', 'a'], ['interagire', 'verb', 'b'], ['interamente', 'adverb', 'b'], ['interazione', 'noun', 'b'], ['intercettare', 'verb', 'b'], ['intercettazione', 'noun', 'b'], ['interessante', 'pres_part', 'a'], ['interessante', 'adjective', 'a'], ['interessare', 'verb', 'a'], ['interessato', 'past_part', 'b'], ['interessato', 'adjective', 'b'], ['interessato', 'noun', 'b'], ['interesse', 'noun', 'a'], ['interiore', 'adjective', 'b'], ['interiore', 'noun', 'b'], ['interlocutore', 'noun', 'b'], ['internazionale', 'adjective', 'a'], ['internazionale', 'noun', 'a'], ['internet', 'noun', 'a'], ['interno', 'adjective', 'a'], ['interno', 'noun', 'a'], ['intero', 'adjective', 'a'], ['intero', 'noun', 'a'], ['interpretare', 'verb', 'a'], ['interpretazione', 'noun', 'b'], ['interprete', 'noun', 'b'], ['interrogare', 'verb', 'b'], ['interrogativo', 'adjective', 'b'], ['interrogativo', 'noun', 'b'], ['interrogatorio', 'adjective', 'b'], ['interrogatorio', 'noun', 'b'], ['interrogazione', 'noun', 'c'], ['interrompere', 'verb', 'a'], ['interruttore', 'noun', 'c'], ['interruzione', 'noun', 'b'], ['intervallo', 'noun', 'b'], ['intervenire', 'verb', 'a'], ['intervento', 'noun', 'a'], ['intervista', 'noun', 'a'], ['intesa', 'noun', 'b'], ['intestare', 'verb', 'b'], ['intestino', 'noun', 'c'], ['intimidire', 'verb', 'c'], ['intimità', 'noun', 'b'], ['intimo', 'adjective', 'b'], ['intimo', 'noun', 'b'], ['intitolare', 'verb', 'b'], ['intonaco', 'noun', 'c'], ['intorno', 'adverb', 'a'], ['intorno', 'preposition', 'a'], ['intorno', 'adjective', 'a'], ['intorno', 'noun', 'a'], ['intraprendere', 'verb', 'b'], ['intravedere', 'verb', 'b'], ['intrecciare', 'verb', 'b'], ['introdurre', 'verb', 'a'], ['introduzione', 'noun', 'b'], ['intuire', 'verb', 'b'], ['intuizione', 'noun', 'b'], ['inutile', 'adjective', 'a'], ['invadente', 'pres_part', 'c'], ['invadente', 'adjective', 'c'], ['invadente', 'noun', 'c'], ['invadere', 'verb', 'b'], ['invasione', 'noun', 'b'], ['invecchiare', 'verb', 'b'], ['invece', 'adverb', 'a'], ['inventare', 'verb', 'a'], ['invenzione', 'noun', 'b'], ['invernale', 'adjective', 'b'], ['invernale', 'noun', 'b'], ['inverno', 'noun', 'a'], ['investimento', 'noun', 'b'], ['investire', 'verb', 'a'], ['inviare', 'verb', 'a'], ['inviato', 'past_part', 'b'], ['inviato', 'adjective', 'b'], ['inviato', 'noun', 'b'], ['invidiare', 'verb', 'b'], ['invidioso', 'adjective', 'c'], ['invidioso', 'noun', 'c'], ['invincibile', 'adjective', 'c'], ['invisibile', 'adjective', 'b'], ['invisibile', 'noun', 'b'], ['invitare', 'verb', 'a'], ['invitato', 'past_part', 'b'], ['invitato', 'adjective', 'b'], ['invitato', 'noun', 'b'], ['invito', 'noun', 'b'], ['invocare', 'verb', 'b'], ['inzuppare', 'verb', 'c'], ['io', 'pronoun', 'a'], ['ionico', 'adjective', 'c'], ['ipotesi', 'noun', 'a'], ['ipotizzare', 'verb', 'b'], ['ippopotamo', 'noun', 'c'], ['ipsilon', 'noun', 'c'], ['ira', 'noun', 'b'], ['irlandese', 'adjective', 'b'], ['irlandese', 'noun', 'b'], ['ironia', 'noun', 'b'], ['ironico', 'adjective', 'b'], ['irriconoscibile', 'adjective', 'c'], ['irritare', 'verb', 'b'], ['iscritto', 'past_part', 'b'], ['iscritto', 'adjective', 'b'], ['iscritto', 'noun', 'b'], ['iscrivere', 'verb', 'a'], ['iscrizione', 'noun', 'b'], ['islamico', 'adjective', 'b'], ['islamico', 'noun', 'b'], ['islandese', 'adjective', 'c'], ['islandese', 'noun', 'c'], ['isola', 'noun', 'a'], ['isolare', 'verb', 'b'], ['isolato', 'past_part', 'b'], ['isolato', 'adjective', 'b'], ['isolato', 'noun', 'b'], ['ispettore', 'noun', 'b'], ['ispirare', 'verb', 'a'], ['ispirazione', 'noun', 'b'], ['israeliano', 'adjective', 'c'], ['israeliano', 'noun', 'c'], ['istante', 'noun', 'a'], ['istanza', 'noun', 'b'], ['istintivo', 'adjective', 'c'], ['istinto', 'noun', 'b'], ['istituto', 'noun', 'a'], ['istituzionale', 'adjective', 'b'], ['istituzione', 'noun', 'a'], ['istruttivo', 'adjective', 'c'], ['istruttore', 'noun', 'c'], ['istruzione', 'noun', 'a'], ['italiano', 'adjective', 'a'], ['italiano', 'noun', 'a'], ['iugoslavo', 'adjective', 'c'], ['iugoslavo', 'noun', 'c'], ['jeans', 'noun', 'b'], ['karatè', 'noun', 'c'], ['ketchup', 'noun', 'c'], ['killer', 'noun', 'b'], ['killer', 'adjective', 'b'], ['kit', 'noun', 'c'], ['kiwi', 'noun', 'c'], ['là', 'adverb', 'a'], ['la', 'determiner', 'a'], ['la', 'pronoun', 'a'], ['labbro', 'noun', 'a'], ['labirinto', 'noun', 'c'], ['laboratorio', 'noun', 'a'], ['laborioso', 'adjective', 'c'], ['lacca', 'noun', 'c'], ['lacca', 'adjective', 'c'], ['laccio', 'noun', 'c'], ['lacrima', 'noun', 'a'], ['laddove', 'adverb', 'b'], ['laddove', 'conjunction', 'b'], ['ladro', 'noun', 'b'], ['laggiù', 'adverb', 'b'], ['lago', 'noun', 'a'], ['laico', 'adjective', 'b'], ['laico', 'noun', 'b'], ['lama', 'noun', 'b'], ['lamentare', 'verb', 'a'], ['lamentela', 'noun', 'c'], ['lametta', 'noun', 'c'], ['lamiera', 'noun', 'c'], ['lampada', 'noun', 'b'], ['lampadario', 'noun', 'c'], ['lampo', 'noun', 'b'], ['lampo', 'adjective', 'b'], ['lampo', 'noun', 'b'], ['lana', 'noun', 'b'], ['lancetta', 'noun', 'c'], ['lanciare', 'verb', 'a'], ['lancio', 'noun', 'b'], ['lanterna', 'noun', 'c'], ['lapis', 'noun', 'c'], ['lardo', 'noun', 'c'], ['larghezza', 'noun', 'c'], ['largo', 'adjective', 'a'], ['largo', 'noun', 'a'], ['largo', 'adverb', 'a'], ['lasagna', 'noun', 'c'], ['lasciare', 'verb', 'a'], ['lassù', 'adverb', 'b'], ['lastra', 'noun', 'b'], ['laterale', 'adjective', 'b'], ['laterale', 'noun', 'b'], ['latino', 'adjective', 'b'], ['latino', 'noun', 'b'], ['lato', 'noun', 'a'], ['latta', 'noun', 'c'], ['lattante', 'pres_part', 'c'], ['lattante', 'adjective', 'c'], ['lattante', 'noun', 'c'], ['latte', 'noun', 'a'], ['latte', 'adjective', 'a'], ['latteria', 'noun', 'c'], ['lattina', 'noun', 'c'], ['lattuga', 'noun', 'c'], ['laurea', 'noun', 'b'], ['laureare', 'verb', 'b'], ['laureato', 'past_part', 'b'], ['laureato', 'adjective', 'b'], ['laureato', 'noun', 'b'], ['lava', 'noun', 'c'], ['lavabo', 'noun', 'c'], ['lavagna', 'noun', 'c'], ['lavagna', 'adjective', 'c'], ['lavanda', 'noun', 'c'], ['lavanderia', 'noun', 'c'], ['lavandino', 'noun', 'c'], ['lavapiatti', 'noun', 'c'], ['lavare', 'verb', 'a'], ['lavastoviglie', 'noun', 'c'], ['lavatrice', 'noun', 'b'], ['lavello', 'noun', 'c'], ['lavorare', 'verb', 'a'], ['lavorativo', 'adjective', 'b'], ['lavoratore', 'adjective', 'a'], ['lavoratore', 'noun', 'a'], ['lavorazione', 'noun', 'b'], ['lavoro', 'noun', 'a'], ['laziale', 'adjective', 'c'], ['laziale', 'noun', 'c'], ['le', 'determiner', 'a'], ['le', 'pronoun', 'a'], ['le', 'pronoun', 'a'], ['leader', 'noun', 'b'], ['lealtà', 'noun', 'c'], ['lebbra', 'noun', 'c'], ['leccare', 'verb', 'b'], ['leccio', 'noun', 'c'], ['lecito', 'adjective', 'b'], ['lecito', 'noun', 'b'], ['lega', 'noun', 'b'], ['legale', 'adjective', 'a'], ['legale', 'noun', 'a'], ['legame', 'noun', 'b'], ['legare', 'verb', 'a'], ['legato', 'past_part', 'a'], ['legato', 'adjective', 'a'], ['legato', 'noun', 'a'], ['legge', 'noun', 'a'], ['leggenda', 'noun', 'b'], ['leggere', 'verb', 'a'], ['leggermente', 'adverb', 'b'], ['leggero', 'adjective', 'a'], ['leggero', 'adverb', 'a'], ['leggero', 'noun', 'a'], ['legislativo', 'adjective', 'b'], ['legittimo', 'adjective', 'b'], ['legna', 'noun', 'c'], ['legno', 'noun', 'a'], ['legume', 'noun', 'c'], ['lei', 'pronoun', 'a'], ['lentamente', 'adverb', 'a'], ['lente', 'noun', 'c'], ['lenticchia', 'noun', 'c'], ['lentiggine', 'noun', 'c'], ['lento', 'adjective', 'a'], ['lento', 'noun', 'a'], ['lento', 'adverb', 'a'], ['lenza', 'noun', 'c'], ['lenzuolo', 'noun', 'b'], ['leone', 'noun', 'b'], ['leonessa', 'noun', 'c'], ['leopardo', 'noun', 'c'], ['lepre', 'noun', 'c'], ['lesione', 'noun', 'b'], ['lessare', 'verb', 'c'], ['lessema', 'noun', 'b'], ['lettera', 'noun', 'a'], ['letterale', 'adjective', 'c'], ['letteralmente', 'adverb', 'b'], ['letterario', 'adjective', 'b'], ['letteratura', 'noun', 'a'], ['letto', 'noun', 'a'], ['lettone', 'noun', 'c'], ['lettore', 'noun', 'a'], ['lettura', 'noun', 'a'], ['leva', 'noun', 'b'], ['levare', 'verb', 'a'], ['levare', 'noun', 'a'], ['lezione', 'noun', 'a'], ['lì', 'adverb', 'a'], ['li', 'pronoun', 'a'], ['libanese', 'adjective', 'b'], ['libanese', 'noun', 'b'], ['liberale', 'adjective', 'b'], ['liberale', 'noun', 'b'], ['liberamente', 'adverb', 'b'], ['liberare', 'verb', 'a'], ['liberazione', 'noun', 'b'], ['libero', 'adjective', 'a'], ['libero', 'noun', 'a'], ['libertà', 'noun', 'a'], ['libico', 'adjective', 'c'], ['libico', 'noun', 'c'], ['libraio', 'noun', 'c'], ['libreria', 'noun', 'b'], ['libretto', 'noun', 'b'], ['libro', 'noun', 'a'], ['licenza', 'noun', 'b'], ['licenziamento', 'noun', 'c'], ['licenziare', 'verb', 'b'], ['liceo', 'noun', 'b'], ['lido', 'noun', 'c'], ['lieto', 'adjective', 'b'], ['lieve', 'adjective', 'b'], ['lievito', 'noun', 'c'], ['ligure', 'adjective', 'c'], ['ligure', 'noun', 'c'], ['lima', 'noun', 'c'], ['limare', 'verb', 'c'], ['limitare', 'verb', 'a'], ['limitato', 'past_part', 'b'], ['limitato', 'adjective', 'b'], ['limite', 'noun', 'a'], ['limite', 'adjective', 'a'], ['limonata', 'noun', 'c'], ['limone', 'noun', 'b'], ['limone', 'adjective', 'b'], ['linea', 'noun', 'a'], ['lineare', 'adjective', 'b'], ['lineare', 'noun', 'b'], ['linfa', 'noun', 'b'], ['lingerie', 'noun', 'c'], ['lingua', 'noun', 'a'], ['linguaggio', 'noun', 'a'], ['linguistica', 'noun', 'b'], ['linguistico', 'adjective', 'b'], ['linguistico', 'noun', 'b'], ['link', 'noun', 'b'], ['liquido', 'adjective', 'a'], ['liquido', 'noun', 'a'], ['liquore', 'noun', 'c'], ['lira', 'noun', 'a'], ['lirico', 'adjective', 'b'], ['lisbonese', 'adjective', 'c'], ['lisbonese', 'noun', 'c'], ['liscio', 'adjective', 'b'], ['liscio', 'noun', 'b'], ['lista', 'noun', 'a'], ['lite', 'noun', 'b'], ['litigare', 'verb', 'a'], ['litigio', 'noun', 'b'], ['litro', 'noun', 'b'], ['lituano', 'adjective', 'c'], ['lituano', 'noun', 'c'], ['live', 'adjective', 'b'], ['livello', 'noun', 'a'], ['lo', 'determiner', 'a'], ['lo', 'pronoun', 'a'], ['locale', 'adjective', 'a'], ['locale', 'noun', 'a'], ['locale', 'noun', 'a'], ['località', 'noun', 'b'], ['locanda', 'noun', 'c'], ['locazione', 'noun', 'b'], ['locomotiva', 'noun', 'c'], ['logica', 'noun', 'b'], ['logico', 'adjective', 'b'], ['logico', 'noun', 'b'], ['logoro', 'past_part', 'c'], ['logoro', 'adjective', 'c'], ['lombardo', 'adjective', 'b'], ['lombardo', 'noun', 'b'], ['londinese', 'adjective', 'c'], ['londinese', 'noun', 'c'], ['lontananza', 'noun', 'b'], ['lontano', 'adjective', 'a'], ['lontano', 'adverb', 'a'], ['lontano', 'noun', 'a'], ['lonza', 'noun', 'c'], ['look', 'noun', 'b'], ['loro', 'pronoun', 'a'], ['loro', 'adjective', 'a'], ['lotta', 'noun', 'a'], ['lottare', 'verb', 'b'], ['lozione', 'noun', 'c'], ['lucano', 'adjective', 'c'], ['lucano', 'noun', 'c'], ['luccicare', 'verb', 'c'], ['lucciola', 'noun', 'c'], ['luce', 'noun', 'a'], ['lucente', 'pres_part', 'c'], ['lucente', 'adjective', 'c'], ['lucente', 'noun', 'c'], ['lucertola', 'noun', 'c'], ['lucidare', 'verb', 'c'], ['lucido', 'adjective', 'b'], ['lucido', 'noun', 'b'], ['luglio', 'noun', 'a'], ['lui', 'pronoun', 'a'], ['lumaca', 'noun', 'c'], ['luminoso', 'adjective', 'b'], ['luna', 'noun', 'a'], ['lunedì', 'noun', 'a'], ['lunghezza', 'noun', 'b'], ['lungo', 'adjective', 'a'], ['lungo', 'preposition', 'a'], ['lungo', 'noun', 'a'], ['luogo', 'noun', 'a'], ['lupo', 'noun', 'a'], ['lussemburghese', 'adjective', 'c'], ['lussemburghese', 'noun', 'c'], ['lusso', 'noun', 'b'], ['lutto', 'noun', 'b'], ['ma', 'conjunction', 'a'], ['ma', 'noun', 'a'], ['maccherone', 'noun', 'c'], ['macchia', 'noun', 'a'], ['macchina', 'noun', 'a'], ['macchinista', 'noun', 'c'], ['macedone', 'adjective', 'c'], ['macedone', 'noun', 'c'], ['macedonia', 'noun', 'c'], ['maceria', 'noun', 'b'], ['macinare', 'verb', 'c'], ['madonna', 'noun', 'b'], ['madonna', 'exclamation', 'b'], ['madre', 'noun', 'a'], ['madrileno', 'adjective', 'c'], ['madrileno', 'noun', 'c'], ['madrileno', 'adjective', 'c'], ['madrileno', 'noun', 'c'], ['madrina', 'noun', 'c'], ['maestra', 'noun', 'b'], ['maestranza', 'noun', 'c'], ['maestro', 'noun', 'a'], ['maestro', 'adjective', 'a'], ['mafia', 'noun', 'b'], ['mafioso', 'adjective', 'b'], ['mafioso', 'noun', 'b'], ['magari', 'exclamation', 'a'], ['magari', 'conjunction', 'a'], ['magari', 'adverb', 'a'], ['magazzino', 'noun', 'b'], ['maggio', 'noun', 'a'], ['maggioranza', 'noun', 'a'], ['maggiorenne', 'adjective', 'c'], ['maggiorenne', 'noun', 'c'], ['maggiormente', 'adverb', 'b'], ['magia', 'noun', 'b'], ['magico', 'adjective', 'a'], ['magistrato', 'noun', 'b'], ['magistratura', 'noun', 'b'], ['maglia', 'noun', 'a'], ['maglietta', 'noun', 'b'], ['magnetico', 'adjective', 'b'], ['magnifico', 'adjective', 'b'], ['mago', 'noun', 'b'], ['mago', 'adjective', 'b'], ['magro', 'adjective', 'b'], ['magro', 'noun', 'b'], ['mah', 'exclamation', 'b'], ['mai', 'adverb', 'a'], ['maiale', 'noun', 'b'], ['maionese', 'noun', 'c'], ['mais', 'noun', 'c'], ['maiuscola', 'noun', 'c'], ['malato', 'adjective', 'a'], ['malato', 'noun', 'a'], ['malattia', 'noun', 'a'], ['malaugurio', 'noun', 'c'], ['malavita', 'noun', 'c'], ['male', 'adverb', 'a'], ['male', 'exclamation', 'a'], ['male', 'noun', 'a'], ['maledetto', 'past_part', 'b'], ['maledetto', 'adjective', 'b'], ['maledetto', 'noun', 'b'], ['maledizione', 'noun', 'b'], ['maledizione', 'exclamation', 'b'], ['maleducato', 'adjective', 'c'], ['maleducato', 'noun', 'c'], ['maleducazione', 'noun', 'c'], ['malgrado', 'noun', 'b'], ['malgrado', 'adverb', 'b'], ['malgrado', 'conjunction', 'b'], ['malgrado', 'preposition', 'b'], ['malinconia', 'noun', 'b'], ['malinteso', 'adjective', 'c'], ['malinteso', 'noun', 'c'], ['malizia', 'noun', 'c'], ['maltempo', 'noun', 'c'], ['maltese', 'adjective', 'c'], ['maltese', 'noun', 'c'], ['maltrattamento', 'noun', 'c'], ['maltrattare', 'verb', 'c'], ['malva', 'noun', 'c'], ['malvagio', 'adjective', 'b'], ['malvagio', 'noun', 'b'], ['mamma', 'noun', 'a'], ['mammella', 'noun', 'c'], ['mammifero', 'noun', 'c'], ['manager', 'noun', 'b'], ['mancanza', 'noun', 'a'], ['mancare', 'verb', 'a'], ['mancato', 'past_part', 'b'], ['mancato', 'adjective', 'b'], ['mancino', 'adjective', 'c'], ['mancino', 'noun', 'c'], ['manco', 'adjective', 'b'], ['manco', 'adverb', 'b'], ['mandare', 'verb', 'a'], ['mandarino', 'noun', 'c'], ['mandarino', 'adjective', 'c'], ['mandato', 'past_part', 'b'], ['mandato', 'adjective', 'b'], ['mandato', 'noun', 'b'], ['mandorla', 'noun', 'c'], ['mandorlo', 'noun', 'c'], ['manganello', 'noun', 'c'], ['mangiare', 'verb', 'a'], ['mangime', 'noun', 'c'], ['mania', 'noun', 'b'], ['maniaco', 'adjective', 'c'], ['maniaco', 'noun', 'c'], ['manica', 'noun', 'b'], ['manico', 'noun', 'b'], ['maniera', 'noun', 'a'], ['manifestare', 'verb', 'a'], ['manifestazione', 'noun', 'a'], ['manifesto', 'noun', 'b'], ['mano', 'noun', 'a'], ['manodopera', 'noun', 'c'], ['manoscritto', 'adjective', 'b'], ['manoscritto', 'noun', 'b'], ['manovale', 'noun', 'c'], ['manovra', 'noun', 'b'], ['mantello', 'noun', 'b'], ['mantenere', 'verb', 'a'], ['manuale', 'adjective', 'b'], ['manuale', 'noun', 'b'], ['manuale', 'noun', 'b'], ['manutenzione', 'noun', 'b'], ['manzo', 'noun', 'c'], ['mappa', 'noun', 'b'], ['marca', 'noun', 'b'], ['marcare', 'verb', 'b'], ['marchigiano', 'adjective', 'c'], ['marchigiano', 'noun', 'c'], ['marchio', 'noun', 'b'], ['marcia', 'noun', 'b'], ['marciapiede', 'noun', 'b'], ['marcio', 'adjective', 'b'], ['marcio', 'noun', 'b'], ['marcire', 'verb', 'c'], ['marco', 'noun', 'a'], ['mare', 'noun', 'a'], ['marea', 'noun', 'b'], ['maresciallo', 'noun', 'b'], ['margherita', 'noun', 'c'], ['marginale', 'adjective', 'b'], ['marginale', 'noun', 'b'], ['margine', 'noun', 'b'], ['marinaio', 'noun', 'b'], ['marino', 'adjective', 'b'], ['marino', 'noun', 'b'], ['marionetta', 'noun', 'c'], ['marito', 'noun', 'a'], ['marketing', 'noun', 'b'], ['marmellata', 'noun', 'c'], ['marmo', 'noun', 'b'], ['marocchino', 'adjective', 'c'], ['marocchino', 'noun', 'c'], ['marrone', 'noun', 'b'], ['marrone', 'adjective', 'b'], ['martedì', 'noun', 'b'], ['marzo', 'noun', 'a'], ['mascarpone', 'noun', 'c'], ['maschera', 'noun', 'b'], ['mascherare', 'verb', 'b'], ['mascherato', 'past_part', 'c'], ['mascherato', 'adjective', 'c'], ['maschile', 'adjective', 'a'], ['maschile', 'noun', 'a'], ['maschio', 'noun', 'a'], ['maschio', 'adjective', 'a'], ['massa', 'noun', 'a'], ['massa', 'adverb', 'a'], ['massacrare', 'verb', 'b'], ['massacro', 'noun', 'c'], ['massaggio', 'noun', 'c'], ['massaia', 'noun', 'c'], ['massiccio', 'adjective', 'b'], ['massiccio', 'noun', 'b'], ['massimo', 'adjective', 'a'], ['massimo', 'noun', 'a'], ['massimo', 'adverb', 'a'], ['master', 'noun', 'b'], ['masticare', 'verb', 'b'], ['masturbare', 'verb', 'b'], ['matematica', 'noun', 'b'], ['matematico', 'adjective', 'b'], ['matematico', 'noun', 'b'], ['materasso', 'noun', 'b'], ['materia', 'noun', 'a'], ['materiale', 'adjective', 'a'], ['materiale', 'noun', 'a'], ['maternità', 'noun', 'b'], ['materno', 'adjective', 'b'], ['matita', 'noun', 'b'], ['matricola', 'noun', 'b'], ['matrimoniale', 'adjective', 'b'], ['matrimoniale', 'noun', 'b'], ['matrimonio', 'noun', 'a'], ['mattina', 'noun', 'a'], ['mattinata', 'noun', 'b'], ['mattino', 'noun', 'a'], ['matto', 'adjective', 'a'], ['matto', 'noun', 'a'], ['mattone', 'noun', 'b'], ['mattone', 'adjective', 'b'], ['mattone', 'noun', 'b'], ['maturare', 'verb', 'b'], ['maturità', 'noun', 'b'], ['maturo', 'adjective', 'b'], ['mazzo', 'noun', 'b'], ['me', 'pronoun', 'a'], ['meccanico', 'adjective', 'a'], ['meccanico', 'noun', 'a'], ['meccanismo', 'noun', 'a'], ['medaglia', 'noun', 'b'], ['medesimo', 'adjective', 'b'], ['medesimo', 'pronoun', 'b'], ['media', 'noun', 'a'], ['media', 'noun', 'b'], ['mediante', 'preposition', 'b'], ['medicare', 'verb', 'c'], ['medicina', 'noun', 'a'], ['medico', 'noun', 'a'], ['medico', 'adjective', 'b'], ['medievale', 'adjective', 'b'], ['medio', 'adjective', 'a'], ['medio', 'noun', 'a'], ['medioevo', 'noun', 'b'], ['meditare', 'verb', 'b'], ['mediterraneo', 'adjective', 'b'], ['mediterraneo', 'noun', 'b'], ['meglio', 'adverb', 'a'], ['meglio', 'adjective', 'a'], ['meglio', 'noun', 'a'], ['mela', 'noun', 'b'], ['melagrana', 'noun', 'c'], ['melanzana', 'noun', 'c'], ['melo', 'noun', 'c'], ['melograno', 'noun', 'c'], ['melone', 'noun', 'c'], ['membrana', 'noun', 'b'], ['membro', 'noun', 'a'], ['memoria', 'noun', 'a'], ['menare', 'verb', 'b'], ['mendicante', 'pres_part', 'c'], ['mendicante', 'adjective', 'c'], ['mendicante', 'noun', 'c'], ['meno', 'adverb', 'a'], ['meno', 'adjective', 'a'], ['meno', 'preposition', 'a'], ['meno', 'noun', 'a'], ['mensa', 'noun', 'b'], ['mensile', 'adjective', 'b'], ['mensile', 'noun', 'b'], ['mensola', 'noun', 'c'], ['menta', 'noun', 'c'], ['mentale', 'adjective', 'a'], ['mentalità', 'noun', 'b'], ['mente', 'noun', 'a'], ['mentire', 'verb', 'a'], ['mento', 'noun', 'b'], ['mentre', 'conjunction', 'a'], ['menu', 'noun', 'b'], ['menzogna', 'noun', 'b'], ['meraviglia', 'noun', 'b'], ['meravigliare', 'verb', 'b'], ['meraviglioso', 'adjective', 'a'], ['meraviglioso', 'noun', 'a'], ['mercante', 'noun', 'b'], ['mercato', 'noun', 'a'], ['merce', 'noun', 'b'], ['merceria', 'noun', 'c'], ['mercoledì', 'noun', 'b'], ['merda', 'noun', 'a'], ['merenda', 'noun', 'c'], ['merendina', 'noun', 'c'], ['meridiano', 'adjective', 'c'], ['meridiano', 'noun', 'c'], ['meridionale', 'adjective', 'a'], ['meridionale', 'noun', 'a'], ['meridione', 'noun', 'c'], ['meritare', 'verb', 'a'], ['merito', 'noun', 'a'], ['merlo', 'noun', 'c'], ['merluzzo', 'noun', 'c'], ['mero', 'adjective', 'b'], ['mescolare', 'verb', 'b'], ['mese', 'noun', 'a'], ['messa', 'noun', 'b'], ['messa', 'noun', 'b'], ['messaggio', 'noun', 'a'], ['messe', 'noun', 'c'], ['messicano', 'adjective', 'c'], ['messicano', 'noun', 'c'], ['mestiere', 'noun', 'a'], ['mestolo', 'noun', 'c'], ['mestruazione', 'noun', 'c'], ['metà', 'noun', 'a'], ['meta', 'noun', 'b'], ['metafora', 'noun', 'b'], ['metallico', 'adjective', 'b'], ['metallo', 'noun', 'b'], ['metalmeccanico', 'adjective', 'c'], ['metalmeccanico', 'noun', 'c'], ['meteo', 'adjective', 'b'], ['meteo', 'noun', 'b'], ['metodo', 'noun', 'a'], ['metro', 'noun', 'a'], ['metropolitano', 'adjective', 'b'], ['metropolitano', 'noun', 'b'], ['mettere', 'verb', 'a'], ['mezzanotte', 'noun', 'b'], ['mezzo', 'adjective', 'a'], ['mezzo', 'noun', 'a'], ['mezzo', 'adverb', 'a'], ['mezzogiorno', 'noun', 'b'], ['mi', 'pronoun', 'a'], ['miagolare', 'verb', 'c'], ['mica', 'noun', 'a'], ['mica', 'adverb', 'a'], ['micio', 'noun', 'c'], ['microfono', 'noun', 'b'], ['miele', 'noun', 'b'], ['miele', 'adjective', 'b'], ['mietere', 'verb', 'c'], ['migliaio', 'noun', 'c'], ['migliaio', 'noun', 'a'], ['miglioramento', 'noun', 'b'], ['migliorare', 'verb', 'a'], ['migliore', 'adjective', 'a'], ['migliore', 'noun', 'a'], ['migliore', 'adverb', 'a'], ['mignolo', 'noun', 'c'], ['mila', 'adjective', 'a'], ['milanese', 'adjective', 'b'], ['milanese', 'noun', 'b'], ['miliardo', 'noun', 'a'], ['milione', 'noun', 'a'], ['militare', 'adjective', 'a'], ['militare', 'noun', 'a'], ['mille', 'adjective', 'a'], ['mille', 'noun', 'a'], ['millennio', 'noun', 'b'], ['millimetro', 'noun', 'b'], ['mimosa', 'noun', 'c'], ['minaccia', 'noun', 'b'], ['minacciare', 'verb', 'a'], ['minchia', 'noun', 'b'], ['minestra', 'noun', 'c'], ['minestrone', 'noun', 'c'], ['mini', 'adjective', 'c'], ['miniera', 'noun', 'b'], ['minigonna', 'noun', 'c'], ['minimo', 'adjective', 'a'], ['minimo', 'noun', 'a'], ['ministero', 'noun', 'a'], ['ministro', 'noun', 'a'], ['minoranza', 'noun', 'b'], ['minore', 'adjective', 'a'], ['minore', 'noun', 'a'], ['minuscolo', 'adjective', 'b'], ['minuto', 'noun', 'a'], ['mio', 'adjective', 'a'], ['mio', 'pronoun', 'a'], ['miracolo', 'noun', 'a'], ['mirare', 'verb', 'b'], ['mischiare', 'verb', 'b'], ['miscuglio', 'noun', 'c'], ['miseria', 'noun', 'b'], ['misero', 'adjective', 'b'], ['missile', 'adjective', 'c'], ['missile', 'noun', 'c'], ['missione', 'noun', 'a'], ['mister', 'noun', 'c'], ['misterioso', 'adjective', 'b'], ['mistero', 'noun', 'a'], ['misto', 'adjective', 'b'], ['misto', 'noun', 'b'], ['misura', 'noun', 'a'], ['misurare', 'verb', 'b'], ['misurazione', 'noun', 'c'], ['mitico', 'adjective', 'b'], ['mito', 'noun', 'b'], ['mitragliatrice', 'noun', 'c'], ['mobile', 'adjective', 'a'], ['mobile', 'noun', 'a'], ['mobilio', 'noun', 'c'], ['mocassino', 'noun', 'c'], ['moda', 'noun', 'a'], ['modalità', 'noun', 'b'], ['modella', 'noun', 'b'], ['modellare', 'verb', 'c'], ['modello', 'noun', 'a'], ['moderato', 'past_part', 'b'], ['moderato', 'adjective', 'b'], ['moderato', 'adverb', 'b'], ['moderato', 'noun', 'b'], ['moderatore', 'adjective', 'b'], ['moderatore', 'noun', 'b'], ['modernità', 'noun', 'b'], ['moderno', 'adjective', 'a'], ['moderno', 'noun', 'a'], ['modestia', 'noun', 'c'], ['modesto', 'adjective', 'b'], ['modifica', 'noun', 'b'], ['modificare', 'verb', 'a'], ['modificazione', 'noun', 'b'], ['modo', 'noun', 'a'], ['modulo', 'noun', 'b'], ['moglie', 'noun', 'a'], ['molecola', 'noun', 'b'], ['molisano', 'adjective', 'c'], ['molisano', 'noun', 'c'], ['molla', 'noun', 'c'], ['mollare', 'verb', 'b'], ['mollusco', 'noun', 'c'], ['molo', 'noun', 'c'], ['moltiplicare', 'verb', 'b'], ['molto', 'adjective', 'a'], ['molto', 'pronoun', 'a'], ['molto', 'adverb', 'a'], ['molto', 'noun', 'a'], ['momento', 'noun', 'a'], ['monaca', 'noun', 'c'], ['monaco', 'noun', 'c'], ['monarchica', 'noun', 'c'], ['mondiale', 'adjective', 'a'], ['mondiale', 'noun', 'a'], ['mondo', 'noun', 'a'], ['monello', 'noun', 'c'], ['moneta', 'noun', 'a'], ['monetario', 'adjective', 'b'], ['monitor', 'noun', 'b'], ['monologo', 'noun', 'b'], ['montaggio', 'noun', 'b'], ['montagna', 'noun', 'a'], ['montare', 'verb', 'b'], ['monte', 'noun', 'a'], ['montenegrino', 'adjective', 'c'], ['montenegrino', 'noun', 'c'], ['monumento', 'noun', 'b'], ['mora', 'noun', 'b'], ['morale', 'adjective', 'a'], ['morale', 'noun', 'a'], ['morbido', 'adjective', 'b'], ['morbido', 'noun', 'b'], ['mordere', 'verb', 'b'], ['morire', 'verb', 'a'], ['moro', 'adjective', 'b'], ['moro', 'noun', 'b'], ['morsicare', 'verb', 'c'], ['morso', 'noun', 'c'], ['mortadella', 'noun', 'c'], ['mortale', 'adjective', 'b'], ['mortale', 'noun', 'b'], ['morte', 'noun', 'a'], ['morto', 'past_part', 'a'], ['morto', 'adjective', 'a'], ['morto', 'noun', 'a'], ['mosca', 'noun', 'b'], ['moscovita', 'adjective', 'c'], ['moscovita', 'noun', 'c'], ['mossa', 'noun', 'b'], ['mostarda', 'noun', 'c'], ['mostra', 'noun', 'a'], ['mostrare', 'verb', 'a'], ['mostro', 'noun', 'b'], ['motel', 'noun', 'c'], ['motivare', 'verb', 'b'], ['motivazione', 'noun', 'b'], ['motivo', 'noun', 'a'], ['moto', 'noun', 'a'], ['moto', 'noun', 'b'], ['motociclismo', 'noun', 'c'], ['motociclista', 'adjective', 'c'], ['motociclista', 'noun', 'c'], ['motore', 'adjective', 'a'], ['motore', 'noun', 'a'], ['motorino', 'noun', 'b'], ['motoscafo', 'noun', 'c'], ['mousse', 'noun', 'c'], ['movimento', 'noun', 'a'], ['mozzarella', 'noun', 'c'], ['mucca', 'noun', 'b'], ['mucchio', 'noun', 'b'], ['muggire', 'verb', 'c'], ['muggito', 'past_part', 'c'], ['muggito', 'noun', 'c'], ['mugnaio', 'noun', 'c'], ['mugolare', 'verb', 'c'], ['mulino', 'noun', 'c'], ['multa', 'noun', 'b'], ['multare', 'verb', 'c'], ['multinazionale', 'adjective', 'b'], ['multinazionale', 'noun', 'b'], ['multiplo', 'adjective', 'b'], ['multiplo', 'noun', 'b'], ['multipresa', 'noun', 'c'], ['mummia', 'noun', 'c'], ['mungere', 'verb', 'c'], ['municipio', 'noun', 'c'], ['muovere', 'verb', 'a'], ['murare', 'verb', 'c'], ['muratore', 'noun', 'c'], ['muro', 'noun', 'a'], ['muschio', 'noun', 'c'], ['muschio', 'adjective', 'c'], ['muscolare', 'adjective', 'b'], ['muscolare', 'noun', 'b'], ['muscolo', 'noun', 'a'], ['museo', 'noun', 'a'], ['musica', 'noun', 'a'], ['musicale', 'adjective', 'a'], ['musicista', 'noun', 'b'], ['muso', 'noun', 'b'], ['musulmano', 'adjective', 'b'], ['musulmano', 'noun', 'b'], ['muta', 'noun', 'c'], ['mutamento', 'noun', 'b'], ['mutanda', 'noun', 'b'], ['mutandina', 'noun', 'c'], ['mutare', 'verb', 'b'], ['mutazione', 'noun', 'b'], ['mutilato', 'past_part', 'c'], ['mutilato', 'adjective', 'c'], ['mutilato', 'noun', 'c'], ['muto', 'adjective', 'b'], ['muto', 'noun', 'b'], ['mutuo', 'noun', 'b'], ['nanna', 'noun', 'c'], ['nano', 'adjective', 'b'], ['nano', 'noun', 'b'], ['napoletano', 'adjective', 'b'], ['napoletano', 'noun', 'b'], ['narrare', 'verb', 'b'], ['narrativo', 'adjective', 'b'], ['narratore', 'noun', 'b'], ['narrazione', 'noun', 'b'], ['nasale', 'adjective', 'b'], ['nasale', 'noun', 'b'], ['nascere', 'verb', 'a'], ['nascere', 'noun', 'a'], ['nascita', 'noun', 'a'], ['nascondere', 'verb', 'a'], ['nascondiglio', 'noun', 'c'], ['nascondino', 'noun', 'c'], ['nascosto', 'past_part', 'a'], ['nascosto', 'adjective', 'a'], ['nascosto', 'noun', 'a'], ['naso', 'noun', 'a'], ['nastro', 'noun', 'a'], ['natale', 'adjective', 'a'], ['natale', 'noun', 'a'], ['natalizio', 'adjective', 'b'], ['natalizio', 'noun', 'b'], ['nato', 'past_part', 'b'], ['nato', 'adjective', 'b'], ['nato', 'noun', 'b'], ['natura', 'noun', 'a'], ['naturale', 'adjective', 'a'], ['naturale', 'noun', 'a'], ['naturalmente', 'adverb', 'a'], ['naufragio', 'noun', 'c'], ['navale', 'adjective', 'c'], ['nave', 'noun', 'a'], ['navicella', 'noun', 'c'], ['navigare', 'verb', 'b'], ['navigazione', 'noun', 'b'], ['nazionale', 'adjective', 'a'], ['nazionale', 'noun', 'a'], ['nazionalità', 'noun', 'c'], ['nazione', 'noun', 'a'], ['nazista', 'adjective', 'b'], ['nazista', 'noun', 'b'], ['ndrangheta', 'noun', 'c'], ['né', 'conjunction', 'a'], ['ne', 'pronoun', 'a'], ['ne', 'adverb', 'a'], ['neanche', 'adverb', 'a'], ['nebbia', 'noun', 'b'], ['necessariamente', 'adverb', 'b'], ['necessario', 'adjective', 'a'], ['necessario', 'noun', 'a'], ['necessità', 'noun', 'a'], ['necessitare', 'verb', 'b'], ['negare', 'verb', 'a'], ['negativo', 'adjective', 'a'], ['negativo', 'noun', 'a'], ['negativo', 'adverb', 'a'], ['negazione', 'noun', 'c'], ['negoziante', 'pres_part', 'c'], ['negoziante', 'noun', 'c'], ['negozio', 'noun', 'a'], ['negro', 'adjective', 'b'], ['negro', 'noun', 'b'], ['nemico', 'adjective', 'a'], ['nemico', 'noun', 'a'], ['nemmeno', 'adverb', 'a'], ['neo', 'noun', 'c'], ['neonato', 'noun', 'b'], ['neonato', 'adjective', 'b'], ['neppure', 'adverb', 'a'], ['nero', 'adjective', 'a'], ['nero', 'noun', 'a'], ['nervo', 'noun', 'b'], ['nervosismo', 'noun', 'c'], ['nervoso', 'adjective', 'a'], ['nervoso', 'noun', 'a'], ['nessuno', 'adjective', 'a'], ['nessuno', 'pronoun', 'a'], ['nettare', 'noun', 'c'], ['netto', 'adjective', 'b'], ['netto', 'noun', 'b'], ['netto', 'adverb', 'b'], ['network', 'noun', 'b'], ['neutro', 'adjective', 'b'], ['neutro', 'noun', 'b'], ['neve', 'noun', 'a'], ['nevicare', 'verb', 'c'], ['news', 'noun', 'b'], ['newyorkese', 'adjective', 'c'], ['newyorkese', 'noun', 'c'], ['nido', 'noun', 'b'], ['niente', 'pronoun', 'a'], ['niente', 'adjective', 'a'], ['niente', 'adverb', 'a'], ['nipote', 'noun', 'a'], ['no', 'adverb', 'a'], ['no', 'noun', 'a'], ['no', 'adjective', 'a'], ['nobile', 'adjective', 'b'], ['nobile', 'noun', 'b'], ['nocciola', 'noun', 'c'], ['nocciola', 'adjective', 'c'], ['nocciolina', 'noun', 'c'], ['nocivo', 'adjective', 'c'], ['nodo', 'noun', 'b'], ['noi', 'pronoun', 'a'], ['noia', 'noun', 'b'], ['noioso', 'adjective', 'b'], ['noleggiare', 'verb', 'c'], ['nome', 'noun', 'a'], ['nomina', 'noun', 'b'], ['nominare', 'verb', 'a'], ['non', 'adverb', 'a'], ['nonché', 'conjunction', 'b'], ['nonna', 'noun', 'a'], ['nonno', 'noun', 'a'], ['nono', 'adjective', 'b'], ['nono', 'noun', 'b'], ['nonostante', 'preposition', 'a'], ['nonostante', 'conjunction', 'a'], ['nord', 'noun', 'a'], ['nord', 'adjective', 'a'], ['nordamericano', 'adjective', 'c'], ['nordamericano', 'noun', 'c'], ['norma', 'noun', 'a'], ['normale', 'adjective', 'a'], ['normale', 'noun', 'a'], ['normalità', 'noun', 'b'], ['normalmente', 'adverb', 'b'], ['normativa', 'noun', 'b'], ['norvegese', 'adjective', 'c'], ['norvegese', 'noun', 'c'], ['nostalgia', 'noun', 'b'], ['nostro', 'adjective', 'a'], ['nostro', 'pronoun', 'a'], ['nota', 'noun', 'a'], ['notaio', 'noun', 'b'], ['notare', 'verb', 'a'], ['notevole', 'adjective', 'b'], ['notizia', 'noun', 'a'], ['noto', 'adjective', 'a'], ['noto', 'noun', 'a'], ['notte', 'noun', 'a'], ['notturno', 'adjective', 'b'], ['notturno', 'noun', 'b'], ['novanta', 'adjective', 'b'], ['novanta', 'noun', 'b'], ['nove', 'adjective', 'a'], ['nove', 'noun', 'a'], ['novella', 'noun', 'c'], ['novembre', 'noun', 'a'], ['novità', 'noun', 'a'], ['nozione', 'noun', 'b'], ['nozze', 'noun', 'b'], ['nube', 'noun', 'b'], ['nucleare', 'adjective', 'a'], ['nucleare', 'noun', 'a'], ['nucleo', 'noun', 'b'], ['nudo', 'adjective', 'a'], ['nudo', 'noun', 'a'], ['nulla', 'pronoun', 'a'], ['nulla', 'adverb', 'a'], ['numerare', 'verb', 'b'], ['numerazione', 'noun', 'c'], ['numero', 'noun', 'a'], ['numeroso', 'adjective', 'a'], ['nuora', 'noun', 'c'], ['nuotare', 'verb', 'b'], ['nuoto', 'noun', 'b'], ['nuovamente', 'adverb', 'b'], ['nuovo', 'adjective', 'a'], ['nuovo', 'noun', 'a'], ['nutrire', 'verb', 'b'], ['nuvola', 'noun', 'b'], ['nuvoloso', 'adjective', 'c'], ['nylon', 'noun', 'c'], ['o', 'noun', 'c'], ['o', 'conjunction', 'a'], ['obbedire', 'verb', 'b'], ['obbiettivo', 'adjective', 'c'], ['obbiettivo', 'noun', 'c'], ['obbligare', 'verb', 'a'], ['obbligatorio', 'adjective', 'b'], ['obbligazione', 'noun', 'b'], ['obbligo', 'noun', 'b'], ['obiettivo', 'adjective', 'a'], ['obiettivo', 'noun', 'a'], ['obiezione', 'noun', 'b'], ['oblò', 'noun', 'c'], ['occasione', 'noun', 'a'], ['occhiaia', 'noun', 'c'], ['occhiale', 'noun', 'a'], ['occhiale', 'adjective', 'a'], ['occhiata', 'noun', 'b'], ['occhiello', 'noun', 'c'], ['occhio', 'noun', 'a'], ['occidentale', 'adjective', 'a'], ['occidentale', 'noun', 'a'], ['occidente', 'noun', 'b'], ['occidente', 'adjective', 'b'], ['occorrere', 'verb', 'a'], ['occupare', 'verb', 'a'], ['occupato', 'past_part', 'c'], ['occupato', 'adjective', 'c'], ['occupato', 'noun', 'c'], ['occupazione', 'noun', 'b'], ['oceano', 'noun', 'b'], ['oculista', 'noun', 'c'], ['oddio', 'exclamation', 'b'], ['odiare', 'verb', 'a'], ['odio', 'noun', 'b'], ['odorare', 'verb', 'c'], ['odore', 'noun', 'a'], ['offendere', 'verb', 'b'], ['offerta', 'noun', 'a'], ['offesa', 'noun', 'b'], ['offeso', 'past_part', 'c'], ['offeso', 'adjective', 'c'], ['offeso', 'noun', 'c'], ['officina', 'noun', 'b'], ['offline', 'adjective', 'b'], ['offline', 'noun', 'b'], ['offrire', 'verb', 'a'], ['oggettivo', 'adjective', 'b'], ['oggetto', 'noun', 'a'], ['oggi', 'adverb', 'a'], ['oggi', 'noun', 'a'], ['ogni', 'adjective', 'a'], ['ognuno', 'pronoun', 'a'], ['ognuno', 'adjective', 'a'], ['ok', 'adverb', 'a'], ['ok', 'noun', 'a'], ['ok', 'adjective', 'a'], ['okay', 'adverb', 'a'], ['okay', 'noun', 'a'], ['okay', 'adjective', 'a'], ['olandese', 'adjective', 'b'], ['olandese', 'noun', 'b'], ['oliare', 'verb', 'c'], ['oliera', 'noun', 'c'], ['olimpico', 'adjective', 'b'], ['olio', 'noun', 'a'], ['oliva', 'noun', 'b'], ['oliva', 'adjective', 'b'], ['oltre', 'adverb', 'a'], ['oltre', 'preposition', 'a'], ['oltrepassare', 'verb', 'c'], ['oltretutto', 'adverb', 'b'], ['omaggio', 'noun', 'b'], ['ombelico', 'noun', 'c'], ['ombra', 'noun', 'a'], ['ombrellone', 'noun', 'c'], ['omicidio', 'noun', 'a'], ['omogeneizzato', 'past_part', 'c'], ['omogeneizzato', 'adjective', 'c'], ['omogeneizzato', 'noun', 'c'], ['omonimo', 'adjective', 'b'], ['omonimo', 'noun', 'b'], ['onda', 'noun', 'a'], ['ondata', 'noun', 'b'], ['ondeggiare', 'verb', 'c'], ['onere', 'noun', 'b'], ['onestamente', 'adverb', 'b'], ['onesto', 'adjective', 'b'], ['onesto', 'noun', 'b'], ['onesto', 'adverb', 'b'], ['online', 'adjective', 'b'], ['online', 'noun', 'b'], ['onorare', 'verb', 'b'], ['onore', 'noun', 'a'], ['opera', 'noun', 'a'], ['operaio', 'noun', 'a'], ['operaio', 'adjective', 'a'], ['operare', 'verb', 'a'], ['operativo', 'adjective', 'b'], ['operativo', 'noun', 'b'], ['operatore', 'adjective', 'b'], ['operatore', 'noun', 'b'], ['operazione', 'noun', 'a'], ['opinione', 'noun', 'a'], ['opporre', 'verb', 'a'], ['opportunità', 'noun', 'b'], ['opportuno', 'adjective', 'b'], ['opposizione', 'noun', 'b'], ['opposto', 'past_part', 'a'], ['opposto', 'adjective', 'a'], ['opposto', 'noun', 'a'], ['oppressivo', 'adjective', 'c'], ['oppresso', 'past_part', 'c'], ['oppresso', 'adjective', 'c'], ['oppresso', 'noun', 'c'], ['oppressore', 'adjective', 'c'], ['oppressore', 'noun', 'c'], ['oppure', 'conjunction', 'a'], ['opzione', 'noun', 'b'], ['ora', 'noun', 'a'], ['ora', 'adverb', 'a'], ['orale', 'adjective', 'b'], ['oramai', 'adverb', 'b'], ['orario', 'adjective', 'a'], ['orario', 'noun', 'a'], ['orbita', 'noun', 'b'], ['orchestra', 'noun', 'b'], ['orco', 'noun', 'b'], ['ordinamento', 'noun', 'b'], ['ordinanza', 'noun', 'b'], ['ordinare', 'verb', 'a'], ['ordinario', 'adjective', 'b'], ['ordinario', 'noun', 'b'], ['ordine', 'noun', 'a'], ['orecchino', 'noun', 'c'], ['orecchio', 'noun', 'a'], ['orefice', 'noun', 'c'], ['organico', 'adjective', 'b'], ['organico', 'noun', 'b'], ['organismo', 'noun', 'a'], ['organizzare', 'verb', 'a'], ['organizzato', 'past_part', 'b'], ['organizzato', 'adjective', 'b'], ['organizzato', 'noun', 'b'], ['organizzazione', 'noun', 'a'], ['organo', 'noun', 'a'], ['orgasmo', 'noun', 'b'], ['orgoglio', 'noun', 'b'], ['orgoglioso', 'adjective', 'b'], ['orientale', 'adjective', 'b'], ['orientale', 'noun', 'b'], ['orientamento', 'noun', 'b'], ['orientare', 'verb', 'b'], ['oriente', 'adjective', 'b'], ['oriente', 'noun', 'b'], ['origano', 'noun', 'c'], ['originale', 'adjective', 'a'], ['originale', 'noun', 'a'], ['originario', 'adjective', 'b'], ['origine', 'noun', 'a'], ['orizzontale', 'adjective', 'b'], ['orizzontale', 'noun', 'b'], ['orizzonte', 'noun', 'b'], ['orlo', 'noun', 'b'], ['orma', 'noun', 'c'], ['ormai', 'adverb', 'a'], ['ormone', 'noun', 'b'], ['oro', 'noun', 'a'], ['orologiaio', 'noun', 'c'], ['orologio', 'noun', 'a'], ['oroscopo', 'noun', 'b'], ['orribile', 'adjective', 'b'], ['orrore', 'noun', 'b'], ['orso', 'noun', 'b'], ['ortaggio', 'noun', 'c'], ['ortensia', 'noun', 'c'], ['ortica', 'noun', 'c'], ['orto', 'noun', 'b'], ['ortolano', 'noun', 'c'], ['ortolano', 'adjective', 'c'], ['orzo', 'noun', 'c'], ['osare', 'verb', 'b'], ['osceno', 'adjective', 'c'], ['oscillare', 'verb', 'b'], ['oscurare', 'verb', 'b'], ['oscuro', 'adjective', 'b'], ['oscuro', 'noun', 'b'], ['oscuro', 'adverb', 'b'], ['ospedale', 'noun', 'a'], ['ospitalità', 'noun', 'c'], ['ospitare', 'verb', 'a'], ['ospite', 'adjective', 'a'], ['ospite', 'noun', 'a'], ['ospizio', 'noun', 'c'], ['osservare', 'verb', 'a'], ['osservazione', 'noun', 'b'], ['ossessione', 'noun', 'b'], ['ossia', 'conjunction', 'b'], ['ossigeno', 'noun', 'b'], ['osso', 'noun', 'a'], ['ostacolare', 'verb', 'b'], ['ostacolo', 'noun', 'b'], ['ostaggio', 'noun', 'c'], ['oste', 'noun', 'c'], ['ostile', 'adjective', 'b'], ['ostinato', 'past_part', 'c'], ['ostinato', 'adjective', 'c'], ['ostrica', 'noun', 'c'], ['ottanta', 'adjective', 'b'], ['ottanta', 'noun', 'b'], ['ottavo', 'adjective', 'b'], ['ottavo', 'noun', 'b'], ['ottenere', 'verb', 'a'], ['ottica', 'noun', 'b'], ['ottimo', 'adjective', 'a'], ['ottimo', 'noun', 'a'], ['otto', 'adjective', 'a'], ['otto', 'noun', 'a'], ['ottobre', 'noun', 'a'], ['ottone', 'noun', 'c'], ['ovale', 'adjective', 'c'], ['ovale', 'noun', 'c'], ['ovatta', 'noun', 'c'], ['ove', 'adverb', 'b'], ['ove', 'conjunction', 'b'], ['ovest', 'noun', 'b'], ['ovest', 'adjective', 'b'], ['ovile', 'noun', 'c'], ['ovino', 'adjective', 'c'], ['ovino', 'noun', 'c'], ['ovunque', 'adverb', 'a'], ['ovunque', 'conjunction', 'a'], ['ovvero', 'conjunction', 'a'], ['ovviamente', 'adverb', 'a'], ['ovviare', 'verb', 'b'], ['ovvio', 'adjective', 'b'], ['ozono', 'noun', 'c'], ['pacchetto', 'noun', 'b'], ['pacco', 'noun', 'b'], ['pace', 'noun', 'a'], ['padella', 'noun', 'c'], ['padre', 'noun', 'a'], ['padrona', 'noun', 'b'], ['padronato', 'noun', 'c'], ['padrone', 'noun', 'a'], ['padroneggiare', 'verb', 'c'], ['paesaggio', 'noun', 'b'], ['paese', 'noun', 'a'], ['paga', 'noun', 'b'], ['pagamento', 'noun', 'a'], ['pagare', 'verb', 'a'], ['pagella', 'noun', 'c'], ['pagina', 'noun', 'a'], ['paglia', 'noun', 'b'], ['paglia', 'adjective', 'b'], ['pagliaio', 'noun', 'c'], ['pago', 'past_part', 'b'], ['pago', 'adjective', 'b'], ['paio', 'noun', 'a'], ['pala', 'noun', 'b'], ['palato', 'noun', 'c'], ['palazzina', 'noun', 'c'], ['palazzo', 'noun', 'a'], ['palco', 'noun', 'b'], ['palcoscenico', 'noun', 'b'], ['palermitano', 'adjective', 'c'], ['palermitano', 'noun', 'c'], ['palestinese', 'adjective', 'c'], ['palestinese', 'noun', 'c'], ['palestra', 'noun', 'b'], ['paletta', 'noun', 'c'], ['palla', 'noun', 'a'], ['pallacanestro', 'noun', 'c'], ['pallanuoto', 'noun', 'c'], ['pallavolo', 'noun', 'c'], ['pallido', 'adjective', 'b'], ['pallina', 'noun', 'b'], ['pallino', 'noun', 'c'], ['palloncino', 'noun', 'c'], ['pallone', 'noun', 'b'], ['pallottola', 'noun', 'c'], ['pallottoliere', 'noun', 'c'], ['palma', 'noun', 'c'], ['palo', 'noun', 'b'], ['palombaro', 'noun', 'c'], ['palpebra', 'noun', 'c'], ['palude', 'noun', 'c'], ['panca', 'noun', 'c'], ['pancarrè', 'noun', 'c'], ['pancetta', 'noun', 'c'], ['panchina', 'noun', 'b'], ['pancia', 'noun', 'b'], ['panciotto', 'noun', 'c'], ['panda', 'noun', 'c'], ['pandoro', 'noun', 'c'], ['pane', 'noun', 'a'], ['panetteria', 'noun', 'c'], ['panettiere', 'noun', 'c'], ['panettone', 'noun', 'c'], ['panico', 'adjective', 'b'], ['panico', 'noun', 'b'], ['paniere', 'noun', 'c'], ['panino', 'noun', 'b'], ['panna', 'noun', 'b'], ['pannello', 'noun', 'b'], ['panno', 'noun', 'b'], ['pannocchia', 'noun', 'c'], ['pannolino', 'noun', 'c'], ['pannolone', 'noun', 'c'], ['panorama', 'noun', 'b'], ['pantalone', 'noun', 'a'], ['pantera', 'noun', 'c'], ['pantofola', 'noun', 'c'], ['panzerotto', 'noun', 'c'], ['papa', 'noun', 'a'], ['papà', 'noun', 'a'], ['papavero', 'noun', 'c'], ['papera', 'noun', 'c'], ['papero', 'noun', 'c'], ['pappa', 'noun', 'c'], ['pappagallo', 'noun', 'c'], ['parabola', 'noun', 'c'], ['parabrezza', 'noun', 'c'], ['paracadute', 'noun', 'c'], ['paracadutista', 'noun', 'c'], ['paradiso', 'noun', 'b'], ['paradosso', 'noun', 'b'], ['paradosso', 'adjective', 'b'], ['parafulmine', 'noun', 'c'], ['paragonare', 'verb', 'b'], ['paragone', 'noun', 'b'], ['paralisi', 'noun', 'c'], ['paralizzato', 'past_part', 'c'], ['paralizzato', 'adjective', 'c'], ['parallelepipedo', 'noun', 'c'], ['parallelo', 'adjective', 'b'], ['parallelo', 'noun', 'b'], ['paralume', 'noun', 'c'], ['parametro', 'noun', 'b'], ['paraocchi', 'noun', 'c'], ['parare', 'verb', 'b'], ['paraurti', 'noun', 'c'], ['paravento', 'noun', 'c'], ['parcheggiare', 'verb', 'b'], ['parcheggio', 'noun', 'b'], ['parco', 'noun', 'a'], ['parecchio', 'adjective', 'a'], ['parecchio', 'pronoun', 'a'], ['parecchio', 'adverb', 'a'], ['parecchio', 'adjective', 'a'], ['pareggiare', 'verb', 'c'], ['pareggio', 'noun', 'c'], ['parente', 'noun', 'a'], ['parentesi', 'noun', 'b'], ['parere', 'verb', 'a'], ['parere', 'noun', 'a'], ['parete', 'noun', 'a'], ['pari', 'adjective', 'a'], ['pari', 'adverb', 'a'], ['pari', 'noun', 'a'], ['parigino', 'adjective', 'c'], ['parigino', 'noun', 'c'], ['parità', 'noun', 'c'], ['parlamentare', 'adjective', 'b'], ['parlamentare', 'noun', 'b'], ['parlamento', 'noun', 'b'], ['parlare', 'verb', 'a'], ['parmigiano', 'adjective', 'c'], ['parmigiano', 'noun', 'c'], ['parola', 'noun', 'a'], ['parquet', 'noun', 'c'], ['parroco', 'noun', 'c'], ['parrucca', 'noun', 'c'], ['parrucchiere', 'noun', 'c'], ['parte', 'noun', 'a'], ['parte', 'adverb', 'a'], ['partecipante', 'pres_part', 'b'], ['partecipante', 'adjective', 'b'], ['partecipante', 'noun', 'b'], ['partecipare', 'verb', 'a'], ['partecipazione', 'noun', 'b'], ['parteggiare', 'verb', 'c'], ['partenza', 'noun', 'a'], ['particella', 'noun', 'b'], ['particolare', 'adjective', 'a'], ['particolare', 'noun', 'a'], ['particolarmente', 'adverb', 'a'], ['partigiano', 'noun', 'b'], ['partigiano', 'adjective', 'b'], ['partire', 'verb', 'a'], ['partita', 'noun', 'a'], ['partito', 'noun', 'a'], ['partner', 'noun', 'b'], ['parto', 'noun', 'b'], ['partorire', 'verb', 'b'], ['party', 'noun', 'b'], ['parziale', 'adjective', 'b'], ['parziale', 'noun', 'b'], ['parzialmente', 'adverb', 'b'], ['pascolare', 'verb', 'c'], ['pasqua', 'noun', 'c'], ['pasquale', 'adjective', 'b'], ['passaggio', 'noun', 'a'], ['passare', 'verb', 'a'], ['passata', 'noun', 'c'], ['passatempo', 'noun', 'c'], ['passato', 'past_part', 'a'], ['passato', 'adjective', 'a'], ['passato', 'noun', 'a'], ['passeggero', 'adjective', 'b'], ['passeggero', 'noun', 'b'], ['passeggiare', 'verb', 'b'], ['passeggiata', 'noun', 'b'], ['passeggio', 'noun', 'c'], ['passero', 'noun', 'c'], ['passione', 'noun', 'a'], ['passivo', 'adjective', 'b'], ['passivo', 'noun', 'b'], ['passo', 'noun', 'a'], ['pasta', 'noun', 'a'], ['pasticca', 'noun', 'c'], ['pasticcere', 'noun', 'c'], ['pasticceria', 'noun', 'c'], ['pasticcino', 'noun', 'c'], ['pasticcio', 'noun', 'c'], ['pastiglia', 'noun', 'c'], ['pastina', 'noun', 'c'], ['pasto', 'noun', 'b'], ['pastore', 'noun', 'b'], ['patata', 'noun', 'b'], ['patatina', 'noun', 'c'], ['patè', 'noun', 'c'], ['patente', 'noun', 'b'], ['patetico', 'adjective', 'b'], ['patetico', 'noun', 'b'], ['patologia', 'noun', 'b'], ['patria', 'noun', 'b'], ['patrimonio', 'noun', 'b'], ['pattinaggio', 'noun', 'c'], ['pattinare', 'verb', 'c'], ['pattino', 'noun', 'c'], ['patto', 'noun', 'b'], ['pattumiera', 'noun', 'c'], ['paura', 'noun', 'a'], ['pauroso', 'adjective', 'c'], ['pausa', 'noun', 'a'], ['pavimento', 'noun', 'b'], ['pavone', 'noun', 'c'], ['pavone', 'adjective', 'c'], ['paziente', 'adjective', 'a'], ['paziente', 'noun', 'a'], ['pazienza', 'noun', 'a'], ['pazza', 'noun', 'c'], ['pazzesco', 'adjective', 'b'], ['pazzo', 'adjective', 'a'], ['pazzo', 'noun', 'a'], ['peccato', 'noun', 'b'], ['peccato', 'exclamation', 'b'], ['peccatore', 'noun', 'c'], ['peccatore', 'adjective', 'c'], ['pechinese', 'adjective', 'c'], ['pechinese', 'noun', 'c'], ['pecora', 'noun', 'b'], ['pecorino', 'adjective', 'c'], ['pecorino', 'noun', 'c'], ['pedalare', 'verb', 'c'], ['pedale', 'noun', 'c'], ['pedale', 'adjective', 'c'], ['pedone', 'noun', 'c'], ['pedone', 'adjective', 'c'], ['peggio', 'adverb', 'a'], ['peggio', 'adjective', 'a'], ['peggio', 'noun', 'a'], ['peggioramento', 'noun', 'c'], ['peggiorare', 'verb', 'b'], ['peggiore', 'adjective', 'b'], ['peggiore', 'noun', 'b'], ['peggiore', 'adverb', 'b'], ['pelato', 'past_part', 'c'], ['pelato', 'adjective', 'c'], ['pelato', 'noun', 'c'], ['pelle', 'noun', 'a'], ['pellegrino', 'noun', 'c'], ['pellegrino', 'adjective', 'c'], ['pellerossa', 'adjective', 'c'], ['pellerossa', 'noun', 'c'], ['pelletteria', 'noun', 'c'], ['pellicola', 'noun', 'b'], ['pelo', 'noun', 'b'], ['peloso', 'adjective', 'c'], ['peloso', 'noun', 'c'], ['peluche', 'noun', 'c'], ['pena', 'noun', 'a'], ['penale', 'adjective', 'b'], ['penale', 'noun', 'b'], ['pendere', 'verb', 'b'], ['pendolo', 'noun', 'c'], ['pene', 'noun', 'b'], ['penetrare', 'verb', 'b'], ['penisola', 'noun', 'c'], ['penna', 'noun', 'b'], ['pennarello', 'noun', 'c'], ['pensare', 'verb', 'a'], ['pensiero', 'noun', 'a'], ['pensionato', 'past_part', 'c'], ['pensionato', 'adjective', 'c'], ['pensionato', 'noun', 'c'], ['pensione', 'noun', 'a'], ['pentagono', 'noun', 'c'], ['pentirsi', 'verb', 'b'], ['pentola', 'noun', 'b'], ['penultimo', 'adjective', 'c'], ['pepe', 'noun', 'c'], ['peperoncino', 'noun', 'c'], ['peperone', 'noun', 'c'], ['per', 'preposition', 'a'], ['pera', 'noun', 'c'], ['peraltro', 'adverb', 'b'], ['percentuale', 'adjective', 'b'], ['percentuale', 'noun', 'b'], ['percepire', 'verb', 'a'], ['percezione', 'noun', 'b'], ['perché', 'adverb', 'a'], ['perché', 'conjunction', 'a'], ['perché', 'noun', 'a'], ['perciò', 'conjunction', 'a'], ['percorrere', 'verb', 'b'], ['percorso', 'past_part', 'a'], ['percorso', 'adjective', 'a'], ['percorso', 'noun', 'a'], ['perdere', 'verb', 'a'], ['perdita', 'noun', 'a'], ['perdonare', 'verb', 'a'], ['perdono', 'noun', 'b'], ['perduto', 'past_part', 'b'], ['perduto', 'adjective', 'b'], ['perfettamente', 'adverb', 'a'], ['perfetto', 'past_part', 'a'], ['perfetto', 'adjective', 'a'], ['perfetto', 'noun', 'a'], ['perfezione', 'noun', 'b'], ['perfino', 'adverb', 'a'], ['perfino', 'preposition', 'a'], ['pergola', 'noun', 'c'], ['pergolato', 'noun', 'c'], ['pergolato', 'adjective', 'c'], ['pericolo', 'noun', 'a'], ['pericoloso', 'adjective', 'a'], ['periferia', 'noun', 'b'], ['periodico', 'adjective', 'b'], ['periodico', 'noun', 'b'], ['periodo', 'noun', 'a'], ['perito', 'noun', 'b'], ['perito', 'adjective', 'b'], ['perla', 'noun', 'b'], ['perla', 'adjective', 'b'], ['permaloso', 'adjective', 'c'], ['permaloso', 'noun', 'c'], ['permanente', 'pres_part', 'b'], ['permanente', 'adjective', 'b'], ['permanente', 'noun', 'b'], ['permesso', 'past_part', 'b'], ['permesso', 'adjective', 'b'], ['permesso', 'noun', 'b'], ['permettere', 'verb', 'a'], ['pero', 'noun', 'c'], ['però', 'conjunction', 'a'], ['perpendicolare', 'adjective', 'c'], ['perpendicolare', 'noun', 'c'], ['perplesso', 'adjective', 'b'], ['perquisizione', 'noun', 'b'], ['perseguire', 'verb', 'b'], ['persiana', 'noun', 'c'], ['persiano', 'adjective', 'b'], ['persiano', 'noun', 'b'], ['persino', 'adverb', 'a'], ['perso', 'past_part', 'b'], ['perso', 'adjective', 'b'], ['persona', 'noun', 'a'], ['personaggio', 'noun', 'a'], ['personale', 'adjective', 'a'], ['personale', 'noun', 'a'], ['personale', 'noun', 'a'], ['personalità', 'noun', 'b'], ['personalmente', 'adverb', 'a'], ['pertanto', 'conjunction', 'b'], ['perugino', 'adjective', 'c'], ['perugino', 'noun', 'c'], ['peruviano', 'adjective', 'c'], ['peruviano', 'noun', 'c'], ['pervenire', 'verb', 'b'], ['pesante', 'pres_part', 'a'], ['pesante', 'adjective', 'a'], ['pesante', 'adverb', 'a'], ['pesare', 'verb', 'b'], ['pesca', 'noun', 'c'], ['pesca', 'adjective', 'c'], ['pesca', 'noun', 'b'], ['pescare', 'verb', 'b'], ['pescatore', 'noun', 'b'], ['pescatore', 'adjective', 'b'], ['pesce', 'noun', 'a'], ['peschereccio', 'noun', 'c'], ['peschereccio', 'adjective', 'c'], ['pescheria', 'noun', 'c'], ['pesco', 'noun', 'c'], ['peso', 'noun', 'a'], ['pessimo', 'adjective', 'b'], ['pestare', 'verb', 'c'], ['peste', 'noun', 'c'], ['pesto', 'past_part', 'c'], ['pesto', 'adjective', 'c'], ['pesto', 'noun', 'c'], ['petalo', 'noun', 'c'], ['petardo', 'noun', 'c'], ['petroliera', 'noun', 'c'], ['petrolio', 'noun', 'b'], ['pettegolezzo', 'noun', 'c'], ['pettegolo', 'adjective', 'c'], ['pettegolo', 'noun', 'c'], ['pettinare', 'verb', 'c'], ['pettinatura', 'noun', 'c'], ['pettine', 'noun', 'c'], ['pettirosso', 'noun', 'c'], ['petto', 'noun', 'a'], ['pezza', 'noun', 'c'], ['pezzetto', 'noun', 'b'], ['pezzo', 'noun', 'a'], ['pezzuola', 'noun', 'c'], ['pi', 'noun', 'c'], ['piacere', 'verb', 'a'], ['piacere', 'noun', 'a'], ['piacevole', 'adjective', 'b'], ['piadina', 'noun', 'c'], ['piaga', 'noun', 'c'], ['pialla', 'noun', 'c'], ['piallare', 'verb', 'c'], ['pianeggiante', 'pres_part', 'c'], ['pianeggiante', 'adjective', 'c'], ['pianerottolo', 'noun', 'b'], ['pianeta', 'noun', 'a'], ['piangere', 'verb', 'a'], ['piangere', 'noun', 'a'], ['piano', 'noun', 'a'], ['piano', 'noun', 'a'], ['piano', 'adjective', 'a'], ['piano', 'adverb', 'a'], ['pianoforte', 'noun', 'b'], ['pianoterra', 'noun', 'c'], ['pianta', 'noun', 'a'], ['piantare', 'verb', 'b'], ['pianto', 'noun', 'b'], ['pianura', 'noun', 'b'], ['piastra', 'noun', 'c'], ['piattaforma', 'noun', 'b'], ['piatto', 'adjective', 'a'], ['piatto', 'noun', 'a'], ['piazza', 'noun', 'a'], ['piazzale', 'noun', 'b'], ['piazzare', 'verb', 'b'], ['piccante', 'adjective', 'c'], ['picchiare', 'verb', 'b'], ['piccino', 'adjective', 'c'], ['piccino', 'noun', 'c'], ['piccione', 'noun', 'c'], ['picco', 'noun', 'b'], ['piccolo', 'adjective', 'a'], ['piccolo', 'noun', 'a'], ['piccone', 'noun', 'c'], ['picnic', 'noun', 'c'], ['pidocchio', 'noun', 'c'], ['piede', 'noun', 'a'], ['piega', 'noun', 'b'], ['piegare', 'verb', 'b'], ['pieghevole', 'adjective', 'c'], ['pieghevole', 'noun', 'c'], ['piemontese', 'adjective', 'b'], ['piemontese', 'noun', 'b'], ['piena', 'noun', 'c'], ['pienamente', 'adverb', 'b'], ['pieno', 'adjective', 'a'], ['pieno', 'noun', 'a'], ['pietà', 'noun', 'b'], ['pietra', 'noun', 'a'], ['pigiama', 'noun', 'c'], ['pigione', 'noun', 'c'], ['pigliare', 'verb', 'b'], ['pigna', 'noun', 'c'], ['pigrizia', 'noun', 'c'], ['pigro', 'adjective', 'c'], ['pigro', 'noun', 'c'], ['pila', 'noun', 'b'], ['pillola', 'noun', 'b'], ['pilota', 'noun', 'b'], ['pineta', 'noun', 'c'], ['ping-pong', 'noun', 'c'], ['pinguino', 'noun', 'c'], ['pinna', 'noun', 'c'], ['pinolo', 'noun', 'c'], ['pinza', 'noun', 'c'], ['pinzetta', 'noun', 'c'], ['pioggia', 'noun', 'a'], ['piombo', 'noun', 'b'], ['piombo', 'adjective', 'b'], ['piombo', 'noun', 'b'], ['pioppo', 'noun', 'c'], ['piovere', 'verb', 'b'], ['piovoso', 'adjective', 'c'], ['piovoso', 'noun', 'c'], ['pipì', 'noun', 'c'], ['pipistrello', 'noun', 'c'], ['pirata', 'noun', 'b'], ['piscina', 'noun', 'b'], ['pisello', 'noun', 'c'], ['pisello', 'adjective', 'c'], ['pisolino', 'noun', 'c'], ['pista', 'noun', 'b'], ['pistacchio', 'noun', 'c'], ['pistacchio', 'adjective', 'c'], ['pistola', 'noun', 'a'], ['pittare', 'verb', 'c'], ['pittore', 'noun', 'b'], ['pittore', 'adjective', 'b'], ['pittura', 'noun', 'b'], ['pitturare', 'verb', 'c'], ['più', 'adverb', 'a'], ['più', 'adjective', 'a'], ['più', 'preposition', 'a'], ['più', 'noun', 'a'], ['piuma', 'noun', 'c'], ['piumino', 'noun', 'c'], ['piuttosto', 'adverb', 'a'], ['pizza', 'noun', 'b'], ['pizzeria', 'noun', 'c'], ['pizzetta', 'noun', 'c'], ['pizzicare', 'verb', 'c'], ['pizzo', 'noun', 'c'], ['plaid', 'noun', 'c'], ['plastica', 'noun', 'b'], ['plastico', 'adjective', 'b'], ['plastico', 'noun', 'b'], ['platano', 'noun', 'c'], ['platino', 'noun', 'c'], ['platino', 'adjective', 'c'], ['plurale', 'noun', 'c'], ['plurale', 'adjective', 'c'], ['pneumatico', 'noun', 'c'], ['pochino', 'noun', 'b'], ['poco', 'adjective', 'a'], ['poco', 'pronoun', 'a'], ['poco', 'adverb', 'a'], ['podere', 'noun', 'c'], ['poema', 'noun', 'b'], ['poesia', 'noun', 'a'], ['poeta', 'noun', 'a'], ['poetico', 'adjective', 'b'], ['poetico', 'noun', 'b'], ['poggiapiedi', 'noun', 'c'], ['poggiare', 'verb', 'c'], ['poi', 'adverb', 'a'], ['poiché', 'conjunction', 'a'], ['poker', 'noun', 'b'], ['polacco', 'adjective', 'b'], ['polacco', 'noun', 'b'], ['polemica', 'noun', 'b'], ['polenta', 'noun', 'c'], ['polipo', 'noun', 'c'], ['politica', 'noun', 'a'], ['politico', 'adjective', 'a'], ['politico', 'noun', 'a'], ['polizia', 'noun', 'a'], ['poliziotto', 'noun', 'a'], ['pollaio', 'noun', 'c'], ['pollame', 'noun', 'c'], ['pollice', 'noun', 'b'], ['pollo', 'noun', 'c'], ['polmone', 'noun', 'b'], ['polo', 'noun', 'b'], ['polpa', 'noun', 'c'], ['polpastrello', 'noun', 'c'], ['polpetta', 'noun', 'c'], ['polpo', 'noun', 'c'], ['polsino', 'noun', 'c'], ['polso', 'noun', 'b'], ['poltrona', 'noun', 'b'], ['polvere', 'noun', 'a'], ['polverina', 'noun', 'c'], ['polveroso', 'adjective', 'c'], ['pomata', 'noun', 'c'], ['pomello', 'noun', 'c'], ['pomeriggio', 'noun', 'a'], ['pomodoro', 'noun', 'b'], ['pompa', 'noun', 'b'], ['pompelmo', 'noun', 'c'], ['pompiere', 'noun', 'c'], ['ponte', 'noun', 'a'], ['pony', 'noun', 'c'], ['pop', 'adjective', 'b'], ['pop', 'noun', 'b'], ['popolare', 'adjective', 'a'], ['popolare', 'noun', 'a'], ['popolare', 'verb', 'b'], ['popolarità', 'noun', 'c'], ['popolazione', 'noun', 'a'], ['popolo', 'noun', 'a'], ['porcellana', 'noun', 'c'], ['porcheria', 'noun', 'c'], ['porco', 'noun', 'b'], ['porco', 'adjective', 'b'], ['porgere', 'verb', 'b'], ['porno', 'adjective', 'b'], ['porno', 'noun', 'b'], ['porre', 'verb', 'a'], ['porta', 'noun', 'a'], ['portabagagli', 'noun', 'c'], ['portabagagli', 'adjective', 'c'], ['portacenere', 'noun', 'c'], ['portachiavi', 'noun', 'c'], ['portacipria', 'noun', 'c'], ['portaerei', 'noun', 'c'], ['portafinestra', 'noun', 'c'], ['portafoglio', 'noun', 'b'], ['portafortuna', 'noun', 'c'], ['portale', 'noun', 'b'], ['portamonete', 'noun', 'c'], ['portaombrelli', 'noun', 'c'], ['portare', 'verb', 'a'], ['portata', 'noun', 'b'], ['portatore', 'adjective', 'b'], ['portatore', 'noun', 'b'], ['portiere', 'noun', 'b'], ['portineria', 'noun', 'c'], ['porto', 'noun', 'a'], ['portoghese', 'adjective', 'b'], ['portoghese', 'noun', 'b'], ['portone', 'noun', 'b'], ['porzione', 'noun', 'b'], ['posa', 'noun', 'b'], ['posacenere', 'noun', 'c'], ['posare', 'verb', 'b'], ['posata', 'noun', 'c'], ['positivo', 'adjective', 'a'], ['positivo', 'noun', 'a'], ['positivo', 'adverb', 'a'], ['posizionare', 'verb', 'b'], ['posizione', 'noun', 'a'], ['possedere', 'verb', 'a'], ['possesso', 'noun', 'b'], ['possibile', 'adjective', 'a'], ['possibile', 'noun', 'a'], ['possibilità', 'noun', 'a'], ['post', 'noun', 'b'], ['posta', 'noun', 'a'], ['postale', 'adjective', 'b'], ['postare', 'verb', 'b'], ['posteggiatore', 'noun', 'c'], ['posteriore', 'adjective', 'b'], ['posteriore', 'noun', 'b'], ['postino', 'noun', 'c'], ['postino', 'adjective', 'c'], ['posto', 'noun', 'a'], ['potare', 'verb', 'c'], ['potente', 'pres_part', 'a'], ['potente', 'adjective', 'a'], ['potente', 'noun', 'a'], ['potentino', 'adjective', 'c'], ['potentino', 'noun', 'c'], ['potenza', 'noun', 'b'], ['potenziale', 'adjective', 'b'], ['potenziale', 'noun', 'b'], ['potere', 'verb', 'a'], ['potere', 'noun', 'a'], ['povero', 'adjective', 'a'], ['povertà', 'noun', 'b'], ['pozzanghera', 'noun', 'c'], ['pozzo', 'noun', 'b'], ['praghese', 'adjective', 'c'], ['praghese', 'noun', 'c'], ['pranzo', 'noun', 'a'], ['prassi', 'noun', 'b'], ['pratica', 'noun', 'a'], ['praticamente', 'adverb', 'a'], ['praticare', 'verb', 'b'], ['pratico', 'adjective', 'a'], ['prato', 'noun', 'b'], ['precario', 'adjective', 'b'], ['precedente', 'pres_part', 'a'], ['precedente', 'adjective', 'a'], ['precedente', 'noun', 'a'], ['precedentemente', 'adverb', 'b'], ['precedenza', 'noun', 'b'], ['precedere', 'verb', 'b'], ['precipitare', 'verb', 'b'], ['precisamente', 'adverb', 'b'], ['precisare', 'verb', 'a'], ['precisione', 'noun', 'b'], ['preciso', 'adjective', 'a'], ['preciso', 'adverb', 'a'], ['preda', 'noun', 'b'], ['predisporre', 'verb', 'b'], ['preferenza', 'noun', 'b'], ['preferire', 'verb', 'a'], ['preferito', 'past_part', 'b'], ['preferito', 'adjective', 'b'], ['preferito', 'noun', 'b'], ['pregare', 'verb', 'a'], ['preghiera', 'noun', 'b'], ['pregiato', 'past_part', 'c'], ['pregiato', 'adjective', 'c'], ['pregio', 'noun', 'b'], ['pregiudizio', 'noun', 'b'], ['prego', 'exclamation', 'a'], ['prelevare', 'verb', 'b'], ['preliminare', 'adjective', 'b'], ['preliminare', 'noun', 'b'], ['prémaman', 'adjective', 'c'], ['premere', 'verb', 'b'], ['premessa', 'noun', 'b'], ['premiare', 'verb', 'b'], ['premier', 'noun', 'b'], ['premio', 'noun', 'a'], ['premio', 'adjective', 'a'], ['prendere', 'verb', 'a'], ['prenotare', 'verb', 'b'], ['prenotazione', 'noun', 'c'], ['preoccupare', 'verb', 'a'], ['preoccupato', 'past_part', 'b'], ['preoccupato', 'adjective', 'b'], ['preoccupazione', 'noun', 'b'], ['preparare', 'verb', 'a'], ['preparazione', 'noun', 'b'], ['prepotente', 'adjective', 'c'], ['prepotente', 'noun', 'c'], ['presa', 'noun', 'a'], ['prescindere', 'verb', 'b'], ['prescrivere', 'verb', 'b'], ['prescrizione', 'noun', 'b'], ['presentare', 'verb', 'a'], ['presentazione', 'noun', 'b'], ['presente', 'adjective', 'a'], ['presente', 'noun', 'a'], ['presente', 'adverb', 'a'], ['presenza', 'noun', 'a'], ['presepe', 'noun', 'b'], ['preside', 'noun', 'c'], ['presidente', 'noun', 'a'], ['presidente', 'adjective', 'a'], ['presidenza', 'noun', 'b'], ['pressione', 'noun', 'a'], ['presso', 'adverb', 'a'], ['presso', 'preposition', 'a'], ['presso', 'noun', 'a'], ['presso', 'adjective', 'a'], ['prestare', 'verb', 'a'], ['prestazione', 'noun', 'b'], ['prestigio', 'noun', 'b'], ['prestigioso', 'adjective', 'b'], ['prestito', 'noun', 'b'], ['presto', 'adverb', 'a'], ['presto', 'exclamation', 'a'], ['presto', 'adjective', 'a'], ['presumere', 'verb', 'b'], ['presunto', 'past_part', 'b'], ['presunto', 'adjective', 'b'], ['presupposto', 'past_part', 'b'], ['presupposto', 'adjective', 'b'], ['presupposto', 'noun', 'b'], ['prete', 'noun', 'a'], ['pretendere', 'verb', 'a'], ['pretesa', 'noun', 'b'], ['pretesto', 'noun', 'b'], ['prevalentemente', 'adverb', 'b'], ['prevalere', 'verb', 'b'], ['prevedere', 'verb', 'a'], ['prevedibile', 'adjective', 'b'], ['prevenire', 'verb', 'b'], ['preventivo', 'adjective', 'b'], ['preventivo', 'noun', 'b'], ['prevenzione', 'noun', 'b'], ['previdenza', 'noun', 'c'], ['previsione', 'noun', 'b'], ['previsto', 'past_part', 'a'], ['previsto', 'adjective', 'a'], ['previsto', 'noun', 'a'], ['prezioso', 'adjective', 'a'], ['prezioso', 'noun', 'a'], ['prezzemolo', 'noun', 'c'], ['prezzo', 'noun', 'a'], ['prigione', 'noun', 'b'], ['prigioniero', 'adjective', 'b'], ['prigioniero', 'noun', 'b'], ['prima', 'adverb', 'a'], ['prima', 'adjective', 'a'], ['prima', 'noun', 'a'], ['prima', 'noun', 'a'], ['primario', 'adjective', 'b'], ['primario', 'noun', 'b'], ['primavera', 'noun', 'a'], ['primizia', 'noun', 'c'], ['primo', 'adjective', 'a'], ['primo', 'noun', 'a'], ['primo', 'adverb', 'a'], ['primula', 'noun', 'c'], ['principale', 'adjective', 'a'], ['principale', 'noun', 'a'], ['principalmente', 'adverb', 'b'], ['principe', 'noun', 'a'], ['principe', 'adjective', 'a'], ['principessa', 'noun', 'b'], ['principio', 'noun', 'a'], ['priorità', 'noun', 'b'], ['privacy', 'noun', 'b'], ['privare', 'verb', 'b'], ['privato', 'adjective', 'a'], ['privato', 'noun', 'a'], ['privilegio', 'noun', 'b'], ['privo', 'adjective', 'b'], ['privo', 'preposition', 'b'], ['privo', 'noun', 'b'], ['probabile', 'adjective', 'b'], ['probabilità', 'noun', 'b'], ['probabilmente', 'adverb', 'a'], ['problema', 'noun', 'a'], ['problematico', 'adjective', 'b'], ['procedere', 'verb', 'a'], ['procedimento', 'noun', 'b'], ['procedura', 'noun', 'a'], ['processo', 'noun', 'a'], ['proclamare', 'verb', 'b'], ['procura', 'noun', 'b'], ['procurare', 'verb', 'b'], ['procuratore', 'noun', 'b'], ['prodotto', 'past_part', 'a'], ['prodotto', 'adjective', 'a'], ['prodotto', 'noun', 'a'], ['produrre', 'verb', 'a'], ['produttivo', 'adjective', 'b'], ['produttore', 'adjective', 'b'], ['produttore', 'noun', 'b'], ['produzione', 'noun', 'a'], ['prof', 'noun', 'b'], ['professionale', 'adjective', 'a'], ['professione', 'noun', 'b'], ['professionista', 'noun', 'b'], ['professore', 'noun', 'a'], ['professoressa', 'noun', 'b'], ['profeta', 'noun', 'b'], ['profilattico', 'adjective', 'c'], ['profilattico', 'noun', 'c'], ['profilo', 'noun', 'a'], ['profitto', 'noun', 'b'], ['profondamente', 'adverb', 'b'], ['profondità', 'noun', 'b'], ['profondo', 'adjective', 'a'], ['profondo', 'noun', 'a'], ['profondo', 'adverb', 'a'], ['profumare', 'verb', 'b'], ['profumato', 'past_part', 'c'], ['profumato', 'adjective', 'c'], ['profumo', 'noun', 'b'], ['progettare', 'verb', 'b'], ['progettazione', 'noun', 'b'], ['progetto', 'noun', 'a'], ['programma', 'noun', 'a'], ['programmare', 'verb', 'b'], ['programmazione', 'noun', 'b'], ['progressista', 'adjective', 'c'], ['progressista', 'noun', 'c'], ['progressivo', 'adjective', 'b'], ['progresso', 'noun', 'b'], ['proibire', 'verb', 'b'], ['proiettare', 'verb', 'b'], ['proiettile', 'noun', 'b'], ['proiezione', 'noun', 'b'], ['prolunga', 'noun', 'c'], ['promessa', 'noun', 'b'], ['promettere', 'verb', 'a'], ['promozione', 'noun', 'b'], ['promuovere', 'verb', 'b'], ['pronto', 'adjective', 'a'], ['pronuncia', 'noun', 'c'], ['pronunciare', 'verb', 'a'], ['propaganda', 'noun', 'b'], ['propagandare', 'verb', 'c'], ['proporre', 'verb', 'a'], ['proporzione', 'noun', 'b'], ['proposito', 'noun', 'a'], ['proposizione', 'noun', 'c'], ['proposta', 'noun', 'a'], ['proprietà', 'noun', 'a'], ['proprietario', 'adjective', 'a'], ['proprietario', 'noun', 'a'], ['proprio', 'adjective', 'a'], ['proprio', 'adverb', 'a'], ['proprio', 'noun', 'a'], ['prosa', 'noun', 'b'], ['prosciugare', 'verb', 'c'], ['prosciutto', 'noun', 'b'], ['prosecco', 'noun', 'c'], ['proseguire', 'verb', 'a'], ['prospettiva', 'noun', 'b'], ['prossimo', 'adjective', 'a'], ['prossimo', 'noun', 'a'], ['prostituta', 'noun', 'b'], ['protagonista', 'adjective', 'a'], ['protagonista', 'noun', 'a'], ['proteggere', 'verb', 'a'], ['proteina', 'noun', 'b'], ['protesta', 'noun', 'b'], ['protestare', 'verb', 'b'], ['protetto', 'past_part', 'b'], ['protetto', 'adjective', 'b'], ['protetto', 'noun', 'b'], ['protezione', 'noun', 'b'], ['protocollo', 'noun', 'b'], ['prova', 'noun', 'a'], ['provare', 'verb', 'a'], ['provenienza', 'noun', 'b'], ['provenire', 'verb', 'a'], ['provincia', 'noun', 'a'], ['provinciale', 'adjective', 'b'], ['provinciale', 'noun', 'b'], ['provocare', 'verb', 'a'], ['provola', 'noun', 'c'], ['provolone', 'noun', 'c'], ['provvedere', 'verb', 'b'], ['provvedimento', 'noun', 'b'], ['provvisorio', 'adjective', 'b'], ['prudere', 'verb', 'c'], ['prugna', 'noun', 'c'], ['prugna', 'adjective', 'c'], ['prurito', 'noun', 'c'], ['pseudonimo', 'noun', 'b'], ['pseudonimo', 'adjective', 'b'], ['psichiatra', 'noun', 'b'], ['psichiatria', 'noun', 'c'], ['psichico', 'adjective', 'b'], ['psicologia', 'noun', 'b'], ['psicologico', 'adjective', 'b'], ['psicologo', 'noun', 'b'], ['pub', 'noun', 'b'], ['pubblicare', 'verb', 'a'], ['pubblicazione', 'noun', 'b'], ['pubblicità', 'noun', 'a'], ['pubblicitario', 'adjective', 'b'], ['pubblicitario', 'noun', 'b'], ['pubblico', 'adjective', 'a'], ['pubblico', 'noun', 'a'], ['pugilato', 'noun', 'c'], ['pugliese', 'adjective', 'c'], ['pugliese', 'noun', 'c'], ['pugno', 'noun', 'a'], ['pulce', 'noun', 'c'], ['pulce', 'adjective', 'c'], ['pulcino', 'noun', 'c'], ['puledro', 'noun', 'c'], ['pulire', 'verb', 'a'], ['pulito', 'past_part', 'b'], ['pulito', 'adjective', 'b'], ['pulito', 'noun', 'b'], ['pulizia', 'noun', 'b'], ['pullman', 'noun', 'b'], ['pullover', 'noun', 'c'], ['pulmino', 'noun', 'c'], ['pulsante', 'pres_part', 'b'], ['pulsante', 'adjective', 'b'], ['pulsante', 'noun', 'b'], ['puma', 'noun', 'c'], ['pungere', 'verb', 'c'], ['punire', 'verb', 'b'], ['punizione', 'noun', 'b'], ['punk', 'adjective', 'c'], ['punk', 'noun', 'c'], ['punta', 'noun', 'a'], ['puntare', 'verb', 'a'], ['puntata', 'noun', 'b'], ['puntato', 'past_part', 'b'], ['puntato', 'adjective', 'b'], ['punteggio', 'noun', 'c'], ['puntiglio', 'noun', 'c'], ['puntino', 'noun', 'b'], ['punto', 'noun', 'a'], ['puntuale', 'adjective', 'b'], ['puntura', 'noun', 'c'], ['pupa', 'noun', 'b'], ['pupazzo', 'noun', 'c'], ['pupo', 'noun', 'c'], ['purché', 'conjunction', 'b'], ['pure', 'adverb', 'a'], ['pure', 'conjunction', 'a'], ['purè', 'noun', 'c'], ['purga', 'noun', 'c'], ['puro', 'adjective', 'a'], ['puro', 'noun', 'a'], ['purtroppo', 'adverb', 'a'], ['puttana', 'noun', 'b'], ['puzza', 'noun', 'b'], ['puzzare', 'verb', 'b'], ['puzzle', 'noun', 'c'], ['qua', 'adverb', 'a'], ['quaderno', 'noun', 'b'], ['quadrato', 'past_part', 'b'], ['quadrato', 'adjective', 'b'], ['quadrato', 'noun', 'b'], ['quadrifoglio', 'noun', 'c'], ['quadro', 'adjective', 'a'], ['quadro', 'noun', 'a'], ['quaglia', 'noun', 'c'], ['qualche', 'adjective', 'a'], ['qualche', 'adverb', 'a'], ['qualcosa', 'pronoun', 'a'], ['qualcuno', 'pronoun', 'a'], ['qualcuno', 'adjective', 'a'], ['qualcuno', 'noun', 'a'], ['quale', 'adjective', 'a'], ['quale', 'pronoun', 'a'], ['quale', 'adverb', 'a'], ['quale', 'noun', 'a'], ['qualificare', 'verb', 'b'], ['qualità', 'noun', 'a'], ['qualora', 'conjunction', 'b'], ['qualsiasi', 'adjective', 'a'], ['qualunque', 'adjective', 'a'], ['qualunque', 'pronoun', 'a'], ['quando', 'conjunction', 'a'], ['quando', 'adverb', 'a'], ['quando', 'noun', 'a'], ['quantità', 'noun', 'a'], ['quantitativo', 'adjective', 'b'], ['quantitativo', 'noun', 'b'], ['quanto', 'adjective', 'a'], ['quanto', 'pronoun', 'a'], ['quanto', 'adverb', 'a'], ['quanto', 'noun', 'a'], ['quaranta', 'adjective', 'a'], ['quaranta', 'noun', 'a'], ['quarta', 'noun', 'b'], ['quartiere', 'noun', 'a'], ['quarto', 'adjective', 'a'], ['quarto', 'noun', 'a'], ['quasi', 'adverb', 'a'], ['quasi', 'conjunction', 'a'], ['quattordici', 'adjective', 'b'], ['quattordici', 'noun', 'b'], ['quattro', 'adjective', 'a'], ['quattro', 'noun', 'a'], ['quello', 'adjective', 'a'], ['quello', 'pronoun', 'a'], ['quercia', 'noun', 'c'], ['questione', 'noun', 'a'], ['questo', 'adjective', 'a'], ['questo', 'pronoun', 'a'], ['questura', 'noun', 'b'], ['qui', 'adverb', 'a'], ['quindi', 'adverb', 'a'], ['quindi', 'conjunction', 'a'], ['quindici', 'adjective', 'a'], ['quindici', 'noun', 'a'], ['quinta', 'noun', 'b'], ['quinto', 'adjective', 'b'], ['quinto', 'noun', 'b'], ['quiz', 'noun', 'a'], ['quota', 'noun', 'a'], ['quotidiano', 'adjective', 'a'], ['quotidiano', 'noun', 'a'], ['rabbia', 'noun', 'a'], ['racchetta', 'noun', 'c'], ['racchiudere', 'verb', 'b'], ['raccogliere', 'verb', 'a'], ['raccolta', 'noun', 'a'], ['raccomandare', 'verb', 'b'], ['raccomandazione', 'noun', 'c'], ['raccontare', 'verb', 'a'], ['racconto', 'noun', 'a'], ['raddoppiare', 'verb', 'b'], ['raddrizzare', 'verb', 'c'], ['radere', 'verb', 'c'], ['radiazione', 'noun', 'b'], ['radicale', 'adjective', 'b'], ['radicale', 'noun', 'b'], ['radicchio', 'noun', 'c'], ['radice', 'noun', 'a'], ['radio', 'noun', 'a'], ['radio', 'adjective', 'a'], ['rado', 'adjective', 'b'], ['rado', 'adverb', 'b'], ['raffigurare', 'verb', 'b'], ['raffinato', 'past_part', 'b'], ['raffinato', 'adjective', 'b'], ['raffinato', 'noun', 'b'], ['rafforzamento', 'noun', 'c'], ['rafforzare', 'verb', 'b'], ['raffreddore', 'noun', 'c'], ['ragazza', 'noun', 'a'], ['ragazzino', 'noun', 'a'], ['ragazzo', 'noun', 'a'], ['raggio', 'noun', 'a'], ['raggiungere', 'verb', 'a'], ['ragionamento', 'noun', 'b'], ['ragionare', 'verb', 'b'], ['ragione', 'noun', 'a'], ['ragionevole', 'adjective', 'b'], ['ragioniere', 'noun', 'b'], ['ragnatela', 'noun', 'c'], ['ragno', 'noun', 'c'], ['ragù', 'noun', 'c'], ['rallegrare', 'verb', 'c'], ['rallentare', 'verb', 'b'], ['rame', 'noun', 'b'], ['rammendo', 'noun', 'c'], ['ramo', 'noun', 'b'], ['rampicante', 'pres_part', 'c'], ['rampicante', 'adjective', 'c'], ['rampicante', 'noun', 'c'], ['rana', 'noun', 'c'], ['rancio', 'noun', 'c'], ['rapa', 'noun', 'c'], ['rapidamente', 'adverb', 'b'], ['rapido', 'adjective', 'a'], ['rapido', 'noun', 'a'], ['rapimento', 'noun', 'c'], ['rapina', 'noun', 'b'], ['rapinatore', 'adjective', 'c'], ['rapinatore', 'noun', 'c'], ['rapire', 'verb', 'b'], ['rapporto', 'noun', 'a'], ['rappresentante', 'pres_part', 'b'], ['rappresentante', 'adjective', 'b'], ['rappresentante', 'noun', 'b'], ['rappresentanza', 'noun', 'b'], ['rappresentare', 'verb', 'a'], ['rappresentazione', 'noun', 'b'], ['raramente', 'adverb', 'b'], ['raro', 'adjective', 'a'], ['raro', 'noun', 'a'], ['raro', 'adverb', 'a'], ['rasare', 'verb', 'c'], ['rasoio', 'noun', 'c'], ['rassegna', 'noun', 'b'], ['rassegnare', 'verb', 'b'], ['rassegnazione', 'noun', 'c'], ['rasserenare', 'verb', 'c'], ['rassicurare', 'verb', 'b'], ['rastrello', 'noun', 'c'], ['rata', 'noun', 'c'], ['rateale', 'adjective', 'c'], ['rattristare', 'verb', 'c'], ['rauco', 'adjective', 'c'], ['ravanello', 'noun', 'c'], ['razionale', 'adjective', 'b'], ['razionale', 'noun', 'b'], ['razza', 'noun', 'b'], ['razzo', 'noun', 'c'], ['re', 'noun', 'a'], ['reagire', 'verb', 'a'], ['reale', 'adjective', 'a'], ['reale', 'noun', 'a'], ['realistico', 'adjective', 'b'], ['realizzare', 'verb', 'a'], ['realizzazione', 'noun', 'b'], ['realmente', 'adverb', 'b'], ['realtà', 'noun', 'a'], ['reato', 'noun', 'a'], ['reazione', 'noun', 'a'], ['recare', 'verb', 'a'], ['recensione', 'noun', 'b'], ['recente', 'adjective', 'a'], ['recentemente', 'adverb', 'b'], ['recintare', 'verb', 'c'], ['recinto', 'past_part', 'c'], ['recinto', 'adjective', 'c'], ['recinto', 'noun', 'c'], ['recipiente', 'adjective', 'c'], ['recipiente', 'noun', 'c'], ['reciproco', 'adjective', 'b'], ['reciproco', 'noun', 'b'], ['recita', 'noun', 'c'], ['recitare', 'verb', 'a'], ['reclame', 'noun', 'c'], ['reclame', 'adjective', 'c'], ['reclamo', 'noun', 'c'], ['recluta', 'noun', 'c'], ['record', 'noun', 'b'], ['recuperare', 'verb', 'a'], ['recupero', 'noun', 'b'], ['redazione', 'noun', 'b'], ['reddito', 'noun', 'b'], ['redigere', 'verb', 'b'], ['referendum', 'noun', 'b'], ['regalare', 'verb', 'a'], ['regale', 'adjective', 'b'], ['regalo', 'noun', 'a'], ['reggere', 'verb', 'a'], ['reggimento', 'noun', 'c'], ['reggiseno', 'noun', 'b'], ['regia', 'noun', 'b'], ['regime', 'noun', 'a'], ['regina', 'noun', 'a'], ['regionale', 'adjective', 'b'], ['regionale', 'noun', 'b'], ['regione', 'noun', 'a'], ['regista', 'noun', 'a'], ['registrare', 'verb', 'a'], ['registratore', 'adjective', 'c'], ['registratore', 'noun', 'c'], ['registrazione', 'noun', 'a'], ['registro', 'noun', 'b'], ['regnare', 'verb', 'b'], ['regno', 'noun', 'a'], ['regola', 'noun', 'a'], ['regolamento', 'noun', 'b'], ['regolare', 'adjective', 'b'], ['regolare', 'noun', 'b'], ['regolare', 'verb', 'b'], ['regolarmente', 'adverb', 'b'], ['relativamente', 'adverb', 'b'], ['relativo', 'adjective', 'a'], ['relazione', 'noun', 'a'], ['religione', 'noun', 'a'], ['religioso', 'adjective', 'a'], ['religioso', 'noun', 'a'], ['remare', 'verb', 'c'], ['remo', 'noun', 'c'], ['remoto', 'adjective', 'b'], ['rendere', 'verb', 'a'], ['rene', 'noun', 'b'], ['reparto', 'noun', 'b'], ['repertorio', 'noun', 'b'], ['replica', 'noun', 'b'], ['replicare', 'verb', 'b'], ['repressione', 'noun', 'c'], ['reprimere', 'verb', 'c'], ['repubblica', 'noun', 'a'], ['repubblicano', 'adjective', 'b'], ['repubblicano', 'noun', 'b'], ['requisito', 'noun', 'b'], ['resa', 'noun', 'b'], ['residente', 'adjective', 'b'], ['residente', 'noun', 'b'], ['residenza', 'noun', 'b'], ['residuo', 'adjective', 'b'], ['residuo', 'noun', 'b'], ['resistente', 'pres_part', 'b'], ['resistente', 'adjective', 'b'], ['resistente', 'noun', 'b'], ['resistenza', 'noun', 'b'], ['resistere', 'verb', 'a'], ['resoconto', 'noun', 'c'], ['respingere', 'verb', 'b'], ['respirare', 'verb', 'a'], ['respirazione', 'noun', 'c'], ['respiro', 'noun', 'b'], ['responsabile', 'adjective', 'a'], ['responsabile', 'noun', 'a'], ['responsabilità', 'noun', 'a'], ['restare', 'verb', 'a'], ['restituire', 'verb', 'b'], ['resto', 'noun', 'a'], ['restringere', 'verb', 'b'], ['rete', 'noun', 'a'], ['retorica', 'noun', 'b'], ['retro', 'adverb', 'b'], ['retro', 'noun', 'b'], ['retta', 'noun', 'b'], ['rettangolare', 'adjective', 'c'], ['rettile', 'noun', 'c'], ['rettile', 'adjective', 'c'], ['retto', 'adjective', 'b'], ['retto', 'noun', 'b'], ['revisione', 'noun', 'b'], ['rialzare', 'verb', 'b'], ['riaprire', 'verb', 'b'], ['riassumere', 'verb', 'b'], ['ribadire', 'verb', 'b'], ['ribattere', 'verb', 'b'], ['ribellare', 'verb', 'b'], ['ribelle', 'adjective', 'b'], ['ribelle', 'noun', 'b'], ['ricadere', 'verb', 'b'], ['ricaduta', 'noun', 'c'], ['ricalcare', 'verb', 'c'], ['ricamare', 'verb', 'c'], ['ricambiare', 'verb', 'b'], ['ricambio', 'noun', 'c'], ['ricamo', 'noun', 'c'], ['ricarica', 'noun', 'c'], ['ricavare', 'verb', 'b'], ['ricchezza', 'noun', 'b'], ['riccio', 'adjective', 'c'], ['riccio', 'noun', 'c'], ['ricciolo', 'adjective', 'c'], ['ricciolo', 'noun', 'c'], ['ricco', 'adjective', 'a'], ['ricerca', 'noun', 'a'], ['ricercare', 'verb', 'b'], ['ricercatore', 'adjective', 'b'], ['ricercatore', 'noun', 'b'], ['ricetta', 'noun', 'a'], ['ricevere', 'verb', 'a'], ['ricevimento', 'noun', 'c'], ['ricevuta', 'noun', 'b'], ['richiamare', 'verb', 'a'], ['richiamo', 'noun', 'b'], ['richiedere', 'verb', 'a'], ['richiesta', 'noun', 'a'], ['richiudere', 'verb', 'b'], ['ricominciare', 'verb', 'a'], ['ricompensa', 'noun', 'c'], ['ricompensare', 'verb', 'c'], ['riconciliarsi', 'verb', 'c'], ['riconoscere', 'verb', 'a'], ['riconoscimento', 'noun', 'b'], ['ricopiare', 'verb', 'c'], ['ricoprire', 'verb', 'b'], ['ricordare', 'verb', 'a'], ['ricordo', 'noun', 'a'], ['ricorrere', 'verb', 'b'], ['ricorso', 'noun', 'b'], ['ricostruire', 'verb', 'b'], ['ricostruzione', 'noun', 'b'], ['ricotta', 'noun', 'c'], ['ricoverare', 'verb', 'b'], ['ricovero', 'noun', 'c'], ['ricreazione', 'noun', 'c'], ['ridare', 'verb', 'b'], ['ridere', 'verb', 'a'], ['ridere', 'noun', 'a'], ['ridicolo', 'adjective', 'b'], ['ridicolo', 'noun', 'b'], ['ridotto', 'past_part', 'b'], ['ridotto', 'adjective', 'b'], ['ridotto', 'noun', 'b'], ['ridurre', 'verb', 'a'], ['riduzione', 'noun', 'b'], ['riempire', 'verb', 'a'], ['rientrare', 'verb', 'a'], ['rientro', 'noun', 'b'], ['rifare', 'verb', 'a'], ['riferimento', 'noun', 'a'], ['riferire', 'verb', 'a'], ['rifinire', 'verb', 'c'], ['rifiutare', 'verb', 'a'], ['rifiuto', 'noun', 'a'], ['riflessione', 'noun', 'a'], ['riflesso', 'noun', 'b'], ['riflettere', 'verb', 'a'], ['riflettore', 'noun', 'c'], ['riflettore', 'adjective', 'c'], ['riforma', 'noun', 'b'], ['rifornimento', 'noun', 'c'], ['rifugiare', 'verb', 'b'], ['rifugio', 'noun', 'b'], ['riga', 'noun', 'a'], ['rigattiere', 'noun', 'c'], ['rigido', 'adjective', 'b'], ['rigore', 'noun', 'b'], ['rigoroso', 'adjective', 'b'], ['rigovernare', 'verb', 'c'], ['riguardare', 'verb', 'a'], ['riguardo', 'noun', 'a'], ['rilasciare', 'verb', 'b'], ['rilassare', 'verb', 'a'], ['rilegare', 'verb', 'c'], ['rileggere', 'verb', 'b'], ['rilevante', 'pres_part', 'b'], ['rilevante', 'adjective', 'b'], ['rilevare', 'verb', 'b'], ['rilievo', 'noun', 'b'], ['rima', 'noun', 'b'], ['rimandare', 'verb', 'b'], ['rimanenza', 'noun', 'c'], ['rimanere', 'verb', 'a'], ['rimbombare', 'verb', 'c'], ['rimborsare', 'verb', 'c'], ['rimediare', 'verb', 'b'], ['rimedio', 'noun', 'b'], ['rimettere', 'verb', 'a'], ['rimodernare', 'verb', 'c'], ['rimorchio', 'noun', 'c'], ['rimpiangere', 'verb', 'b'], ['rimproverare', 'verb', 'b'], ['rimprovero', 'noun', 'c'], ['rimuovere', 'verb', 'b'], ['rinascere', 'verb', 'b'], ['rinascimento', 'noun', 'b'], ['rinascimento', 'adjective', 'b'], ['rincarare', 'verb', 'c'], ['rinchiudere', 'verb', 'b'], ['rincorsa', 'noun', 'c'], ['rinforzo', 'noun', 'c'], ['rinfresco', 'noun', 'c'], ['ringhiare', 'verb', 'c'], ['ringhiera', 'noun', 'c'], ['ringhio', 'noun', 'c'], ['ringiovanire', 'verb', 'c'], ['ringraziare', 'verb', 'a'], ['rinnegare', 'verb', 'c'], ['rinnovare', 'verb', 'b'], ['rinoceronte', 'noun', 'c'], ['rintracciare', 'verb', 'b'], ['rinuncia', 'noun', 'c'], ['rinunciare', 'verb', 'a'], ['rinvenire', 'verb', 'b'], ['rinviare', 'verb', 'b'], ['rinvio', 'noun', 'c'], ['rione', 'noun', 'c'], ['riordinare', 'verb', 'c'], ['riparare', 'verb', 'b'], ['riparo', 'noun', 'b'], ['ripartire', 'verb', 'b'], ['ripartire', 'verb', 'b'], ['ripensamento', 'noun', 'c'], ['ripensare', 'verb', 'b'], ['ripetente', 'pres_part', 'c'], ['ripetente', 'adjective', 'c'], ['ripetente', 'noun', 'c'], ['ripetere', 'verb', 'a'], ['ripetizione', 'noun', 'b'], ['ripido', 'adjective', 'c'], ['ripiego', 'noun', 'c'], ['ripieno', 'adjective', 'c'], ['ripieno', 'noun', 'c'], ['riportare', 'verb', 'a'], ['riposare', 'verb', 'b'], ['riposo', 'noun', 'b'], ['riposo', 'loc-comando', 'b'], ['riposo', 'noun', 'b'], ['riprendere', 'verb', 'a'], ['ripresa', 'noun', 'b'], ['riprodurre', 'verb', 'b'], ['riproduzione', 'noun', 'a'], ['riproporre', 'verb', 'b'], ['riprovare', 'verb', 'b'], ['ripulire', 'verb', 'b'], ['risaia', 'noun', 'c'], ['risalire', 'verb', 'a'], ['risarcimento', 'noun', 'b'], ['risata', 'noun', 'b'], ['riscaldamento', 'noun', 'b'], ['riscaldare', 'verb', 'b'], ['riscattare', 'verb', 'c'], ['riscatto', 'noun', 'c'], ['rischiare', 'verb', 'a'], ['rischio', 'noun', 'a'], ['rischioso', 'adjective', 'b'], ['risciacquare', 'verb', 'c'], ['riscontrare', 'verb', 'b'], ['riscontro', 'noun', 'b'], ['riscuotere', 'verb', 'b'], ['risentimento', 'noun', 'c'], ['risentire', 'verb', 'b'], ['riserva', 'noun', 'b'], ['riservare', 'verb', 'a'], ['riservato', 'past_part', 'a'], ['riservato', 'adjective', 'a'], ['risiedere', 'verb', 'b'], ['riso', 'noun', 'b'], ['risoluzione', 'noun', 'b'], ['risolvere', 'verb', 'a'], ['risonanza', 'noun', 'b'], ['risorsa', 'noun', 'a'], ['risparmiare', 'verb', 'b'], ['risparmio', 'noun', 'b'], ['rispettare', 'verb', 'a'], ['rispettivamente', 'adverb', 'b'], ['rispettivo', 'adjective', 'b'], ['rispetto', 'noun', 'a'], ['risplendere', 'verb', 'c'], ['rispondere', 'verb', 'a'], ['risposta', 'noun', 'a'], ['rissa', 'noun', 'b'], ['ristampare', 'verb', 'c'], ['ristorante', 'noun', 'a'], ['ristretto', 'past_part', 'b'], ['ristretto', 'adjective', 'b'], ['ristretto', 'noun', 'b'], ['risultare', 'verb', 'a'], ['risultato', 'past_part', 'a'], ['risultato', 'adjective', 'a'], ['risultato', 'noun', 'a'], ['risvegliare', 'verb', 'b'], ['risveglio', 'noun', 'b'], ['ritagliare', 'verb', 'b'], ['ritardare', 'verb', 'b'], ['ritardo', 'noun', 'a'], ['ritenere', 'verb', 'a'], ['ritirare', 'verb', 'a'], ['ritirata', 'noun', 'c'], ['ritiro', 'noun', 'b'], ['ritmo', 'noun', 'a'], ['rito', 'noun', 'b'], ['ritoccare', 'verb', 'c'], ['ritornare', 'verb', 'a'], ['ritornello', 'noun', 'c'], ['ritorno', 'noun', 'a'], ['ritrarre', 'verb', 'b'], ['ritratto', 'past_part', 'b'], ['ritratto', 'adjective', 'b'], ['ritratto', 'noun', 'b'], ['ritrovare', 'verb', 'a'], ['ritrovo', 'noun', 'c'], ['ritto', 'adjective', 'c'], ['ritto', 'noun', 'c'], ['ritto', 'adverb', 'c'], ['ritto', 'preposition', 'c'], ['rituale', 'adjective', 'b'], ['rituale', 'noun', 'b'], ['riunione', 'noun', 'a'], ['riunire', 'verb', 'a'], ['riunito', 'past_part', 'c'], ['riunito', 'adjective', 'c'], ['riunito', 'noun', 'c'], ['riuscire', 'verb', 'a'], ['riuscita', 'noun', 'c'], ['riva', 'noun', 'b'], ['rivale', 'adjective', 'b'], ['rivale', 'noun', 'b'], ['rivedere', 'verb', 'a'], ['rivelare', 'verb', 'a'], ['rivelazione', 'noun', 'b'], ['rivendicare', 'verb', 'b'], ['rivendita', 'noun', 'c'], ['rivestimento', 'noun', 'c'], ['rivestire', 'verb', 'b'], ['rivincita', 'noun', 'c'], ['rivista', 'noun', 'a'], ['rivisto', 'past_part', 'b'], ['rivisto', 'adjective', 'b'], ['rivolgere', 'verb', 'a'], ['rivolta', 'noun', 'b'], ['rivoltare', 'verb', 'c'], ['rivoluzionario', 'adjective', 'b'], ['rivoluzionario', 'noun', 'b'], ['rivoluzione', 'noun', 'a'], ['roba', 'noun', 'a'], ['robot', 'noun', 'b'], ['robusto', 'adjective', 'b'], ['rocca', 'noun', 'c'], ['rocchetto', 'noun', 'c'], ['roccia', 'noun', 'b'], ['roccioso', 'adjective', 'c'], ['rock', 'noun', 'b'], ['rock', 'adjective', 'b'], ['rodaggio', 'noun', 'c'], ['rodere', 'verb', 'c'], ['romagnolo', 'adjective', 'c'], ['romagnolo', 'noun', 'c'], ['romano', 'adjective', 'a'], ['romano', 'noun', 'a'], ['romantico', 'adjective', 'b'], ['romantico', 'noun', 'b'], ['romanzo', 'noun', 'a'], ['rombo', 'noun', 'c'], ['romeno', 'adjective', 'c'], ['romeno', 'noun', 'c'], ['rompere', 'verb', 'a'], ['rondine', 'noun', 'c'], ['ronzare', 'verb', 'c'], ['ronzio', 'noun', 'c'], ['rosa', 'noun', 'a'], ['rosa', 'adjective', 'a'], ['rosario', 'noun', 'c'], ['rosato', 'adjective', 'c'], ['rosato', 'noun', 'c'], ['roseo', 'adjective', 'c'], ['roseo', 'noun', 'c'], ['rosetta', 'noun', 'c'], ['rosmarino', 'noun', 'c'], ['rosolia', 'noun', 'c'], ['rosso', 'adjective', 'a'], ['rosso', 'noun', 'a'], ['rossore', 'noun', 'c'], ['rosticceria', 'noun', 'c'], ['rotaia', 'noun', 'c'], ['rotella', 'noun', 'c'], ['rotolare', 'verb', 'c'], ['rotondo', 'adjective', 'b'], ['rotondo', 'noun', 'b'], ['rotta', 'noun', 'b'], ['rotto', 'past_part', 'b'], ['rotto', 'adjective', 'b'], ['rotto', 'noun', 'b'], ['rottura', 'noun', 'b'], ['roulotte', 'noun', 'c'], ['rovesciare', 'verb', 'b'], ['rovescio', 'adjective', 'b'], ['rovescio', 'noun', 'b'], ['rovina', 'noun', 'b'], ['rovinare', 'verb', 'a'], ['rovo', 'noun', 'c'], ['rozzo', 'adjective', 'c'], ['rubare', 'verb', 'a'], ['rubinetto', 'noun', 'c'], ['rubrica', 'noun', 'b'], ['rude', 'adjective', 'c'], ['ruga', 'noun', 'c'], ['ruggine', 'noun', 'c'], ['ruggine', 'adjective', 'c'], ['ruggire', 'verb', 'c'], ['ruggito', 'past_part', 'c'], ['ruggito', 'noun', 'c'], ['rullo', 'noun', 'c'], ['rumeno', 'adjective', 'c'], ['rumeno', 'noun', 'c'], ['ruminante', 'pres_part', 'c'], ['ruminante', 'adjective', 'c'], ['ruminante', 'noun', 'c'], ['rumore', 'noun', 'a'], ['ruolo', 'noun', 'a'], ['ruota', 'noun', 'b'], ['ruotare', 'verb', 'b'], ['ruscello', 'noun', 'c'], ['ruspa', 'noun', 'c'], ['russare', 'verb', 'c'], ['russo', 'adjective', 'a'], ['russo', 'noun', 'a'], ['rustico', 'adjective', 'c'], ['rustico', 'noun', 'c'], ['ruttare', 'verb', 'c'], ['rutto', 'noun', 'c'], ['sabato', 'noun', 'a'], ['sabbia', 'noun', 'b'], ['sabbia', 'adjective', 'b'], ['sabotare', 'verb', 'c'], ['saccheggiare', 'verb', 'c'], ['sacchetto', 'noun', 'b'], ['sacco', 'noun', 'a'], ['sacerdote', 'noun', 'b'], ['sacrificare', 'verb', 'b'], ['sacrificio', 'noun', 'b'], ['sacro', 'adjective', 'b'], ['sacro', 'noun', 'b'], ['safari', 'noun', 'c'], ['saga', 'noun', 'b'], ['saggezza', 'noun', 'b'], ['saggio', 'adjective', 'b'], ['saggio', 'noun', 'b'], ['saggio', 'noun', 'b'], ['sagra', 'noun', 'c'], ['sagrestano', 'noun', 'c'], ['sagrestano', 'adjective', 'c'], ['sala', 'noun', 'a'], ['salame', 'noun', 'c'], ['salare', 'verb', 'c'], ['salario', 'adjective', 'b'], ['salario', 'noun', 'b'], ['salatino', 'noun', 'c'], ['salato', 'past_part', 'b'], ['salato', 'adjective', 'b'], ['salato', 'noun', 'b'], ['saldatura', 'noun', 'c'], ['sale', 'noun', 'b'], ['salice', 'noun', 'c'], ['saliera', 'noun', 'c'], ['salire', 'verb', 'a'], ['salita', 'noun', 'b'], ['saliva', 'noun', 'c'], ['salmone', 'noun', 'c'], ['salmone', 'adjective', 'c'], ['salone', 'noun', 'b'], ['salotto', 'noun', 'b'], ['salsa', 'noun', 'b'], ['salsiccia', 'noun', 'c'], ['saltare', 'verb', 'a'], ['saltellare', 'verb', 'c'], ['salto', 'noun', 'b'], ['salume', 'noun', 'c'], ['salutare', 'verb', 'a'], ['salutare', 'noun', 'a'], ['salute', 'noun', 'a'], ['salute', 'exclamation', 'a'], ['saluto', 'noun', 'a'], ['salvadanaio', 'noun', 'c'], ['salvagente', 'noun', 'c'], ['salvare', 'verb', 'a'], ['salvaslip', 'noun', 'c'], ['salvatore', 'adjective', 'b'], ['salvatore', 'noun', 'b'], ['salve', 'exclamation', 'b'], ['salvezza', 'noun', 'b'], ['salvia', 'noun', 'c'], ['salvietta', 'noun', 'c'], ['salvo', 'adjective', 'a'], ['salvo', 'preposition', 'a'], ['sandalo', 'noun', 'c'], ['sangue', 'noun', 'a'], ['sangue', 'adjective', 'a'], ['sanguinare', 'verb', 'c'], ['sanguisuga', 'noun', 'c'], ['sanità', 'noun', 'b'], ['sanitaria', 'noun', 'c'], ['sanitario', 'adjective', 'b'], ['sanitario', 'noun', 'b'], ['sano', 'adjective', 'a'], ['santo', 'adjective', 'a'], ['santo', 'noun', 'a'], ['sanzione', 'noun', 'b'], ['sapere', 'verb', 'a'], ['sapere', 'noun', 'b'], ['sapiente', 'adjective', 'c'], ['sapiente', 'noun', 'c'], ['sapone', 'noun', 'b'], ['saponetta', 'noun', 'c'], ['sapore', 'noun', 'b'], ['saporito', 'past_part', 'c'], ['saporito', 'adjective', 'c'], ['sardina', 'noun', 'c'], ['sardo', 'adjective', 'b'], ['sardo', 'noun', 'b'], ['sarto', 'noun', 'c'], ['sasso', 'noun', 'b'], ['satellite', 'noun', 'b'], ['sazio', 'past_part', 'c'], ['sazio', 'adjective', 'c'], ['sbadato', 'adjective', 'c'], ['sbadato', 'noun', 'c'], ['sbadigliare', 'verb', 'c'], ['sbadiglio', 'noun', 'c'], ['sbagliare', 'verb', 'a'], ['sbagliato', 'past_part', 'a'], ['sbagliato', 'adjective', 'a'], ['sbaglio', 'noun', 'b'], ['sbarbare', 'verb', 'c'], ['sbarcare', 'verb', 'b'], ['sbarra', 'noun', 'c'], ['sbarramento', 'noun', 'c'], ['sbattere', 'verb', 'a'], ['sberla', 'noun', 'c'], ['sbiadire', 'verb', 'c'], ['sbiancare', 'verb', 'c'], ['sbigottire', 'verb', 'c'], ['sbloccare', 'verb', 'c'], ['sboccare', 'verb', 'c'], ['sbocciare', 'verb', 'c'], ['sbocco', 'noun', 'c'], ['sbornia', 'noun', 'c'], ['sbottonare', 'verb', 'c'], ['sbriciolare', 'verb', 'c'], ['sbrigare', 'verb', 'b'], ['sbronza', 'noun', 'c'], ['sbronzo', 'adjective', 'c'], ['sbucciare', 'verb', 'c'], ['sbuffare', 'verb', 'c'], ['scacchiera', 'noun', 'c'], ['scadenza', 'noun', 'b'], ['scadere', 'verb', 'b'], ['scaffale', 'noun', 'b'], ['scafo', 'noun', 'c'], ['scala', 'noun', 'a'], ['scalare', 'verb', 'b'], ['scalata', 'noun', 'c'], ['scaldabagno', 'noun', 'c'], ['scaldare', 'verb', 'b'], ['scalinata', 'noun', 'c'], ['scalino', 'noun', 'c'], ['scalpello', 'noun', 'c'], ['scalzo', 'adjective', 'c'], ['scambiare', 'verb', 'a'], ['scambio', 'noun', 'a'], ['scamorza', 'noun', 'c'], ['scampagnata', 'noun', 'c'], ['scampo', 'noun', 'c'], ['scandalizzare', 'verb', 'c'], ['scandalo', 'noun', 'b'], ['scandire', 'verb', 'b'], ['scansare', 'verb', 'c'], ['scapito', 'noun', 'c'], ['scappamento', 'noun', 'c'], ['scappare', 'verb', 'a'], ['scappatoia', 'noun', 'c'], ['scarabocchiare', 'verb', 'c'], ['scarabocchio', 'noun', 'c'], ['scarafaggio', 'noun', 'c'], ['scarcerare', 'verb', 'c'], ['scaricare', 'verb', 'a'], ['scaricatore', 'noun', 'c'], ['scarico', 'noun', 'b'], ['scarlattina', 'noun', 'c'], ['scarpa', 'noun', 'a'], ['scarpiera', 'noun', 'c'], ['scarpone', 'noun', 'c'], ['scarso', 'adjective', 'b'], ['scartare', 'verb', 'b'], ['scatenare', 'verb', 'b'], ['scatola', 'noun', 'a'], ['scattare', 'verb', 'a'], ['scatto', 'noun', 'b'], ['scavalcare', 'verb', 'c'], ['scavare', 'verb', 'b'], ['scavo', 'noun', 'c'], ['scegliere', 'verb', 'a'], ['scelta', 'noun', 'a'], ['scemo', 'past_part', 'b'], ['scemo', 'adjective', 'b'], ['scemo', 'noun', 'b'], ['scena', 'noun', 'a'], ['scenario', 'noun', 'b'], ['scendere', 'verb', 'a'], ['sceneggiatura', 'noun', 'b'], ['sceriffo', 'noun', 'c'], ['scheda', 'noun', 'b'], ['schedario', 'noun', 'c'], ['scheggia', 'noun', 'c'], ['scheletro', 'noun', 'c'], ['schema', 'noun', 'b'], ['schermo', 'noun', 'a'], ['scherzare', 'verb', 'a'], ['scherzo', 'noun', 'b'], ['scherzoso', 'adjective', 'c'], ['schiacciare', 'verb', 'b'], ['schiacciato', 'past_part', 'c'], ['schiacciato', 'adjective', 'c'], ['schiaffo', 'noun', 'b'], ['schiavo', 'adjective', 'b'], ['schiavo', 'noun', 'b'], ['schiena', 'noun', 'a'], ['schierare', 'verb', 'b'], ['schietto', 'adjective', 'c'], ['schifo', 'noun', 'a'], ['schifo', 'adjective', 'a'], ['schiuma', 'noun', 'c'], ['schizzare', 'verb', 'b'], ['schizzo', 'noun', 'b'], ['sci', 'noun', 'b'], ['scia', 'noun', 'b'], ['sciacquare', 'verb', 'c'], ['scialle', 'noun', 'c'], ['sciame', 'noun', 'c'], ['sciare', 'verb', 'c'], ['sciarpa', 'noun', 'c'], ['sciatore', 'noun', 'c'], ['scientifico', 'adjective', 'a'], ['scientifico', 'noun', 'a'], ['scienza', 'noun', 'a'], ['scienziato', 'noun', 'b'], ['scienziato', 'adjective', 'b'], ['scimmia', 'noun', 'b'], ['scintilla', 'noun', 'b'], ['sciocchezza', 'noun', 'b'], ['sciocco', 'adjective', 'b'], ['sciocco', 'noun', 'b'], ['sciogliere', 'verb', 'b'], ['scioperare', 'verb', 'c'], ['sciopero', 'noun', 'b'], ['scirocco', 'noun', 'c'], ['sciroppo', 'noun', 'c'], ['scivolare', 'verb', 'b'], ['scivolata', 'noun', 'c'], ['scivolo', 'noun', 'c'], ['scocciare', 'verb', 'c'], ['scodella', 'noun', 'c'], ['scodinzolare', 'verb', 'c'], ['scoglio', 'noun', 'c'], ['scoiattolo', 'noun', 'c'], ['scolapiatti', 'noun', 'c'], ['scolaro', 'noun', 'c'], ['scolastico', 'adjective', 'b'], ['scolastico', 'noun', 'b'], ['scolpire', 'verb', 'c'], ['scommessa', 'noun', 'b'], ['scommettere', 'verb', 'b'], ['scomodo', 'adjective', 'c'], ['scomparire', 'verb', 'a'], ['scomparsa', 'noun', 'b'], ['scompartimento', 'noun', 'c'], ['sconfiggere', 'verb', 'b'], ['sconfitta', 'noun', 'b'], ['scongelare', 'verb', 'c'], ['sconosciuto', 'past_part', 'a'], ['sconosciuto', 'adjective', 'a'], ['sconsigliare', 'verb', 'c'], ['scontato', 'past_part', 'b'], ['scontato', 'adjective', 'b'], ['scontento', 'adjective', 'c'], ['sconto', 'noun', 'b'], ['scontrare', 'verb', 'b'], ['scontro', 'noun', 'b'], ['sconvolgere', 'verb', 'b'], ['scopa', 'noun', 'c'], ['scopare', 'verb', 'b'], ['scoperta', 'noun', 'a'], ['scopo', 'noun', 'a'], ['scoppiare', 'verb', 'a'], ['scoprire', 'verb', 'a'], ['scordare', 'verb', 'b'], ['scorgere', 'verb', 'b'], ['scorpione', 'noun', 'c'], ['scorrere', 'verb', 'a'], ['scorretto', 'adjective', 'c'], ['scorso', 'past_part', 'a'], ['scorso', 'adjective', 'a'], ['scorso', 'noun', 'a'], ['scorta', 'noun', 'b'], ['scortese', 'adjective', 'c'], ['scossa', 'noun', 'c'], ['scout', 'noun', 'c'], ['scout', 'adjective', 'c'], ['scozzese', 'adjective', 'c'], ['scozzese', 'noun', 'c'], ['screpolare', 'verb', 'c'], ['scricchiolare', 'verb', 'c'], ['scritta', 'noun', 'b'], ['scritto', 'past_part', 'b'], ['scritto', 'adjective', 'b'], ['scritto', 'noun', 'b'], ['scrittore', 'noun', 'a'], ['scrittura', 'noun', 'a'], ['scrivania', 'noun', 'b'], ['scrivere', 'verb', 'a'], ['scrofa', 'noun', 'c'], ['scrupolo', 'noun', 'c'], ['scudetto', 'noun', 'c'], ['scudo', 'noun', 'b'], ['scultore', 'noun', 'c'], ['scultura', 'noun', 'b'], ['scuola', 'noun', 'a'], ['scuotere', 'verb', 'b'], ['scure', 'noun', 'c'], ['scurire', 'verb', 'c'], ['scuro', 'adjective', 'b'], ['scuro', 'noun', 'b'], ['scuro', 'adverb', 'b'], ['scusa', 'noun', 'a'], ['scusare', 'verb', 'a'], ['sdebitarsi', 'verb', 'c'], ['sdegnare', 'verb', 'c'], ['sdraiare', 'verb', 'b'], ['sdraiato', 'past_part', 'c'], ['sdraiato', 'adjective', 'c'], ['se', 'pronoun', 'a'], ['se', 'conjunction', 'a'], ['se', 'noun', 'a'], ['sebbene', 'conjunction', 'b'], ['seccare', 'verb', 'b'], ['seccatura', 'noun', 'c'], ['secchio', 'noun', 'b'], ['secchione', 'noun', 'b'], ['secco', 'adjective', 'a'], ['secco', 'noun', 'a'], ['secolo', 'noun', 'a'], ['seconda', 'noun', 'b'], ['secondario', 'adjective', 'b'], ['secondario', 'noun', 'b'], ['secondo', 'adjective', 'a'], ['secondo', 'noun', 'a'], ['secondo', 'adverb', 'a'], ['secondo', 'preposition', 'a'], ['secondo', 'conjunction', 'a'], ['sedano', 'noun', 'c'], ['sede', 'noun', 'a'], ['sedere', 'verb', 'a'], ['sedia', 'noun', 'a'], ['sedici', 'adjective', 'b'], ['sedici', 'noun', 'b'], ['sedile', 'noun', 'b'], ['sedurre', 'verb', 'b'], ['seduta', 'noun', 'b'], ['seduttore', 'adjective', 'c'], ['seduttore', 'noun', 'c'], ['seggiolino', 'noun', 'c'], ['seggiovia', 'noun', 'c'], ['segheria', 'noun', 'c'], ['segmento', 'noun', 'b'], ['segnalare', 'verb', 'a'], ['segnalazione', 'noun', 'b'], ['segnale', 'noun', 'a'], ['segnare', 'verb', 'a'], ['segno', 'noun', 'a'], ['segretaria', 'noun', 'b'], ['segretario', 'noun', 'b'], ['segreteria', 'noun', 'b'], ['segreto', 'noun', 'a'], ['segreto', 'adjective', 'a'], ['segreto', 'noun', 'a'], ['segreto', 'adverb', 'a'], ['seguente', 'pres_part', 'a'], ['seguente', 'adjective', 'a'], ['seguente', 'noun', 'a'], ['seguire', 'verb', 'a'], ['seguito', 'noun', 'a'], ['sei', 'adjective', 'a'], ['sei', 'noun', 'a'], ['selezionare', 'verb', 'b'], ['selezione', 'noun', 'b'], ['selva', 'noun', 'c'], ['selvaggina', 'noun', 'c'], ['selvaggio', 'adjective', 'b'], ['selvaggio', 'noun', 'b'], ['semaforo', 'noun', 'c'], ['semantico', 'adjective', 'b'], ['sembrare', 'verb', 'a'], ['seme', 'noun', 'b'], ['semestre', 'noun', 'c'], ['semifreddo', 'adjective', 'c'], ['semifreddo', 'noun', 'c'], ['seminare', 'verb', 'b'], ['semmai', 'conjunction', 'b'], ['semmai', 'adverb', 'b'], ['semolino', 'noun', 'c'], ['semplice', 'adjective', 'a'], ['semplice', 'noun', 'a'], ['semplicemente', 'adverb', 'a'], ['semplicità', 'noun', 'b'], ['semplificare', 'verb', 'b'], ['sempre', 'adverb', 'a'], ['senape', 'noun', 'c'], ['senape', 'adjective', 'c'], ['senato', 'noun', 'b'], ['senatore', 'noun', 'b'], ['sennò', 'adverb', 'b'], ['seno', 'noun', 'a'], ['sensazione', 'noun', 'a'], ['sensibile', 'adjective', 'b'], ['sensibile', 'noun', 'b'], ['sensibilità', 'noun', 'b'], ['senso', 'noun', 'a'], ['sensuale', 'adjective', 'b'], ['sentenza', 'noun', 'a'], ['sentiero', 'noun', 'b'], ['sentimentale', 'adjective', 'b'], ['sentimentale', 'noun', 'b'], ['sentimento', 'noun', 'a'], ['sentire', 'verb', 'a'], ['sentito', 'past_part', 'b'], ['sentito', 'adjective', 'b'], ['senza', 'preposition', 'a'], ['senza', 'conjunction', 'a'], ['separare', 'verb', 'a'], ['separato', 'past_part', 'b'], ['separato', 'adjective', 'b'], ['separato', 'noun', 'b'], ['separazione', 'noun', 'b'], ['sepolto', 'past_part', 'b'], ['sepolto', 'adjective', 'b'], ['sepolto', 'noun', 'b'], ['seppellire', 'verb', 'b'], ['seppia', 'noun', 'c'], ['seppia', 'adjective', 'c'], ['seppia', 'noun', 'c'], ['sequenza', 'noun', 'b'], ['sequestrare', 'verb', 'b'], ['sequestro', 'noun', 'b'], ['sera', 'noun', 'a'], ['serata', 'noun', 'a'], ['serbo', 'adjective', 'c'], ['serbo', 'noun', 'c'], ['serenata', 'noun', 'c'], ['serenità', 'noun', 'b'], ['sereno', 'adjective', 'a'], ['sereno', 'noun', 'a'], ['sergente', 'noun', 'b'], ['seriamente', 'adverb', 'b'], ['serie', 'noun', 'a'], ['serietà', 'noun', 'c'], ['serio', 'adjective', 'a'], ['serio', 'noun', 'a'], ['serpente', 'noun', 'b'], ['serra', 'noun', 'b'], ['servire', 'verb', 'a'], ['servizio', 'noun', 'a'], ['servo', 'noun', 'b'], ['servo', 'adjective', 'b'], ['sessanta', 'adjective', 'b'], ['sessanta', 'noun', 'b'], ['sesso', 'noun', 'a'], ['sessuale', 'adjective', 'a'], ['sesto', 'adjective', 'b'], ['sesto', 'noun', 'b'], ['set', 'noun', 'b'], ['seta', 'noun', 'b'], ['sete', 'noun', 'b'], ['setta', 'noun', 'b'], ['settanta', 'adjective', 'b'], ['settanta', 'noun', 'b'], ['sette', 'adjective', 'a'], ['sette', 'noun', 'a'], ['settembre', 'noun', 'a'], ['settentrione', 'noun', 'c'], ['settimana', 'noun', 'a'], ['settimanale', 'adjective', 'b'], ['settimanale', 'noun', 'b'], ['settimo', 'adjective', 'b'], ['settimo', 'noun', 'b'], ['settore', 'noun', 'a'], ['severo', 'adjective', 'b'], ['sexy', 'adjective', 'b'], ['sezione', 'noun', 'a'], ['sfera', 'noun', 'b'], ['sfida', 'noun', 'a'], ['sfidare', 'verb', 'b'], ['sfiducia', 'noun', 'c'], ['sfigato', 'adjective', 'b'], ['sfigato', 'noun', 'b'], ['sfilare', 'verb', 'b'], ['sfilata', 'noun', 'b'], ['sfinire', 'verb', 'c'], ['sfiorare', 'verb', 'b'], ['sfociare', 'verb', 'c'], ['sfogare', 'verb', 'b'], ['sfoglia', 'noun', 'c'], ['sfogliare', 'verb', 'b'], ['sfogo', 'noun', 'b'], ['sfollamento', 'noun', 'c'], ['sfollare', 'verb', 'c'], ['sfondare', 'verb', 'b'], ['sfondo', 'noun', 'b'], ['sfortunato', 'adjective', 'c'], ['sforzare', 'verb', 'b'], ['sforzo', 'noun', 'a'], ['sfrenato', 'past_part', 'c'], ['sfrenato', 'adjective', 'c'], ['sfruttare', 'verb', 'a'], ['sfuggire', 'verb', 'a'], ['sgabello', 'noun', 'c'], ['sganciare', 'verb', 'c'], ['sgarbato', 'adjective', 'c'], ['sgarbato', 'noun', 'c'], ['sgarbo', 'noun', 'c'], ['sgombro', 'noun', 'c'], ['sgomento', 'noun', 'c'], ['sgonfiare', 'verb', 'c'], ['sgozzare', 'verb', 'c'], ['sgrassare', 'verb', 'c'], ['sgrassatore', 'noun', 'c'], ['sgridare', 'verb', 'c'], ['sguardo', 'noun', 'a'], ['shampoo', 'noun', 'c'], ['share', 'noun', 'b'], ['shopping', 'noun', 'b'], ['shorts', 'noun', 'c'], ['show', 'noun', 'b'], ['sì', 'adverb', 'a'], ['sì', 'noun', 'a'], ['sì', 'adjective', 'a'], ['si', 'pronoun', 'a'], ['sia', 'conjunction', 'a'], ['siamese', 'adjective', 'c'], ['siamese', 'noun', 'c'], ['sicché', 'conjunction', 'b'], ['siccità', 'noun', 'c'], ['siccome', 'conjunction', 'a'], ['siccome', 'adverb', 'a'], ['siciliano', 'adjective', 'b'], ['siciliano', 'noun', 'b'], ['sicuramente', 'adverb', 'a'], ['sicurezza', 'noun', 'a'], ['sicuro', 'adjective', 'a'], ['sicuro', 'noun', 'a'], ['sicuro', 'adverb', 'a'], ['siepe', 'noun', 'c'], ['sigaretta', 'noun', 'a'], ['sigaro', 'noun', 'c'], ['sigla', 'noun', 'b'], ['significare', 'verb', 'a'], ['significativo', 'adjective', 'b'], ['significato', 'past_part', 'a'], ['significato', 'noun', 'a'], ['signora', 'noun', 'a'], ['signore', 'noun', 'a'], ['signorina', 'noun', 'a'], ['silenzio', 'noun', 'a'], ['silenzioso', 'adjective', 'b'], ['sillaba', 'noun', 'c'], ['simbolico', 'adjective', 'b'], ['simbolo', 'noun', 'a'], ['simile', 'adjective', 'a'], ['simile', 'adjective', 'a'], ['simile', 'noun', 'a'], ['simile', 'adverb', 'a'], ['simpatia', 'noun', 'b'], ['simpatico', 'adjective', 'a'], ['simulare', 'verb', 'b'], ['sinceramente', 'adverb', 'b'], ['sincero', 'adjective', 'b'], ['sindacale', 'adjective', 'b'], ['sindacato', 'noun', 'b'], ['sindaco', 'noun', 'b'], ['sindrome', 'noun', 'b'], ['single', 'noun', 'b'], ['singolare', 'adjective', 'b'], ['singolare', 'noun', 'b'], ['singolo', 'adjective', 'a'], ['singolo', 'noun', 'a'], ['sinistra', 'noun', 'a'], ['sinistro', 'adjective', 'a'], ['sinistro', 'noun', 'a'], ['sino', 'preposition', 'a'], ['sino', 'adverb', 'a'], ['sinonimo', 'noun', 'b'], ['sintesi', 'noun', 'b'], ['sintetico', 'adjective', 'b'], ['sintetizzare', 'verb', 'b'], ['sintomo', 'noun', 'b'], ['sir', 'noun', 'b'], ['siriano', 'adjective', 'c'], ['siriano', 'noun', 'c'], ['siringa', 'noun', 'c'], ['sistema', 'noun', 'a'], ['sistemare', 'verb', 'a'], ['sito', 'noun', 'a'], ['sito', 'adjective', 'a'], ['situare', 'verb', 'b'], ['situazione', 'noun', 'a'], ['slacciare', 'verb', 'c'], ['slanciato', 'past_part', 'c'], ['slanciato', 'adjective', 'c'], ['slavo', 'adjective', 'c'], ['slavo', 'noun', 'c'], ['slegare', 'verb', 'c'], ['slip', 'noun', 'c'], ['slitta', 'noun', 'c'], ['slogan', 'noun', 'b'], ['slogare', 'verb', 'c'], ['slogatura', 'noun', 'c'], ['slovacco', 'adjective', 'c'], ['slovacco', 'noun', 'c'], ['sloveno', 'adjective', 'c'], ['sloveno', 'noun', 'c'], ['smacchiare', 'verb', 'c'], ['smacchiatore', 'adjective', 'c'], ['smacchiatore', 'noun', 'c'], ['smaltimento', 'noun', 'b'], ['smalto', 'noun', 'c'], ['smascherare', 'verb', 'c'], ['smentire', 'verb', 'b'], ['smettere', 'verb', 'a'], ['smisurato', 'past_part', 'c'], ['smisurato', 'adjective', 'c'], ['smog', 'noun', 'c'], ['smontare', 'verb', 'b'], ['smorfia', 'noun', 'c'], ['smuovere', 'verb', 'c'], ['snack', 'noun', 'c'], ['sneaker', 'noun', 'c'], ['snello', 'adjective', 'c'], ['soccorrere', 'verb', 'c'], ['soccorso', 'noun', 'b'], ['socialdemocratico', 'adjective', 'c'], ['socialdemocratico', 'noun', 'c'], ['sociale', 'adjective', 'a'], ['sociale', 'noun', 'a'], ['socialista', 'adjective', 'b'], ['socialista', 'noun', 'b'], ['società', 'noun', 'a'], ['socievole', 'adjective', 'c'], ['socio', 'noun', 'b'], ['soddisfare', 'verb', 'a'], ['soddisfatto', 'past_part', 'b'], ['soddisfatto', 'adjective', 'b'], ['soddisfazione', 'noun', 'a'], ['sodo', 'adjective', 'b'], ['sodo', 'noun', 'b'], ['sodo', 'adverb', 'b'], ['sofà', 'noun', 'c'], ['sofferenza', 'noun', 'a'], ['soffermare', 'verb', 'b'], ['soffiare', 'verb', 'b'], ['soffice', 'adjective', 'c'], ['soffitta', 'noun', 'c'], ['soffitto', 'noun', 'b'], ['soffocare', 'verb', 'b'], ['soffriggere', 'verb', 'c'], ['soffrire', 'verb', 'a'], ['sofisticato', 'past_part', 'b'], ['sofisticato', 'adjective', 'b'], ['software', 'noun', 'b'], ['soggettivo', 'adjective', 'b'], ['soggetto', 'noun', 'a'], ['soggetto', 'adjective', 'b'], ['soggezione', 'noun', 'c'], ['soggiorno', 'noun', 'a'], ['soglia', 'noun', 'b'], ['sogliola', 'noun', 'c'], ['sognare', 'verb', 'a'], ['sogno', 'noun', 'a'], ['sol', 'noun', 'c'], ['solaio', 'noun', 'c'], ['solamente', 'adverb', 'a'], ['solamente', 'conjunction', 'a'], ['solare', 'adjective', 'b'], ['solare', 'noun', 'b'], ['solco', 'noun', 'b'], ['soldato', 'noun', 'a'], ['soldo', 'noun', 'a'], ['sole', 'noun', 'a'], ['solenne', 'adjective', 'b'], ['solidarietà', 'noun', 'b'], ['solido', 'adjective', 'b'], ['solido', 'noun', 'b'], ['solitamente', 'adverb', 'b'], ['solitario', 'adjective', 'b'], ['solitario', 'noun', 'b'], ['solito', 'adjective', 'a'], ['solito', 'noun', 'a'], ['solitudine', 'noun', 'b'], ['solletico', 'noun', 'c'], ['sollevare', 'verb', 'a'], ['sollievo', 'noun', 'b'], ['solo', 'adjective', 'a'], ['solo', 'noun', 'a'], ['solo', 'adverb', 'a'], ['solo', 'conjunction', 'a'], ['soltanto', 'adverb', 'a'], ['soltanto', 'conjunction', 'a'], ['soluzione', 'noun', 'a'], ['somigliare', 'verb', 'b'], ['somma', 'noun', 'a'], ['sommare', 'verb', 'b'], ['sondaggio', 'noun', 'a'], ['sonno', 'noun', 'a'], ['sonoro', 'adjective', 'b'], ['sonoro', 'noun', 'b'], ['soppalco', 'noun', 'c'], ['sopportare', 'verb', 'a'], ['sopra', 'preposition', 'a'], ['sopra', 'adverb', 'a'], ['sopra', 'adjective', 'a'], ['sopra', 'noun', 'a'], ['soprabito', 'noun', 'c'], ['sopracciglio', 'noun', 'c'], ['soprammobile', 'noun', 'c'], ['soprannome', 'noun', 'c'], ['soprattutto', 'adverb', 'a'], ['sopravvalutare', 'verb', 'c'], ['sopravvivenza', 'noun', 'b'], ['sopravvivere', 'verb', 'a'], ['sorcio', 'noun', 'c'], ['sordo', 'adjective', 'b'], ['sordo', 'noun', 'b'], ['sorella', 'noun', 'a'], ['sorgente', 'pres_part', 'b'], ['sorgente', 'adjective', 'b'], ['sorgente', 'noun', 'b'], ['sorgere', 'verb', 'b'], ['sorpassare', 'verb', 'c'], ['sorpasso', 'noun', 'c'], ['sorprendente', 'pres_part', 'b'], ['sorprendente', 'adjective', 'b'], ['sorprendere', 'verb', 'b'], ['sorpresa', 'noun', 'a'], ['sorridente', 'pres_part', 'c'], ['sorridente', 'adjective', 'c'], ['sorridere', 'verb', 'a'], ['sorriso', 'noun', 'a'], ['sorso', 'noun', 'c'], ['sorta', 'noun', 'a'], ['sorte', 'noun', 'b'], ['sorteggiare', 'verb', 'c'], ['sorteggio', 'noun', 'c'], ['sorvegliare', 'verb', 'b'], ['sospendere', 'verb', 'b'], ['sospensione', 'noun', 'b'], ['sospeso', 'past_part', 'b'], ['sospeso', 'adjective', 'b'], ['sospeso', 'noun', 'b'], ['sospettare', 'verb', 'b'], ['sospetto', 'noun', 'a'], ['sospetto', 'adjective', 'a'], ['sospetto', 'noun', 'a'], ['sospirare', 'verb', 'b'], ['sospiro', 'noun', 'b'], ['sosta', 'noun', 'b'], ['sostanza', 'noun', 'a'], ['sostanzialmente', 'adverb', 'b'], ['sostare', 'verb', 'c'], ['sostegno', 'noun', 'b'], ['sostenere', 'verb', 'a'], ['sostenitore', 'adjective', 'b'], ['sostenitore', 'noun', 'b'], ['sostituire', 'verb', 'a'], ['sostituzione', 'noun', 'b'], ['sottaceto', 'adjective', 'c'], ['sottaceto', 'adverb', 'c'], ['sottaceto', 'noun', 'c'], ['sotterraneo', 'adjective', 'b'], ['sotterraneo', 'noun', 'b'], ['sottile', 'adjective', 'a'], ['sottile', 'noun', 'a'], ['sottile', 'adverb', 'a'], ['sottinteso', 'past_part', 'c'], ['sottinteso', 'adjective', 'c'], ['sottinteso', 'noun', 'c'], ['sotto', 'preposition', 'a'], ['sotto', 'adverb', 'a'], ['sotto', 'adjective', 'a'], ['sotto', 'noun', 'a'], ['sottofondo', 'noun', 'b'], ['sottolineare', 'verb', 'a'], ['sottolio', 'adverb', 'c'], ['sottolio', 'adjective', 'c'], ['sottomarino', 'adjective', 'c'], ['sottomarino', 'noun', 'c'], ['sottopassaggio', 'noun', 'c'], ['sottoporre', 'verb', 'a'], ['sottoscrivere', 'verb', 'b'], ['sottovalutare', 'verb', 'b'], ['sottrarre', 'verb', 'b'], ['sovietico', 'adjective', 'b'], ['sovietico', 'noun', 'b'], ['sovrano', 'adjective', 'b'], ['sovrano', 'noun', 'b'], ['sovrapporre', 'verb', 'b'], ['spaccare', 'verb', 'b'], ['spaccatura', 'noun', 'c'], ['spacciare', 'verb', 'b'], ['spacciatore', 'noun', 'c'], ['spaccio', 'noun', 'c'], ['spada', 'noun', 'b'], ['spaghetto', 'noun', 'b'], ['spagnolo', 'adjective', 'a'], ['spagnolo', 'noun', 'a'], ['spago', 'noun', 'c'], ['spalancare', 'verb', 'b'], ['spalla', 'noun', 'a'], ['spalmabile', 'adjective', 'c'], ['spalmare', 'verb', 'c'], ['spam', 'noun', 'b'], ['sparare', 'verb', 'a'], ['sparecchiare', 'verb', 'c'], ['spargere', 'verb', 'b'], ['sparire', 'verb', 'a'], ['sparo', 'noun', 'b'], ['sparso', 'past_part', 'b'], ['sparso', 'adjective', 'b'], ['spassare', 'verb', 'b'], ['spasso', 'noun', 'c'], ['spavaldo', 'adjective', 'c'], ['spaventare', 'verb', 'a'], ['spaventato', 'past_part', 'b'], ['spaventato', 'adjective', 'b'], ['spaventoso', 'adjective', 'b'], ['spaziale', 'adjective', 'b'], ['spazio', 'noun', 'a'], ['spazioso', 'adjective', 'c'], ['spazzare', 'verb', 'b'], ['spazzatura', 'noun', 'b'], ['spazzino', 'noun', 'c'], ['spazzola', 'noun', 'c'], ['spazzolare', 'verb', 'c'], ['spazzolino', 'noun', 'c'], ['spazzolone', 'noun', 'c'], ['specchiarsi', 'verb', 'c'], ['specchio', 'noun', 'a'], ['speciale', 'adjective', 'a'], ['speciale', 'noun', 'a'], ['specialista', 'noun', 'b'], ['specializzato', 'past_part', 'b'], ['specializzato', 'adjective', 'b'], ['specializzato', 'noun', 'b'], ['specialmente', 'adverb', 'b'], ['specie', 'noun', 'a'], ['specie', 'adverb', 'a'], ['specificare', 'verb', 'b'], ['specifico', 'adjective', 'a'], ['specifico', 'noun', 'a'], ['speck', 'noun', 'c'], ['spedire', 'verb', 'b'], ['spedizione', 'noun', 'b'], ['spegnere', 'verb', 'a'], ['spellare', 'verb', 'c'], ['spendere', 'verb', 'a'], ['spennare', 'verb', 'c'], ['spensierato', 'adjective', 'c'], ['spento', 'past_part', 'b'], ['spento', 'adjective', 'b'], ['speranza', 'noun', 'a'], ['sperare', 'verb', 'a'], ['sperimentale', 'adjective', 'b'], ['sperimentare', 'verb', 'b'], ['sperimentazione', 'noun', 'b'], ['sperone', 'noun', 'c'], ['spesa', 'noun', 'a'], ['spesso', 'adjective', 'b'], ['spesso', 'adverb', 'a'], ['spessore', 'noun', 'b'], ['spettacolare', 'adjective', 'b'], ['spettacolo', 'noun', 'a'], ['spettare', 'verb', 'b'], ['spettatore', 'noun', 'b'], ['spettinare', 'verb', 'c'], ['spettro', 'noun', 'b'], ['spezia', 'noun', 'c'], ['spezzare', 'verb', 'b'], ['spia', 'noun', 'b'], ['spiacere', 'verb', 'b'], ['spiaggia', 'noun', 'a'], ['spianare', 'verb', 'c'], ['spiare', 'verb', 'b'], ['spiazzo', 'noun', 'c'], ['spiccare', 'verb', 'b'], ['spicciolo', 'adjective', 'c'], ['spicciolo', 'noun', 'c'], ['spiedino', 'noun', 'c'], ['spiedo', 'noun', 'c'], ['spiegare', 'verb', 'a'], ['spiegazione', 'noun', 'a'], ['spietato', 'adjective', 'b'], ['spiga', 'noun', 'c'], ['spigolo', 'noun', 'c'], ['spillo', 'noun', 'c'], ['spina', 'noun', 'b'], ['spinacio', 'noun', 'c'], ['spingere', 'verb', 'a'], ['spinta', 'noun', 'b'], ['spionaggio', 'noun', 'c'], ['spirito', 'noun', 'a'], ['spiritoso', 'adjective', 'c'], ['spirituale', 'adjective', 'b'], ['spirituale', 'noun', 'b'], ['splendente', 'pres_part', 'c'], ['splendente', 'adjective', 'c'], ['splendere', 'verb', 'b'], ['splendido', 'adjective', 'b'], ['splendore', 'noun', 'b'], ['spogliare', 'verb', 'b'], ['spogliatoio', 'noun', 'c'], ['spoglio', 'noun', 'c'], ['spolverare', 'verb', 'c'], ['sponda', 'noun', 'b'], ['spontaneo', 'adjective', 'b'], ['sporcare', 'verb', 'b'], ['sporcizia', 'noun', 'c'], ['sporco', 'adjective', 'a'], ['sporco', 'noun', 'a'], ['sporgente', 'pres_part', 'c'], ['sporgente', 'adjective', 'c'], ['sporgente', 'noun', 'c'], ['sporgere', 'verb', 'b'], ['sport', 'noun', 'a'], ['sport', 'adjective', 'a'], ['sportello', 'noun', 'b'], ['sportivo', 'adjective', 'a'], ['sportivo', 'noun', 'a'], ['sposare', 'verb', 'a'], ['sposato', 'past_part', 'b'], ['sposato', 'adjective', 'b'], ['sposato', 'noun', 'b'], ['sposo', 'noun', 'b'], ['spostamento', 'noun', 'b'], ['spostare', 'verb', 'a'], ['spot', 'noun', 'b'], ['spranga', 'noun', 'c'], ['spray', 'adjective', 'c'], ['spray', 'noun', 'c'], ['sprecare', 'verb', 'b'], ['spreco', 'noun', 'c'], ['spremere', 'verb', 'c'], ['spremuta', 'noun', 'c'], ['sprofondare', 'verb', 'b'], ['sproposito', 'noun', 'c'], ['spruzzare', 'verb', 'c'], ['spuma', 'noun', 'c'], ['spumante', 'pres_part', 'c'], ['spumante', 'adjective', 'c'], ['spumante', 'noun', 'c'], ['spuntare', 'verb', 'b'], ['spuntino', 'noun', 'c'], ['spunto', 'noun', 'b'], ['sputare', 'verb', 'b'], ['sputo', 'noun', 'c'], ['squadra', 'noun', 'a'], ['squallido', 'adjective', 'c'], ['squalo', 'noun', 'c'], ['squarcio', 'noun', 'c'], ['squillare', 'verb', 'b'], ['squisito', 'adjective', 'c'], ['stabile', 'adjective', 'b'], ['stabile', 'noun', 'b'], ['stabilire', 'verb', 'a'], ['stabilità', 'noun', 'b'], ['staccare', 'verb', 'a'], ['stacco', 'noun', 'c'], ['stadio', 'noun', 'b'], ['staffa', 'noun', 'c'], ['stagione', 'noun', 'a'], ['stagno', 'noun', 'c'], ['stalla', 'noun', 'b'], ['stallone', 'noun', 'c'], ['stamattina', 'adverb', 'b'], ['stampa', 'noun', 'a'], ['stampare', 'verb', 'b'], ['stampatello', 'noun', 'c'], ['stampato', 'past_part', 'b'], ['stampato', 'adjective', 'b'], ['stampato', 'noun', 'b'], ['stampella', 'noun', 'c'], ['stampo', 'noun', 'c'], ['stancare', 'verb', 'b'], ['stanchezza', 'noun', 'b'], ['stanco', 'adjective', 'a'], ['standard', 'noun', 'b'], ['standard', 'adjective', 'b'], ['stanga', 'noun', 'c'], ['stanotte', 'adverb', 'b'], ['stanza', 'noun', 'a'], ['star', 'noun', 'b'], ['stare', 'verb', 'a'], ['stasera', 'adverb', 'a'], ['statale', 'adjective', 'b'], ['statale', 'noun', 'b'], ['statistica', 'noun', 'b'], ['statistico', 'adjective', 'b'], ['statistico', 'noun', 'b'], ['stato', 'noun', 'a'], ['stato', 'noun', 'a'], ['statua', 'noun', 'b'], ['statunitense', 'adjective', 'b'], ['statunitense', 'noun', 'b'], ['status', 'noun', 'b'], ['stavolta', 'adverb', 'b'], ['stazione', 'noun', 'a'], ['stella', 'noun', 'a'], ['stellare', 'adjective', 'b'], ['stendere', 'verb', 'b'], ['stendibiancheria', 'noun', 'c'], ['stereo', 'adjective', 'c'], ['stereo', 'noun', 'c'], ['sterlina', 'noun', 'b'], ['sterzare', 'verb', 'c'], ['sterzo', 'noun', 'c'], ['stesso', 'adjective', 'a'], ['stesso', 'pronoun', 'a'], ['stile', 'noun', 'a'], ['stima', 'noun', 'b'], ['stimare', 'verb', 'b'], ['stimolare', 'verb', 'b'], ['stimolo', 'noun', 'b'], ['stinco', 'noun', 'c'], ['stipendiare', 'verb', 'c'], ['stipendio', 'noun', 'a'], ['stirare', 'verb', 'b'], ['stivaletto', 'noun', 'c'], ['stoffa', 'noun', 'b'], ['stomaco', 'noun', 'b'], ['stonare', 'verb', 'c'], ['stop', 'loc-comando', 'c'], ['stop', 'noun', 'c'], ['stoppa', 'noun', 'c'], ['storcere', 'verb', 'c'], ['storia', 'noun', 'a'], ['storico', 'adjective', 'a'], ['storico', 'noun', 'a'], ['stornello', 'noun', 'c'], ['storta', 'noun', 'c'], ['storto', 'past_part', 'b'], ['storto', 'adjective', 'b'], ['storto', 'adverb', 'b'], ['storto', 'noun', 'b'], ['stoviglia', 'noun', 'c'], ['stracchino', 'noun', 'c'], ['straccio', 'noun', 'b'], ['strada', 'noun', 'a'], ['stradale', 'adjective', 'b'], ['stradale', 'noun', 'b'], ['strage', 'noun', 'b'], ['strangolare', 'verb', 'c'], ['straniero', 'adjective', 'a'], ['straniero', 'noun', 'a'], ['strano', 'adjective', 'a'], ['straordinario', 'adjective', 'a'], ['straordinario', 'noun', 'a'], ['strappare', 'verb', 'b'], ['strategia', 'noun', 'a'], ['strategico', 'adjective', 'b'], ['strato', 'noun', 'b'], ['strega', 'noun', 'a'], ['stregare', 'verb', 'b'], ['stregone', 'noun', 'c'], ['stress', 'noun', 'b'], ['stretta', 'noun', 'b'], ['strettamente', 'adverb', 'b'], ['stretto', 'past_part', 'a'], ['stretto', 'adjective', 'a'], ['stretto', 'noun', 'a'], ['strillare', 'verb', 'b'], ['strillo', 'noun', 'c'], ['stringa', 'noun', 'c'], ['stringere', 'verb', 'a'], ['striscia', 'noun', 'b'], ['strisciare', 'verb', 'b'], ['strofinaccio', 'noun', 'c'], ['stronzata', 'noun', 'b'], ['stronzo', 'noun', 'a'], ['stronzo', 'adjective', 'a'], ['strumento', 'noun', 'a'], ['strutto', 'past_part', 'c'], ['strutto', 'adjective', 'c'], ['strutto', 'noun', 'c'], ['struttura', 'noun', 'a'], ['strutturale', 'adjective', 'b'], ['struzzo', 'noun', 'c'], ['studente', 'noun', 'a'], ['studiare', 'verb', 'a'], ['studio', 'noun', 'a'], ['studioso', 'adjective', 'b'], ['studioso', 'noun', 'b'], ['stufa', 'noun', 'c'], ['stuoia', 'noun', 'c'], ['stupefacente', 'pres_part', 'b'], ['stupefacente', 'adjective', 'b'], ['stupefacente', 'noun', 'b'], ['stupendo', 'adjective', 'b'], ['stupido', 'adjective', 'a'], ['stupido', 'noun', 'a'], ['stupire', 'verb', 'b'], ['stupito', 'past_part', 'b'], ['stupito', 'adjective', 'b'], ['stupore', 'noun', 'b'], ['stuzzicadenti', 'noun', 'c'], ['stuzzicare', 'verb', 'c'], ['style', 'noun', 'b'], ['su', 'preposition', 'a'], ['su', 'adverb', 'a'], ['su', 'exclamation', 'a'], ['su', 'noun', 'a'], ['subire', 'verb', 'a'], ['subito', 'adverb', 'a'], ['succedere', 'verb', 'a'], ['successione', 'noun', 'b'], ['successivamente', 'adverb', 'b'], ['successivo', 'adjective', 'a'], ['successo', 'noun', 'a'], ['succhiare', 'verb', 'b'], ['succo', 'noun', 'b'], ['sud', 'noun', 'a'], ['sud', 'adjective', 'a'], ['sudamericano', 'adjective', 'c'], ['sudamericano', 'noun', 'c'], ['sudare', 'verb', 'b'], ['sudato', 'past_part', 'c'], ['sudato', 'adjective', 'c'], ['suddito', 'noun', 'b'], ['suddito', 'adjective', 'b'], ['suddividere', 'verb', 'b'], ['sudicio', 'adjective', 'c'], ['sudicio', 'noun', 'c'], ['sudore', 'noun', 'b'], ['sudtirolese', 'adjective', 'c'], ['sudtirolese', 'noun', 'c'], ['sufficiente', 'adjective', 'a'], ['suggerimento', 'noun', 'b'], ['suggerire', 'verb', 'a'], ['suggestivo', 'adjective', 'b'], ['sughero', 'noun', 'c'], ['sugo', 'noun', 'b'], ['suicidio', 'noun', 'b'], ['suino', 'noun', 'c'], ['suino', 'adjective', 'c'], ['suo', 'adjective', 'a'], ['suo', 'pronoun', 'a'], ['suocera', 'noun', 'c'], ['suocero', 'noun', 'c'], ['suola', 'noun', 'c'], ['suolo', 'noun', 'b'], ['suonare', 'verb', 'a'], ['suono', 'noun', 'a'], ['suora', 'noun', 'a'], ['super', 'adjective', 'b'], ['super', 'noun', 'b'], ['superare', 'verb', 'a'], ['superbia', 'noun', 'c'], ['superficiale', 'adjective', 'b'], ['superficie', 'noun', 'a'], ['superiore', 'adjective', 'a'], ['superiore', 'noun', 'a'], ['supermercato', 'noun', 'b'], ['supporre', 'verb', 'b'], ['supportare', 'verb', 'b'], ['supporto', 'noun', 'a'], ['supremo', 'adjective', 'b'], ['surgelato', 'past_part', 'c'], ['surgelato', 'adjective', 'c'], ['surgelato', 'noun', 'c'], ['suscitare', 'verb', 'b'], ['susina', 'noun', 'c'], ['susino', 'noun', 'c'], ['susseguirsi', 'verb', 'c'], ['sussurrare', 'verb', 'b'], ['svanire', 'verb', 'b'], ['svedese', 'adjective', 'c'], ['svedese', 'noun', 'c'], ['sveglia', 'noun', 'c'], ['svegliare', 'verb', 'a'], ['svegliarsi', 'verb', 'c'], ['sveglio', 'past_part', 'b'], ['sveglio', 'adjective', 'b'], ['svelare', 'verb', 'b'], ['svelto', 'adjective', 'c'], ['svenire', 'verb', 'b'], ['sventola', 'noun', 'c'], ['sviluppare', 'verb', 'a'], ['sviluppato', 'past_part', 'b'], ['sviluppato', 'adjective', 'b'], ['sviluppo', 'noun', 'a'], ['svizzero', 'adjective', 'b'], ['svizzero', 'noun', 'b'], ['svolazzare', 'verb', 'c'], ['svolgere', 'verb', 'a'], ['svolgimento', 'noun', 'c'], ['svolta', 'noun', 'b'], ['svuotare', 'verb', 'b'], ['tabaccaio', 'noun', 'c'], ['tabella', 'noun', 'b'], ['tacca', 'noun', 'c'], ['tacchino', 'noun', 'c'], ['tacco', 'noun', 'b'], ['tacere', 'verb', 'a'], ['tacere', 'noun', 'a'], ['tag', 'noun', 'b'], ['taglia', 'noun', 'b'], ['tagliare', 'verb', 'a'], ['tagliatella', 'noun', 'c'], ['tagliato', 'past_part', 'b'], ['tagliato', 'adjective', 'b'], ['tagliere', 'noun', 'c'], ['taglio', 'noun', 'a'], ['tagliola', 'noun', 'c'], ['talco', 'noun', 'c'], ['tale', 'adjective', 'a'], ['tale', 'pronoun', 'a'], ['tale', 'adverb', 'a'], ['taleggio', 'noun', 'c'], ['talento', 'noun', 'b'], ['talmente', 'adverb', 'a'], ['talpa', 'noun', 'c'], ['talpa', 'adjective', 'c'], ['talpa', 'noun', 'c'], ['talvolta', 'adverb', 'b'], ['tamburo', 'noun', 'c'], ['tamponare', 'verb', 'c'], ['tangente', 'pres_part', 'b'], ['tangente', 'adjective', 'b'], ['tangente', 'noun', 'b'], ['tanto', 'adjective', 'a'], ['tanto', 'pronoun', 'a'], ['tanto', 'noun', 'a'], ['tanto', 'adverb', 'a'], ['tanto', 'conjunction', 'a'], ['tappa', 'noun', 'b'], ['tappare', 'verb', 'b'], ['tappetino', 'noun', 'c'], ['tappeto', 'noun', 'b'], ['tappezzare', 'verb', 'c'], ['tappo', 'noun', 'c'], ['tarallo', 'noun', 'c'], ['tarantella', 'noun', 'c'], ['tardi', 'adverb', 'a'], ['tardo', 'adjective', 'a'], ['tardo', 'adverb', 'a'], ['targa', 'noun', 'b'], ['tariffa', 'noun', 'b'], ['tarlo', 'noun', 'c'], ['tartaruga', 'noun', 'c'], ['tartufo', 'noun', 'c'], ['tasca', 'noun', 'a'], ['tassa', 'noun', 'a'], ['tassare', 'verb', 'c'], ['tassello', 'noun', 'c'], ['tasso', 'noun', 'b'], ['tastiera', 'noun', 'b'], ['tasto', 'noun', 'b'], ['tatto', 'noun', 'c'], ['tatuaggio', 'noun', 'b'], ['taverna', 'noun', 'c'], ['tavola', 'noun', 'a'], ['tavoletta', 'noun', 'c'], ['tavolino', 'noun', 'b'], ['tavolo', 'noun', 'a'], ['taxi', 'noun', 'b'], ['tazza', 'noun', 'b'], ['tè', 'noun', 'b'], ['te', 'pronoun', 'noun'], ['te', 'team', 'noun'], ['teatrale', 'adjective', 'b'], ['teatro', 'noun', 'a'], ['tecnica', 'noun', 'a'], ['tecnicamente', 'adverb', 'b'], ['tecnico', 'adjective', 'a'], ['tecnico', 'noun', 'a'], ['tecnologia', 'noun', 'a'], ['tecnologico', 'adjective', 'b'], ['tedesco', 'adjective', 'a'], ['tedesco', 'noun', 'a'], ['tegame', 'noun', 'c'], ['teglia', 'noun', 'c'], ['tegola', 'noun', 'c'], ['tela', 'noun', 'b'], ['telaio', 'noun', 'c'], ['telecamera', 'noun', 'b'], ['telecomandato', 'past_part', 'c'], ['telecomandato', 'adjective', 'c'], ['telecronaca', 'noun', 'c'], ['telecronista', 'noun', 'c'], ['telefilm', 'noun', 'b'], ['telefonare', 'verb', 'a'], ['telefonata', 'noun', 'a'], ['telefonico', 'adjective', 'a'], ['telefonino', 'noun', 'b'], ['telefono', 'noun', 'a'], ['telegiornale', 'noun', 'b'], ['telegrafico', 'adjective', 'c'], ['telegrafo', 'noun', 'c'], ['telegramma', 'noun', 'c'], ['telescopio', 'noun', 'b'], ['televisione', 'noun', 'a'], ['televisivo', 'adjective', 'a'], ['televisore', 'noun', 'b'], ['tema', 'noun', 'a'], ['temere', 'verb', 'a'], ['temperatura', 'noun', 'a'], ['tempesta', 'noun', 'b'], ['tempio', 'noun', 'b'], ['tempo', 'noun', 'a'], ['temporale', 'noun', 'b'], ['temporaneo', 'adjective', 'b'], ['tenaglia', 'noun', 'c'], ['tenda', 'noun', 'a'], ['tendenza', 'noun', 'a'], ['tendere', 'verb', 'a'], ['tenebra', 'noun', 'c'], ['tenente', 'noun', 'b'], ['tenere', 'verb', 'a'], ['tenerezza', 'noun', 'b'], ['tenero', 'adjective', 'b'], ['tenero', 'noun', 'b'], ['tennis', 'noun', 'b'], ['tensione', 'noun', 'a'], ['tentare', 'verb', 'a'], ['tentativo', 'noun', 'a'], ['tentazione', 'noun', 'b'], ['tenuta', 'noun', 'b'], ['teologia', 'noun', 'b'], ['teologo', 'noun', 'b'], ['teoria', 'noun', 'a'], ['teorico', 'adjective', 'b'], ['teorico', 'noun', 'b'], ['terapia', 'noun', 'a'], ['tergicristallo', 'noun', 'c'], ['terminale', 'adjective', 'b'], ['terminale', 'noun', 'b'], ['terminare', 'verb', 'a'], ['termine', 'noun', 'a'], ['termosifone', 'noun', 'c'], ['terra', 'noun', 'a'], ['terrazzo', 'noun', 'b'], ['terremoto', 'noun', 'b'], ['terreno', 'noun', 'a'], ['terrestre', 'adjective', 'b'], ['terrestre', 'noun', 'b'], ['terribile', 'adjective', 'a'], ['terriccio', 'noun', 'c'], ['territoriale', 'adjective', 'b'], ['territoriale', 'noun', 'b'], ['territorio', 'noun', 'a'], ['terrore', 'noun', 'b'], ['terrorismo', 'noun', 'b'], ['terrorista', 'adjective', 'b'], ['terrorista', 'noun', 'b'], ['terrorizzare', 'verb', 'b'], ['terzo', 'adjective', 'a'], ['terzo', 'noun', 'a'], ['teschio', 'noun', 'b'], ['tesi', 'noun', 'a'], ['teso', 'past_part', 'b'], ['teso', 'adjective', 'b'], ['tesoro', 'noun', 'a'], ['tessera', 'noun', 'b'], ['tessile', 'adjective', 'c'], ['tessile', 'noun', 'c'], ['tessuto', 'past_part', 'b'], ['tessuto', 'adjective', 'b'], ['tessuto', 'noun', 'b'], ['test', 'noun', 'a'], ['testa', 'noun', 'a'], ['testamento', 'noun', 'b'], ['testare', 'verb', 'b'], ['testimone', 'noun', 'a'], ['testimonianza', 'noun', 'b'], ['testimoniare', 'verb', 'b'], ['testo', 'noun', 'a'], ['tetta', 'noun', 'b'], ['tetto', 'noun', 'a'], ['tettoia', 'noun', 'c'], ['tg', 'sigla', 'b'], ['thermos', 'noun', 'c'], ['ti', 'noun', 'c'], ['ti', 'pronoun', 'a'], ['tic', 'noun', 'c'], ['ticchettio', 'noun', 'c'], ['tifare', 'verb', 'b'], ['tifo', 'noun', 'c'], ['tifoso', 'adjective', 'b'], ['tifoso', 'noun', 'b'], ['tigre', 'noun', 'b'], ['timbro', 'noun', 'c'], ['timidezza', 'noun', 'c'], ['timido', 'adjective', 'b'], ['timido', 'noun', 'b'], ['timone', 'noun', 'c'], ['timoniere', 'noun', 'c'], ['timore', 'noun', 'b'], ['tinello', 'noun', 'c'], ['tino', 'noun', 'c'], ['tipico', 'adjective', 'a'], ['tipo', 'noun', 'a'], ['tipologia', 'noun', 'b'], ['tiramisù', 'noun', 'c'], ['tiranno', 'noun', 'c'], ['tiranno', 'adjective', 'c'], ['tirare', 'verb', 'a'], ['tiro', 'noun', 'b'], ['tirocinio', 'noun', 'b'], ['tirrenico', 'adjective', 'c'], ['tisana', 'noun', 'c'], ['titolare', 'adjective', 'b'], ['titolare', 'noun', 'b'], ['titolo', 'noun', 'a'], ['tivù', 'noun', 'a'], ['tizio', 'noun', 'b'], ['toast', 'noun', 'c'], ['toccare', 'verb', 'a'], ['tocco', 'noun', 'b'], ['togliere', 'verb', 'a'], ['toilette', 'noun', 'c'], ['toletta', 'noun', 'c'], ['tolleranza', 'noun', 'b'], ['tollerare', 'verb', 'b'], ['tomba', 'noun', 'b'], ['tombola', 'noun', 'c'], ['tonaca', 'noun', 'c'], ['tondo', 'adjective', 'b'], ['tondo', 'noun', 'b'], ['tonnellata', 'noun', 'b'], ['tonno', 'noun', 'c'], ['tono', 'noun', 'a'], ['tonsilla', 'noun', 'c'], ['top', 'noun', 'b'], ['topo', 'noun', 'b'], ['topo', 'adjective', 'b'], ['toppa', 'noun', 'c'], ['torbido', 'adjective', 'c'], ['torbido', 'noun', 'c'], ['torcere', 'verb', 'b'], ['torcia', 'noun', 'c'], ['torcicollo', 'noun', 'c'], ['tordo', 'noun', 'c'], ['torero', 'noun', 'c'], ['torinese', 'adjective', 'c'], ['torinese', 'noun', 'c'], ['tormentare', 'verb', 'b'], ['tornaconto', 'noun', 'c'], ['tornare', 'verb', 'a'], ['torneo', 'noun', 'b'], ['tornio', 'noun', 'c'], ['toro', 'noun', 'b'], ['torre', 'noun', 'b'], ['torrone', 'noun', 'c'], ['torta', 'noun', 'b'], ['tortellino', 'noun', 'c'], ['torto', 'noun', 'b'], ['tortora', 'noun', 'c'], ['tortora', 'adjective', 'c'], ['tortora', 'noun', 'c'], ['tosare', 'verb', 'c'], ['toscano', 'adjective', 'b'], ['toscano', 'noun', 'b'], ['tosse', 'noun', 'b'], ['tossico', 'adjective', 'b'], ['tossico', 'noun', 'b'], ['tossire', 'verb', 'c'], ['tostapane', 'noun', 'c'], ['totale', 'adjective', 'a'], ['totale', 'noun', 'a'], ['totalmente', 'adverb', 'b'], ['tour', 'noun', 'b'], ['tovaglia', 'noun', 'b'], ['tovaglietta', 'noun', 'c'], ['tovagliolo', 'noun', 'c'], ['tra', 'preposition', 'a'], ['traballare', 'verb', 'c'], ['traboccare', 'verb', 'c'], ['trabocchetto', 'noun', 'c'], ['traccia', 'noun', 'a'], ['tracciare', 'verb', 'b'], ['tradimento', 'noun', 'b'], ['tradire', 'verb', 'b'], ['tradizionale', 'adjective', 'a'], ['tradizione', 'noun', 'a'], ['tradurre', 'verb', 'a'], ['traduzione', 'noun', 'a'], ['traffico', 'noun', 'a'], ['trafila', 'noun', 'c'], ['traforo', 'noun', 'c'], ['tragedia', 'noun', 'b'], ['traghetto', 'noun', 'c'], ['tragico', 'adjective', 'b'], ['tragico', 'noun', 'b'], ['trainare', 'verb', 'c'], ['trama', 'noun', 'b'], ['tramezzino', 'noun', 'c'], ['tramite', 'noun', 'preposition'], ['tramontare', 'verb', 'c'], ['tramonto', 'noun', 'b'], ['trampolino', 'noun', 'c'], ['trancio', 'noun', 'c'], ['tranne', 'preposition', 'a'], ['tranquillamente', 'adverb', 'b'], ['tranquillità', 'noun', 'b'], ['tranquillizzare', 'verb', 'c'], ['tranquillo', 'adjective', 'a'], ['tranquillo', 'adverb', 'a'], ['tranquillo', 'noun', 'a'], ['transito', 'noun', 'c'], ['trapano', 'noun', 'c'], ['trapezio', 'noun', 'c'], ['trapezio', 'adjective', 'c'], ['trapianto', 'noun', 'c'], ['trappola', 'noun', 'b'], ['trapunta', 'noun', 'c'], ['trarre', 'verb', 'a'], ['trascinare', 'verb', 'a'], ['trascorrere', 'verb', 'a'], ['trascrizione', 'noun', 'b'], ['trascurare', 'verb', 'b'], ['trasferimento', 'noun', 'b'], ['trasferire', 'verb', 'a'], ['trasformare', 'verb', 'a'], ['trasformazione', 'noun', 'b'], ['trasfusione', 'noun', 'c'], ['traslocare', 'verb', 'c'], ['trasloco', 'noun', 'c'], ['trasmettere', 'verb', 'a'], ['trasmissione', 'noun', 'a'], ['trasparente', 'adjective', 'b'], ['trasparente', 'noun', 'b'], ['trasparenza', 'noun', 'b'], ['trasportare', 'verb', 'b'], ['trasporto', 'noun', 'a'], ['trattamento', 'noun', 'a'], ['trattare', 'verb', 'a'], ['trattativa', 'noun', 'b'], ['trattato', 'noun', 'b'], ['trattenere', 'verb', 'a'], ['trattenuta', 'noun', 'c'], ['tratto', 'noun', 'a'], ['trattore', 'noun', 'c'], ['trauma', 'noun', 'b'], ['travasare', 'verb', 'c'], ['travestire', 'verb', 'c'], ['travolgere', 'verb', 'b'], ['tre', 'adjective', 'a'], ['tre', 'noun', 'a'], ['trebbiare', 'verb', 'c'], ['trecento', 'adjective', 'b'], ['trecento', 'noun', 'b'], ['tredici', 'adjective', 'b'], ['tredici', 'noun', 'b'], ['tremare', 'verb', 'b'], ['tremendo', 'adjective', 'b'], ['trend', 'noun', 'b'], ['treno', 'noun', 'a'], ['trenta', 'adjective', 'a'], ['trenta', 'noun', 'a'], ['trentino', 'adjective', 'c'], ['trentino', 'noun', 'c'], ['triangolo', 'noun', 'b'], ['tribù', 'noun', 'c'], ['tribunale', 'noun', 'a'], ['triestino', 'adjective', 'c'], ['triestino', 'noun', 'c'], ['trifoglio', 'noun', 'c'], ['trina', 'noun', 'c'], ['trincea', 'noun', 'c'], ['trionfo', 'noun', 'b'], ['triste', 'adjective', 'a'], ['tristezza', 'noun', 'b'], ['tritare', 'verb', 'c'], ['trofeo', 'noun', 'c'], ['tronco', 'noun', 'b'], ['trono', 'noun', 'b'], ['troppo', 'adjective', 'a'], ['troppo', 'pronoun', 'a'], ['troppo', 'adverb', 'a'], ['troppo', 'noun', 'a'], ['trota', 'noun', 'c'], ['trottare', 'verb', 'c'], ['trottola', 'noun', 'c'], ['trovare', 'verb', 'a'], ['truccare', 'verb', 'c'], ['trucco', 'noun', 'b'], ['trucco', 'noun', 'b'], ['truffa', 'noun', 'b'], ['truffare', 'verb', 'c'], ['truppa', 'noun', 'b'], ['t-shirt', 'noun', 'c'], ['tu', 'pronoun', 'a'], ['tubo', 'noun', 'b'], ['tuffare', 'verb', 'b'], ['tuffo', 'noun', 'c'], ['tulipano', 'noun', 'c'], ['tumore', 'noun', 'b'], ['tunica', 'noun', 'c'], ['tunisino', 'adjective', 'c'], ['tunisino', 'noun', 'c'], ['tunnel', 'noun', 'c'], ['tuo', 'adjective', 'a'], ['tuo', 'pronoun', 'a'], ['tuono', 'noun', 'c'], ['turbare', 'verb', 'b'], ['turco', 'adjective', 'b'], ['turco', 'noun', 'b'], ['turismo', 'noun', 'b'], ['turista', 'noun', 'b'], ['turistico', 'adjective', 'b'], ['turno', 'noun', 'a'], ['tuta', 'noun', 'b'], ['tutela', 'noun', 'b'], ['tutelare', 'verb', 'b'], ['tutore', 'noun', 'c'], ['tuttavia', 'conjunction', 'a'], ['tuttavia', 'adverb', 'a'], ['tutto', 'adjective', 'a'], ['tutto', 'pronoun', 'a'], ['tuttora', 'adverb', 'b'], ['u', 'noun', 'c'], ['ubriaco', 'adjective', 'b'], ['ubriaco', 'noun', 'b'], ['uccello', 'noun', 'a'], ['uccidere', 'verb', 'a'], ['ucraino', 'adjective', 'c'], ['ucraino', 'noun', 'c'], ['udienza', 'noun', 'b'], ['udinese', 'adjective', 'c'], ['udinese', 'noun', 'c'], ['udire', 'verb', 'b'], ['udire', 'noun', 'b'], ['ufficiale', 'noun', 'b'], ['ufficiale', 'adjective', 'a'], ['ufficialmente', 'adverb', 'b'], ['ufficio', 'noun', 'a'], ['uguale', 'adjective', 'a'], ['uguale', 'adverb', 'a'], ['uguale', 'noun', 'a'], ['ugualmente', 'adverb', 'b'], ['ulcera', 'noun', 'c'], ['ulteriore', 'adjective', 'a'], ['ulteriormente', 'adverb', 'b'], ['ultimamente', 'adverb', 'b'], ['ultimo', 'adjective', 'a'], ['ultimo', 'noun', 'a'], ['ultravioletto', 'noun', 'c'], ['ultravioletto', 'adjective', 'c'], ['umanità', 'noun', 'a'], ['umano', 'adjective', 'a'], ['umano', 'noun', 'a'], ['umbro', 'adjective', 'c'], ['umbro', 'noun', 'c'], ['umido', 'adjective', 'b'], ['umido', 'noun', 'b'], ['umile', 'adjective', 'b'], ['umile', 'noun', 'b'], ['umiliare', 'verb', 'b'], ['umore', 'noun', 'b'], ['umorismo', 'noun', 'c'], ['una', 'determiner', 'a'], ['una', 'pronoun', 'a'], ['undici', 'adjective', 'b'], ['undici', 'noun', 'b'], ['ungherese', 'adjective', 'c'], ['ungherese', 'noun', 'c'], ['unghia', 'noun', 'b'], ['unguento', 'noun', 'c'], ['unico', 'adjective', 'a'], ['unico', 'noun', 'a'], ['uniforme', 'adjective', 'b'], ['unione', 'noun', 'b'], ['unire', 'verb', 'a'], ['unità', 'noun', 'a'], ['unito', 'past_part', 'a'], ['unito', 'adjective', 'a'], ['unito', 'noun', 'a'], ['universale', 'adjective', 'b'], ['universale', 'noun', 'b'], ['università', 'noun', 'a'], ['universitario', 'adjective', 'b'], ['universitario', 'noun', 'b'], ['universo', 'noun', 'a'], ['uno', 'adjective', 'a'], ['uno', 'noun', 'a'], ['uno', 'determiner', 'a'], ['uno', 'pronoun', 'a'], ['uomo', 'noun', 'a'], ['uovo', 'noun', 'a'], ['uragano', 'noun', 'c'], ['urbanistico', 'adjective', 'b'], ['urbano', 'adjective', 'b'], ['urgente', 'adjective', 'b'], ['urgenza', 'noun', 'b'], ['urlare', 'verb', 'a'], ['urlo', 'noun', 'b'], ['urna', 'noun', 'c'], ['urtare', 'verb', 'b'], ['usare', 'verb', 'a'], ['usato', 'past_part', 'b'], ['usato', 'adjective', 'b'], ['usato', 'noun', 'b'], ['uscire', 'verb', 'a'], ['uscita', 'noun', 'a'], ['usignolo', 'noun', 'c'], ['uso', 'noun', 'a'], ['utensile', 'noun', 'c'], ['utente', 'noun', 'a'], ['utenza', 'noun', 'b'], ['utile', 'adjective', 'a'], ['utile', 'noun', 'a'], ['utilità', 'noun', 'b'], ['utilizzare', 'verb', 'a'], ['utilizzo', 'noun', 'b'], ['vabbè', 'exclamation', 'b'], ['vacanza', 'noun', 'a'], ['vacca', 'noun', 'b'], ['vaccino', 'noun', 'c'], ['vaffanculo', 'exclamation', 'b'], ['vagare', 'verb', 'b'], ['vagire', 'verb', 'c'], ['vago', 'adjective', 'b'], ['vago', 'noun', 'b'], ['valanga', 'noun', 'c'], ['valdostano', 'adjective', 'c'], ['valdostano', 'noun', 'c'], ['valere', 'verb', 'a'], ['valido', 'adjective', 'b'], ['valigia', 'noun', 'b'], ['valle', 'noun', 'b'], ['valore', 'noun', 'a'], ['valorizzare', 'verb', 'b'], ['valoroso', 'adjective', 'c'], ['valoroso', 'noun', 'c'], ['valutare', 'verb', 'a'], ['valutazione', 'noun', 'b'], ['valvola', 'noun', 'c'], ['vampata', 'noun', 'c'], ['vampiro', 'noun', 'b'], ['vandalo', 'adjective', 'c'], ['vandalo', 'noun', 'c'], ['vanga', 'noun', 'c'], ['vangelo', 'noun', 'b'], ['vanitoso', 'adjective', 'c'], ['vanitoso', 'noun', 'c'], ['vano', 'adjective', 'b'], ['vano', 'noun', 'b'], ['vantaggio', 'noun', 'a'], ['vantaggioso', 'adjective', 'c'], ['vantare', 'verb', 'b'], ['vanto', 'noun', 'c'], ['vapore', 'noun', 'b'], ['variabile', 'adjective', 'b'], ['variabile', 'noun', 'b'], ['variante', 'pres_part', 'b'], ['variante', 'adjective', 'b'], ['variante', 'noun', 'b'], ['variare', 'verb', 'b'], ['variazione', 'noun', 'b'], ['varietà', 'noun', 'b'], ['vario', 'adjective', 'a'], ['vario', 'adjective', 'a'], ['vario', 'pronoun', 'a'], ['variopinto', 'adjective', 'c'], ['vasca', 'noun', 'b'], ['vaso', 'noun', 'b'], ['vasto', 'adjective', 'b'], ['vasto', 'noun', 'b'], ['ve', 'pronoun', 'a'], ['ve', 'adverb', 'a'], ['vecchio', 'adjective', 'a'], ['vecchio', 'noun', 'a'], ['vedere', 'verb', 'a'], ['vedere', 'noun', 'a'], ['vedova', 'noun', 'b'], ['vegetale', 'adjective', 'b'], ['vegetale', 'noun', 'b'], ['veglia', 'noun', 'c'], ['veglione', 'noun', 'c'], ['veicolo', 'noun', 'b'], ['vela', 'noun', 'b'], ['veleno', 'noun', 'b'], ['velenoso', 'adjective', 'c'], ['vellutato', 'past_part', 'c'], ['vellutato', 'adjective', 'c'], ['velluto', 'noun', 'c'], ['velo', 'noun', 'b'], ['veloce', 'adjective', 'a'], ['veloce', 'adverb', 'a'], ['veloce', 'noun', 'a'], ['velocemente', 'adverb', 'b'], ['velocità', 'noun', 'a'], ['vena', 'noun', 'b'], ['vendemmiare', 'verb', 'c'], ['vendere', 'verb', 'a'], ['vendetta', 'noun', 'b'], ['vendicare', 'verb', 'b'], ['vendita', 'noun', 'a'], ['venditore', 'adjective', 'b'], ['venditore', 'noun', 'b'], ['venerdì', 'noun', 'a'], ['veneto', 'adjective', 'b'], ['veneto', 'noun', 'b'], ['veneziano', 'adjective', 'c'], ['veneziano', 'noun', 'c'], ['venire', 'verb', 'a'], ['ventaglio', 'noun', 'c'], ['ventata', 'noun', 'c'], ['venti', 'adjective', 'a'], ['venti', 'noun', 'a'], ['venticinque', 'adjective', 'b'], ['venticinque', 'noun', 'b'], ['ventilatore', 'adjective', 'c'], ['ventilatore', 'noun', 'c'], ['ventina', 'noun', 'b'], ['ventiquattro', 'adjective', 'b'], ['ventiquattro', 'noun', 'b'], ['vento', 'noun', 'a'], ['ventre', 'noun', 'b'], ['venuta', 'noun', 'c'], ['veramente', 'adverb', 'a'], ['verbale', 'adjective', 'a'], ['verbale', 'noun', 'a'], ['verbo', 'noun', 'b'], ['verde', 'adjective', 'a'], ['verde', 'noun', 'a'], ['verdura', 'noun', 'b'], ['vergine', 'adjective', 'b'], ['vergine', 'noun', 'b'], ['vergogna', 'noun', 'b'], ['vergognarsi', 'verb', 'b'], ['verifica', 'noun', 'b'], ['verificare', 'verb', 'a'], ['verità', 'noun', 'a'], ['verme', 'noun', 'b'], ['vernice', 'noun', 'b'], ['vero', 'adjective', 'a'], ['vero', 'noun', 'a'], ['versare', 'verb', 'a'], ['versione', 'noun', 'a'], ['verso', 'noun', 'a'], ['verso', 'preposition', 'a'], ['vertebra', 'noun', 'c'], ['verticale', 'adjective', 'b'], ['verticale', 'noun', 'b'], ['vertice', 'noun', 'b'], ['vertigine', 'noun', 'c'], ['vescovo', 'noun', 'b'], ['vescovo', 'adjective', 'b'], ['vespa', 'noun', 'c'], ['veste', 'noun', 'b'], ['vestire', 'verb', 'a'], ['vestito', 'noun', 'a'], ['vestito', 'past_part', 'b'], ['vestito', 'adjective', 'b'], ['veterinario', 'adjective', 'c'], ['veterinario', 'noun', 'c'], ['vetrina', 'noun', 'b'], ['vetro', 'noun', 'a'], ['vettura', 'noun', 'b'], ['vi', 'pronoun', 'a'], ['vi', 'adverb', 'a'], ['via', 'noun', 'a'], ['via', 'adverb', 'a'], ['via', 'exclamation', 'a'], ['via', 'noun', 'a'], ['viaggiare', 'verb', 'a'], ['viaggiatore', 'noun', 'b'], ['viaggiatrice', 'noun', 'c'], ['viaggio', 'noun', 'a'], ['viale', 'noun', 'b'], ['vibrare', 'verb', 'b'], ['vice', 'noun', 'b'], ['vicenda', 'noun', 'a'], ['viceversa', 'adverb', 'b'], ['vicinanza', 'noun', 'b'], ['vicino', 'adjective', 'a'], ['vicino', 'noun', 'a'], ['vicino', 'adverb', 'a'], ['vicolo', 'noun', 'b'], ['video', 'adjective', 'a'], ['video', 'noun', 'a'], ['videogioco', 'noun', 'b'], ['viennese', 'adjective', 'c'], ['viennese', 'noun', 'c'], ['vietare', 'verb', 'b'], ['vigile', 'adjective', 'b'], ['vigile', 'noun', 'b'], ['vigilia', 'noun', 'b'], ['vigna', 'noun', 'c'], ['vigore', 'noun', 'b'], ['villa', 'noun', 'a'], ['villaggio', 'noun', 'a'], ['vincente', 'pres_part', 'b'], ['vincente', 'adjective', 'b'], ['vincente', 'noun', 'b'], ['vincere', 'verb', 'a'], ['vincitore', 'adjective', 'b'], ['vincitore', 'noun', 'b'], ['vincolo', 'noun', 'b'], ['vino', 'noun', 'a'], ['vino', 'adjective', 'a'], ['viola', 'noun', 'b'], ['viola', 'adjective', 'b'], ['violare', 'verb', 'b'], ['violazione', 'noun', 'b'], ['violentare', 'verb', 'c'], ['violento', 'adjective', 'a'], ['violento', 'noun', 'a'], ['violenza', 'noun', 'a'], ['violetta', 'noun', 'c'], ['violetto', 'adjective', 'c'], ['violetto', 'noun', 'c'], ['violino', 'noun', 'b'], ['vipera', 'noun', 'c'], ['virgola', 'noun', 'b'], ['virtù', 'noun', 'b'], ['virtuale', 'adjective', 'b'], ['virus', 'noun', 'b'], ['visibile', 'adjective', 'b'], ['visibile', 'noun', 'b'], ['visione', 'noun', 'a'], ['visita', 'noun', 'a'], ['visitare', 'verb', 'a'], ['visitatore', 'noun', 'b'], ['visivo', 'adjective', 'b'], ['viso', 'noun', 'a'], ['vissuto', 'past_part', 'b'], ['vissuto', 'adjective', 'b'], ['vissuto', 'noun', 'b'], ['vista', 'noun', 'a'], ['vita', 'noun', 'a'], ['vitale', 'adjective', 'b'], ['vitale', 'noun', 'b'], ['vitamina', 'noun', 'c'], ['vite', 'noun', 'c'], ['vitello', 'noun', 'c'], ['vittima', 'noun', 'a'], ['vittoria', 'noun', 'a'], ['vivace', 'adjective', 'b'], ['vivace', 'adverb', 'b'], ['vivace', 'noun', 'b'], ['vivente', 'pres_part', 'b'], ['vivente', 'adjective', 'b'], ['vivente', 'noun', 'b'], ['vivere', 'verb', 'a'], ['vivere', 'noun', 'a'], ['vivo', 'adjective', 'a'], ['vivo', 'noun', 'a'], ['viziare', 'verb', 'c'], ['viziato', 'past_part', 'c'], ['viziato', 'adjective', 'c'], ['vizio', 'noun', 'b'], ['vocabolario', 'noun', 'b'], ['vocale', 'noun', 'b'], ['vocale', 'adjective', 'b'], ['vocazione', 'noun', 'b'], ['voce', 'noun', 'a'], ['vodka', 'noun', 'c'], ['voglia', 'noun', 'a'], ['voi', 'pronoun', 'a'], ['volantino', 'noun', 'c'], ['volare', 'verb', 'a'], ['volata', 'noun', 'c'], ['volenteroso', 'adjective', 'c'], ['volentieri', 'adverb', 'b'], ['volere', 'verb', 'a'], ['volgare', 'adjective', 'b'], ['volgare', 'noun', 'b'], ['volgere', 'verb', 'b'], ['volo', 'noun', 'a'], ['volontà', 'noun', 'a'], ['volontariato', 'noun', 'b'], ['volontario', 'adjective', 'b'], ['volontario', 'noun', 'b'], ['volta', 'noun', 'a'], ['voltare', 'verb', 'a'], ['volto', 'noun', 'a'], ['volume', 'noun', 'a'], ['vomitare', 'verb', 'b'], ['vomito', 'noun', 'c'], ['vongola', 'noun', 'c'], ['vostro', 'adjective', 'a'], ['vostro', 'pronoun', 'a'], ['votare', 'verb', 'a'], ['votazione', 'noun', 'c'], ['voto', 'noun', 'a'], ['vu', 'noun', 'c'], ['vuotare', 'verb', 'c'], ['vuoto', 'adjective', 'a'], ['vuoto', 'noun', 'a'], ['wafer', 'noun', 'c'], ['web', 'noun', 'a'], ['weekend', 'noun', 'b'], ['whisky', 'noun', 'c'], ['wurstel', 'noun', 'c'], ['yogurt', 'noun', 'c'], ['zaino', 'noun', 'b'], ['zampa', 'noun', 'b'], ['zampogna', 'noun', 'c'], ['zanna', 'noun', 'c'], ['zanzara', 'noun', 'c'], ['zattera', 'noun', 'c'], ['zebra', 'noun', 'c'], ['zero', 'adjective', 'a'], ['zero', 'noun', 'a'], ['zero', 'symbol', 'a'], ['zeta', 'noun', 'c'], ['zia', 'noun', 'a'], ['zingaro', 'adjective', 'c'], ['zingaro', 'noun', 'c'], ['zio', 'noun', 'a'], ['zitella', 'noun', 'c'], ['zitto', 'adjective', 'a'], ['zitto', 'noun', 'a'], ['zoccolo', 'noun', 'c'], ['zolla', 'noun', 'c'], ['zona', 'noun', 'a'], ['zoo', 'noun', 'c'], ['zoppicare', 'verb', 'c'], ['zoppo', 'adjective', 'c'], ['zoppo', 'noun', 'c'], ['zucca', 'noun', 'b'], ['zucchero', 'noun', 'b'], ['zucchina', 'noun', 'c'], ['zuffa', 'noun', 'c'], ['zuppa', 'noun', 'c'], ]
StarcoderdataPython
3251113
<reponame>hakank/hakank """ K4P2 Graceful Graph in cpmpy. http://www.csplib.org/Problems/prob053/ ''' Proposed by <NAME> A labelling f of the nodes of a graph with q edges is graceful if f assigns each node a unique label from 0,1,...,q and when each edge xy is labelled with |f(x)-f(y)|, the edge labels are all different. Gallian surveys graceful graphs, i.e. graphs with a graceful labelling, and lists the graphs whose status is known. [ picture ] All-Interval Series is a special case of a graceful graph where the graph is a line. ''' This cpmpy model was written by <NAME> (<EMAIL>) See also my cpmpy page: http://hakank.org/cpmpy/ """ from cpmpy import * import cpmpy.solvers import numpy as np from cpmpy_hakank import * def k4p2gracefulgraph2(): graph = [[0, 1], [0, 2], [0, 3], [1, 2], [1, 3], [2, 3], [4, 5], [4, 6], [4, 7], [5, 6], [5, 7], [6, 7], [0, 4], [1, 5], [2, 6], [3, 7]] # data q = len(graph) n = len(np.unique(graph)) # variables nodes = intvar(0,q,shape=n,name="nodes") edges = intvar(1,q,shape=q,name="edges") # constraints model = Model(AllDifferent(edges), AllDifferent(nodes), [abs(nodes[s] - nodes[t]) for (s,t) in graph] == edges ) print(model) ortools_wrapper(model,[nodes]) k4p2gracefulgraph2()
StarcoderdataPython
1733458
#!/usr/bin/env python from systemofrecord.server import app app.run(host="0.0.0.0", port=8003, debug=True, processes=3)
StarcoderdataPython
11292084
<gh_stars>0 #!/usr/bin/env python # vim: set fileencoding=utf-8 : # Contest: Google Code Jam - 2010 Round 1C # Problem: A. Rope Intranet # URL: https://code.google.com/codejam/contest/619102/dashboard#s=p0 # Author: <NAME> # Strategy: # i 番目の線と j 番目の線が交わる条件は、始点と終点の上下が入れ替わるときなので、 # A[i] < A[j] and B[i] > B[j] # あるいは、 # A[i] > A[j] and B[i] < B[j] # のときとなる。これは以下のようにしても判別可能。 # (A[i]-A[j]) * (B[i]-B[j]) < 0 # 単純に上記の総当たりでやると、O(N^2) かかってしまうけど、 # permutation inversion の問題と考えると O(Nlog(N)) で解けるらしい。 import sys def read_line(): return sys.stdin.readline().strip() def read_int(): return int(sys.stdin.readline()) def read_ints(): return [int(x) for x in sys.stdin.readline().split()] def arr2d(y,x,init=0): return [[init] * x for _ in range(y)] INF = float('inf') def solve(): # Read a problem N = read_int() wires = [] for i in range(N): wires.append(read_ints()) count = 0 for i in range(N): for j in range(i+1, N): # if (wires[i][0] < wires[j][0] and wires[i][1] > wires[j][1]) or (wires[i][0] > wires[j][0] and wires[i][1] < wires[j][1]): # count += 1 d1 = wires[i][0] - wires[j][0] d2 = wires[i][1] - wires[j][1] if d1 * d2 < 0: count += 1 # Result should be returned as tuple or list return count if __name__ == '__main__': T = read_int() for i in range(T): print('Case #{}: {}'.format(i+1, solve()))
StarcoderdataPython
4905091
<gh_stars>1-10 # RTS Blinking # Requires PySerial # (c) www.xanthium.in 2021 # Rahul.S import serial import time HIGH = 1 LOW = 0 SerialObj = serial.Serial('COM6',9600) # COMxx format on Windows #/dev/ttyUSBx format on Linux # #Eg /dev/ttyUSB0 #SerialObj = serial.Serial('/dev/ttyUSB0') while 1 : SerialObj.rts = HIGH #Make RTS High time.sleep(1) SerialObj.rts = LOW #Make RTS LOW time.sleep(1)
StarcoderdataPython
205030
<reponame>bagustris/nkululeko<gh_stars>0 import glob_conf from util import Util import pandas as pd class Test_predictor(): def __init__(self, model, orig_df, label_encoder, name): """Constructor setting up name and configuration""" self.model = model self.orig_df = orig_df self.label_encoder = label_encoder self.target = glob_conf.config['DATA']['target'] self.util = Util() self.name = name def predict_and_store(self): predictions = self.model.get_predictions() df = pd.DataFrame(index = self.orig_df.index) df['speaker'] = self.orig_df['speaker'] df['gender'] = self.orig_df['gender'] df[self.target] = self.label_encoder.inverse_transform(predictions) df.to_csv(self.name)
StarcoderdataPython
1835727
""" Function: helps to convert a very long list variable into a string with multiple lines that can be fit into the text box of powerpoint Author: <NAME> Date: 07/23/2020 """ def change_lines(range_list, width=90): """ convert a very long list into a string with multiple lines :param range_list: the timestamp range list generated by convert_t_to_interval function :param width: the max width of the text box, used to limit the line changing of text :return: a sting with multiple lines """ output = "" line_number = 0 length_count = 1 for item in range_list: item_length = len(item) if length_count + item_length > width: length_count = 0 line_number += 1 output += item + ", \n" else: length_count += item_length output += item + ", " return output.strip(", "), line_number+1
StarcoderdataPython
3479697
<reponame>w3c/feedvalidator #!/usr/bin/python __author__ = "<NAME> <http://intertwingly.net/> and <NAME> <http://diveintomark.org/>" __version__ = "$Revision$" __copyright__ = "Copyright (c) 2002 <NAME> and <NAME>" import feedvalidator import sys import os import urllib.request, urllib.parse, urllib.error import urllib.request, urllib.error, urllib.parse import urllib.parse if __name__ == '__main__': # arg 1 is URL to validate link = sys.argv[1:] and sys.argv[1] or 'http://www.intertwingly.net/blog/index.atom' link = urllib.parse.urljoin('file:' + urllib.request.pathname2url(os.getcwd()) + '/', link) try: link = link.decode('utf-8').encode('idna') except: pass print('Validating %s' % link) curdir = os.path.abspath(os.path.dirname(sys.argv[0])) basedir = urllib.parse.urljoin('file:' + curdir, ".") try: if link.startswith(basedir): events = feedvalidator.validateStream(urllib.request.urlopen(link), firstOccurrenceOnly=1,base=link.replace(basedir,"http://www.feedvalidator.org/"))['loggedEvents'] else: events = feedvalidator.validateURL(link, firstOccurrenceOnly=1)['loggedEvents'] except feedvalidator.logging.ValidationFailure as vf: events = [vf.event] # (optional) arg 2 is compatibility level # "A" is most basic level # "AA" mimics online validator # "AAA" is experimental; these rules WILL change or disappear in future versions from feedvalidator import compatibility filter = sys.argv[2:] and sys.argv[2] or "AA" filterFunc = getattr(compatibility, filter) events = filterFunc(events) from feedvalidator.formatter.text_plain import Formatter output = Formatter(events) if output: print("\n".join(output)) sys.exit(1) else: print("No errors or warnings")
StarcoderdataPython
12827525
<reponame>tehcyx/test-infra-k8s #!/usr/bin/env python # Copyright 2017 The Kubernetes Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """Generate JSON for BigQuery importing.""" import argparse import logging import json import os import subprocess import sys import time import traceback try: import defusedxml.ElementTree as ET except ImportError: import xml.etree.cElementTree as ET import model def parse_junit(xml): """Generate failed tests as a series of dicts. Ignore skipped tests.""" # NOTE: this is modified from gubernator/view_build.py tree = ET.fromstring(xml) # pylint: disable=redefined-outer-name def make_result(name, time, failure_text): if failure_text: if time is None: return {'name': name, 'failed': True, 'failure_text': failure_text} return {'name': name, 'time': time, 'failed': True, 'failure_text': failure_text} if time is None: return {'name': name} return {'name': name, 'time': time} # Note: skipped tests are ignored because they make rows too large for BigQuery. # Knowing that a given build could have ran a test but didn't for some reason # isn't very interesting. if tree.tag == 'testsuite': for child in tree.findall('testcase'): name = child.attrib['name'] time = float(child.attrib['time'] or 0) failure_text = None for param in child.findall('failure'): failure_text = param.text skipped = child.findall('skipped') if skipped: continue yield make_result(name, time, failure_text) elif tree.tag == 'testsuites': for testsuite in tree: suite_name = testsuite.attrib['name'] for child in testsuite.findall('testcase'): name = '%s %s' % (suite_name, child.attrib['name']) time = float(child.attrib['time'] or 0) failure_text = None for param in child.findall('failure'): failure_text = param.text skipped = child.findall('skipped') if skipped: continue yield make_result(name, time, failure_text) else: logging.error('unable to find failures, unexpected tag %s', tree.tag) def buckets_yaml(): import yaml # does not support pypy with open(os.path.dirname(os.path.abspath(__file__))+'/buckets.yaml') as fp: return yaml.load(fp) # pypy compatibility hack def python_buckets_yaml(python='python2'): return json.loads(subprocess.check_output( [python, '-c', 'import json,yaml; print json.dumps(yaml.load(open("buckets.yaml")))'], cwd=os.path.dirname(os.path.abspath(__file__)))) for attempt in [python_buckets_yaml, buckets_yaml, lambda: python_buckets_yaml(python='python')]: try: BUCKETS = attempt() break except (ImportError, OSError): traceback.print_exc() else: # pylint: disable=misplaced-bare-raise # This is safe because the only way we get here is by faling all attempts raise def path_to_job_and_number(path): assert not path.endswith('/') for bucket, meta in BUCKETS.iteritems(): if path.startswith(bucket): prefix = meta['prefix'] break else: if path.startswith('gs://kubernetes-jenkins/pr-logs'): prefix = 'pr:' else: raise ValueError('unknown build path') build = os.path.basename(path) job = prefix + os.path.basename(os.path.dirname(path)) try: return job, int(build) except ValueError: return job, None def row_for_build(path, started, finished, results): tests = [] for result in results: for test in parse_junit(result): if '#' in test['name'] and not test.get('failed'): continue # skip successful repeated tests tests.append(test) build = { 'path': path, 'test': tests, 'tests_run': len(tests), 'tests_failed': sum(t.get('failed', 0) for t in tests) } job, number = path_to_job_and_number(path) build['job'] = job if number: build['number'] = number if started: build['started'] = int(started['timestamp']) if 'node' in started: build['executor'] = started['node'] if finished: build['finished'] = int(finished['timestamp']) if 'result' in finished: build['result'] = finished['result'] build['passed'] = build['result'] == 'SUCCESS' elif isinstance(finished.get('passed'), bool): build['passed'] = finished['passed'] build['result'] = 'SUCCESS' if build['passed'] else 'FAILURE' if 'version' in finished: build['version'] = finished['version'] def get_metadata(): metadata = None if finished and 'metadata' in finished: metadata = finished['metadata'] elif started: metadata = started.get('metadata') if metadata: # clean useless/duplicated metadata fields if 'repo' in metadata and not metadata['repo']: metadata.pop('repo') build_version = build.get('version', 'N/A') if metadata.get('job-version') == build_version: metadata.pop('job-version') if metadata.get('version') == build_version: metadata.pop('version') for key, value in metadata.items(): if not isinstance(value, basestring): # the schema specifies a string value. force it! metadata[key] = json.dumps(value) if not metadata: return None return [{'key': k, 'value': v} for k, v in sorted(metadata.items())] metadata = get_metadata() if metadata: build['metadata'] = metadata if started and finished: build['elapsed'] = build['finished'] - build['started'] return build def get_table(days): if days: return ('build_emitted_%g' % days).replace('.', '_') return 'build_emitted' def parse_args(args): parser = argparse.ArgumentParser() parser.add_argument('--days', type=float, default=0, help='Grab data for builds within N days') parser.add_argument('--assert-oldest', type=float, help='Exit nonzero if a build older than X days was emitted previously.') parser.add_argument('--reset-emitted', action='store_true', help='Clear list of already-emitted builds.') parser.add_argument('paths', nargs='*', help='Options list of gs:// paths to dump rows for.') return parser.parse_args(args) def make_rows(db, builds): for rowid, path, started, finished in builds: try: results = db.test_results_for_build(path) yield rowid, row_for_build(path, started, finished, results) except IOError: return except: # pylint: disable=bare-except logging.exception('error on %s', path) def main(db, opts, outfile): min_started = None if opts.days: min_started = time.time() - (opts.days or 1) * 24 * 60 * 60 incremental_table = get_table(opts.days) if opts.assert_oldest: oldest = db.get_oldest_emitted(incremental_table) if oldest < time.time() - opts.assert_oldest * 24 * 60 * 60: return 1 return 0 if opts.reset_emitted: db.reset_emitted(incremental_table) if opts.paths: # When asking for rows for specific builds, use a dummy table and clear it first. incremental_table = 'incremental_manual' db.reset_emitted(incremental_table) builds = list(db.get_builds_from_paths(opts.paths, incremental_table)) else: builds = db.get_builds(min_started=min_started, incremental_table=incremental_table) rows_emitted = set() for rowid, row in make_rows(db, builds): json.dump(row, outfile, sort_keys=True) outfile.write('\n') rows_emitted.add(rowid) if rows_emitted: gen = db.insert_emitted(rows_emitted, incremental_table=incremental_table) print >>sys.stderr, 'incremental progress gen #%d' % gen else: print >>sys.stderr, 'no rows emitted' return 0 if __name__ == '__main__': DB = model.Database() OPTIONS = parse_args(sys.argv[1:]) sys.exit(main(DB, OPTIONS, sys.stdout))
StarcoderdataPython
1680204
# Copyright (c) 2013-2018, Rethink Robotics 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 threading import uuid import rospy import intera_dataflow from intera_io import IODeviceInterface class Navigator(object): """ Interface class for a Navigator on the Intera Research Robot. Signals: button_square_changed - OFF/CLICK/LONG_PRESS/DOUBLE_CLICK button_ok_changed button_back_changed button_show_changed button_triangle_changed button_circle_changed wheel_changed - Wheel value """ def __init__(self): """ Constructor. """ self._navigator_io = IODeviceInterface("robot", "navigator") self._button_lookup = {0:'OFF', 1:'CLICK', 2:'LONG_PRESS', 3:'DOUBLE_CLICK'} def list_all_items(self): """ Returns a list of strings describing all available navigator items @rtype: list @return: a list of string representing navigator items Each item name of the following format: '<assembly>_button_<function>' """ return self._navigator_io.list_signal_names() def get_wheel_state(self, wheel_name): """ Current state of the wheel providing wheel name @type wheel_name: str @param wheel_name: the wheel name @rtype: uint @return: an integer representing how far the wheel has turned """ return self._get_item_state(wheel_name) def get_button_state(self, button_name): """ Current button state by providing button name @type button_name: str @param button_name: the button name @rtype: uint @return: an integer representing button values Valid states: {0:'OFF', 1:'CLICK', 2:'LONG_PRESS', 3:'DOUBLE_CLICK'} """ return self._get_item_state(button_name) def button_string_lookup(self, button_value): """ Returns strings corresponding to the button state. @type button_value: int @param button_value: the value to lookup @rtype: str @return: 'INVALID_VALUE' if out of range, or if valid: {0:'OFF', 1:'CLICK', 2:'LONG_PRESS', 3:'DOUBLE_CLICK'} """ if button_value in self._button_lookup: return self._button_lookup[button_value] else: return 'INVALID_VALUE' def register_callback(self, callback_function, signal_name, poll_rate=10): """ Registers a supplied callback to a change in state of supplied signal_name's value. Spawns a thread that will call the callback with the updated value. @type callback_function: function @param callback_function: function handle for callback function @type signal_name: str @param signal_name: the name of the signal to poll for value change @type poll_rate: int @param poll_rate: the rate at which to poll for a value change (in a separate thread) @rtype: str @return: callback_id retuned if the callback was registered, and an empty string if the requested signal_name does not exist in the Navigator """ return self._navigator_io.register_callback( callback_function=callback_function, signal_name=signal_name, poll_rate=poll_rate) def deregister_callback(self, callback_id): """ Deregisters a callback based on the supplied callback_id. @type callback_id: str @param callback_id: the callback_id string to deregister @rtype: bool @return: returns bool True if the callback was successfully deregistered, and False otherwise. """ return self._navigator_io.deregister_callback(callback_id) def _get_item_state(self, item_name): return self._navigator_io.get_signal_value(item_name)
StarcoderdataPython
142711
import torch from torchtext.datasets import DATASETS class BatchTextClassificationData(torch.utils.data.IterableDataset): def __init__(self, dataset_name, batch_size=16): super(BatchTextClassificationData, self).__init__() self._iterator = DATASETS[dataset_name](split='train') self.batch_size = batch_size def __iter__(self): _data = [] for i, item in enumerate(self._iterator): _data.append(item) if len(_data) >= self.batch_size: yield _data _data = [] if len(_data) > 0: yield _data
StarcoderdataPython
11255510
<reponame>praisetompane/3_programming<gh_stars>0 def isPrime(number): for i in range(2, number): if number % i == 0: return False return True print(isPrime(2)) print(isPrime(7))
StarcoderdataPython
6684909
<gh_stars>0 from check_mk_web_api.web_api_base import WebApiBase class WebApiProblems(WebApiBase): def get_svc_problems(self): """ Get current SVC problems """ return self.make_view_name_request('svcproblems')
StarcoderdataPython
224489
#!/usr/bin/env python # -*- coding: utf-8 -*- """""" import tkinter as tk from tkinter import ttk # https://developer.gnome.org/gtk3/stable/GtkSwitch.html __title__ = "ButtonSwitch" __version__ = "1.0.0" __author__ = "DeflatedPickle" class ButtonSwitch(ttk.Frame): """ -----DESCRIPTION----- A “light switch” style toggle. -----USAGE----- buttonSwitch = ButtonSwitch(parent) template.pack() -----PARAMETERS----- parent = The parent of the widget. -----CONTENTS----- ---VARIABLES--- parent = The parent of the widget. ---TKINTER VARIABLES--- _button_variable = The variable for the placement of the button. _label_variable = The variable for the placement of the label. _label_text_variable = The variable for the text of the label. ---WIDGETS--- self _button = The widget used to "flick" the switch. _label = The label used to show the state of the switch. ---FUNCTIONS--- switch() = Switches the Switch to the opposite state. get_state() = Returns the state of the Switch. """ def __init__(self, parent, *args): ttk.Frame.__init__(self, parent, *args) self.parent = parent self.columnconfigure((0, 1), weight=1) self._button_variable = tk.BooleanVar() self._button_variable.set(False) self._label_variable = tk.BooleanVar() self._label_variable.set(True) self._label_text_variable = tk.StringVar() ttk.Style().configure("Switch.TLabel", background="white", foreground="light gray", anchor="center") ttk.Style().configure("Label.TLabel", background="light blue", foreground="white", anchor="center") self._button = ttk.Label(self, text="| | |", width=4, style="Switch.TLabel") self._button.bind("<Button-1>", self.switch, "+") self._label = ttk.Label(self, textvariable=self._label_text_variable, width=4, style="Label.TLabel") ttk.Style().configure("ButtonSwitch.TFrame", background="light blue") self.configure(style="ButtonSwitch.TFrame") self.switch() def switch(self, event=None): """Switches the state of the Switch.""" self._button_variable.set(not self._button_variable.get()) self._label_variable.set(not self._label_variable.get()) if self._button_variable.get() is False: self._label_text_variable.set("Off") elif self._button_variable.get() is True: self._label_text_variable.set("On") self._button.grid(row=0, column=self._button_variable.get(), padx=1, pady=1, sticky="nesw") self._label.grid(row=0, column=self._label_variable.get(), padx=1, pady=1, sticky="nesw") def get_state(self): """Gets the state of the Switch.""" return self._button_variable.get() ################################################## if __name__ == "__main__": root = tk.Tk() bswitch = ButtonSwitch(root) bswitch.pack(expand=True, padx=5, pady=5) ttk.Button(root, text="Switch", command=lambda: bswitch.switch()).pack(expand=True, padx=5, pady=5) ttk.Button(root, text="Get State", command=lambda: print(bswitch.get_state())).pack(expand=True, padx=5, pady=5) root.mainloop()
StarcoderdataPython
1982755
""" @author: <NAME> @contact: yuhao.cheng[at]outlook.com """ from torch.utils.data import Dataset __all__ = ['AbstractImageDataset'] class AbstractImageDataset(Dataset): _NAME = 'AbstractImageDataset' def __init__(self, dataset_folder, transforms): self.dir = dataset_folder self.transforms = transforms def get_image(self, image_name): ''' Get one single image ''' pass def aug_image(self): ''' Use the transforms to augment one single image ''' pass def aug_batch_image(self): ''' Use the transforms to augment one batch image ''' pass def __getitem__(self, indice): raise Exception(f'No inplement at {AbstractImageDataset._NAME}') def __len__(self): raise Exception(f'No implement at {AbstractImageDataset._NAME}')
StarcoderdataPython
9787374
#!/usr/bin/python #-*- encoding: utf8 -*- import rospy from std_msgs.msg import Bool, String, Empty from mind_msgs.msg import RaisingEvents, SetIdleMotion class TurnDetectorNode: def __init__(self): rospy.Subscriber('raising_events', RaisingEvents, self.handle_raising_events) rospy.Subscriber('robot_is_saying', Bool, self.handle_robot_is_saying) self.pub_start_speech_recognition = rospy.Publisher('sp_speech_recognizer/start', Empty, queue_size=10) self.pub_stop_speech_recognition = rospy.Publisher('sp_speech_recognizer/stop', Empty, queue_size=10) self.pub_set_idle_motion = rospy.Publisher('set_enable_idle_motion', SetIdleMotion, queue_size=10) msg = SetIdleMotion() msg.enabled = True msg.with_leaning_forward = False self.pub_set_idle_motion.publish(msg) rospy.loginfo('\033[92m[%s]\033[0m initialized...'%rospy.get_name()) def handle_raising_events(self, msg): pass def handle_robot_is_saying(self, msg): if msg.data: # Robot started saying rospy.loginfo('\033[92m[%s]\033[0m Robot\'s Turn...'%rospy.get_name()) msg = SetIdleMotion() msg.enabled = False msg.with_leaning_forward = False self.pub_set_idle_motion.publish(msg) self.pub_stop_speech_recognition.publish() else: # Robot completed saying rospy.loginfo('\033[92m[%s]\033[0m User\'s Turn...'%rospy.get_name()) msg = SetIdleMotion() msg.enabled = True msg.with_leaning_forward = True self.pub_set_idle_motion.publish(msg) rospy.sleep(0.1) self.pub_start_speech_recognition.publish() if __name__ == '__main__': rospy.init_node('turn_detector', anonymous=False) m = TurnDetectorNode() rospy.spin()
StarcoderdataPython
166726
<gh_stars>0 # -*- coding: utf-8 -*- import sys sys.path.append("./voc") from rnaudio import * from bdasr import * from rntuling import * CMD_LST = ["前进","后退","左转","右转","停止"] # 检测语音内容是否为命令 def checkCmd(text): if(CMD_LST.index(text) < 0): return False return True # 执行命令 def exeCmd(cmd): if(CMD_LST.index(text) == 0): # 前进 elif(CMD_LST.index(text) == 1): # 后退 elif(CMD_LST.index(text) == 2): # 左转 elif(CMD_LST.index(text) == 3): # 右转 else: # 停止 # 语音控制流程 if __name__ == '__main__': rna = Rnaudio() # 音频控制模块 asr = BDasr() # 语音识别模块 rnt = Rntuling() # 对话模块 print "******开启语音控制******" while True: # 录音,并获取录音文件 rcd_filename = rna.Record() if(rcd_filename != ""): # 识别录音内容 text = asr.Recognise(rcd_filename) # 删除录音文件 rna.Delete(rcd_filename) # 如果不是命令,则进行对话 if(!checkCmd(text)): # 与图灵机器人对话,获取回复内容 response = rnt.Get_response(text) print response # 语音合成,并获取合成的语音文件 cps_filename = asr.Compose(response) # 播放语音 rna.Play_MP3(cps_filename) # 删除合成的语音文件 rna.Delete(cps_filename) else: # 若是命令,执行机械操作 exeCmd(text) print "******结束语音控制******"
StarcoderdataPython
1634197
<gh_stars>10-100 from django.http import HttpResponse import logging from test_utils.testmaker.processors.base import slugify from test_utils.testmaker import Testmaker def set_logging(request, filename=None): if not filename: filename = request.REQUEST['filename'] filename = slugify(filename) log_file = '/tmp/testmaker/tests/%s_tests_custom.py' % filename serialize_file = '/tmp/testmaker/tests/%s_serial_custm.py' % filename tm = Testmaker() tm.setup_logging(test_file=log_file, serialize_file=serialize_file) #tm.app_name = 'tmp' #tm.prepare_test_file() return HttpResponse('Setup logging %s' % tm.test_file) def show_log(request): file = Testmaker.logfile() contents = open(file) return HttpResponse(contents.read(), content_type='text/plain') HttpResponse()
StarcoderdataPython
1912127
import numpy as np from tensorflow.keras import Model, Input, Sequential from tensorflow.keras.layers import TimeDistributed, Dense, Flatten from tensorflow.keras.optimizers import Adam from self_supervised_3d_tasks.algorithms.algorithm_base import AlgorithmBuilderBase from self_supervised_3d_tasks.preprocessing.preprocess_rpl import ( preprocess_batch, preprocess_batch_3d ) from self_supervised_3d_tasks.utils.model_utils import ( apply_encoder_model, apply_encoder_model_3d, apply_prediction_model) class RelativePatchLocationBuilder(AlgorithmBuilderBase): def __init__( self, data_dim=384, number_channels=3, patches_per_side=3, patch_jitter=0, lr=1e-3, data_is_3D=False, top_architecture="big_fully", **kwargs ): super(RelativePatchLocationBuilder, self).__init__(data_dim, number_channels, lr, data_is_3D, **kwargs) self.patch_jitter = patch_jitter self.top_architecture = top_architecture self.patches_per_side = patches_per_side self.patch_dim = (data_dim // patches_per_side) - patch_jitter self.patch_shape = (self.patch_dim, self.patch_dim, number_channels) self.patch_count = patches_per_side ** 2 if self.data_is_3D: self.patch_shape = (self.patch_dim,) + self.patch_shape self.patch_count = self.patches_per_side ** 3 self.images_shape = (2,) + self.patch_shape self.class_count = self.patch_count - 1 def apply_model(self): if self.data_is_3D: self.enc_model, _ = apply_encoder_model_3d(self.patch_shape, **self.kwargs) else: self.enc_model, _ = apply_encoder_model(self.patch_shape, **self.kwargs) return self.apply_prediction_model_to_encoder(self.enc_model) def apply_prediction_model_to_encoder(self, encoder_model): x_input = Input(self.images_shape) enc_out = TimeDistributed(encoder_model)(x_input) encoder = Model(x_input, enc_out) units = np.prod(encoder.outputs[0].shape[1:]) sub_model = apply_prediction_model((units,), prediction_architecture=self.top_architecture, include_top=False) x = Dense(self.class_count, activation="softmax") return Sequential([encoder, Flatten(), sub_model, x]) def get_training_model(self): model = self.apply_model() model.compile( optimizer=Adam(lr=self.lr), loss="categorical_crossentropy", metrics=["accuracy"], ) return model def get_training_preprocessing(self): def f(x, y): # not using y here, as it gets generated return preprocess_batch(x, self.patches_per_side, self.patch_jitter) def f_3d(x, y): return preprocess_batch_3d(x, self.patches_per_side, self.patch_jitter) if self.data_is_3D: return f_3d, f_3d else: return f, f def get_finetuning_model(self, model_checkpoint=None): return super(RelativePatchLocationBuilder, self).get_finetuning_model_patches(model_checkpoint) def create_instance(*params, **kwargs): return RelativePatchLocationBuilder(*params, **kwargs)
StarcoderdataPython
1702296
import pybullet as p p.connect(p.GUI) cube = p.loadURDF("cube.urdf") frequency = 240 timeStep = 1./frequency p.setGravity(0,0,-9.8) p.changeDynamics(cube,-1,linearDamping=0,angularDamping=0) p.setPhysicsEngineParameter(fixedTimeStep = timeStep) for i in range (frequency): p.stepSimulation() pos,orn = p.getBasePositionAndOrientation(cube) print(pos)
StarcoderdataPython
1845789
from mock import MagicMock def test_with_metaclass(): import momox.compat mc_new_called = MagicMock() class Meta(type): def __new__(mcls, name, bases, attrs): mc_new_called.assert_not_called() mc_new_called() assert name == 'TestClass' assert bases == (object,) assert attrs['testprop'] == 'hello' assert '__init__' in attrs new_attrs = attrs.copy() new_attrs['added_prop'] = 'world' return type.__new__(mcls, name, bases, new_attrs) class TestClass(momox.compat.with_metaclass(Meta, object)): testprop = 'hello' def __init__(self, var): self.var = var tc = TestClass(42) assert tc.var == 42 assert tc.testprop == 'hello' assert tc.added_prop == 'world' tc2 = TestClass(45) mc_new_called.assert_called_once()
StarcoderdataPython
1615373
<filename>experiments/predict_on_cineca/move_dreyeve_gt_to_cineca.py import paramiko from glob import glob import os from tqdm import tqdm import argparse if __name__ == '__main__': # parse arguments parser = argparse.ArgumentParser() parser.add_argument("--host") parser.add_argument("--user") parser.add_argument("--password") args = parser.parse_args() assert args.host is not None, 'Please provide a correct host' assert args.user is not None, 'Please provide a correct username' assert args.password is not None, 'Please provide a correct password' # set up client ssh = paramiko.SSHClient() ssh.load_host_keys(os.path.expanduser(os.path.join("~", ".ssh", "known_hosts"))) ssh.set_missing_host_key_policy(paramiko.AutoAddPolicy()) ssh.connect(args.host, username=args.user, password=args.password) sftp = ssh.open_sftp() sequences = range(1, 74+1) cur_seq = sequences[0] # send sequences while cur_seq <= sequences[-1]: try: print 'Sending sequence {}'.format(cur_seq) for i in tqdm(range(1, 7501)): # send old gt local_filename = 'Z:/DATA/{:02d}/saliency/{:06d}.png'.format(cur_seq, i) remote_filename = '/gpfs/work/IscrC_DeepVD/dabati/DREYEVE/data/{:02d}/saliency/{:06d}.png'\ .format(cur_seq, i) sftp.put(local_filename, remote_filename) # send new gt local_filename = 'Z:/DATA/{:02d}/saliency_fix/{:06d}.png'.format(cur_seq, i) remote_filename = '/gpfs/work/IscrC_DeepVD/dabati/DREYEVE/data/{:02d}/saliency_fix/{:06d}.png'\ .format(cur_seq, i) sftp.put(local_filename, remote_filename) print '' cur_seq += 1 except paramiko.SSHException: # set up client again ssh = paramiko.SSHClient() ssh.load_host_keys(os.path.expanduser(os.path.join("~", ".ssh", "known_hosts"))) ssh.set_missing_host_key_policy(paramiko.AutoAddPolicy()) ssh.connect(args.host, username=args.user, password=<PASSWORD>) sftp = ssh.open_sftp() # redo sequence sftp.close() ssh.close()
StarcoderdataPython
3314936
from PyQt4 import QtGui, QtCore from epubcreator.gui.forms import about_dialog_ui from epubcreator import version class About(QtGui.QDialog, about_dialog_ui.Ui_Dialog): def __init__(self, parent=None): super().__init__(parent) self.setupUi(self) self.versionLabel.setText(version.VERSION) self.descriptionLabel.setText(version.DESCRIPTION) self.qtVersionLabel.setText(QtCore.QT_VERSION_STR)
StarcoderdataPython
11283329
from KMCLib import * import numpy # Define the unit cell. We're going for hcp here, with c/a set for sphere-packing ratio for now. cell_vectors = [[1.0,0.0,0.0], [0.0,1.0,0.0], [0.0,0.0,1.0]] # I've set these up so that the Titaniums sit on the 1st and 3rd basis points, and the Oxygens on the others, # where the octahedral interstitials are supposed to be basis_points = [[0.0, 0.0, 0.0]] unit_cell = KMCUnitCell(cell_vectors=cell_vectors, basis_points=basis_points) # Define the lattice. xRep = 1 yRep = 1 zRep = 20 numPoints = xRep*(zRep+4)*yRep lattice = KMCLattice(unit_cell=unit_cell, repetitions=(xRep,yRep,zRep+4), periodic=(False, False, True)) # Generate the initial types. I'm aiming to put Ti/Nb on the 1st and 3rd sites, and O/V on the 2nd and 4th, # i.e. the Tis on the main sites with some substituted for Nbs, and vacancies on the interstitials except for a few Os. types = ["V"]*numPoints types[0] = "Bo" types[1] = "Bo" types[-2] = "To" types[-1] = "To" # Setup the configuration. configuration = KMCConfiguration(lattice=lattice, types=types, possible_types=["O","V","To","Bo"]) # Use the _script() function to get a script that can generate the configuration. print "from KMCLib import *" print configuration._script()
StarcoderdataPython
11288783
# Generated by Django 3.0 on 2020-08-24 07:20 from django.db import migrations, models import django.db.models.deletion class Migration(migrations.Migration): initial = True dependencies = [ ('debugtalks', '0001_initial'), ] operations = [ migrations.CreateModel( name='Projects', fields=[ ('create_time', models.DateTimeField(auto_now_add=True, help_text='创建时间', verbose_name='创建时间')), ('update_time', models.DateTimeField(auto_now=True, help_text='更新时间', verbose_name='更新时间')), ('id', models.AutoField(help_text='id主键', primary_key=True, serialize=False, verbose_name='id主键')), ('name', models.CharField(help_text='项目名称', max_length=200, unique=True, verbose_name='项目名称')), ('leader', models.CharField(help_text='项目负责人', max_length=50, verbose_name='负责人')), ('tester', models.CharField(help_text='项目测试人员', max_length=50, verbose_name='测试人员')), ('programmer', models.CharField(help_text='开发人员', max_length=50, verbose_name='开发人员')), ('publish_app', models.CharField(help_text='发布应用', max_length=100, verbose_name='发布应用')), ('desc', models.CharField(blank=True, default='', help_text='简要描述', max_length=200, null=True, verbose_name='简要描述')), ('debugtalk', models.ForeignKey(blank=True, default=None, help_text='所属项目', null=True, on_delete=django.db.models.deletion.SET_DEFAULT, related_name='projects', to='debugtalks.DebugTalks')), ], options={ 'verbose_name': '项目信息', 'verbose_name_plural': '项目信息', 'db_table': 'tb_projects', }, ), ]
StarcoderdataPython
1800178
<gh_stars>1-10 #!/usr/bin/env python # -*- coding: utf-8 -*- # @Time : 2019/9/21 11:15 # @Author : ganliang # @File : ndsort.py # @Desc : 排序 import numpy as np a = np.array([[3, 7], [9, 1]]) print ('我们的数组是:') print (a) print ('\n') print ('调用 sort() 函数:') print (np.sort(a)) print ('\n') print ('按列排序:') print (np.sort(a, axis=0)) print ('\n') # 在 sort 函数中排序字段 dt = np.dtype([('name', 'S10'), ('age', int)]) a = np.array([("raju", 21), ("anil", 25), ("ravi", 17), ("amar", 27)], dtype=dt) print ('我们的数组是:') print (a) print ('\n') print ('按 name 排序:') print (np.sort(a, order='name')) x = np.array([3, 1, 2]) print ('我们的数组是:') print (x) print ('\n') print ('对 x 调用 argsort() 函数:') y = np.argsort(x) print (y) print ('\n') print ('以排序后的顺序重构原数组:') print (x[y]) print ('\n') print ('使用循环重构原数组:') for i in y: print (x[i]) nm = ('raju', 'anil', 'ravi', 'amar') dv = ('f.y.', 's.y.', 's.y.', 'f.y.') # pv = ('1', '2', '3', '4') ind = np.lexsort((dv, nm)) print ('调用 lexsort() 函数:') print (ind) print ('\n') print ('使用这个索引来获取排序后的数据:') print ([nm[i] + ", " + dv[i] for i in ind]) a = np.array([1, 256, 8755], dtype=np.int16) print ('我们的数组是:') print (a) print ('以十六进制表示内存中的数据:') print (map(hex, a)) # byteswap() 函数通过传入 true 来原地交换 print ('调用 byteswap() 函数:') print (a.byteswap(True)) print ('十六进制形式:') print (map(hex, a)) # 我们可以看到字节已经交换了
StarcoderdataPython
1647361
# Copyright 2020 The SODA Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http:#www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import unittest from oslo_utils import importutils from delfin import exception from delfin.common import constants class AlertHandlerTestCase(unittest.TestCase): ALERT_HANDLER_CLASS = 'delfin.drivers.huawei.oceanstor.alert_handler' \ '.AlertHandler' def _get_alert_handler(self): alert_handler_class = importutils.import_class( self.ALERT_HANDLER_CLASS) alert_handler = alert_handler_class() return alert_handler def _get_fake_alert_info(self): alert_info = { '1.3.6.1.4.1.2011.2.91.10.3.1.1.2.0': 'location=location1', '1.3.6.1.4.1.2011.2.91.10.3.1.1.4.0': 'Trap Test Alarm', '1.3.6.1.4.1.2011.2.91.10.3.1.1.5.0': '2', '1.3.6.1.4.1.2011.2.91.10.3.1.1.6.0': '1', '1.3.6.1.4.1.2011.2.91.10.3.1.1.7.0': '4294967294', '1.3.6.1.4.1.2011.2.91.10.3.1.1.9.0': '4294967295', '1.3.6.1.4.1.2011.2.91.10.3.1.1.10.0': 'This is just for' ' testing.Please ' 'ignore it', '1.3.6.1.4.1.2011.2.91.10.3.1.1.11.0': '1', '1.3.6.1.4.1.2011.2.91.10.3.1.1.3.0': 'Sample advice', '1.3.6.1.4.1.2011.2.91.10.3.1.1.1.0': 'Array', '1.3.6.1.4.1.2011.2.91.10.3.1.1.8.0': '2020-6-25,1:42:26.0' } return alert_info def _get_fake_incomplete_alert_info(self): # hwIsmReportingAlarmFaultCategory is missing here alert_info = { '1.3.6.1.4.1.2011.2.91.10.3.1.1.2.0': 'location=location1', '1.3.6.1.4.1.2011.2.91.10.3.1.1.4.0': 'Trap Test Alarm', '1.3.6.1.4.1.2011.2.91.10.3.1.1.5.0': '2', '1.3.6.1.4.1.2011.2.91.10.3.1.1.6.0': '1', '1.3.6.1.4.1.2011.2.91.10.3.1.1.7.0': '4294967294', '1.3.6.1.4.1.2011.2.91.10.3.1.1.9.0': '4294967295', '1.3.6.1.4.1.2011.2.91.10.3.1.1.10.0': 'This is just ' 'for testing.' 'Please ' 'ignore it', '1.3.6.1.4.1.2011.2.91.10.3.1.1.8': '2020-6-25,1:42:26.0' } return alert_info def _get_fake_queried_alert(self): alert_info = [{ 'eventID': 1234, 'name': 'sample-event', 'level': 2, 'eventType': 0, 'sequence': '1234', 'startTime': 13200000, 'description': 'This is just for testing.Please ignore it', 'suggestion': 'Sample advice', 'location': 'location1' }] return alert_info def test_parse_alert_with_all_necessary_info(self): """ Success flow with all necessary parameters""" alert_handler_inst = self._get_alert_handler() alert = self._get_fake_alert_info() expected_alert_model = { 'alert_id': alert['1.3.6.1.4.1.2011.2.91.10.3.1.1.7.0'], 'alert_name': alert[ '1.3.6.1.4.1.2011.2.91.10.3.1.1.4.0'], 'severity': constants.Severity.CRITICAL, 'category': constants.Category.FAULT, 'type': constants.EventType.EQUIPMENT_ALARM, 'sequence_number': alert['1.3.6.1.4.1.2011.2.91.10.3.1.1.9.0'], 'description': alert[ '1.3.6.1.4.1.2011.2.91.10.3.1.1.10.0'], 'recovery_advice': alert['1.3.6.1.4.1.2011.2.91.10.3.1.1.3.0'], 'resource_type': constants.DEFAULT_RESOURCE_TYPE, 'location': 'Node code=' + alert['1.3.6.1.4.1.2011.2.91.10.3.1.1.1.0'] + ',' + alert['1.3.6.1.4.1.2011.2.91.10.3.1.1.2.0'] } context = {} alert_model = alert_handler_inst.parse_alert(context, alert) # Equating occur_time so that complete model can be validated expected_alert_model['occur_time'] = alert_model['occur_time'] # Verify that all other fields are matching self.assertDictEqual(expected_alert_model, alert_model) def test_parse_alert_without_mandatory_info(self): """ Error flow with some mandatory parameters missing""" alert_handler_inst = self._get_alert_handler() context = {} alert = self._get_fake_incomplete_alert_info() self.assertRaisesRegex(exception.InvalidInput, "Mandatory information " "hwIsmReportingAlarmNodeCode missing in alert " "message.", alert_handler_inst.parse_alert, context, alert) def test_parse_queried_alerts_inside_range(self): """ Success flow with all necessary parameters""" alert_handler_inst = self._get_alert_handler() alert = self._get_fake_queried_alert() expected_alert_model = [{ 'alert_id': alert[0]['eventID'], 'alert_name': alert[0]['name'], 'severity': constants.Severity.INFORMATIONAL, 'category': constants.Category.EVENT, 'type': constants.EventType.NOT_SPECIFIED, 'sequence_number': alert[0]['sequence'], 'description': alert[0]['description'], 'recovery_advice': alert[0]['suggestion'], 'resource_type': constants.DEFAULT_RESOURCE_TYPE, 'location': alert[0]['location'], 'occur_time': alert[0]['startTime'] * 1000 }] # With both valid begin_time and end_time query_para = {'begin_time': 13100000, 'end_time': 13300000} alert_model = alert_handler_inst.parse_queried_alerts(alert, query_para) # Verify that all other fields are matching self.assertDictEqual(expected_alert_model[0], alert_model[0]) # With only valid begin_time query_para = {'begin_time': 13100000} alert_model = alert_handler_inst.parse_queried_alerts(alert, query_para) # Verify that all other fields are matching self.assertDictEqual(expected_alert_model[0], alert_model[0]) # With only valid end_time query_para = {'end_time': 13300000} alert_model = alert_handler_inst.parse_queried_alerts(alert, query_para) # Verify that all other fields are matching self.assertDictEqual(expected_alert_model[0], alert_model[0]) def test_parse_queried_alerts_outside_range(self): """ Success flow with all necessary parameters""" alert_handler_inst = self._get_alert_handler() alert = self._get_fake_queried_alert() query_para = {'begin_time': 13300000, 'end_time': 13400000} alert_model = alert_handler_inst.parse_queried_alerts(alert, query_para) # Verify that when input alert is out of begin and end time, # it is skipped self.assertEqual(len(alert_model), 0)
StarcoderdataPython
9757705
# Copyright (c) Microsoft Corporation. # Licensed under the MIT License. from typing import List, Tuple import cv2 as cv import numpy as np from sklearn.decomposition import TruncatedSVD def resize_SVD(imgs: np.ndarray) -> Tuple[np.ndarray, List[str]]: """ Extract features for each image by dimension reduction for the normalized image. The images are normalized by converting to grey image and resized to (8, 8). The dimension reduction is conducted with SVD. Args ---- imgs : np.ndarray The images to extract features. Returns ------- X : np.ndarray The extracted feature values. feature_names : List[str] The names of features. Notes ----- Variations: 1. change the dimension reduction method (e.g., MDS, t-SNE, isomap) 2. change the number of projected dimensions """ # pylint: disable=invalid-name # normalized the images to gray scale 8 x 8 h, w = 8, 8 X_raw_normalized = [] for img in imgs: img_gray = img if len(img.shape) == 2 else cv.cvtColor( img, cv.COLOR_BGR2GRAY) img_resized = cv.resize(img_gray, (h, w), interpolation=cv.INTER_AREA) X_raw_normalized.append(img_resized) X_raw_normalized = np.array(X_raw_normalized) X_flatten = X_raw_normalized.reshape((-1, h * w)) n_components = 5 n_samples, n_features = X_flatten.shape n_components_actual = min(n_samples, n_features, n_components) reducer = TruncatedSVD(n_components=n_components_actual) X = reducer.fit_transform(X_flatten) if n_components > n_components_actual: zeros = np.zeros((n_samples, n_components - n_components_actual), dtype=float) X = np.hstack((X, zeros)) feature_names = [f'SVD[{i}]' for i in range(n_components)] return X, feature_names
StarcoderdataPython
3549381
<reponame>rsintheta/collectible-app-api<gh_stars>0 from django.contrib.auth import get_user_model as gum from django.urls import reverse from django.test import TestCase from rest_framework import status from rest_framework.test import APIClient from base.models import Tag, Collection from collection.serializers import TagSerializer TAGS_URL = reverse('collection:tag-list') # Test the publicly available features of the Tags API class PublicTagsAPITests(TestCase): def setUp(self): self.client = APIClient() # Makes sure a user can't retrieve Tags without authentication def test_login_required(self): res = self.client.get(TAGS_URL) self.assertEqual(res.status_code, status.HTTP_401_UNAUTHORIZED) # Tests the features of the Tags API that require authentication class PrivateTagsAPITests(TestCase): def setUp(self): self.user = gum().objects.create_user( '<EMAIL>', 'Tbin5041', ) self.client = APIClient() self.client.force_authenticate(self.user) # Tests retrieving User Tags def test_retrieve_tags(self): Tag.objects.create(user=self.user, name='Pins') Tag.objects.create(user=self.user, name='bayc') res = self.client.get(TAGS_URL) tags = Tag.objects.all().order_by('-name') serializer = TagSerializer(tags, many=True) self.assertEqual(res.status_code, status.HTTP_200_OK) self.assertEqual(res.data, serializer.data) # Tests that the Tags returned are for the authenticated User def test_tags_limited_to_user(self): user2 = gum().objects.create_user('<EMAIL>', 'Tobn2180') Tag.objects.create(user=user2, name='DAP') tag = Tag.objects.create(user=self.user, name='Warhammer') res = self.client.get(TAGS_URL) self.assertEqual(res.status_code, status.HTTP_200_OK) self.assertEqual(len(res.data), 1) self.assertEqual(res.data[0]['name'], tag.name) # Tests creation of a new Tag def test_create_tag_successful(self): tag = {'name': 'Pins'} self.client.post(TAGS_URL, tag) exists = Tag.objects.filter( user=self.user, name=tag['name'] ).exists() self.assertTrue(exists) # Tests creating a Tag with invalid data def test_create_tag_invalid(self): tag = {'name': ''} res = self.client.post(TAGS_URL, tag) self.assertEqual(res.status_code, status.HTTP_400_BAD_REQUEST) # Tests filtering Tags by those assigned to Collections def test_retrieve_tags_assigned_to_collections(self): tag1 = Tag.objects.create(user=self.user, name='Favorite') tag2 = Tag.objects.create(user=self.user, name='Owned') collection = Collection.objects.create( title='Mumopins Collection', items_in_collection=25, floor_price=50.00, user=self.user, ) collection.tags.add(tag1) res = self.client.get(TAGS_URL, {'assigned_only': 1}) serializer1 = TagSerializer(tag1) serializer2 = TagSerializer(tag2) self.assertIn(serializer1.data, res.data) self.assertNotIn(serializer2.data, res.data) # Tests that filtering Tags by assigned will return unique items def test_retrieve_tags_assigned_unique(self): tag = Tag.objects.create(user=self.user, name='Favorite') Tag.objects.create(user=self.user, name='Owned') collection1 = Collection.objects.create( title='Summer Pin Collection', items_in_collection=10, floor_price=50.00, user=self.user, ) collection1.tags.add(tag) collection2 = Collection.objects.create( title='Fall Pin Collection', items_in_collection=12, floor_price=50.00, user=self.user, ) collection2.tags.add(tag) res = self.client.get(TAGS_URL, {'assigned_only': 1}) self.assertEqual(len(res.data), 1)
StarcoderdataPython
5154029
# Licensed to the Apache Software Foundation (ASF) under one or more # contributor license agreements. See the NOTICE file distributed with # this work for additional information regarding copyright ownership. # The ASF licenses this file to You 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. """ Loading mechanism for service templates. """ import os from urlparse import urlparse from . import csar from . import utils from .exceptions import AriaCliError from ..utils import archive as archive_utils def get(source, service_template_filename): """ Get a source and return a path to the main service template file The behavior based on then source argument content is: * local ``.yaml`` file: return the file * local archive (``.csar``, ``.zip``, ``.tar``, ``.tar.gz``, and ``.tar.bz2``): extract it locally and return path service template file * URL: download and get service template from downloaded archive * GitHub repo: download and get service template from downloaded archive :param source: path/URL/GitHub repo to archive/service-template file :type source: basestring :param service_template_filename: path to service template if source is a non-CSAR archive with CSAR archives, this is read from the metadata file) :type service_template_filename: basestring :return: path to main service template file :rtype: basestring """ if urlparse(source).scheme: downloaded_file = utils.download_file(source) return _get_service_template_file_from_archive( downloaded_file, service_template_filename) elif os.path.isfile(source): if _is_archive(source): return _get_service_template_file_from_archive(source, service_template_filename) else: # Maybe check if yaml. return os.path.abspath(source) elif len(source.split('/')) == 2: url = _map_to_github_url(source) downloaded_file = utils.download_file(url) return _get_service_template_file_from_archive( downloaded_file, service_template_filename) else: raise AriaCliError( 'You must provide either a path to a local file, a remote URL ' 'or a GitHub `organization/repository[:tag/branch]`') def _get_service_template_file_from_archive(archive, service_template_filename): """ Extract archive to temporary location and get path to service template file. :param archive: path to archive file :type archive: basestring :param service_template_filename: path to service template file relative to archive :type service_template_filename: basestring :return: absolute path to service template file :rtype: basestring """ if csar.is_csar_archive(archive): service_template_file = _extract_csar_archive(archive) else: extract_directory = archive_utils.extract_archive(archive) service_template_dir = os.path.join( extract_directory, os.listdir(extract_directory)[0], ) service_template_file = os.path.join(service_template_dir, service_template_filename) if not os.path.isfile(service_template_file): raise AriaCliError( 'Could not find `{0}`. Please provide the name of the main ' 'service template file by using the `-n/--service-template-filename` flag' .format(service_template_filename)) return service_template_file def _map_to_github_url(source): """ Returns a path to a downloaded GitHub archive. :param source: GitHub repo: ``org/repo[:tag/branch]`` :type source: basestring :return: URL to the archive file for the given repo in GitHub :rtype: basestring """ source_parts = source.split(':', 1) repo = source_parts[0] tag = source_parts[1] if len(source_parts) == 2 else 'master' url = 'https://github.com/{0}/archive/{1}.tar.gz'.format(repo, tag) return url def _is_archive(source): return archive_utils.is_archive(source) or csar.is_csar_archive(source) def _extract_csar_archive(archive): reader = csar.read(source=archive) main_service_template_file_name = os.path.basename(reader.entry_definitions) return os.path.join(reader.destination, main_service_template_file_name)
StarcoderdataPython
6530652
# coding=utf-8 from connectMysql import OrderMysql, RouteMysql, RecordMysql, MoneyMysql, GameRecordMysql, MeanMysql from entity.baseClass import Order import random import numpy as np from datetime import* class GameState: def __init__(self, routeLine, routeList): # 连接数据库 ''' self.om = OrderMysql() self.routem = RouteMysql() self.recordm = RecordMysql() self.mm = MoneyMysql() self.gm = GameRecordMysql() self.msm = MeanMysql() ''' # 每局游戏的初始数据,不用更新 # List 每个元素是长为87的 route 对象的list self.route_list = routeList # 当前航线名称 字符串 self.routeLine = routeLine # 游戏局数,用于数据库中记录作为主键之一,重复使用要清空game_record表 # self.gameNum = gameNum ####################随机取routeId######################### # self.routeId = random.randrange(49) # list 从 0 到 127 self.routeId = 22 self.departDate = self.route_list[self.routeId][0].departDate # 订单相关数据 # 每天的随机订单列表 self.random_order_list = [] # 已接订单列表,存放order对象,已完成的也在,is_finsih置0 self.order_list = [] # 订单字典,key是order对象的id(1,10),value是订单价格 self.orders = {} # 当前日期的可接订单字典, 是否存在与价格,每天更新 self.newOrder = {"existence": 0, "price": 0} # 当前订单数 self.orderNum = 0 # route对象的信息,每天更新 self.day = 1 # 注意用作下标查询list 时要减 1 # 当前日期、出发日期、第一天价格加入self.historicalPrice列表 self.date = self.route_list[self.routeId][0].date self.todayPrice = self.route_list[self.routeId][0].price # 价格曲线列表 self.historicalPrice = [] self.historicalPrice.append(self.todayPrice) # 计算得到的所有航线上的价格均值与方差,用于标准化 # 现在未使用 self.mean, self.std = 1176.12, 472.6 # 随机生成的order,每天都有, 与数据库中的生成方法一致 # i从0开始,等于day - 1 for i in range(87): # 计算当前日期前航班的日平均价格 avg_price sum_price = 0 j = 0 while j <= i: sum_price += self.route_list[self.routeId][j].price j += 1 avg_price = sum_price / (i + 1) # i,j都从0开始 # 减的部分视为难度调整 # avg_price -= random.randint(0, 1000) # 如果平均价格高于当日价格则订单等于平均价格 # 如果更低则用当日价格减一些替代 if avg_price < self.route_list[self.routeId][i].price: price = avg_price else: # price = self.route_list[self.routeId][i].price - random.randint(0, 1000) price = self.route_list[self.routeId][i].price self.random_order_list.append(price) # 第一天的随机订单, 一个数字 ,价格 self.newOrder["price"] = self.random_order_list[self.day - 1] self.newOrder["existence"] = 1 # 返回接单行动后的下一个状态 def acceptOrders(self, input_actions): # input_actions(0,0)取值为0,1 if sum(input_actions) != 1: raise ValueError('Multiple input actions!动作输入错误') # input_actions[0] == 1: 不接单 # input_actions[1] == 1: 接单 if input_actions[1] == 1 and self.orderNum < 10: # 计算最大利润,和平均利润(在当前天后随机选一天买票的利润) temp_day = self.day sum_price_after = 0 lowest_price_after = self.route_list[self.routeId][self.day - 1].price while temp_day <= 87: today_price = self.route_list[self.routeId][temp_day - 1].price sum_price_after += today_price # avg_price 包含今天的价格因为可以选择当天买票 if today_price < lowest_price_after: lowest_price_after = today_price temp_day += 1 # sum_price 有today_price 因此分母要加1 avg_price_after = sum_price_after / (87 - self.day + 1) # 读取订单价格、未来最低价,计算最大收益 price = self.newOrder["price"] avgProfit = price - avg_price_after maxProfit = price - lowest_price_after # 新订单 isFinished 和 profit 默认置 0, orderNum 就是 orderId 从 1 到 10 newOrder = Order(self.orderNum, self.departDate, self.routeLine, price, self.date, maxProfit, avgProfit) # 更新游戏中order相关的数据 self.order_list.append(newOrder) self.orderNum += 1 # 从tb_order中读取未完成的订单价格列表 self.orders = {} for order in self.order_list: if order.isFinished == 0: self.orders[str(order.orderId)] = order.price # 未测试 # 看order数量,没加天数 # print("order_num:%d"%(len(self.order_list))) return self.orders, self.historicalPrice # 完成单个订单 def finishOrders(self, orderId, input_actions, day): if sum(input_actions) != 1: raise ValueError('Multiple input actions!动作输入错误') ''' # 最后一天自动买票的软惩罚 if self.date == self.departDate - timedelta(days=1) and input_actions[0] == 1: profit = self.om.finishOeder(orderId, self.todayPrice) reward = profit - 100 self.orders = self.om.getOrderPriceRemain() ''' reward = 0 if input_actions[1] == 1: # 完成一个订单. orderId 0 到 9 ,字典里的key “orderId” 变为数组下标 profit = self.order_list[int(orderId)].price - self.route_list[self.routeId][self.day - 1].price self.order_list[int(orderId)].profit = profit self.order_list[int(orderId) ].isFinished = 1 # 这个reward 打算找出后面有多少个比这个价格还低的 # reward = self.routem.lowerPriceAfter(self.date, self.routeId, self.todayPrice) # 这是最直接的 reward reward = profit # 这是股价预测中的常用reward # reward = np.log10(self.order_list[int(orderId) - 1].price / self.route_list[self.routeId][self.day - 1].price) # 从tb_order中读取未完成的订单价格列表 self.orders = {} # 先重置再写进去 for order in self.order_list: if order.isFinished == 0: self.orders[str(order.orderId)] = order.price print("buy ticket at %s" % day) else: # 给等待分级惩罚,希望尽早买票 reward = 0 return self.orders, self.historicalPrice, reward # 进入新一天 def nextDay(self): # 更新日期、当天价格、价格曲线 self.date = self.date + timedelta(days=1) self.day += 1 self.todayPrice = self.route_list[self.routeId][self.day - 1].price self.historicalPrice.append(self.todayPrice) # 读取新订单 # self.newOrder = {"existence": 0, "price": 0} if self.orderNum < 10: self.newOrder["price"] = self.random_order_list[self.day - 1] self.newOrder["existence"] = 1 def getTomorrowPrice(self): tomorrow = self.day + 1 tomorrowPrice = self.route_list[self.routeId][tomorrow - 1].price return tomorrowPrice # 当前这局游戏的已完成订单的 # 实际总收益, 随机买票收益, 最大收益 def getProfit(self): totalProfit, avgProfit, maxProfit = 0, 0, 0 for order in self.order_list: if order.isFinished == 1: totalProfit += order.profit avgProfit += order.avgProfit maxProfit += order.maxProfit return totalProfit, avgProfit, maxProfit if __name__ == "__main__": GS = GameState(1, 1, ) # 还要输入所有route信息 print(GS.route_list.__len__())
StarcoderdataPython
11392422
# Copyright 2014 The LUCI Authors. All rights reserved. # Use of this source code is governed under the Apache License, Version 2.0 # that can be found in the LICENSE file. """Main entry point for Swarming backend handlers.""" import datetime import json import logging import webapp2 from google.appengine.api import datastore_errors from google.appengine.ext import ndb from google.appengine import runtime from google.protobuf import json_format from proto.api import plugin_pb2 from components import decorators from components import datastore_utils from server import bq_state from server import bot_groups_config from server import bot_management from server import config from server import external_scheduler from server import named_caches from server import stats_bots from server import stats_tasks from server import task_queues from server import task_request from server import task_result from server import task_scheduler import ts_mon_metrics ## Cron jobs. class _CronHandlerBase(webapp2.RequestHandler): @decorators.require_cronjob def get(self): self.run_cron() def run_cron(self): raise NotImplementedError() class CronBotDiedHandler(_CronHandlerBase): """Sets running tasks where the bot is not sending ping updates for several minutes as BOT_DIED. """ def run_cron(self): task_scheduler.cron_handle_bot_died() class CronAbortExpiredShardToRunHandler(_CronHandlerBase): """Set tasks that haven't started before their expiration_ts timestamp as EXPIRED. Most of the tasks will be expired 'inline' as bots churn through the queue, but tasks where the bots are not polling will be expired by this cron job. """ def run_cron(self): task_scheduler.cron_abort_expired_task_to_run() class CronTidyTaskQueues(_CronHandlerBase): """Removes unused tasks queues, the 'dimensions sets' without active task flows. """ def run_cron(self): task_queues.cron_tidy_stale() class CronUpdateBotInfoComposite(_CronHandlerBase): """Updates BotInfo.composite if needed, e.g. the bot became dead because it hasn't pinged for a while. """ def run_cron(self): bot_management.cron_update_bot_info() class CronDeleteOldBots(_CronHandlerBase): """Deletes old BotRoot entity groups.""" def run_cron(self): bot_management.cron_delete_old_bot() class CronDeleteOldBotEvents(_CronHandlerBase): """Deletes old BotEvent entities.""" def run_cron(self): bot_management.cron_delete_old_bot_events() class CronDeleteOldTasks(_CronHandlerBase): """Deletes old TaskRequest entities and all their decendants.""" def run_cron(self): task_request.cron_delete_old_task_requests() class CronNamedCachesUpdate(_CronHandlerBase): """Updates named caches hints.""" def run_cron(self): named_caches.cron_update_named_caches() class CronCountTaskBotDistributionHandler(_CronHandlerBase): """Counts how many runnable bots per task for monitoring.""" def run_cron(self): task_scheduler.cron_task_bot_distribution() class CronBotsDimensionAggregationHandler(_CronHandlerBase): """Aggregates all bots dimensions (except id) in the fleet.""" def run_cron(self): bot_management.cron_aggregate_dimensions() class CronTasksTagsAggregationHandler(_CronHandlerBase): """Aggregates all task tags from the last hour.""" def run_cron(self): task_result.cron_update_tags() class CronBotGroupsConfigHandler(_CronHandlerBase): """Fetches bots.cfg with all includes, assembles the final config.""" def run_cron(self): try: bot_groups_config.refetch_from_config_service() except bot_groups_config.BadConfigError: pass class CronExternalSchedulerCancellationsHandler(_CronHandlerBase): """Fetches cancelled tasks from external schedulers, and cancels them.""" def run_cron(self): task_scheduler.cron_handle_external_cancellations() class CronExternalSchedulerGetCallbacksHandler(_CronHandlerBase): """Fetches callbacks requests from external schedulers, and notifies them.""" def run_cron(self): task_scheduler.cron_handle_get_callbacks() class CronBotsStats(_CronHandlerBase): """Update bots monitoring statistics.""" def run_cron(self): stats_bots.cron_generate_stats() class CronTasksStats(_CronHandlerBase): """Update tasks monitoring statistics.""" def run_cron(self): stats_tasks.cron_generate_stats() class CronSendToBQ(_CronHandlerBase): """Triggers many tasks queues to send data to BigQuery.""" def run_cron(self): # It can trigger up to the sum of all the max_taskqueues below. # It should complete within close to 50 seconds as each function will try to # limit itself to its allocated chunk. max_seconds = 50. / 2 bq_state.cron_trigger_tasks( 'task_results_run', '/internal/taskqueue/monitoring/bq/tasks/results/run/', 'monitoring-bq-tasks-results-run', max_seconds, max_taskqueues=30) bq_state.cron_trigger_tasks( 'task_results_summary', '/internal/taskqueue/monitoring/bq/tasks/results/summary/', 'monitoring-bq-tasks-results-summary', max_seconds, max_taskqueues=30) bq_state.cron_trigger_tasks( 'bot_events', '/internal/taskqueue/monitoring/bq/bots/events/', 'monitoring-bq-bots-events', max_seconds, max_taskqueues=30) bq_state.cron_trigger_tasks( 'task_requests', '/internal/taskqueue/monitoring/bq/tasks/requests/', 'monitoring-bq-tasks-requests', max_seconds, max_taskqueues=30) ## Task queues. class TaskCancelTasksHandler(webapp2.RequestHandler): """Cancels tasks given a list of their ids.""" @decorators.silence(datastore_utils.CommitError) @decorators.require_taskqueue('cancel-tasks') def post(self): payload = json.loads(self.request.body) logging.info('Cancelling tasks with ids: %s', payload['tasks']) kill_running = payload['kill_running'] # TODO(maruel): Parallelize. for task_id in payload['tasks']: ok, was_running = task_scheduler.cancel_task_with_id( task_id, kill_running, None) logging.info('task %s canceled: %s was running: %s', task_id, ok, was_running) class TaskCancelTaskOnBotHandler(webapp2.RequestHandler): """Cancels a given task if it is running on the given bot. If bot is not specified, cancel task unconditionally. If bot is specified, and task is not running on bot, then do nothing. """ @decorators.require_taskqueue('cancel-task-on-bot') def post(self): payload = json.loads(self.request.body) task_id = payload.get('task_id') if not task_id: logging.error('Missing task_id.') return bot_id = payload.get('bot_id') try: ok, was_running = task_scheduler.cancel_task_with_id( task_id, True, bot_id) logging.info('task %s canceled: %s was running: %s', task_id, ok, was_running) except ValueError: # Ignore errors that may be due to missing or invalid tasks. logging.warning('Ignoring a task cancellation due to exception.', exc_info=True) class TaskCancelChildrenTasksHandler(webapp2.RequestHandler): """Cancels children tasks with pending state of the given task.""" @decorators.silence(runtime.DeadlineExceededError) @decorators.require_taskqueue('cancel-children-tasks') def post(self): payload = json.loads(self.request.body) task = payload['task'] logging.info('Cancelling children tasks of task %s', task) task_scheduler.task_cancel_running_children_tasks(task) class TaskExpireTasksHandler(webapp2.RequestHandler): """Expires a list of tasks, given a list of their ids.""" @decorators.require_taskqueue('task-expire') def post(self): payload = json.loads(self.request.body) task_scheduler.task_expire_tasks(payload.get('task_to_runs')) class TaskDeleteTasksHandler(webapp2.RequestHandler): """Deletes a list of tasks, given a list of their ids.""" @decorators.require_taskqueue('delete-tasks') def post(self): payload = json.loads(self.request.body) task_request.task_delete_tasks(payload['task_ids']) class TaskDimensionsHandler(webapp2.RequestHandler): """Refreshes the active task queues.""" @decorators.silence(datastore_errors.Timeout) @decorators.require_taskqueue('rebuild-task-cache') def post(self): f = task_queues.rebuild_task_cache_async(self.request.body) if not f.get_result(): # The task likely failed due to DB transaction contention, # so we can reply that the service has had too many requests (429). # Using a 400-level response also prevents failures here from causing # unactionable alerts due to a high rate of 500s. self.response.set_status(429, 'Need to retry') class TaskSendPubSubMessage(webapp2.RequestHandler): """Sends PubSub notification about task completion.""" # Add task_id to the URL for better visibility in request logs. @decorators.require_taskqueue('pubsub') def post(self, task_id): # pylint: disable=unused-argument task_scheduler.task_handle_pubsub_task(json.loads(self.request.body)) class TaskESNotifyTasksHandler(webapp2.RequestHandler): """Sends task notifications to external scheduler.""" @decorators.require_taskqueue('es-notify-tasks') def post(self): es_host = self.request.get('es_host') request_json = self.request.get('request_json') request = plugin_pb2.NotifyTasksRequest() json_format.Parse(request_json, request) external_scheduler.notify_request_now(es_host, request) class TaskESNotifyKickHandler(webapp2.RequestHandler): """Kicks off the pull queue worker to batch the es-notifications.""" @decorators.require_taskqueue('es-notify-kick') def post(self): external_scheduler.task_batch_handle_notifications() class TaskNamedCachesPool(webapp2.RequestHandler): """Update named caches cache for a pool.""" @decorators.silence(datastore_errors.Timeout) @decorators.require_taskqueue('named-cache-task') def post(self): params = json.loads(self.request.body) logging.info('Handling pool: %s', params['pool']) named_caches.task_update_pool(params['pool']) class TaskMonitoringBotsEventsBQ(webapp2.RequestHandler): """Sends rows to BigQuery swarming.bot_events table.""" @decorators.require_taskqueue('monitoring-bq-bots-events') def post(self, timestamp): ndb.get_context().set_cache_policy(lambda _: False) start = datetime.datetime.strptime(timestamp, u'%Y-%m-%dT%H:%M') end = start + datetime.timedelta(seconds=60) bot_management.task_bq_events(start, end) class TaskMonitoringTasksRequestsBQ(webapp2.RequestHandler): """Sends rows to BigQuery swarming.task_requests table.""" @decorators.require_taskqueue('monitoring-bq-tasks-requests') def post(self, timestamp): ndb.get_context().set_cache_policy(lambda _: False) start = datetime.datetime.strptime(timestamp, u'%Y-%m-%dT%H:%M') end = start + datetime.timedelta(seconds=60) task_request.task_bq(start, end) class TaskMonitoringTasksResultsRunBQ(webapp2.RequestHandler): """Sends rows to BigQuery swarming.task_results_run table.""" @decorators.require_taskqueue('monitoring-bq-tasks-results-run') def post(self, timestamp): start = datetime.datetime.strptime(timestamp, u'%Y-%m-%dT%H:%M') end = start + datetime.timedelta(seconds=60) task_result.task_bq_run(start, end) class TaskMonitoringTasksResultsSummaryBQ(webapp2.RequestHandler): """Sends rows to BigQuery swarming.task_results_summary table.""" @decorators.require_taskqueue('monitoring-bq-tasks-results-summary') def post(self, timestamp): start = datetime.datetime.strptime(timestamp, u'%Y-%m-%dT%H:%M') end = start + datetime.timedelta(seconds=60) task_result.task_bq_summary(start, end) class TaskMonitoringTSMon(webapp2.RequestHandler): """Compute global metrics for timeseries monitoring.""" @decorators.require_taskqueue('tsmon') def post(self, kind): ts_mon_metrics.set_global_metrics(kind, payload=self.request.body) ### def get_routes(): """Returns internal urls that should only be accessible via the backend.""" routes = [ # Cron jobs. ('/internal/cron/important/scheduler/abort_bot_missing', CronBotDiedHandler), ('/internal/cron/important/scheduler/abort_expired', CronAbortExpiredShardToRunHandler), ('/internal/cron/cleanup/task_queues', CronTidyTaskQueues), ('/internal/cron/monitoring/bots/update_bot_info', CronUpdateBotInfoComposite), ('/internal/cron/cleanup/bots/delete_old', CronDeleteOldBots), ('/internal/cron/cleanup/bots/delete_old_bot_events', CronDeleteOldBotEvents), ('/internal/cron/cleanup/tasks/delete_old', CronDeleteOldTasks), # Not yet used. ('/internal/cron/monitoring/bots/stats', CronBotsStats), # Not yet used. ('/internal/cron/monitoring/tasks/stats', CronTasksStats), ('/internal/cron/monitoring/bq', CronSendToBQ), ('/internal/cron/monitoring/count_task_bot_distribution', CronCountTaskBotDistributionHandler), ('/internal/cron/monitoring/bots/aggregate_dimensions', CronBotsDimensionAggregationHandler), ('/internal/cron/monitoring/tasks/aggregate_tags', CronTasksTagsAggregationHandler), ('/internal/cron/important/bot_groups_config', CronBotGroupsConfigHandler), ('/internal/cron/important/external_scheduler/cancellations', CronExternalSchedulerCancellationsHandler), ('/internal/cron/important/external_scheduler/get_callbacks', CronExternalSchedulerGetCallbacksHandler), ('/internal/cron/important/named_caches/update', CronNamedCachesUpdate), # Task queues. ('/internal/taskqueue/important/tasks/cancel', TaskCancelTasksHandler), ('/internal/taskqueue/important/tasks/cancel-task-on-bot', TaskCancelTaskOnBotHandler), ('/internal/taskqueue/important/tasks/cancel-children-tasks', TaskCancelChildrenTasksHandler), ('/internal/taskqueue/important/tasks/expire', TaskExpireTasksHandler), ('/internal/taskqueue/cleanup/tasks/delete', TaskDeleteTasksHandler), ('/internal/taskqueue/important/task_queues/rebuild-cache', TaskDimensionsHandler), (r'/internal/taskqueue/important/pubsub/notify-task/<task_id:[0-9a-f]+>', TaskSendPubSubMessage), ('/internal/taskqueue/important/external_scheduler/notify-tasks', TaskESNotifyTasksHandler), ('/internal/taskqueue/important/external_scheduler/notify-kick', TaskESNotifyKickHandler), (r'/internal/taskqueue/important/named_cache/update-pool', TaskNamedCachesPool), (r'/internal/taskqueue/monitoring/bq/bots/events/' r'<timestamp:\d{4}-\d\d-\d\dT\d\d:\d\d>', TaskMonitoringBotsEventsBQ), (r'/internal/taskqueue/monitoring/bq/tasks/requests/' r'<timestamp:\d{4}-\d\d-\d\dT\d\d:\d\d>', TaskMonitoringTasksRequestsBQ), (r'/internal/taskqueue/monitoring/bq/tasks/results/run/' r'<timestamp:\d{4}-\d\d-\d\dT\d\d:\d\d>', TaskMonitoringTasksResultsRunBQ), (r'/internal/taskqueue/monitoring/bq/tasks/results/summary/' r'<timestamp:\d{4}-\d\d-\d\dT\d\d:\d\d>', TaskMonitoringTasksResultsSummaryBQ), (r'/internal/taskqueue/monitoring/tsmon/<kind:[0-9A-Za-z_]+>', TaskMonitoringTSMon), ] return [webapp2.Route(*a) for a in routes] def create_application(debug): return webapp2.WSGIApplication(get_routes(), debug=debug)
StarcoderdataPython
166401
<filename>pre_processing.py #!/usr/bin/env python3 # -*- coding: utf-8 -*- """ Created on Sun Mar 24 17:44:54 2019 @author: meliude """ import pygrib import pandas as pd years = ['1998.grib', '1999.grib', '2000.grib', '2001.grib', '2002.grib', '2003.grib', '2004.grib', '2005.grib', '2006.grib', '2007.grib', '2008.grib'] data = [] dp = [] #dewpoint tp = [] #totalprecipitation for i in range(0,11): data.append(pygrib.open(years[i])) dp.append(data[i].select(name = '2 metre dewpoint temperature')) tp.append(data[i].select(name = 'Total precipitation')) #leapyears: 2000, 2004 and 2008 ##jan(0,31),feb(31,60),mar(60,91),apr(91,121),may(121,152),jun(152,182),jul(182,213),aug(213,244) ##sep(244,274),oct(274,305),nov(305,335),dec(335,366) #for dewpoint temperature jan_dp,feb_dp,mar_dp,apr_dp,may_dp,jun_dp,jul_dp,aug_dp,sep_dp,oct_dp,nov_dp,dec_dp=[], [], [], [], [], [], [], [], [], [], [], [] #convert Kelvin to Celsius def convert(x): return x-273.15 for i in range(0,11): if i==2: for j in range(0,31): jan_dp.append(convert(dp[i][j].values)) for j in range(31,60): feb_dp.append(convert(dp[i][j].values)) for j in range(60,91): mar_dp.append(convert(dp[i][j].values)) for j in range(91,121): apr_dp.append(convert(dp[i][j].values)) for j in range(121,152): may_dp.append(convert(dp[i][j].values)) for j in range(152,182): jun_dp.append(convert(dp[i][j].values)) for j in range(182,213): jul_dp.append(convert(dp[i][j].values)) for j in range(213,244): aug_dp.append(convert(dp[i][j].values)) for j in range(244,274): sep_dp.append(convert(dp[i][j].values)) for j in range(274,305): oct_dp.append(convert(dp[i][j].values)) for j in range(305,335): nov_dp.append(convert(dp[i][j].values)) for j in range(335,366): dec_dp.append(convert(dp[i][j].values)) elif i==6: for j in range(0,31): jan_dp.append(convert(dp[i][j].values)) for j in range(31,60): feb_dp.append(convert(dp[i][j].values)) for j in range(60,91): mar_dp.append(convert(dp[i][j].values)) for j in range(91,121): apr_dp.append(convert(dp[i][j].values)) for j in range(121,152): may_dp.append(convert(dp[i][j].values)) for j in range(152,182): jun_dp.append(convert(dp[i][j].values)) for j in range(182,213): jul_dp.append(convert(dp[i][j].values)) for j in range(213,244): aug_dp.append(convert(dp[i][j].values)) for j in range(244,274): sep_dp.append(convert(dp[i][j].values)) for j in range(274,305): oct_dp.append(convert(dp[i][j].values)) for j in range(305,335): nov_dp.append(convert(dp[i][j].values)) for j in range(335,366): dec_dp.append(convert(dp[i][j].values)) elif i==10: for j in range(0,31): jan_dp.append(convert(dp[i][j].values)) for j in range(31,60): feb_dp.append(convert(dp[i][j].values)) for j in range(60,91): mar_dp.append(convert(dp[i][j].values)) for j in range(91,121): apr_dp.append(convert(dp[i][j].values)) for j in range(121,152): may_dp.append(convert(dp[i][j].values)) for j in range(152,182): jun_dp.append(convert(dp[i][j].values)) for j in range(182,213): jul_dp.append(convert(dp[i][j].values)) for j in range(213,244): aug_dp.append(convert(dp[i][j].values)) for j in range(244,274): sep_dp.append(convert(dp[i][j].values)) for j in range(274,305): oct_dp.append(convert(dp[i][j].values)) for j in range(305,335): nov_dp.append(convert(dp[i][j].values)) for j in range(335,366): dec_dp.append(convert(dp[i][j].values)) else: for j in range(0,31): jan_dp.append(convert(dp[i][j].values)) for j in range(31,59): feb_dp.append(convert(dp[i][j].values)) for j in range(59,90): mar_dp.append(convert(dp[i][j].values)) for j in range(90,120): apr_dp.append(convert(dp[i][j].values)) for j in range(120,151): may_dp.append(convert(dp[i][j].values)) for j in range(151,181): jun_dp.append(convert(dp[i][j].values)) for j in range(181,212): jul_dp.append(convert(dp[i][j].values)) for j in range(212,243): aug_dp.append(convert(dp[i][j].values)) for j in range(243,273): sep_dp.append(convert(dp[i][j].values)) for j in range(273,304): oct_dp.append(convert(dp[i][j].values)) for j in range(304,334): nov_dp.append(convert(dp[i][j].values)) for j in range(334,365): dec_dp.append(convert(dp[i][j].values)) #jan,mar,may,jul,aug,oct,dec def totalsum(x,a=1,b=2): return sum(x[a],x[b]) ##0,30,31,61,62,92,93,123,124,154,155,185,186,216,217,247,248,278,279,309,310,340 lb=[0,31,62,93,124,155,186,217,248,279,310] up=[30,61,92,123,154,185,216,247,278,309,340] jan_tdp, mar_tdp, may_tdp, jul_tdp, aug_tdp,oct_tdp,dec_tdp=[], [], [], [], [], [], [] for i,j in zip(lb,up): jan_tdp.append(totalsum(jan_dp,a=i,b=j)) mar_tdp.append(totalsum(mar_dp,a=i,b=j)) may_tdp.append(totalsum(may_dp,a=i,b=j)) jul_tdp.append(totalsum(jul_dp,a=i,b=j)) aug_tdp.append(totalsum(aug_dp,a=i,b=j)) oct_tdp.append(totalsum(oct_dp,a=i,b=j)) dec_tdp.append(totalsum(dec_dp,a=i,b=j)) jan_tdp, mar_tdp, may_tdp, jul_tdp, aug_tdp,oct_tdp,dec_tdp=sum(jan_tdp)/11, sum(mar_tdp)/11, sum(may_tdp)/11, sum(jul_tdp)/11, sum(aug_tdp)/11, sum(oct_tdp)/11, sum(dec_tdp)/11 pd.DataFrame(jan_tdp).to_csv('grid_jan.csv') pd.DataFrame(mar_tdp).to_csv('grid_mar.csv') pd.DataFrame(may_tdp).to_csv('grid_may.csv') pd.DataFrame(jul_tdp).to_csv('grid_jul.csv') pd.DataFrame(aug_tdp).to_csv('grid_aug.csv') pd.DataFrame(oct_tdp).to_csv('grid_oct.csv') pd.DataFrame(dec_tdp).to_csv('grid_dec.csv') #apr,jun,sep,nov ##0,29,30,59,60,89,90,119,120,149,150,179,180,209,210,239,240,269,270,299,300,329 lb=[0,30,60,90,120,150,180,210,240,270,300] ub=[29,59,89,119,149,179,209,239,269,299,329] apr_tdp, jun_tdp, sep_tdp, nov_tdp=[], [], [], [] for i,j in zip(lb,ub): apr_tdp.append(totalsum(apr_dp,a=i,b=j)) jun_tdp.append(totalsum(jun_dp,a=i,b=j)) sep_tdp.append(totalsum(sep_dp,a=i,b=j)) nov_tdp.append(totalsum(nov_dp,a=i,b=j)) apr_tdp, jun_tdp, sep_tdp, nov_tdp=sum(apr_tdp)/11, sum(jun_tdp)/11, sum(sep_tdp)/11, sum(nov_tdp)/11 pd.DataFrame(apr_tdp).to_csv('grid_apr.csv') pd.DataFrame(jun_tdp).to_csv('grid_jun.csv') pd.DataFrame(sep_tdp).to_csv('grid_sep.csv') pd.DataFrame(nov_tdp).to_csv('grid_nov.csv') #feb ##0,27,28,55,56,84,85,112,113,140,141,168,169,197,198,225,226,253,254,281,282,310 lb=[0,28,56,85,113,141,169,198,226,254,282] ub=[27,55,84,112,140,168,197,225,253,281,310] feb_tdp=[] for i,j in zip(lb,ub): feb_tdp.append(totalsum(feb_dp,a=i,b=j)) feb_tdp=sum(feb_tdp)/11 pd.DataFrame(feb_tdp).to_csv('grid_feb.csv') ############################################################################################ #for total prepicipation jan_tp,feb_tp,mar_tp,apr_tp,may_tp,jun_tp,jul_tp,aug_tp,sep_tp,oct_tp,nov_tp,dec_tp=[], [], [], [], [], [], [], [], [], [], [], [] for i in range(0,11): if i==2: for j in range(0,31): jan_tp.append(tp[i][j].values) for j in range(31,60): feb_tp.append(tp[i][j].values) for j in range(60,91): mar_tp.append(tp[i][j].values) for j in range(91,121): apr_tp.append(tp[i][j].values) for j in range(121,152): may_tp.append(tp[i][j].values) for j in range(152,182): jun_tp.append(tp[i][j].values) for j in range(182,213): jul_tp.append(tp[i][j].values) for j in range(213,244): aug_tp.append(tp[i][j].values) for j in range(244,274): sep_tp.append(tp[i][j].values) for j in range(274,305): oct_tp.append(tp[i][j].values) for j in range(305,335): nov_tp.append(tp[i][j].values) for j in range(335,366): dec_tp.append(tp[i][j].values) elif i==6: for j in range(0,31): jan_tp.append(tp[i][j].values) for j in range(31,60): feb_tp.append(tp[i][j].values) for j in range(60,91): mar_tp.append(tp[i][j].values) for j in range(91,121): apr_tp.append(tp[i][j].values) for j in range(121,152): may_tp.append(tp[i][j].values) for j in range(152,182): jun_tp.append(tp[i][j].values) for j in range(182,213): jul_tp.append(tp[i][j].values) for j in range(213,244): aug_tp.append(tp[i][j].values) for j in range(244,274): sep_tp.append(tp[i][j].values) for j in range(274,305): oct_tp.append(tp[i][j].values) for j in range(305,335): nov_tp.append(tp[i][j].values) for j in range(335,366): dec_tp.append(tp[i][j].values) elif i==10: for j in range(0,31): jan_tp.append(tp[i][j].values) for j in range(31,60): feb_tp.append(tp[i][j].values) for j in range(60,91): mar_tp.append(tp[i][j].values) for j in range(91,121): apr_tp.append(tp[i][j].values) for j in range(121,152): may_tp.append(tp[i][j].values) for j in range(152,182): jun_tp.append(tp[i][j].values) for j in range(182,213): jul_tp.append(tp[i][j].values) for j in range(213,244): aug_tp.append(tp[i][j].values) for j in range(244,274): sep_tp.append(tp[i][j].values) for j in range(274,305): oct_tp.append(tp[i][j].values) for j in range(305,335): nov_tp.append(tp[i][j].values) for j in range(335,366): dec_tp.append(tp[i][j].values) else: for j in range(0,31): jan_tp.append(tp[i][j].values) for j in range(31,59): feb_tp.append(tp[i][j].values) for j in range(59,90): mar_tp.append(tp[i][j].values) for j in range(90,120): apr_tp.append(tp[i][j].values) for j in range(120,151): may_tp.append(tp[i][j].values) for j in range(151,181): jun_tp.append(tp[i][j].values) for j in range(181,212): jul_tp.append(tp[i][j].values) for j in range(212,243): aug_tp.append(tp[i][j].values) for j in range(243,273): sep_tp.append(tp[i][j].values) for j in range(273,304): oct_tp.append(tp[i][j].values) for j in range(304,334): nov_tp.append(tp[i][j].values) for j in range(334,365): dec_tp.append(tp[i][j].values) #jan,mar,may,jul,aug,oct,dec jan_ttp, mar_ttp, may_ttp, jul_ttp, aug_ttp,oct_ttp,dec_ttp=[], [], [], [], [], [], [] for i,j in zip(lb,up): jan_ttp.append(totalsum(jan_tp,a=i,b=j)) mar_ttp.append(totalsum(mar_tp,a=i,b=j)) may_ttp.append(totalsum(may_tp,a=i,b=j)) jul_ttp.append(totalsum(jul_tp,a=i,b=j)) aug_ttp.append(totalsum(aug_tp,a=i,b=j)) oct_ttp.append(totalsum(oct_tp,a=i,b=j)) dec_ttp.append(totalsum(dec_tp,a=i,b=j)) jan_ttp, mar_ttp, may_ttp, jul_ttp, aug_ttp,oct_ttp,dec_ttp=sum(jan_ttp)/11, sum(mar_ttp)/11, sum(may_ttp)/11, sum(jul_ttp)/11, sum(aug_ttp)/11, sum(oct_ttp)/11, sum(dec_ttp)/11 pd.DataFrame(jan_ttp).to_csv('grid_jan_p.csv') pd.DataFrame(mar_ttp).to_csv('grid_mar_p.csv') pd.DataFrame(may_ttp).to_csv('grid_may_p.csv') pd.DataFrame(jul_ttp).to_csv('grid_jul_p.csv') pd.DataFrame(aug_ttp).to_csv('grid_aug_p.csv') pd.DataFrame(oct_ttp).to_csv('grid_oct_p.csv') pd.DataFrame(dec_ttp).to_csv('grid_dec_p.csv') #apr,jun,sep,nov apr_ttp, jun_ttp, sep_ttp, nov_ttp=[], [], [], [] for i,j in zip(lb,ub): apr_ttp.append(totalsum(apr_tp,a=i,b=j)) jun_ttp.append(totalsum(jun_tp,a=i,b=j)) sep_ttp.append(totalsum(sep_tp,a=i,b=j)) nov_ttp.append(totalsum(nov_tp,a=i,b=j)) apr_ttp, jun_ttp, sep_ttp, nov_ttp=sum(apr_ttp)/11, sum(jun_ttp)/11, sum(sep_ttp)/11, sum(nov_ttp)/11 pd.DataFrame(apr_ttp).to_csv('grid_apr_p.csv') pd.DataFrame(jun_ttp).to_csv('grid_jun_p.csv') pd.DataFrame(sep_ttp).to_csv('grid_sep_p.csv') pd.DataFrame(nov_ttp).to_csv('grid_nov_p.csv') #feb feb_ttp=[] for i,j in zip(lb,ub): feb_ttp.append(totalsum(feb_tp,a=i,b=j)) feb_ttp=sum(feb_ttp)/11 pd.DataFrame(feb_ttp).to_csv('grid_feb_p.csv')
StarcoderdataPython
4967952
<filename>tests/test_utils.py from app import utils from tests.base_test_case import BaseTestCase class TestStatusMethod(BaseTestCase): def test_size_valid(self): data = {'width': 1, 'height': 1} self.assertTrue(utils.size_valid(data)) data = {'width': 0, 'height': 0} self.assertFalse(utils.size_valid(data)) data = {'width': 10000, 'height': 10000} self.assertFalse(utils.size_valid(data)) data = {} self.assertFalse(utils.size_valid(data)) def test_create_response(self): response = utils.create_response(1000, test='hello') self.assertEqual(1000, response.status_code) self.assertEqual('application/json', response.content_type) self.assertEqual(response.get_json()['test'], 'hello') def test_create_error_response(self): response = utils.create_error_response(404, 'Test error') self.assertEqual(404, response.status_code) self.assertEqual('application/json', response.content_type) self.assertIn('result', response.get_json()) self.assertIn('message', response.get_json()) self.assertEqual(response.get_json()['result'], 'error') self.assertEqual(response.get_json()['message'], 'Test error') def test_allowed_extension(self): self.assertTrue(utils.allowed_extension('image.jpg')) self.assertTrue(utils.allowed_extension('image.png')) self.assertFalse(utils.allowed_extension('image.ext')) self.assertFalse(utils.allowed_extension('image.'))
StarcoderdataPython
6699723
<filename>handlers/es_publisher.py '''Write event data to elasticsearch''' import logging import json import os from elasticsearch import Elasticsearch log_level = os.environ.get('LOG_LEVEL', 'INFO') logging.root.setLevel(logging.getLevelName(log_level)) # type: ignore _logger = logging.getLogger(__name__) ES_HOST = os.environ.get('ES_HOST') ES_PORT = int(os.environ.get('ES_PORT')) ES_USERNAME = os.environ.get('ES_USERNAME') ES_PASSWORD = os.environ.get('ES_PASSWORD') ES_INDEX = os.environ.get('ES_INDEX') ES_DOC_TYPE = os.environ.get('ES_DOC_TYPE') ES = Elasticsearch([ES_HOST], http_auth=(ES_USERNAME, ES_PASSWORD), ) def _get_message_from_event(event: dict) -> dict: '''Get SNS message from event''' return json.loads(event.get('Records')[0].get('Sns').get('Message')) def _publish_to_elastic(item: dict): '''Publish an item to ES''' resp = ES.index(index=ES_INDEX, doc_type=ES_DOC_TYPE, id=item.get('identity').get('LineItemId'), body=item) return resp def handler(event, context): '''Lambda entry point.''' _logger.debug('Event received: {}'.format(json.dumps(event))) line_item = _get_message_from_event(event) publish_resp = _publish_to_elastic(line_item) resp = {'elasticsearch': publish_resp} _logger.debug('Response: {}'.format(json.dumps(resp))) return resp
StarcoderdataPython
3234929
<gh_stars>0 from marshmallow import Schema as BaseSchema from marshmallow import SchemaOpts as BaseSchemaOpts from marshmallow import fields, validate from marshmallow_enum import EnumField from .models import Corrected, Correction, CorrectionEdit, Play, PlayEdit, RecordedPlay class SchemaOpts(BaseSchemaOpts): def __init__(self, meta, *args, **kwargs): super().__init__(meta, *args, **kwargs) self.model = getattr(meta, "model", None) class Schema(BaseSchema): OPTIONS_CLASS = SchemaOpts def load(self, data, *, many: bool = None, **kwargs): all_loaded = super().load(data, many=many, **kwargs) many = self.many if many is None else bool(many) if many: return [self.opts.model(**loaded) for loaded in all_loaded] else: return self.opts.model(**all_loaded) def field_str(**kwargs) -> fields.Str: kwargs.setdefault("validate", validate.Length(min=1)) return fields.Str(required=True, **kwargs) def field_int(**kwargs) -> fields.Int: kwargs.setdefault("validate", validate.Range(min=1)) return fields.Int(required=True, strict=True, **kwargs) class PlaySchema(Schema): class Meta: model = Play track_uri = field_str() title = field_str() artist = field_str() album = field_str(validate=None) orig_title = field_str() orig_artist = field_str() orig_album = field_str(validate=None) corrected = EnumField(Corrected, required=True, by_value=True) musicbrainz_id = fields.Str(required=True, allow_none=True) duration = field_int() played_at = field_int() submitted_at = field_int(allow_none=True) class RecordedPlaySchema(PlaySchema): class Meta: model = RecordedPlay play_id = field_int() class PlayEditSchema(Schema): class Meta: model = PlayEdit play_id = field_int() track_uri = field_str() title = field_str() artist = field_str() album = field_str(validate=None) save_correction = fields.Bool(required=True) update_all_unsubmitted = fields.Bool(required=True) class CorrectionSchema(Schema): class Meta: model = Correction track_uri = field_str() title = field_str() artist = field_str() album = field_str(validate=None) class CorrectionEditSchema(Schema): class Meta: model = CorrectionEdit track_uri = field_str() title = field_str() artist = field_str() album = field_str(validate=None) update_all_unsubmitted = fields.Bool(required=True) play_schema = PlaySchema() recorded_play_schema = RecordedPlaySchema() play_edit_schema = PlayEditSchema() correction_schema = CorrectionSchema() correction_edit_schema = CorrectionEditSchema()
StarcoderdataPython
11368145
<filename>util/globaltokens.py import brownie from enforce_typing import enforce_types from util.constants import BROWNIE_PROJECT057, GOD_ACCOUNT from util.base18 import toBase18 _OCEAN_TOKEN = None @enforce_types def OCEANtoken(): global _OCEAN_TOKEN # pylint: disable=global-statement try: token = _OCEAN_TOKEN # may trigger failure if token is not None: x = token.address # "" # pylint: disable=unused-variable except brownie.exceptions.ContractNotFound: token = None if token is None: token = _OCEAN_TOKEN = BROWNIE_PROJECT057.Simpletoken.deploy( "OCEAN", "OCEAN", 18, toBase18(1e9), {"from": GOD_ACCOUNT} ) return token @enforce_types def OCEAN_address() -> str: return OCEANtoken().address @enforce_types def fundOCEANFromAbove(dst_address: str, amount_base: int): OCEANtoken().transfer(dst_address, amount_base, {"from": GOD_ACCOUNT})
StarcoderdataPython
1988808
<gh_stars>0 def serialize(value): ''' No serialization ''' return value def deserialize(key, value): ''' No deserialization ''' return value
StarcoderdataPython
5061864
# -*- coding: utf-8 -*- # Resource object code # # Created by: The Resource Compiler for PyQt5 (Qt v5.15.2) # # WARNING! All changes made in this file will be lost! from PyQt5 import QtCore qt_resource_data = b"\ \x00\x00\x36\xcf\ \xff\ \xd8\xff\xe0\x00\x10\x4a\x46\x49\x46\x00\x01\x01\x01\x00\x90\x00\ \x90\x00\x00\xff\xe1\x00\x22\x45\x78\x69\x66\x00\x00\x4d\x4d\x00\ \x2a\x00\x00\x00\x08\x00\x01\x01\x12\x00\x03\x00\x00\x00\x01\x00\ \x01\x00\x00\x00\x00\x00\x00\xff\xec\x00\x11\x44\x75\x63\x6b\x79\ \x00\x01\x00\x04\x00\x00\x00\x4a\x00\x00\xff\xe1\x03\x9e\x68\x74\ \x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\ \x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x00\x3c\x3f\x78\x70\x61\ \x63\x6b\x65\x74\x20\x62\x65\x67\x69\x6e\x3d\x22\xef\xbb\xbf\x22\ \x20\x69\x64\x3d\x22\x57\x35\x4d\x30\x4d\x70\x43\x65\x68\x69\x48\ \x7a\x72\x65\x53\x7a\x4e\x54\x63\x7a\x6b\x63\x39\x64\x22\x3f\x3e\ \x0d\x0a\x3c\x78\x3a\x78\x6d\x70\x6d\x65\x74\x61\x20\x78\x6d\x6c\ \x6e\x73\x3a\x78\x3d\x22\x61\x64\x6f\x62\x65\x3a\x6e\x73\x3a\x6d\ \x65\x74\x61\x2f\x22\x20\x78\x3a\x78\x6d\x70\x74\x6b\x3d\x22\x41\ \x64\x6f\x62\x65\x20\x58\x4d\x50\x20\x43\x6f\x72\x65\x20\x35\x2e\ \x33\x2d\x63\x30\x31\x31\x20\x36\x36\x2e\x31\x34\x35\x36\x36\x31\ \x2c\x20\x32\x30\x31\x32\x2f\x30\x32\x2f\x30\x36\x2d\x31\x34\x3a\ \x35\x36\x3a\x32\x37\x20\x20\x20\x20\x20\x20\x20\x20\x22\x3e\x0d\ \x0a\x09\x3c\x72\x64\x66\x3a\x52\x44\x46\x20\x78\x6d\x6c\x6e\x73\ \x3a\x72\x64\x66\x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x77\x77\x77\ \x2e\x77\x33\x2e\x6f\x72\x67\x2f\x31\x39\x39\x39\x2f\x30\x32\x2f\ \x32\x32\x2d\x72\x64\x66\x2d\x73\x79\x6e\x74\x61\x78\x2d\x6e\x73\ \x23\x22\x3e\x0d\x0a\x09\x09\x3c\x72\x64\x66\x3a\x44\x65\x73\x63\ \x72\x69\x70\x74\x69\x6f\x6e\x20\x72\x64\x66\x3a\x61\x62\x6f\x75\ \x74\x3d\x22\x22\x20\x78\x6d\x6c\x6e\x73\x3a\x78\x6d\x70\x4d\x4d\ \x3d\x22\x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\ \x65\x2e\x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x6d\x6d\ \x2f\x22\x20\x78\x6d\x6c\x6e\x73\x3a\x73\x74\x52\x65\x66\x3d\x22\ \x68\x74\x74\x70\x3a\x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\ \x63\x6f\x6d\x2f\x78\x61\x70\x2f\x31\x2e\x30\x2f\x73\x54\x79\x70\ \x65\x2f\x52\x65\x73\x6f\x75\x72\x63\x65\x52\x65\x66\x23\x22\x20\ \x78\x6d\x6c\x6e\x73\x3a\x78\x6d\x70\x3d\x22\x68\x74\x74\x70\x3a\ \x2f\x2f\x6e\x73\x2e\x61\x64\x6f\x62\x65\x2e\x63\x6f\x6d\x2f\x78\ \x61\x70\x2f\x31\x2e\x30\x2f\x22\x20\x78\x6d\x70\x4d\x4d\x3a\x4f\ \x72\x69\x67\x69\x6e\x61\x6c\x44\x6f\x63\x75\x6d\x65\x6e\x74\x49\ \x44\x3d\x22\x78\x6d\x70\x2e\x64\x69\x64\x3a\x34\x34\x33\x65\x63\ \x37\x37\x63\x2d\x64\x38\x35\x33\x2d\x34\x38\x34\x34\x2d\x61\x34\ \x65\x39\x2d\x64\x31\x31\x66\x35\x30\x62\x39\x63\x37\x38\x36\x22\ \x20\x78\x6d\x70\x4d\x4d\x3a\x44\x6f\x63\x75\x6d\x65\x6e\x74\x49\ \x44\x3d\x22\x78\x6d\x70\x2e\x64\x69\x64\x3a\x42\x41\x43\x42\x44\ \x31\x32\x33\x46\x30\x42\x45\x31\x31\x45\x35\x38\x30\x43\x36\x44\ \x41\x33\x33\x42\x42\x31\x30\x46\x32\x39\x34\x22\x20\x78\x6d\x70\ \x4d\x4d\x3a\x49\x6e\x73\x74\x61\x6e\x63\x65\x49\x44\x3d\x22\x78\ \x6d\x70\x2e\x69\x69\x64\x3a\x42\x41\x43\x42\x44\x31\x32\x32\x46\ \x30\x42\x45\x31\x31\x45\x35\x38\x30\x43\x36\x44\x41\x33\x33\x42\ \x42\x31\x30\x46\x32\x39\x34\x22\x20\x78\x6d\x70\x3a\x43\x72\x65\ \x61\x74\x6f\x72\x54\x6f\x6f\x6c\x3d\x22\x41\x64\x6f\x62\x65\x20\ \x50\x68\x6f\x74\x6f\x73\x68\x6f\x70\x20\x43\x43\x20\x32\x30\x31\ \x35\x20\x28\x57\x69\x6e\x64\x6f\x77\x73\x29\x22\x3e\x0d\x0a\x09\ \x09\x09\x3c\x78\x6d\x70\x4d\x4d\x3a\x44\x65\x72\x69\x76\x65\x64\ \x46\x72\x6f\x6d\x20\x73\x74\x52\x65\x66\x3a\x69\x6e\x73\x74\x61\ \x6e\x63\x65\x49\x44\x3d\x22\x78\x6d\x70\x2e\x69\x69\x64\x3a\x32\ \x34\x61\x61\x30\x66\x30\x35\x2d\x35\x61\x36\x35\x2d\x61\x39\x34\ \x63\x2d\x62\x39\x63\x38\x2d\x30\x36\x31\x30\x65\x38\x66\x37\x61\ \x36\x35\x32\x22\x20\x73\x74\x52\x65\x66\x3a\x64\x6f\x63\x75\x6d\ \x65\x6e\x74\x49\x44\x3d\x22\x61\x64\x6f\x62\x65\x3a\x64\x6f\x63\ \x69\x64\x3a\x70\x68\x6f\x74\x6f\x73\x68\x6f\x70\x3a\x63\x64\x39\ \x66\x31\x61\x33\x63\x2d\x38\x39\x64\x37\x2d\x31\x31\x65\x35\x2d\ \x61\x36\x32\x30\x2d\x38\x32\x63\x64\x65\x38\x65\x63\x35\x62\x30\ \x31\x22\x2f\x3e\x0d\x0a\x09\x09\x3c\x2f\x72\x64\x66\x3a\x44\x65\ \x73\x63\x72\x69\x70\x74\x69\x6f\x6e\x3e\x0d\x0a\x09\x3c\x2f\x72\ \x64\x66\x3a\x52\x44\x46\x3e\x0d\x0a\x3c\x2f\x78\x3a\x78\x6d\x70\ \x6d\x65\x74\x61\x3e\x0d\x0a\x3c\x3f\x78\x70\x61\x63\x6b\x65\x74\ \x20\x65\x6e\x64\x3d\x27\x77\x27\x3f\x3e\xff\xdb\x00\x43\x00\x02\ \x01\x01\x02\x01\x01\x02\x02\x02\x02\x02\x02\x02\x02\x03\x05\x03\ \x03\x03\x03\x03\x06\x04\x04\x03\x05\x07\x06\x07\x07\x07\x06\x07\ \x07\x08\x09\x0b\x09\x08\x08\x0a\x08\x07\x07\x0a\x0d\x0a\x0a\x0b\ \x0c\x0c\x0c\x0c\x07\x09\x0e\x0f\x0d\x0c\x0e\x0b\x0c\x0c\x0c\xff\ \xdb\x00\x43\x01\x02\x02\x02\x03\x03\x03\x06\x03\x03\x06\x0c\x08\ \x07\x08\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\ \x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\ \x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\x0c\ \x0c\x0c\x0c\x0c\xff\xc0\x00\x11\x08\x00\xa6\x00\xfa\x03\x01\x22\ \x00\x02\x11\x01\x03\x11\x01\xff\xc4\x00\x1f\x00\x00\x01\x05\x01\ \x01\x01\x01\x01\x01\x00\x00\x00\x00\x00\x00\x00\x00\x01\x02\x03\ \x04\x05\x06\x07\x08\x09\x0a\x0b\xff\xc4\x00\xb5\x10\x00\x02\x01\ \x03\x03\x02\x04\x03\x05\x05\x04\x04\x00\x00\x01\x7d\x01\x02\x03\ \x00\x04\x11\x05\x12\x21\x31\x41\x06\x13\x51\x61\x07\x22\x71\x14\ \x32\x81\x91\xa1\x08\x23\x42\xb1\xc1\x15\x52\xd1\xf0\x24\x33\x62\ \x72\x82\x09\x0a\x16\x17\x18\x19\x1a\x25\x26\x27\x28\x29\x2a\x34\ \x35\x36\x37\x38\x39\x3a\x43\x44\x45\x46\x47\x48\x49\x4a\x53\x54\ \x55\x56\x57\x58\x59\x5a\x63\x64\x65\x66\x67\x68\x69\x6a\x73\x74\ \x75\x76\x77\x78\x79\x7a\x83\x84\x85\x86\x87\x88\x89\x8a\x92\x93\ \x94\x95\x96\x97\x98\x99\x9a\xa2\xa3\xa4\xa5\xa6\xa7\xa8\xa9\xaa\ \xb2\xb3\xb4\xb5\xb6\xb7\xb8\xb9\xba\xc2\xc3\xc4\xc5\xc6\xc7\xc8\ \xc9\xca\xd2\xd3\xd4\xd5\xd6\xd7\xd8\xd9\xda\xe1\xe2\xe3\xe4\xe5\ \xe6\xe7\xe8\xe9\xea\xf1\xf2\xf3\xf4\xf5\xf6\xf7\xf8\xf9\xfa\xff\ \xc4\x00\x1f\x01\x00\x03\x01\x01\x01\x01\x01\x01\x01\x01\x01\x00\ \x00\x00\x00\x00\x00\x01\x02\x03\x04\x05\x06\x07\x08\x09\x0a\x0b\ \xff\xc4\x00\xb5\x11\x00\x02\x01\x02\x04\x04\x03\x04\x07\x05\x04\ \x04\x00\x01\x02\x77\x00\x01\x02\x03\x11\x04\x05\x21\x31\x06\x12\ \x41\x51\x07\x61\x71\x13\x22\x32\x81\x08\x14\x42\x91\xa1\xb1\xc1\ \x09\x23\x33\x52\xf0\x15\x62\x72\xd1\x0a\x16\x24\x34\xe1\x25\xf1\ \x17\x18\x19\x1a\x26\x27\x28\x29\x2a\x35\x36\x37\x38\x39\x3a\x43\ \x44\x45\x46\x47\x48\x49\x4a\x53\x54\x55\x56\x57\x58\x59\x5a\x63\ \x64\x65\x66\x67\x68\x69\x6a\x73\x74\x75\x76\x77\x78\x79\x7a\x82\ \x83\x84\x85\x86\x87\x88\x89\x8a\x92\x93\x94\x95\x96\x97\x98\x99\ \x9a\xa2\xa3\xa4\xa5\xa6\xa7\xa8\xa9\xaa\xb2\xb3\xb4\xb5\xb6\xb7\ \xb8\xb9\xba\xc2\xc3\xc4\xc5\xc6\xc7\xc8\xc9\xca\xd2\xd3\xd4\xd5\ \xd6\xd7\xd8\xd9\xda\xe2\xe3\xe4\xe5\xe6\xe7\xe8\xe9\xea\xf2\xf3\ \xf4\xf5\xf6\xf7\xf8\xf9\xfa\xff\xda\x00\x0c\x03\x01\x00\x02\x11\ \x03\x11\x00\x3f\x00\xfd\xfc\xaf\x0d\xf8\xe5\xaa\xc5\xa0\xf8\xf9\ \x9a\xe2\x6d\x73\xec\xb7\xd3\xd9\xc2\xf0\xd9\xf9\x02\x37\x20\x16\ \x1b\xdd\xfe\x74\x07\x6e\x4e\xd0\xdb\x8a\x46\x0e\xdc\x73\xee\x55\ \xe1\xff\x00\x1b\x61\x6d\x4f\xc5\x9a\xc3\x24\x7e\x6b\x58\xc0\x67\ \x8d\x36\xee\x26\x68\x2d\x1e\xe2\x33\x8f\xf7\xf6\x7e\x22\x81\xa3\ \xab\xf0\x2d\xb7\x88\x2c\x74\x67\x8a\xd4\xdb\xc8\xf0\xce\xf1\x5c\ \x4d\xe5\x22\x9b\x89\x10\xec\xf3\x31\x91\x85\x65\x55\x2a\xa3\x85\ \x42\x8a\x30\xa0\x01\xb0\xf7\x1e\x2d\x5e\x91\xda\x1f\x73\x6e\xa7\ \xff\x00\x6b\x0a\x87\xe1\x35\xcc\x69\x1c\x90\x42\xdb\xa3\x36\x76\ \xf2\x16\x27\x2c\xf2\x26\xfb\x66\x24\xf7\xf9\x6d\xd3\x9a\xec\xe8\ \x11\xc8\x2d\xff\x00\x8b\x55\xbe\x6b\x7b\x76\xfa\x5a\x27\xff\x00\ \x25\x57\x21\xf0\x7f\x5b\xf1\x44\xba\x15\xd0\x8e\xcd\x5c\x2b\xda\ \x8f\xf8\xf5\x8b\x03\x3a\x7d\xa1\xef\x74\x3d\x4f\xf9\xe2\xbd\x7a\ \xb9\x0f\x83\x91\x08\x34\x2b\x85\x1d\xcd\xa9\xff\x00\xc9\x1b\x61\ \xfd\x28\x18\x83\x56\xf1\x57\xfc\xf8\xc6\xbf\xf6\xe9\x17\xff\x00\ \x26\x53\xbf\xb4\xbc\x54\x47\xfc\x7a\xc6\x3f\xed\xc6\x33\xff\x00\ \xb7\x95\xd7\x50\x68\x11\xf3\xef\xc4\x4f\x0d\x5f\x69\x3e\x33\x9b\ \x76\x97\x6e\xed\xe2\x6b\x4f\xb3\xcb\x6c\x25\x7d\x32\x32\xf3\x5e\ \xda\xdb\xc8\xe5\xa1\x9a\x66\x2a\xe2\xe0\x34\x8b\x85\xdd\xe5\x06\ \x0c\xac\x59\x8e\xb7\xec\x9b\xa8\xbe\xbf\xa8\xea\x9a\x90\x36\xb1\ \x59\xdc\x69\x76\x91\xd9\xda\xd9\x59\xad\xad\xad\xb4\x31\x5f\x6a\ \x91\xa6\xc4\xcb\x30\x2e\x14\x3b\x16\x76\xe5\xb8\xc0\xab\x9f\x16\ \xf5\x69\x1f\xe2\xb5\xad\xc4\x6a\x24\x87\x44\x89\x46\x4f\xdd\x33\ \x7d\x9a\xf6\xec\xa7\xd4\x7d\x96\xd9\x8f\xb3\xad\x43\xfb\x26\x69\ \x69\xa1\xc5\x73\x61\x19\x63\x1d\x8e\x99\x04\x0a\x4f\x52\x13\x52\ \xd5\x97\x9f\xca\x82\xba\x1e\xcd\x45\x14\x50\x48\x51\x5c\x0f\xc5\ \xff\x00\x08\x43\xf1\x37\xc4\xba\x1f\x86\x6f\x2e\x2e\xa1\xd3\xee\ \x22\xba\xd4\xae\x56\x06\x03\xed\x02\x11\x14\x4b\x1b\x86\x05\x59\ \x33\x73\xbb\x6b\x02\x32\x8a\x7b\x0a\xe6\xfc\x63\xfb\x31\xe9\xbe\ \x1f\xf0\x96\xa7\x7d\xa2\x5f\x6a\x56\x3a\xa5\x95\xb4\x97\x36\xa6\ \xd2\x2b\x5b\x52\xf2\xc6\xa5\xd0\x31\x86\x05\x66\x05\x80\x07\x9c\ \x90\x48\xa0\x0f\x62\xa2\xab\x68\xda\xa4\x3a\xe6\x91\x6b\x7b\x6e\ \xdb\xa0\xbc\x85\x27\x8c\xfa\xab\x00\xc3\xf4\x35\x66\x80\x0a\x28\ \xa2\x80\x0a\x28\xa2\x80\x0a\x28\xa2\x80\x0a\x28\xa2\x80\x0a\x28\ \xa2\x80\x0a\x28\xa2\x80\x0a\x28\xa2\x80\x0a\x28\xa2\x80\x0a\xf3\ \x86\xb5\x8e\xf3\xe3\x14\x8b\x22\xab\x24\xd7\x5b\x1d\x4f\xf1\x03\ \x67\x22\xe3\xf1\x09\x5e\x8f\x5e\x6f\x2d\xcf\x97\xf1\x0f\x52\xba\ \x5c\xff\x00\xa1\xea\x1a\x79\x1f\x2e\x7f\xd6\xbc\xd6\xa7\x1f\xf7\ \xd9\xe7\xd8\xd0\x06\x7f\xec\xff\x00\x34\xcb\xa3\xf8\x55\x0b\xb0\ \x8a\x3d\x14\xc4\xf9\x19\xf3\x5d\xa2\xb2\x9d\x72\x7d\x47\x99\x37\ \x1d\xf9\x3d\xab\xd6\x2b\xc6\xbe\x0c\xdf\xc3\xa5\x78\x3f\x41\x96\ \xe2\x68\xed\xad\x6c\x66\x4f\x32\x67\x70\x88\xb1\xac\x37\x56\x88\ \x58\x9f\x5f\x25\x39\x3c\x64\x8a\xf4\x69\x3e\x2a\x78\x66\x2f\xbd\ \xe2\x3d\x05\x3f\xde\xd4\x22\xff\x00\xe2\xa8\x03\x7e\xb8\xff\x00\ \x84\x8c\x7e\xcd\x7c\xbf\xdd\x16\xb8\x3e\xbf\xe8\x90\x8f\xe9\x56\ \x9f\xe3\x3f\x83\xe2\x3f\x37\x8a\xfc\x34\xbf\x5d\x52\x0f\xfe\x2a\ \xb9\x5f\x87\x9f\x17\xfc\x27\xa6\x2c\xde\x77\x8a\x3c\x37\x17\x99\ \x05\xb9\xf9\xb5\x38\x7a\x85\x65\x23\xef\x75\x1b\x47\xe6\x28\x03\ \xd4\x28\x6e\x45\x72\xa7\xe3\x97\x83\xbf\x87\xc5\x1a\x13\xff\x00\ \xb9\x78\x8d\xfc\x8d\x27\xfc\x2e\xff\x00\x09\xb1\xc2\xeb\x96\x2e\ \x4f\x1f\x21\x2d\xfc\x85\x00\x70\x3e\x26\x6f\xed\x0d\x4f\x58\xba\ \x6f\x9a\x3b\xab\xdd\x5e\x54\x1e\x8d\x06\x9e\x96\x99\xff\x00\xc7\ \x24\xff\x00\xbe\x8f\xb5\x5d\xfd\x9c\xff\x00\xd1\x35\xbb\x9d\xff\ \x00\xf3\x10\xb3\x9b\xca\xff\x00\xb6\x1a\xae\xa1\xbf\xff\x00\x4a\ \x23\xac\xfd\x36\x65\xf1\x2f\x85\x34\x99\xec\xff\x00\x7d\x1e\xae\ \x7c\x47\x73\x6c\x46\x47\x98\x93\x4d\x33\xa7\x5f\x50\xeb\xd6\xae\ \x7c\x06\xbb\x4b\x9d\x53\xc3\xf3\x23\x6e\x8e\xf2\xc7\x5c\x92\x33\ \xea\xa3\x54\x8c\xff\x00\x29\x16\x90\xcf\x60\xa2\x8a\x29\x88\xe5\ \xa0\x3f\xda\x1f\x1a\xee\xb7\x11\xff\x00\x12\x9d\x12\x1f\x2c\x77\ \x1f\x6a\x9e\x5d\xdf\xfa\x48\x95\xd4\x32\xee\x5c\x11\x90\x78\x20\ \xf7\xac\x6f\x14\x7c\x3f\xd1\x3c\x5b\x32\xdc\x6a\x5a\x55\x8d\xe5\ \xcc\x28\x52\x29\xe4\x84\x19\xa2\x5e\xb8\x57\xfb\xca\x33\xd8\x11\ \x5c\x0f\xc2\x2f\x86\x9a\x17\x88\xac\xb5\x4f\xed\x2d\x36\x1d\x51\ \x6d\x6e\xad\xe3\x89\x2f\x99\xae\x91\x14\xd8\x5a\x48\x78\x90\xb0\ \xe5\xdd\xcf\xd5\x8d\x00\x75\x7f\x03\xe6\x51\xf0\xcb\x4d\xb4\x59\ \x16\x45\xd2\x7c\xdd\x28\x32\xb6\xec\xfd\x96\x57\xb7\xeb\xf4\x8e\ \xba\xda\xaf\xa7\x69\x76\xfa\x3d\x9c\x36\xd6\xb0\xc3\x6d\x6d\x6e\ \x81\x22\x86\x24\x09\x1c\x6a\x3a\x05\x51\xc0\x03\xd0\x55\x8a\x00\ \x28\xa2\x8a\x00\x28\xa2\x8a\x00\x28\xac\xcd\x53\xc5\xfa\x7e\x8b\ \x7b\x15\xbd\xd5\xd4\x70\xcb\x33\xc7\x1a\x86\x07\x01\xa4\x62\xb1\ \x86\x38\xc2\xef\x61\xb5\x77\x63\x71\xe0\x64\xd5\x2f\x16\xfc\x44\ \xb7\xf0\x85\xfd\xad\xb4\xb6\xb7\x97\x13\x5e\x00\x50\x45\xe5\xaa\ \x8c\xc9\x1c\x4a\x0b\x48\xea\xbb\x9a\x49\x63\x40\x01\x24\x96\x1c\ \x01\xcd\x00\x74\x14\x55\x5d\x13\x58\x87\x5f\xd2\x6d\x6f\xad\x9b\ \x7d\xb5\xec\x29\x71\x0b\x15\x2a\x59\x1d\x43\x03\x83\xc8\xe0\x8e\ \x29\xc9\xaa\x40\xda\x8b\x59\xf9\xd1\x7d\xa9\x50\x4b\xe5\x6e\x1b\ \xf6\x13\x8d\xd8\xeb\x8c\xf1\x9a\x00\xb1\x45\x19\xa2\x80\x0a\x28\ \xa0\x9c\x50\x01\x45\x19\xa3\x39\xa0\x02\x8a\x28\xa0\x02\xbc\xa7\ \xc3\x96\xad\x2f\x89\x66\x55\xca\xae\xac\x34\xeb\xb8\xf9\xcf\x5d\ \x43\x50\xbc\x27\xf1\x51\xd3\xb6\x7d\xab\xd5\x25\x2c\x22\x6d\xbc\ \xb6\x0e\x3e\xb5\xc0\xf8\x6a\xd6\x1b\x5d\x5f\x47\xbc\x79\xa3\x5b\ \x3b\x3d\x06\xde\xe6\x47\x6e\x16\x11\x1a\x48\x88\x49\xe9\x82\xb3\ \x4c\x7d\xb6\x7b\xf0\x01\xcb\xf8\x23\x46\x5b\xef\x84\x90\xaa\xae\ \xd5\x5d\x3f\x46\xb4\x71\x9c\x08\xdd\x26\xf3\x98\xee\x20\x81\x8f\ \x38\x1c\x90\x71\x8c\xf3\xd2\xae\x43\xf0\xab\xc4\xc8\xbf\xf1\xeb\ \x1a\xff\x00\xdc\xd5\x2c\x7f\xfa\x05\x90\xa3\xe1\xb2\xdc\x4d\xfb\ \x29\xc9\xa8\x6d\x92\x3b\x8d\x43\x41\xfb\x54\x48\xeb\xb5\x94\xad\ \x9a\x22\x12\x0f\xa9\x8c\x3f\x3f\xde\xc7\x6a\xf5\xc0\x73\xf9\xd0\ \x07\x95\xc5\xf0\xd7\xc5\x01\x76\xf9\x7e\x5f\xb8\xf1\x8d\xf3\x7f\ \xe8\x36\xeb\x52\x0f\x85\x3e\x24\x97\xef\x5e\x2c\x7f\x5f\x11\xea\ \xb2\x7f\x29\x12\xbd\x42\x8a\x56\x03\xcb\x5b\xe0\xb7\x88\x25\x3c\ \xeb\x9e\x5f\xd3\x55\xd6\x5b\xff\x00\x6f\x45\x39\x3e\x07\xeb\x87\ \xef\x78\x8e\x3e\x3f\xbd\x3e\xaf\x27\xf3\xd4\x6b\xd4\x28\x3d\x29\ \x81\xe0\xf6\xb2\xdc\x78\x67\xe1\xcd\x94\x51\xc9\x9b\xcd\x07\x42\ \xf1\x2a\x6f\x00\xe0\xc9\x6f\x3a\x45\xbb\xe6\x66\x6c\x16\xe4\x65\ \x98\xe0\xf2\x4f\x5a\xdf\xf8\x5b\x65\x0e\x89\xe3\x4f\x0f\xda\xc4\ \x36\xdb\xc1\x1f\x89\x6d\x61\xcf\xfb\x3a\xa5\xbe\xd5\xff\x00\xbe\ \x50\xfe\x55\x55\x7c\x3a\xde\x27\xf1\x86\xbf\xa1\xc6\xeb\x1a\xdc\ \x59\xeb\xf6\xa8\xe4\x74\x37\x0d\x60\xe4\x9f\xa3\x48\xd4\x9f\x0e\ \xf5\xf4\xf1\x17\x84\x3c\x0d\xe2\x20\xbe\x4c\x37\x7e\x25\xbe\x9d\ \xf2\x73\xe5\xad\xd7\xdb\x55\x54\x9e\xf9\x96\x48\x87\xd7\x14\x8a\ \x3d\x92\x8a\x01\xcd\x14\xc9\x11\xd7\x7a\x95\xf5\xae\x4b\xe1\x6d\ \x94\x7a\x6e\xab\xe2\xdb\x68\x81\x11\x5b\xea\xf1\xc4\x80\x9c\xe1\ \x57\x4f\xb3\x03\x9f\xa0\xae\xba\xb9\x6f\x87\x9f\xf2\x32\x78\xd3\ \xfe\xc3\x6b\xff\x00\xa4\x36\x74\x01\xd4\xd1\x45\x35\xe6\x58\x95\ \x99\x99\x55\x54\x64\x92\x70\x00\xa0\x07\x51\x50\x69\xda\xa5\xae\ \xb1\x67\x1d\xc5\xa5\xc4\x17\x56\xf2\x8c\xa4\xb0\xc8\x1d\x1c\x7a\ \x82\x38\x35\x3d\x00\x14\x51\x40\x39\x34\x01\xe6\x7f\xb4\x0f\x86\ \xf5\x2b\x2b\x4b\x5f\x11\xf8\x7f\x45\x6d\x7b\x5a\xd3\xee\x62\x56\ \xb7\x13\x2c\x6c\x90\x16\x1e\x6b\xa7\xee\xdd\x99\xb6\xaa\x83\x1a\ \xe0\xc8\x14\x0d\xca\xc1\x5d\x79\x2f\x85\xf1\x7c\x41\xfd\xa1\x34\ \xcd\x0f\xc6\x1e\x22\xb3\xd2\x7c\x1a\xf6\x9a\xad\xd5\xad\xcf\x84\ \xe6\x8c\x6a\x48\x6c\x51\xe5\x82\x41\x24\xfb\x51\x85\xcb\x95\x8e\ \x41\xb4\x6c\x40\x81\x08\x6d\xcc\xd5\xea\x9e\x3f\xd0\xec\xee\xe5\ \xd3\x6f\xaf\x2d\xad\x6e\xed\x6c\xe7\x31\xce\x97\x30\xac\x88\xb1\ \xcb\x85\x2c\x03\x0c\x29\x57\x11\x92\xdd\x94\x3f\xaf\x19\x9a\xd7\ \x81\xfc\x3b\x77\x79\x63\xa7\xe9\xba\x56\x87\x14\xf7\x13\x8b\x89\ \x9e\xde\xd6\x20\xf1\x43\x1b\x07\x90\xfc\xa3\xab\x31\x48\xf3\x90\ \x47\x9a\x58\x74\x34\x01\xd4\x6b\x3a\x92\x78\x67\x48\xf3\x96\xde\ \x49\x95\x1a\x38\x63\x86\x10\xaa\x49\x67\x54\x50\x32\x42\x8e\x58\ \x75\x20\x01\x5c\xbe\xa1\xe3\xcd\x37\xc4\x2d\x0d\xac\xda\x7f\x9f\ \x23\xbe\x21\x0b\xa9\x59\x89\x43\xee\x74\x1e\x59\x59\x83\x2b\x6e\ \x8e\x45\x05\x48\x39\x46\x1d\x41\xc7\x45\xe3\x76\x54\xf0\xe4\x92\ \x49\xf2\xc7\x0c\xd0\x4a\xe4\xf4\x55\x59\x91\x89\x3e\xc0\x0c\xe7\ \xda\xbc\xe7\xc3\x5f\x14\x5a\xe7\xc3\xde\x0b\xd4\x66\xf1\x74\x57\ \x0f\xaa\xdd\x2a\xea\x11\x33\xda\x79\x61\x0c\x13\x31\xce\xd4\x0c\ \xa0\x3a\xa0\xce\x47\x20\x02\x79\xe4\x03\xac\xb6\xd6\xbc\x45\xa4\ \x5c\xa8\x5d\x0f\x51\xd4\x6c\xd8\x85\x22\x69\xed\x52\xe2\x11\xea\ \x18\x4b\xb6\x40\x38\xe1\x82\x9e\xa4\xb3\x1e\x2b\xa4\xd0\x75\x75\ \xd7\xb4\x7b\x5b\xc5\x8e\x48\x56\xea\x25\x95\x51\xf1\xb9\x03\x0c\ \xe0\xe0\x91\x91\xec\x48\xaf\x90\xfe\x0a\xfc\x19\xf1\xb7\x81\x7f\ \x6f\xdf\x16\x7c\x44\xf1\x5f\xc5\x4d\x13\x53\xf0\x66\xa8\x97\xbf\ \x62\xb7\x4f\x10\xba\x8f\x2a\x49\xc9\xb2\xb2\x7b\x5c\xac\x5b\x6d\ \xe2\x69\x08\x76\xde\x43\x31\x2b\xcc\x8e\x47\xd5\xdf\x0e\x4f\xfc\ \x5b\xed\x0b\xe6\xdd\xff\x00\x12\xeb\x7e\x73\xd7\xf7\x6b\x40\x1b\ \x55\xcc\x7c\x46\xd5\xde\xdc\xe9\xf6\x30\xbc\xcb\x35\xe4\xa1\x99\ \x62\x98\xc2\xcc\x81\x91\x06\x1d\x72\x54\x79\xd2\xc0\x18\x80\x7e\ \x42\xdd\x7a\x1e\x9c\x9c\x0a\xf3\xbf\x15\xea\x77\x4b\xe3\xeb\x6d\ \x42\x1b\x59\xae\x2d\x6c\x66\x10\x19\x12\xd6\x6b\x85\x8c\xa6\xd1\ \x21\x02\x25\x76\xcb\x25\xc4\xcb\x8c\x01\xbe\x04\xcb\x61\x48\xa0\ \x0c\xcf\x1b\xeb\xbe\x35\xf0\x56\xb1\xa3\xa5\xbe\x9f\xa8\x6a\x1a\ \x6e\xa5\x74\xb6\x73\x4b\x69\xaa\x41\x2f\xf6\x7e\xf6\x55\x49\x1c\ \x4d\x68\x19\x81\x66\x03\xfd\x67\x1e\xf5\xe8\x3e\x0a\xba\xb8\xbe\ \xf0\xf4\x73\x5c\xcc\xb7\x0d\x23\xc9\xe5\xcc\xa8\x13\xce\x88\x3b\ \x08\xdf\x03\x8f\x99\x36\x9e\x30\x39\xe9\x5f\x3f\xfc\x13\xf1\x2f\ \x88\x6f\xbe\x1c\xf8\xb3\x5f\xd5\xb4\x36\xd1\x75\xe4\xd6\x35\x9b\ \xa8\xad\x62\xb5\x2a\xc0\x35\xed\xc4\x5a\x58\x65\xc9\x32\x33\xc3\ \x2b\x4c\xe0\x92\xc1\x9d\x41\xd8\x02\xc6\xbf\x40\x78\x1e\xfe\xd7\ \x51\xf0\xb5\x9b\x59\xaa\xa5\xbc\x71\x2c\x48\x81\xf7\x88\xc2\x8d\ \xb8\x0d\xdc\x71\xc1\xfe\x20\x41\xe8\x68\x03\x5a\x8a\x28\xa0\x0a\ \x7e\x20\xd4\x9b\x47\xd0\xef\x2e\x96\x39\x26\x6b\x68\x24\x94\x47\ \x1a\x17\x79\x0a\xa9\x20\x2a\x8e\x49\x38\xc0\x03\xa9\xaf\x18\xd7\ \xb5\xbb\x8b\x9f\x08\x5c\x58\xc3\x0d\xbb\x69\xba\x8b\x45\xa3\xa6\ \xa0\xb7\x68\xb1\xb5\xad\xac\x3b\xe4\x52\xaf\x81\xb2\x47\xf3\x62\ \x04\x16\x3f\xbd\x24\x80\x14\x9a\xf7\x22\xbb\x8d\x35\xe0\x59\x07\ \xcc\x37\x73\x9c\x11\xde\x80\x38\xeb\xfd\x46\x1b\xef\x06\x36\x8b\ \x6d\x63\xaa\xc2\x97\x70\x26\x9f\x03\x35\x93\xed\x31\xb8\x11\x79\ \x80\xe0\x85\x0a\xad\xbb\x0f\xb4\xfc\xbd\x2b\xb3\x04\x01\x49\xe5\ \xe3\xd6\xbc\x97\x53\xd6\xf5\x49\x35\x69\xe3\x4d\x43\xc5\xd7\xd7\ \x77\x9a\xcd\xdd\x9d\xbd\x9e\x9b\x2d\x94\x29\x04\x51\x29\x7d\xc4\ \xcc\xab\xf2\x81\xb5\x7e\xf1\x39\x61\xdb\x24\x00\x7a\xe6\x72\x68\ \xcf\x35\xe5\x1f\xd9\x5e\x28\x93\xfe\x5c\x7c\x77\xff\x00\x03\xd6\ \xec\x17\xff\x00\x41\xcd\x07\xc3\x7e\x29\x97\xfe\x5c\x3c\x51\xff\ \x00\x03\xf1\x3c\x69\xff\x00\xa0\xa5\x00\x7a\xbe\xea\x8e\xee\x56\ \x8a\xda\x46\x8e\x3f\x3a\x45\x52\x56\x30\x42\xef\x20\x70\x32\x78\ \x19\xe9\x93\x5e\x5b\xff\x00\x08\x6f\x8a\x64\x1f\xf2\x0e\xd5\xbf\ \xed\xa7\x8c\xe7\x5f\xfd\x06\x23\x49\xff\x00\x08\x17\x8a\x89\xff\ \x00\x90\x6c\xdf\xf0\x2f\x1e\xea\x03\xf9\x5b\xd2\x1d\x86\x78\x1b\ \xc2\x9e\x36\x5d\x42\xcb\x58\x97\x4c\xd1\xf4\x9b\xe1\x1d\xf1\xba\ \x8a\xf2\xf0\xcf\x24\xb2\x5d\x4d\x14\xc4\x62\x20\x54\x2c\x5e\x52\ \xc6\xa7\x7b\x16\x51\xc8\x5a\xa3\xe0\x2f\x82\x3e\x22\xbb\xf0\x81\ \xf0\xf6\xad\xaa\x6a\x3a\x2f\x87\xe2\xb3\xb7\x89\x6d\xa0\x16\xaf\ \x70\x6e\x55\x14\x48\xf1\x49\xb6\x4f\x2a\x20\xe8\x24\x43\x9f\x34\ \x48\xec\x41\x40\x8a\x0e\x90\xf8\x7b\xe2\x92\x39\xd3\x5b\xf1\xf8\ \x83\xa9\x8f\xe5\x6f\x55\xf5\x3f\x0e\x6b\x1e\x1a\x16\x73\xea\x7a\ \x6d\xd2\xd9\x5c\x5f\x5a\xd9\x48\xf6\xde\x3d\xd4\xe6\x96\x3f\x3e\ \x74\x84\x30\x46\x89\x03\x61\xa4\x04\x8d\xc3\x80\x68\x03\xd5\xf4\ \xdb\x56\xb1\xd3\xe1\x81\xa6\x9a\xe1\xa1\x8d\x63\x32\xca\x41\x92\ \x52\x06\x37\x31\x00\x0d\xc7\xa9\xc0\x03\x27\xa0\xa9\xeb\x91\xf8\ \x21\x75\x75\x71\xe0\x59\x23\xbb\x92\x79\x9a\xcb\x56\xd4\xec\x61\ \x79\xe7\x79\xe5\x68\x20\xbf\xb8\x86\x2d\xce\xec\xcc\xcd\xe5\xa2\ \x02\x58\x92\x71\x93\x5d\x75\x31\x05\x72\xdf\x0f\x3f\xe4\x64\xf1\ \xa7\xfd\x86\xd7\xff\x00\x48\x6d\x2b\xa9\xae\x5b\xe1\xe7\xfc\x8c\ \x9e\x34\xff\x00\xb0\xda\xff\x00\xe9\x0d\xa5\x00\x6e\xf8\x83\x5d\ \xb5\xf0\xbe\x83\x7b\xa9\x5f\x4f\x1d\xad\x8e\x9f\x03\xdc\xdc\xcc\ \xe7\x0b\x14\x68\xa5\x9d\x89\xf4\x0a\x09\xfc\x2b\xf2\xc7\xfe\x0a\ \x39\xff\x00\x05\xac\xf0\xee\x85\xe3\xd9\x7c\x1b\x6b\xe1\x6b\xbf\ \x17\x69\x36\xd6\x8c\x2f\x34\xc9\x6f\xad\xe3\xd2\xf5\x33\x70\xae\ \x8d\x1d\xd9\x11\x4a\xee\x23\x8b\x1f\xbb\x46\x45\x26\xe0\x87\x0f\ \xe5\xe0\xfe\x84\x7e\xdb\x17\x37\xd6\xff\x00\xb2\x6f\x8f\x97\x4d\ \xb7\xb8\xbb\xbe\xb8\xd1\xe6\xb6\x86\x18\x63\xf3\x1e\x56\x94\x79\ \x78\xdb\xfc\x40\xee\xe4\x77\x19\xeb\x5f\xcf\xff\x00\x8e\xff\x00\ \xe0\x94\x3f\x14\x35\x33\x71\x77\x69\x1c\x3a\x7a\xcc\xa8\xf0\x69\ \xb7\x4d\xe4\x48\xa1\xbe\xf4\x7b\x59\x89\x45\x4e\x06\x1c\x86\x1d\ \x30\x71\x5e\x4e\x61\x8a\x50\x9a\x84\xa5\x65\x63\xd8\xcb\x70\x8e\ \xa4\x5c\xe3\x1e\x66\x9e\xd7\xb7\xcc\xfa\x7b\xfe\x09\x69\xff\x00\ \x05\x5f\xf0\xef\xc1\xaf\xda\x57\x52\xd2\x66\xf0\xb4\xde\x0f\xf0\ \x1f\x8f\x6e\x37\xdd\xe9\xf6\x9a\x84\x97\x76\x7a\x15\xe6\x5b\x64\ \xf1\xc6\xea\x58\x02\xa0\x2c\x82\x36\x55\x2a\x15\x82\x03\x18\x53\ \xfb\x66\x87\x2b\x5f\xcd\x15\xe7\xfc\x13\xff\x00\xe2\x07\xec\xf7\ \x6a\xba\xd5\xe5\xa4\xd7\x8b\x6b\x04\x7f\x6b\xb9\xb4\x7f\x35\x6e\ \x66\x79\x19\x42\x82\x71\xb4\xed\x75\x5c\x91\xc6\x0b\x67\xb0\xfe\ \x93\x3c\x1d\x05\xe5\xa7\x84\x74\xb8\xb5\x06\x56\xbf\x8e\xce\x24\ \xb9\x2b\xf7\x4c\xa1\x00\x7c\x70\x38\xdd\x9e\xc2\xab\x2d\xad\x19\ \x5e\x14\xdd\xe2\x8a\xcd\xf0\xf2\x87\x2d\x4a\x8a\xd2\x7f\xa5\xac\ \x69\x57\x2b\xf1\x2f\xe1\x8c\x7f\x12\x23\xd3\xd6\x4b\xeb\x9b\x3f\ \xec\xf9\xda\x65\x08\x89\x24\x73\x6e\x46\x4c\x3a\xb8\x20\x81\x9c\ \x83\xd4\x10\x3d\xeb\xaa\xa3\x35\xea\x1e\x29\xe6\x2d\xfb\x38\xab\ \x46\xcb\xfd\xac\x9b\x58\x60\xab\x58\x26\x08\xf4\x21\x58\x71\x50\ \xda\xfe\xcd\xad\xa6\x86\xfb\x2e\xa9\x6d\x6f\xbb\x1b\xbc\xab\x29\ \x23\xdd\x8e\x99\xdb\x38\xe9\x93\xf9\xd7\x73\xff\x00\x0b\x17\x47\ \x6b\x89\x23\x8e\xe6\x4b\x85\x85\xb6\xc9\x2d\xbd\xb4\xb3\x40\x8d\ \xdd\x4c\x88\xa5\x03\x0e\xea\x4e\x47\x19\x03\x34\x8d\xf1\x33\xc3\ \xb1\xb6\xd9\x35\xdd\x26\x17\xfe\xe4\xb7\x69\x1b\x7e\x4c\x41\xa0\ \x77\x67\x1d\xff\x00\x0a\x1b\x52\x53\xf2\xeb\xf1\x8f\xac\x57\xbf\ \xfb\x2d\xe0\xa6\x58\x7c\x04\xd5\x34\x7b\x38\xad\xec\xf5\xdb\x4b\ \x4b\x78\x57\x64\x71\x43\x1e\xa5\x1c\x71\xa8\xec\x15\x75\x00\x00\ \xf6\x15\xd9\x37\xc5\x2f\x0c\xa3\x05\x6f\x11\xe8\x2a\xcc\x70\x01\ \xbf\x8b\x9f\xfc\x7a\xb5\x34\xfd\x6e\xcf\x57\x5d\xd6\xb7\x76\xb7\ \x4b\x8c\xe6\x19\x55\xff\x00\x91\xa0\x57\x3c\xc7\x5a\xfd\x9d\xb5\ \x2f\x12\x5b\x45\x0e\xa1\xad\xd8\xdf\xc3\x04\xf1\xdc\xc7\x1c\xeb\ \xaa\xba\xc7\x2c\x6c\x1e\x37\x00\xea\x47\x0c\xac\x03\x03\xd4\x10\ \x0d\x5c\xff\x00\x85\x39\xe2\x28\xc7\xfc\x8c\x11\xb7\xfd\xbe\x6a\ \xcb\xff\x00\xb7\xc6\xbd\x32\x8a\x00\xf3\x13\xf0\x9f\xc5\x09\xf7\ \x75\xa8\xcf\xfd\xc4\xb5\x21\xfc\xe7\x6a\xcf\xbb\xf8\x0f\xad\x5d\ \xdd\x35\xc4\x93\x69\xf2\x5c\x3f\xde\x9b\xfb\x42\xed\x64\x3f\xf0\ \x23\x96\xfd\x6b\xd7\xa8\xa2\xc0\x79\x0d\xbf\xc1\x5f\x13\x59\x5c\ \xc7\x34\x77\xd2\x33\x42\xdb\x90\x3f\x88\xaf\x19\x14\xfa\xed\x78\ \x99\x78\xed\xc7\x1f\x5a\xec\x3e\x0e\x78\x1b\x50\xf0\x17\x87\xee\ \x2d\x6f\xe6\x85\xb7\xcc\x3e\xcf\x14\x52\x99\x56\xda\x14\x8a\x38\ \x91\x37\x94\x42\xe7\x09\x9c\x95\x18\xc8\x5e\x42\xe4\xf5\xd4\x50\ \x01\x45\x14\x50\x01\x45\x14\x85\xb1\x40\x0a\x4e\x0d\x78\xaf\x85\ \xfc\x6d\xa7\xda\xfc\x5c\x9e\xfb\x6e\xa7\x71\xa7\xc3\x26\xaa\x16\ \xe6\xdb\x4c\xb9\xb8\x81\xde\x49\x2c\x42\xec\x78\xe3\x65\x6c\xf9\ \x53\x8c\xa9\x23\xe5\x6a\xec\xb5\x4b\x99\xbe\x2c\xea\x33\x69\x76\ \x72\x49\x0f\x86\xed\x24\x68\x75\x2b\xd8\x98\xa3\x6a\x0e\xa7\x0d\ \x6b\x0b\x0e\x42\x03\x91\x2c\x83\xde\x35\x3b\xb7\x98\xfb\x2b\x2b\ \x18\x74\xdb\x38\xad\xed\xe2\x8e\x0b\x78\x10\x47\x14\x51\xae\xd4\ \x8d\x40\xc0\x55\x03\x80\x00\xe0\x01\xd2\x80\x39\xb3\xf1\x87\x47\ \xed\x0f\x88\x8f\xfb\xbe\x1e\xd4\x1b\xff\x00\x68\xd2\x8f\x8b\xda\ \x49\xff\x00\x97\x5f\x14\x7f\xe1\x35\xa8\xff\x00\xf1\x8a\xea\x71\ \x46\x28\x03\x97\x3f\x17\x74\xb1\xff\x00\x2e\x5e\x28\x6f\xfb\x97\ \x35\x01\xfc\xe1\xa6\x9f\x8b\x9a\x7f\x6d\x37\xc5\x27\xfe\xe5\xfb\ \xdf\xeb\x15\x6f\xdc\x6a\xd1\x5b\xca\x55\xb7\x64\x75\xc0\xa6\x7f\ \x6d\xc5\xfd\xd7\xa5\x74\x06\x17\xfc\x2d\xbb\x3e\xda\x4f\x8a\x9b\ \xfe\xe0\x57\x43\xf9\xa5\x61\xfc\x40\xf1\xb7\xfc\x25\x1a\x45\x9d\ \xbd\xae\x8b\xe2\x6d\xd0\xea\x76\x37\x6f\xbf\x48\x9d\x46\xc8\x6e\ \xa2\x95\xff\x00\x87\xae\xd4\x38\x1d\xcd\x77\x0d\xae\x45\x9f\xba\ \xdf\xa5\x23\x6b\xb1\x63\xee\xb7\xe7\x47\x32\x19\xcd\xfc\x00\xd4\ \xe3\xd6\xbe\x15\xd8\xea\x11\xf9\x8b\x1e\xab\x71\x79\x7f\x18\x91\ \x0a\x3e\xd9\xae\xa6\x95\x77\x29\xe5\x5b\x0e\x32\x0f\x20\xf0\x6b\ \xb4\xae\x5b\x44\xd3\x21\xf0\xe7\x88\x35\x0b\xab\x39\x1e\x3b\x2d\ \x49\xbc\xf9\x6c\xb6\xe6\x34\xb8\x27\xe7\x99\x0e\x7e\x5d\xfd\x59\ \x71\x82\xc3\x77\x0c\xce\x5b\x64\x6b\xea\x4e\x36\x1f\xcf\xff\x00\ \xad\x4b\x99\x08\xd0\xae\x5b\xe1\xe7\xfc\x8c\x9e\x34\xff\x00\xb0\ \xda\xff\x00\xe9\x0d\x9d\x69\xb7\x8a\x23\x17\x0d\x0e\xd3\xe6\x28\ \x0c\xc3\x3d\x14\xf4\x3d\x3d\x43\x7e\x55\x57\xc3\xf6\x71\xe8\x77\ \xba\xbd\xd7\x98\x48\xd6\x2f\x05\xe3\x07\xc2\xf9\x64\x43\x14\x3b\ \x47\xaf\x11\x03\x9f\xf6\xa9\xf3\x20\x36\x35\x6d\x3e\x3d\x53\x4f\ \x92\xde\x65\xdd\x1c\x83\x04\x60\x1f\xd0\x82\x38\xeb\xd2\xbf\x36\ \x7e\x22\x78\x17\xc7\x92\xfe\xd7\x77\xeb\xff\x00\x09\x56\x91\x2f\ \x86\xef\x91\xa2\x83\x4b\xf2\x4f\xda\xbc\xe8\xc0\xcc\xaa\xe4\xb0\ \x68\x99\x76\xb7\xca\x54\x65\x87\x04\x9e\x7e\xfa\xf8\xa3\xe3\x7d\ \x4f\x49\xf0\xd4\xdf\xd8\x3a\x3c\x5e\x20\xbc\x90\x18\xcc\x0f\x70\ \x21\x54\x04\x72\xc4\x1e\x58\x7f\xb2\xbf\x31\xed\xed\xf1\x77\xed\ \x43\xf0\x87\xe2\x07\xc4\x0d\x36\xf3\x5e\xf0\xfd\xf6\x81\x69\xae\ \x69\xe7\xce\x31\x5b\xc3\x3c\xd3\x4d\x04\x2a\xe1\xed\xe3\x8e\x15\ \x5f\x9b\xe5\x55\x40\xae\x41\xc2\xa9\xc8\x20\xd7\x81\x9d\x3e\x67\ \x18\x24\xef\xe9\xa5\xbd\x7f\xc8\xfa\x8e\x1b\x82\xf6\x8f\x9e\x49\ \x27\xa6\xaf\xaf\x9a\x5a\xdb\xf3\x2e\x7e\xc4\x9e\x0a\xf1\x17\x8e\ \xbc\x51\xad\x69\xbf\x10\xef\x3c\x39\xa8\xf8\x77\xc4\x13\x88\xf4\ \x9b\x4b\x06\xfb\x44\x73\x5b\x2a\x99\x0f\x98\xe1\x10\x87\x90\x23\ \x02\x0b\x32\xe1\x46\x09\x27\x07\xef\x84\x39\x5a\xf9\x3f\xf6\x2c\ \x9a\xf6\x0d\x32\xd6\xe2\xdf\x45\x8e\x44\x9a\x53\x3c\xab\x77\x10\ \x49\x2d\x8e\x19\x55\xfc\xc1\x95\x8d\xf6\xb3\x02\x83\x3d\x71\xd7\ \x24\xfd\x4f\x16\xa7\x1b\x63\xe6\x5e\x99\xc1\x38\x35\xd3\x93\x5b\ \xd8\x73\x25\xbb\x38\x73\xe6\xfe\xb4\xd7\x62\xd5\x72\xbf\x18\xf4\ \x04\xf1\x57\x84\x23\xd3\x65\x60\xb0\x5e\x5f\xda\xc7\x28\x2a\x59\ \x5d\x7c\xe4\x3b\x48\x04\x64\x12\x06\x46\x79\xe9\xd2\xb7\x2e\xb5\ \xc8\xac\xc6\x65\x3e\x5a\xe4\x28\x24\xf5\x24\x80\x07\xe2\x48\xaa\ \x3a\xdb\x8d\x72\x0b\x74\x0d\xe5\x79\x17\x31\x5c\x64\xfc\xdb\x82\ \x38\x62\x3f\x1c\x62\xbd\x6e\x64\x78\xa7\x33\x73\xf0\xfa\xff\x00\ \xc3\x76\x32\x5c\x5c\x78\xa2\xd6\xcf\x4d\xb4\x8f\x2c\xd3\x9b\xb8\ \x92\x14\x51\xd4\xb7\xdb\x15\x42\x81\xec\x00\xac\xbd\x6a\xc0\x5a\ \xae\x5b\xc7\xda\x05\x9e\xd6\x50\x4c\xf7\x77\xbd\xc8\x00\x7f\xc8\ \x45\x7a\xe4\x01\xf5\x15\xd6\x7c\x4d\xf0\x46\x81\xf1\x9f\xc0\x3a\ \xa7\x85\xfc\x4b\xa7\xae\xa9\xa1\xeb\x10\xf9\x17\x96\xcc\xed\x1f\ \x9a\x99\x07\xef\x29\x0c\xa4\x10\x08\x20\x83\x91\x58\xfa\xf7\xc0\ \x9f\x05\x78\xa3\xe1\xca\x78\x47\x52\xd2\x25\xd4\x3c\x2f\x1c\x50\ \xc0\x34\xbb\x9b\xd9\xe5\xb6\x31\xc2\x54\xc4\x85\x59\xcf\xca\xa5\ \x10\x81\xd3\xe5\x14\xc0\xbb\x1f\x81\xbc\x41\x65\x10\xd9\xaa\xc3\ \x3b\x0e\xe2\x6b\xb8\xb3\xff\x00\x7d\xcd\x2f\xf5\xae\x2f\xc6\x9e\ \x1f\x12\x78\x22\xe3\xc5\x5a\x84\x5a\x7c\xd7\x7a\x2d\xef\xee\xd6\ \x78\x8d\xcb\x43\x24\x17\x9e\x51\x91\x64\x7f\x95\x72\x14\x90\xd1\ \xc4\x8e\x01\xfb\xc4\xe4\x9f\x5f\x5d\x4e\x35\xe3\xe6\xfc\xba\x57\ \x3b\xff\x00\x08\xf4\x9f\xf0\x8b\x49\x60\xb3\x45\xe6\xbe\xa6\xf7\ \xc1\xf9\xdb\xb5\xaf\x8d\xc6\x3a\x75\x0a\x71\xf5\xf6\xe6\x80\x33\ \xdb\xe3\x3e\x9a\x1b\x1f\xf0\x92\x78\x4f\xfe\xff\x00\x93\xfd\x68\ \x3f\x19\xf4\xdf\xfa\x19\xfc\x27\xff\x00\x7f\x1b\xff\x00\x8a\xae\ \x9f\x57\xd5\xef\x20\x8f\x36\x36\x71\x5e\x3f\x1f\x2c\x97\x1e\x4f\ \xfe\xca\xdf\xfd\x7a\xc0\xf0\x97\xc5\x3b\x9f\x10\xea\xd6\x56\xb7\ \x5a\x3d\xd6\x9e\x75\x08\x9e\x58\x98\x89\x5c\x28\x50\x09\xdc\xc6\ \x25\x4c\x10\x46\x08\x63\x92\x57\x8e\x72\x24\x0a\xff\x00\xf0\xb9\ \x74\xdf\xfa\x1a\x7c\x27\xff\x00\x7d\x31\xff\x00\xd9\xeb\x43\xc1\ \xdf\x13\xec\xfc\x51\xae\xcd\xa7\x47\xa8\x69\x97\xf3\x24\x42\x78\ \xe4\xb2\x7d\xca\xeb\xc0\x70\x46\x49\x56\x56\x20\xfa\x10\xc3\x1c\ \x86\xc5\x4f\x8a\xda\xf5\xe5\xb4\xf6\xf0\x58\xcc\xd1\x34\x08\x67\ \x94\x79\xa6\x34\x60\x77\x7d\xf2\x15\x8e\xcf\x26\x3b\x93\xc0\xce\ \xe0\x98\xc1\xc1\x1c\x5f\xc3\x6b\x5d\x45\x7c\x6f\xe1\xf9\xef\xb5\ \x1b\xcb\xb8\xda\xe2\x78\xad\xe1\x99\x98\x98\x57\xec\xac\xd9\x20\ \xbb\x6d\x2c\x08\x70\xa0\xe1\x55\xd4\x73\x81\x8a\x19\xed\x74\x51\ \x45\x02\x0a\x28\xa2\x80\x02\x71\x5c\x5e\xb5\xa9\xdc\x7c\x4b\xd5\ \x6e\x34\x5d\x2e\x69\xad\xf4\x9b\x39\x0c\x3a\xae\xa3\x03\x94\x79\ \x18\x7d\xeb\x4b\x77\x1c\x86\xed\x24\x8b\xfe\xac\x65\x54\xf9\x99\ \x31\x3b\xe3\x3d\xf6\xb2\x34\xbd\x27\x4d\xd0\xda\x18\xee\xf5\xdb\ \xff\x00\xb1\x3c\x8f\x72\xd6\xcc\x91\x08\x26\x99\xf6\x48\xa8\xe5\ \x1c\xac\x3b\x43\x05\x24\x6e\x24\x60\xe0\x86\xe8\x91\xf8\xab\xc3\ \x9a\x4d\xbd\x8d\x8f\x85\xfc\x25\x6b\x67\x6a\x82\x38\xa2\x8f\x5f\ \x9c\x2a\x28\xe8\x07\xfa\x17\xff\x00\xae\x80\x3a\xdd\x33\x4c\xb7\ \xd1\x74\xe8\x2c\xec\xed\xe1\xb5\xb5\xb5\x8d\x62\x86\x18\x90\x24\ \x71\x22\x8c\x05\x50\x38\x00\x0e\x30\x2a\x7a\xe5\xbf\xb5\xfc\x6d\ \xff\x00\x42\xff\x00\x85\xbf\xf0\xa0\x9f\xff\x00\x90\xa9\x3f\xb5\ \xfc\x6c\x7f\xe6\x5f\xf0\xb7\xfe\x14\x13\xff\x00\xf2\x15\x00\x75\ \x54\x56\x0e\x93\x7d\xe2\x69\xe5\x22\xff\x00\x49\xd0\xed\x53\x07\ \x0d\x6f\xab\x4b\x70\x49\xfa\x35\xb2\x7e\x79\xab\x52\xdf\xdf\xda\ \x19\x5a\xe2\xde\xd5\x2d\x63\x50\x77\xc5\x3b\x49\x21\xf5\xf9\x0a\ \x01\x81\xc7\x3b\x8e\x79\xe3\xd4\x02\x1d\x55\x3f\xd3\x5b\x1c\xf4\ \x3d\x2a\xbc\x87\xcb\x1f\xdd\x1e\xf5\xcc\xf8\xf7\xc4\x16\x1e\x18\ \xd5\xa4\x97\x54\xd4\x35\xb6\x92\x34\xcf\x95\x6a\x55\x22\xda\xd9\ \x23\x82\x79\xe9\x55\x3c\x37\xe3\x9f\x0e\xf8\xb7\x43\xbc\xb8\xb3\ \xb6\xd4\xae\x05\x9a\xef\x92\x3b\x96\x01\x8e\x41\xe0\x60\xf2\x7e\ \x5e\xe4\x0a\xf8\xc9\x71\x66\x1d\x63\x25\x81\x6e\x2a\xa6\xb6\x4e\ \x7a\xe8\xae\xf4\x4a\x5d\x9e\x97\xbe\x87\xb5\x0c\xae\xaf\xb1\x55\ \xd2\x6e\x3a\x6a\x96\x9a\xfa\xb4\x75\x7f\x69\x59\x07\xca\xca\xca\ \x4f\x18\xe7\x34\xc6\x70\x7d\xbd\xab\x9c\xbb\xf1\x7c\x5a\x37\x87\ \xb5\x2b\xfb\xbf\x2d\x63\xd3\x92\x79\x4e\x19\x63\x12\xa4\x6a\xcf\ \xc6\x4e\x06\x42\x9e\x33\x81\xf9\xd6\x6e\x8b\xf1\x56\x3d\x62\xc9\ \x66\x1a\x2e\xbd\x0b\x12\x02\xc6\xf6\xc3\x73\x93\xd3\x1f\x37\x7f\ \xeb\x5e\xeb\xcc\xa8\x43\x95\x4e\x56\x72\x57\x5b\x98\xc7\x2b\xaf\ \x51\x39\x53\x8d\xd2\x76\xdd\x7f\xc0\x3b\x61\x2f\x4a\x19\xb3\xcf\ \x4f\xc6\xb0\x6f\x3c\x59\x67\xa6\xea\x76\xb6\x53\x5c\x45\x1d\xf5\ \xd4\x0f\x73\x1d\xb7\x9a\x86\x46\x8d\x19\x16\x47\x03\x3f\x32\xab\ \x48\x8a\xcc\xb9\x00\xba\x02\x7e\x75\xcd\xa4\xd7\x63\x9e\x65\x8f\ \x73\x6e\x7c\xe0\x63\x83\x8e\x7a\xd6\xff\x00\x5d\xa0\xa7\xec\x9c\ \xd7\x36\x9a\x75\xd7\x63\xcb\x95\x94\xb9\x48\x65\x92\x2b\x6f\x19\ \x5f\x5c\x0f\xf5\xcf\x63\x6b\x1b\x9c\xf5\x55\x92\xe8\xaf\xea\xed\ \x53\x6a\x5a\xa3\xb5\xa4\x37\x5c\xed\xb7\xdb\x23\x64\x9d\xa6\x33\ \xf7\xb8\x1d\x70\x0b\x7a\xf5\xf6\xae\x77\x57\xd4\x84\x3e\x24\xbe\ \x66\x6f\xf9\x73\x80\x63\xe8\xf3\x7f\x8d\x6b\x69\x8c\xb3\xf8\x46\ \xde\x46\x65\x10\xcb\x07\x97\x21\x3c\x90\x08\xc0\xcf\xf9\xef\x5d\ \x54\x65\xab\x41\x2d\xb4\x34\xae\x23\x86\xfe\xed\x53\x2a\x92\x13\ \x86\xcb\x60\x85\xee\x7e\x83\xaf\xa6\x2b\xc4\x7e\x18\xf8\x16\xc7\ \xc6\xbe\x3b\xd5\xa3\xba\x8e\x66\xd3\xec\xe5\x0f\x30\x86\xe5\xe2\ \x8a\x7b\x80\xea\xca\x8c\xc8\xc0\xb8\xc0\x3b\x94\xfc\xac\xb8\x0c\ \xa5\x58\x83\xdc\x7c\x42\xd0\x6e\x3c\x49\x61\x1c\x1a\x6d\xf6\x9f\ \x13\x30\xcc\xef\x2d\xcb\xa9\x73\xc7\x00\x05\x23\x1d\x7e\xb5\xa9\ \xf0\xc7\xc3\xb6\xfe\x13\xf0\x74\x7a\x65\xc3\x59\x09\x23\x66\x91\ \x9e\x16\x66\x12\xbb\xb1\x66\x66\x24\x03\xbb\x9c\x67\xd0\x01\xd0\ \x56\x35\xa8\xfb\x6a\xe9\x49\x7b\xb1\xd7\xd7\xc8\xee\xc3\xe2\x1d\ \x1a\x32\x70\x7e\xf4\xb4\xd3\xa2\xee\x75\x96\xba\x7f\x92\xab\x18\ \xdb\x1c\x6a\x30\xa8\x80\x2a\xaf\xd0\x0e\x07\x7e\xd4\xe9\x9f\xec\ \xd6\xf2\x48\x78\x11\xa9\x7d\xdb\x79\x18\x19\xa6\x58\xde\xc5\x0c\ \x61\x3c\xe8\xd9\x07\xf7\x89\xe3\xf4\xaa\xde\x2a\x9d\xee\xf4\xc5\ \x8a\xcf\xc9\x99\xa7\x96\x34\x90\x19\x42\xed\x8c\xb0\xde\xd9\x24\ \x74\x19\xaf\x47\x43\x84\xb1\xe2\x17\x59\xb4\xbb\x7f\x31\x77\x81\ \x2c\x0f\xec\x0a\xc8\x84\x1f\xc0\xe3\xf2\xab\xd0\xbe\x57\xe6\xe2\ \xb1\xbc\x53\x76\xd1\xe8\x81\x81\x56\x6f\x3e\x11\xf2\x30\x6d\xb9\ \x91\x47\xf5\x14\xcb\x4f\x12\xdb\xdc\x42\x36\xcc\xad\xb7\x82\x54\ \x13\xd2\xbc\xfc\x45\x7a\x54\xa7\x7a\x92\x4a\xfd\xdd\xbf\x30\x72\ \x49\x6a\x6e\x89\xf2\x3e\x53\x4f\x33\x71\xfd\xef\x62\x2b\x0f\x43\ \xf1\x4d\x9f\x88\x2d\xe6\x92\xd6\x65\x99\x6d\xe6\x68\x64\xfe\x12\ \x8c\xa4\x83\x91\xe8\x48\x38\x3d\xf1\xc7\x43\x54\x35\xff\x00\x8a\ \x5a\x4f\x85\xfc\x41\xa4\x69\x97\xd2\x5c\x5b\xde\x6b\x93\x88\x2c\ \xc1\xb7\x6d\x92\xb1\x52\xff\x00\x7f\xee\xe3\x03\x9e\x72\x0f\x50\ \x3a\xd7\x35\x4c\xd7\x05\x4e\x94\x6b\xce\xac\x54\x25\x6b\x36\xd5\ \x9d\xf4\x56\x77\xb6\xa6\xd4\x68\xce\xae\x94\xd5\xfd\x35\x3a\xd1\ \x2e\x69\x41\xdc\x70\x30\x58\x8d\xd8\xf6\xf5\xac\x5b\xeb\x9f\xb6\ \x43\xf6\x65\xb8\x36\xed\x31\x51\xb9\x18\xab\x11\x90\x58\x02\x08\ \x20\x90\x08\xc8\xe9\x9c\xd7\x94\x78\xaa\xe3\x41\xf0\x77\x88\xee\ \xa1\x1a\x5d\xe5\xe5\xd5\x8c\x8d\x14\x77\x89\xa8\x34\x32\xaa\xb1\ \xdf\xb1\x55\x57\x62\xa8\x66\x20\x00\xbd\xab\xc8\xe2\x6e\x26\x86\ \x4f\x46\x35\xe7\xcb\x66\xf5\xe6\x94\x96\x9a\xbd\x39\x61\x36\xdd\ \x96\xcd\x25\xfd\xe4\x7a\x59\x5e\x53\x2c\x64\xdc\x23\x7b\xa5\x7d\ \x12\x7f\x7d\xe5\x1d\x3e\x6d\xf9\x1e\xed\x0a\xb2\xb8\x20\x7c\xdd\ \xb3\xd2\xbc\xcd\x74\x9d\x5a\xcf\x5c\xb3\xb3\x9b\x47\x4b\x75\xd2\ \x9b\xed\x0e\xb6\x9e\x28\xd6\x6f\x32\x5e\x39\x14\x0c\x8b\x50\x32\ \x4b\x12\x4e\xe2\x7d\x47\xcd\x5c\x6f\x87\x75\xbb\x8d\x43\xc6\x16\ \x9a\xd5\x8e\xab\xe2\x18\xd4\xdf\x69\x56\x29\x67\x2c\xe2\x54\x0b\ \x35\xd6\x26\x2e\xd8\xe7\x74\x61\xc7\x2b\x81\xb4\x63\x69\x25\xeb\ \xe8\x6b\xdf\x0e\xe9\xba\xb5\xc7\x9d\x71\x61\x65\x73\x2e\x02\xef\ \x96\x05\x76\xc0\xe8\x32\x47\x4e\x4d\x7a\x19\x0e\x71\x4f\x34\xc1\ \x47\x1d\x46\xdc\xb2\xbd\xac\xdb\xd9\xdb\xaa\x4f\x75\xae\x9b\xf7\ \xdc\xe4\xcc\x30\x72\xc2\xd6\x74\x27\xba\xb5\xfe\xeb\xf7\x67\x9d\ \xc1\xe0\xdd\x5b\xc4\x12\xdc\xdf\x69\xab\x6d\x1a\xca\x3c\x92\x97\ \x7a\xa5\xdc\xad\x1c\x88\xd9\x27\x33\x43\xe6\x0c\x94\x88\x15\x3f\ \x2e\x11\xb0\x01\x76\x63\x6a\xcf\x41\xbb\xf0\xd7\x8b\x7c\x23\x6b\ \x71\x6b\x67\x02\x8b\xbb\xa6\x57\x86\xe9\xa6\x32\x13\x6d\x27\x07\ \x74\x69\x80\xaa\x11\x54\x73\xf2\xa8\x1d\xb9\xf4\x2b\x3b\x1b\x7d\ \x2a\xd8\x43\x6f\x0c\x36\xf0\xae\x48\x48\x90\x22\x8c\xf5\xc0\x1c\ \x57\x25\xe3\x4d\x5e\xd5\xfe\x27\xf8\x3a\xd5\x6e\x6d\xcd\xe2\xdc\ \xdc\xc8\x60\x12\xaf\x9a\x10\xda\x4b\xf3\x6d\xce\x71\xef\x8c\x57\ \xb4\x71\x1d\x9d\x14\x51\x40\x05\x14\x51\x40\x1c\x5f\xc7\xbd\x29\ \x75\x8f\x00\xc7\x09\x58\x5a\x47\xd5\x34\xe4\x88\xcd\x17\x98\x8a\ \xcf\x79\x0c\x7f\x32\xe5\x49\x52\x1c\x86\x01\x94\x95\x2c\x32\x33\ \x5c\x7f\x82\x7e\x0f\xcd\xe2\xef\x06\x69\x1a\xb3\x43\xe0\x78\x5b\ \x54\xb2\x86\xec\xc6\x3c\x3d\x3b\x08\xcc\x88\xaf\x80\x7e\xd9\xce\ \x33\x8a\xee\xfe\x30\x1c\x78\x4e\xcf\xfe\xc3\x7a\x47\xfe\x9c\xad\ \xaa\xa7\xc2\xdd\x4c\x69\x7f\x04\x3c\x22\xcc\xbb\xbf\xe2\x53\x67\ \x1e\x3b\x02\x21\x5f\xf0\x34\x9f\x71\x99\xba\x07\xc0\x7b\x34\xbe\ \xdd\xa8\xda\x78\x52\xf2\xd4\x29\x05\x2d\x74\x69\x2d\xdc\xb7\x6f\ \x9d\xae\x24\x18\x1f\xee\xfe\x35\xe8\x1a\x7e\x9d\x06\x93\x65\x1d\ \xb5\xac\x31\xdb\xdb\xc2\xa1\x12\x34\x5d\xaa\x80\x76\x02\xb1\x87\ \x8a\x9f\x1f\x2a\xc6\x83\xb7\x1f\xfd\x7a\x41\xe2\x39\x9b\xfe\x5a\ \x27\xfd\xf3\x53\xcc\x90\x8e\x82\xb0\xfe\x22\xde\xbd\x87\x82\xb5\ \x69\x22\x99\xad\x66\xfb\x1c\xbe\x5c\xca\x03\x18\x5b\x63\x1d\xe0\ \x1e\x0e\xdc\x6e\xc7\x7c\x54\x2f\xaf\x4c\xc0\xfe\xf7\xf2\x02\xb9\ \x9f\x8a\xfa\xcc\xe3\xe1\xd7\x88\x24\x59\x37\x49\x1e\x95\x74\x14\ \x1f\x52\x95\x8e\x26\xb7\xb3\xa5\x29\xae\x89\xbf\xb8\xda\x84\x14\ \xaa\x46\x2f\xb9\x89\xf1\xc5\x61\xd4\xef\x56\x6d\xab\xfb\xeb\x28\ \xa5\x5c\xf7\xc9\x7f\xfe\xb5\x70\x1e\x0b\xd6\x3f\xb0\xac\xb5\x95\ \x4d\xa0\xcd\x09\xc0\xf5\x21\xc0\xfe\x4c\x6b\x54\xf8\x95\x7c\x5d\ \xe1\x0d\x2a\xf1\x5b\x70\x36\xa6\x2f\xfb\xf7\x34\xa8\x47\xe6\x2b\ \x98\x36\xac\xb0\xdc\x34\x6c\x3e\xe3\x86\x1e\xc5\x73\xfc\xc0\xaf\ \xe4\x9e\x2f\xc7\x54\x59\xdb\xc6\x51\x5c\xb3\x77\xf9\x36\x9a\x7f\ \x75\xd9\xfa\xa6\x53\x87\x4b\x07\xec\x26\xf4\xd3\xf0\x7f\xf0\x0e\ \x57\xe2\x27\x8d\xc7\x8a\x3e\x28\x7c\x2b\x87\xfb\x42\x68\x2f\x2c\ \x62\xd5\x7c\x43\x67\x6c\x25\xda\xb2\x5d\xc5\x6b\x6f\x63\xbd\x97\ \x19\x65\x44\xd6\x65\xfa\x1d\x87\xae\x01\xd6\xf0\x0f\x8b\x3c\x77\ \x3f\xc4\xb8\x56\x6f\x17\x5f\x5e\x58\xc6\x25\xfb\x55\xbb\x5d\x39\ \x19\x68\xe4\x0a\xa1\x58\x11\xc1\xda\xc3\xe8\x3b\xd7\x03\xe1\x9b\ \x0b\x5b\x8f\x88\x9a\x6e\xb5\x2c\x73\x4b\xa8\x69\x30\xea\x3a\x64\ \x12\x34\xa7\x6c\x30\x5d\x3d\x94\xce\x36\xf4\xdc\xcf\xa7\xc7\xcf\ \x50\x13\x1d\xcd\x69\xf8\x4f\xc7\x7f\xd8\x3f\x10\x6f\xf7\x6e\xe6\ \x26\x7e\xe7\x0d\x82\x41\x1f\x8f\xe9\x5f\xa2\xd4\xcf\x25\x52\x38\ \x3a\x8e\xa4\x97\x2f\x2a\x76\x6d\x6b\x76\xf5\x4b\x47\x7d\x16\xbd\ \x0f\xa3\xca\x72\x55\x0c\x3e\x25\x46\x9c\x64\xe5\xcd\x6b\xa4\xf4\ \xf8\x74\xba\xba\xb6\xfa\x75\x13\xf6\x64\xf8\xae\xbf\x11\x7e\x1d\ \x6a\xba\xf6\x97\x34\x76\x7e\x24\xb3\xd4\xee\x6d\x25\x9b\xcb\x55\ \x7b\x41\x70\xc9\x70\x21\x8c\xa8\xc8\x5d\xb2\x46\xe4\x73\x92\xde\ \x95\xd7\x7c\x7b\xf1\x97\x88\x7c\x0f\xe3\xcf\x84\x3a\xb5\xc6\xab\ \x79\x72\xda\x97\x89\x2d\xb4\x0b\x8b\x6b\x76\xd9\x6f\xfe\x95\x20\ \xcd\xd4\x9b\x42\xb4\x81\x6d\xe2\x9e\x1f\x2d\xb7\x47\xba\xe9\x25\ \x2b\xbe\x08\xd8\x71\x3f\xb2\x4f\xec\xf5\x7b\xfb\x34\xfc\x22\xd7\ \x74\xbb\xfd\x4a\x3d\x6a\xf3\x5e\xf1\x3d\xd6\xb9\x25\xda\x82\x15\ \x23\x71\x04\x30\xc2\xbb\xb9\xf9\x21\xb7\x8d\x4f\x60\xdb\x80\xe0\ \x0a\xec\xbe\x37\x7c\x34\xbc\xf8\xe8\xde\x0c\x6b\x4d\x51\x74\x9b\ \xdf\x02\xf8\xab\x48\xf1\x4c\x0e\xe1\x8c\x57\x11\xdb\x5c\xed\xba\ \xb7\x70\xbc\x9f\x32\xce\x5b\xa5\x4e\xc2\x53\x11\x3c\x03\x5f\x43\ \x82\xc4\x4e\xaf\x11\x4f\xdf\x93\x8f\xba\x92\x6d\xf2\xae\x54\xee\ \xec\xdd\xaf\xa6\xf6\x3f\x9f\xb1\x12\xbe\x32\x77\xd3\xde\x7a\x7c\ \xd9\xe8\x1e\x24\xf1\x02\xc7\xe2\xeb\x88\x18\xfc\xcf\x6b\xbb\x39\ \xeb\x87\xff\x00\xeb\xd6\x8f\x86\xfc\x41\xf6\xaf\x04\xc3\x0b\x32\ \x63\x0e\x15\x76\x7c\xc0\xab\x81\x9c\x91\xd0\x0c\x70\x3a\xee\xf6\ \xc5\x73\x9a\xb7\x85\x35\x8d\x7f\xc4\xd3\x5f\xd9\xe9\x3a\x85\xd4\ \x0b\x6a\x50\x4b\x14\x0c\x54\xe5\xf2\x42\x9c\x73\xf8\x56\x1f\xc3\ \x3d\x56\xe2\xdf\xc5\x3a\xae\x95\x71\x0c\x91\xb4\x30\xb4\xec\xb2\ \x29\x56\x89\xb7\x22\x90\x41\xe8\x7e\x6e\xe3\xf9\x0a\xfd\x2e\x9c\ \x9a\xa9\xeb\xa1\x72\xe9\x63\xb8\x1c\x37\xe9\x4e\xc6\x7f\xfd\x55\ \x54\xce\x57\xf3\xc0\xa5\x8e\x70\x39\xf7\xf4\xae\xbb\x34\x5f\x2f\ \x62\xca\x49\xe8\xc7\xf0\xa0\xde\x48\x9d\x24\x90\x0c\xf6\x63\x55\ \xcd\xd2\xe7\xfc\xf3\x55\xe6\xb8\xda\x0f\xaf\xb5\x2d\x4a\x51\xd4\ \xd2\xb4\xd7\x3c\xa5\x32\x4e\xf2\x49\x1a\xdc\xda\xa6\x19\x8f\x56\ \xb8\x8c\x0a\xf2\x7f\xf8\x27\xdf\xc4\xed\x73\xc6\x7e\x07\xd5\x9b\ \x53\xb8\x5b\xbb\x8b\x18\xb4\xf9\x23\xb9\xb9\x26\x7b\xbb\x99\x6e\ \xb4\xdb\x3d\x42\xf5\xde\x47\x24\x2a\x7d\xa2\xf8\xac\x70\xa2\xaa\ \x44\x91\xa8\x50\x17\x0a\xba\x9f\x1b\xbc\x68\xde\x01\xf0\x25\xad\ \xd1\x99\x61\x86\x5d\x46\x09\x5f\x91\x99\x3c\xb9\xe0\x00\x72\x3a\ \x66\x42\xc4\x8c\x72\xa0\x74\x26\xbc\x9f\xf6\x14\x1f\xf0\xa9\x2f\ \xee\x74\x3f\xed\x6f\xed\x4d\xb7\x8f\x6e\xb7\x32\x40\x6d\xda\x48\ \x97\x6c\x10\x23\x2e\xe6\x05\x92\xd6\x2b\x78\x8b\x02\x03\xb4\x6c\ \xe1\x53\x76\xc5\xf8\xfe\x2e\xc5\xfd\x5a\x14\xea\x36\xd7\xbc\x96\ \x9e\x69\xeb\xf2\xdb\xe6\x71\xe3\x2a\x25\x67\xe7\x6f\xc0\xfa\x67\ \x55\xd3\x35\x8d\x17\x59\xf1\x46\xb1\x6a\xda\x6d\xad\xc5\xe5\xbc\ \x62\x49\x96\x34\x49\xa6\x8a\x24\x6d\x8a\xec\xaa\x0b\x6c\xf3\x25\ \x64\x04\x90\xa5\xce\x31\x93\x5c\x65\xdf\x8c\x24\xd6\xff\x00\x65\ \x7d\x2f\x54\x59\x03\x49\x79\x3d\xbc\xba\x69\x64\x19\xb1\x31\x09\ \x04\x6f\x1e\x79\x57\xdb\x10\x25\x87\xcd\x96\x7e\x70\x71\x5d\x67\ \xc4\x9b\xfb\x89\x7c\x27\xe2\x6b\x38\xe7\x78\xe4\xb9\xd2\x2e\x12\ \x07\x0b\xbc\xc2\xfe\x53\xed\x60\x32\x33\x86\xc1\xc7\x19\xf6\xaf\ \x07\xf8\x79\xba\xcf\xe0\xc5\x8e\x8b\x0d\xcc\x93\xd8\x58\xb2\xa4\ \x21\xb9\x39\x44\xdb\xb8\xfb\x9c\x92\x71\xc7\x26\xbf\x25\xe3\x8c\ \xd2\x78\x2c\x82\xb4\xe9\xd4\x93\x7c\xd2\x5a\xb6\xdd\xa6\xf9\x5a\ \xbf\x6d\x55\x91\xf5\x5c\x1b\x42\x15\xf1\x6a\x32\xd6\xcd\x3d\x7c\ \xb5\xfd\x0f\x78\xf8\x43\x75\xaf\xeb\x33\x69\x37\x57\xb7\x0d\x79\ \x6e\xc5\xb7\xca\xee\x37\x29\x0a\x48\x1e\xa7\x3b\x93\xe9\x8a\xe6\ \xbc\x57\xab\x1b\xbf\x16\x6a\x33\xae\xdc\x4b\x7d\x28\xcf\x62\x37\ \xe0\x7f\x2a\xbf\xe1\x7f\x12\x1d\x3b\xe1\xac\xf1\xab\xb0\x68\x19\ \x59\x70\x70\x55\xbe\x5e\x9f\x95\x72\xee\x59\xe4\x8d\x99\xb2\xc1\ \xcb\x9f\xeb\xfa\xd7\xc9\xe6\xb9\xe5\x4c\x4e\x41\x81\xc3\xc9\xb7\ \x28\xd2\x8b\x6d\xbb\xdd\xde\x51\xfb\xf4\x7f\x79\xf7\xb9\x5e\x15\ \x7d\x6a\xbd\x5b\x24\xaf\x64\x92\xb7\x9f\xf9\x19\xbf\x15\xfe\x3c\ \xc7\xf0\x23\xc3\xfa\x6e\xa8\xb6\xeb\x3b\x5e\x78\x86\xca\xd8\x28\ \x7d\x9b\x36\x5b\x5f\x4e\x5b\xff\x00\x21\x85\xfa\xb8\xaf\x7c\xfd\ \x9c\x7f\x69\x2b\x1f\x8d\x9e\x1c\x59\xe3\xb8\x87\xce\x45\x05\xd3\ \x3b\x65\x8f\xfd\xf5\xff\x00\xd9\x97\x8f\x50\x3a\x9f\x86\x3f\xe0\ \xa2\xde\x25\x8f\x49\xf8\x27\xa6\xbc\x8b\xba\x69\x7c\x47\x6c\x90\ \x31\x6e\x63\x6f\xb3\xdc\x6e\x23\xdc\xa9\x23\xe8\x4d\x33\xf6\x1f\ \xf1\x65\xc4\x7a\xe4\x32\x43\x34\x91\x99\x31\x9d\xae\x54\xf0\x47\ \x71\x5f\x7b\xc1\x9c\x4b\x88\xc1\x47\x0f\x85\x8a\xbd\x27\x74\xd7\ \x9b\x9c\x9d\xd3\xf9\xec\x6b\x9a\x70\xbe\x1f\x15\x82\xaf\x8a\x7a\ \x54\x8b\x56\x7e\x4a\x31\xd3\xf3\x3f\x50\x98\x79\x9d\x0d\x57\x3a\ \x6c\x62\xf3\xed\x1e\x4c\x1f\x68\x0b\xb3\xcc\xd8\x37\xed\xf4\xdd\ \xd7\x1e\xd5\x8b\xa1\xf8\x85\xf5\x6d\x3a\x39\x0b\x6d\x6c\x72\x3d\ \x2a\xf0\xbe\x93\x3f\x7e\xbf\x7c\x4e\xea\xe8\xfc\x71\xab\x3b\x1a\ \x42\xe3\x60\xfd\xe0\x2b\x8f\xca\x9c\xb2\x2b\x8e\x0e\x47\xa8\xac\ \xdf\xb7\xb0\xfe\x21\x40\xd4\x0c\x6e\x19\x82\xfb\xe3\xa9\xa0\x46\ \xa5\x14\x88\xfe\x62\x2b\x0e\x8c\x33\x4b\x4c\x0e\x57\xe3\x19\xc7\ \x84\xac\xff\x00\xec\x39\xa4\x7f\xe9\xca\xda\xb9\xdd\x12\x66\xb7\ \xfd\x9f\x7c\x3e\xf1\xfd\xeb\x78\x60\x5e\x0e\x3a\x65\x2b\xd2\xa6\ \x82\x3b\x94\xdb\x24\x6b\x22\xe4\x36\x19\x72\x32\x08\x20\xfe\x04\ \x03\xf5\x15\xce\xfc\x4c\x82\x3b\x5f\x01\xdc\xac\x71\xac\x71\xc2\ \x63\x21\x54\x6d\x0a\x37\xaf\x4f\xce\xa6\xa7\xc2\xc6\xb7\x38\xbb\ \x6d\x6a\x49\x17\xe6\x2d\xed\xc5\x5a\x5d\x46\x46\xe8\xdf\xa5\x61\ \xc5\x71\x94\xf9\x6a\xcc\x33\xe0\x0c\xff\x00\xfa\xeb\x96\x32\x29\ \xc7\x53\x53\xed\xf2\x7f\x7b\x1f\xd6\xb1\xfe\x21\x5e\x1b\xaf\x04\ \x6b\x50\x30\x56\xfb\x45\x84\xd1\xe0\x9e\x0e\x56\xad\xc1\x29\x3f\ \x2f\x35\x93\xe3\xbb\x8f\x27\x49\x03\x07\x12\x6e\x8f\x18\xce\x49\ \x52\x07\xd7\x27\x03\xf1\xac\x31\xda\xe1\xea\x25\xfc\xaf\xf2\x37\ \xc2\x7f\x1a\x37\xee\x8f\x37\xf8\x55\x7f\xf6\x8f\x86\x7a\x7e\xdc\ \xf9\x3f\xbc\x31\xe7\x9c\xee\x72\xcf\xf9\x4a\x65\x1f\x85\x5e\xb0\ \x83\xcb\x9a\xe2\x37\xe8\xd2\x0c\x03\xd7\x04\x7f\xf5\xeb\x5b\x4b\ \x37\x1a\x4e\x8f\xa7\xd8\xc7\xa5\xdb\xa5\xc3\x46\x48\x0e\xa7\xe4\ \x05\x89\xe7\x1d\x3a\x9c\xfe\x75\x63\x5b\xf0\xb4\xd0\x5a\x7d\xb2\ \x23\xe6\xc9\x8f\xdf\xa2\x8c\x72\x3f\x89\x3d\xbb\x63\xaf\x15\xfc\ \xad\xc4\x78\x1a\x95\xf3\x0a\xd5\xe9\x27\x2e\x46\xdb\x56\xda\xfd\ \x3c\xda\xba\xd9\x6c\x7e\x9d\x81\xc4\x28\xd1\x8c\x65\xa7\x36\xdf\ \xd7\x99\xe0\x16\x17\x32\x58\x78\xfa\xf2\xdd\x41\xf9\x01\x91\xf0\ \x78\x6c\x02\xab\xf9\x79\x86\xa9\x5e\xc1\x24\x1f\x11\x23\x76\x8d\ \xb6\xcc\xb1\xa0\x03\xfd\xac\x8f\xf1\xae\xd0\xf8\x1b\x54\xb2\xf1\ \xd5\xe6\xab\x0a\xc3\x05\xad\xc6\xe8\x63\x9a\x58\x52\x55\xf9\xb6\ \x31\xca\xb2\x91\xc0\x0b\xd3\x9f\x9b\xa8\x00\x90\xdf\x89\x7e\x0b\ \xfb\x1d\x8b\x6a\xba\x7c\xa6\xe2\xfa\xda\x16\x59\x6d\xf0\xab\x24\ \xac\x17\xe5\x92\x35\x5c\x0e\xa4\x02\xa0\x74\x00\x8e\xf5\xef\x60\ \x30\x95\xf1\x19\x7d\x3a\xb1\x8b\x5c\xbc\xbf\x35\x14\xa3\x75\xad\ \xde\x8a\xfb\x6d\xd5\x9f\xa4\x60\x71\x94\x29\x3e\x45\x24\xfd\xa2\ \x7f\x26\xdd\xec\xfa\x2d\x5d\xb7\xfb\x8e\xa7\xc1\xd7\x37\x5a\xb7\ \xc3\x9d\x2a\xe2\x4c\x7f\xa5\x2f\xda\x42\x83\xd1\x5e\x46\x91\x7f\ \xf1\xd6\x18\xfa\xd5\xdd\x33\xc5\x96\xba\x47\x88\x3c\xa9\xa6\x8a\ \x37\x90\x29\x08\xc4\x6e\x20\x64\x93\x8e\xe3\xa7\xaf\x5a\xaf\xe1\ \x7b\xcd\x0f\xc3\x7e\x15\xb1\xd3\xee\x3c\x49\xa2\xc3\x71\xa6\xd9\ \x43\x69\x14\x62\xfe\x16\x64\xf2\xa3\x54\x2c\xc0\xb7\x4f\x97\xa7\ \x1c\x1e\x70\x4e\x05\x8f\x01\xea\x3e\x17\xf1\xef\x85\x7c\x41\x6f\ \xa8\x5e\xe9\x97\x02\x6b\x8f\x24\x5d\xd9\x3c\x4e\xd6\xcc\x23\x03\ \x74\x6e\x37\x00\xdc\xe7\xdf\x24\x11\x83\x8a\xfd\x1b\x21\xa1\x25\ \x9b\xc6\xab\x56\xbd\xde\xbe\x49\xff\x00\x99\xfc\xa1\x5e\xa3\xad\ \x56\xa4\xe3\xa3\x93\x93\x5f\x3b\xdb\xf3\x3d\x1d\x7c\x4e\xba\xbd\ \x89\x8d\x35\x09\x17\xcc\x5f\x96\x58\xdc\x06\x1e\xe3\xaf\xe1\x5e\ \x51\xfb\x4f\x68\xbf\x14\xa6\xf0\xc4\x7a\xc7\xc2\x7b\xaf\x0c\xeb\ \x3e\x28\xd3\xe5\xcc\xba\x6f\x88\x57\xc9\x1a\xb5\xb6\xc3\xba\xd9\ \x6e\x57\xee\x31\x7d\x8c\xa5\xb0\xa0\xaf\xcc\x71\x90\x7c\x9b\x57\ \xf1\x2e\xb9\xf0\x17\xc5\x11\xda\xff\x00\x68\x69\xda\xe4\x53\x6e\ \x7b\x69\xe0\x98\x6c\xbb\x8d\x59\x01\xca\x64\xba\x32\x99\x22\x52\ \xad\x9f\x99\xc6\x19\x81\x04\xfa\x8f\xc3\x6f\x8f\x1a\x6f\x8a\xc2\ \x66\xe6\x3d\x3e\xeb\xa3\x41\x23\x7d\xd3\xe9\xcf\xbe\x6b\xf5\x0c\ \x3d\x6a\x55\x1f\xb3\x6e\xcf\xcf\xfa\xd4\xf8\xca\xd8\x8a\xf4\xaa\ \x5a\xa2\x71\x7e\xac\xf9\x33\x58\xff\x00\x82\xd6\xe9\xbf\x06\xbc\ \x55\x37\x85\xbe\x32\x78\x07\xe2\x2f\xc2\x8f\x16\x59\xc5\xbe\xea\ \x2b\xcd\x16\x3d\x4f\x4f\x6c\x1c\x6f\x8a\x58\x25\x59\xa4\x89\xbf\ \x86\x44\x81\x94\xf3\x82\x71\x9a\xe9\xed\x3f\xe0\xb2\xdf\x09\xf5\ \x4b\x48\x25\xd2\xfc\x73\xe0\xdd\x69\xa7\x00\x88\x04\x97\xba\x5c\ \xc0\x9e\xc7\xed\xb6\xd0\xc7\x9e\xdf\xeb\x3a\xf7\xaf\xa6\x3f\x68\ \x9f\xd9\xcf\xc0\xff\x00\xb6\x57\xc2\xf9\x7c\x2b\xe3\xed\x16\xd7\ \x59\xd3\x58\x33\x59\xde\x42\xca\xb7\xba\x4c\xac\x31\xe7\x5a\xcd\ \x82\x62\x93\x81\x9c\x02\xad\x8d\xac\xac\xb9\x53\xf9\x03\xfb\x47\ \xff\x00\xc1\xbd\xdf\x17\xbe\x14\xf8\x83\x5a\xbc\xf0\xe7\x88\xbc\ \x0f\xe2\x2f\x07\x5a\xed\x92\xc3\x51\xbe\xbe\x7d\x36\xe9\xe3\x66\ \x03\x6d\xc4\x6d\x1b\x43\x0b\xae\x79\x6f\x30\xa3\xf0\x54\x86\x6f\ \x2d\x7b\x65\x1b\x6b\x26\x7a\x54\xb3\xaa\x96\xd5\xdb\xfa\xf9\x9f\ \x65\x78\xeb\xfe\x0b\x83\xe0\x7f\x00\xda\xdc\x49\x73\xa3\xcb\x7b\ \x24\x6a\xe2\x38\xed\xf5\x4b\x17\xde\xc3\xa0\x66\x8e\x69\x08\x07\ \xbb\x05\x6c\x67\x21\x5a\xbb\xef\xd9\xcb\xfe\x0a\x65\x61\xfb\x56\ \x59\x5a\x4d\xe0\x5f\x87\x3e\x3a\xf1\x43\xc9\xf2\xdf\x35\x95\xa7\ \x91\x61\xa5\xb0\x38\x2b\x2d\xf5\xe7\xd9\xed\xd8\x8e\x0e\xd8\x99\ \xe4\xc1\x27\x66\x01\x35\xf3\x7f\xec\x6d\xff\x00\x04\x26\xf0\x3e\ \x87\x6d\xa7\xf8\x93\xc7\x7a\xdb\x7c\x46\x9e\x38\x92\x7f\xb2\x69\ \x4e\x57\x44\xde\x7e\x61\x97\x00\x4b\x32\x63\x6e\x08\x64\x0d\x8f\ \x99\x08\x38\x1f\xa0\x1a\x1a\xe9\x3f\x0e\xbc\x39\x6b\xa6\xd9\xc9\ \xa7\xe8\xfa\x5e\x9f\x18\x86\xd6\xc6\xc9\x12\x18\x6d\xe3\x19\xc2\ \xa2\x28\x01\x54\x7a\x01\xc5\x44\x63\x67\xef\x33\x9e\xa7\x12\xd6\ \x97\xbb\x4f\xef\x3a\xab\x0d\x1b\xfb\x7e\xe7\x4c\xbf\xd7\x2c\x74\ \xdb\x3d\x4a\xc4\x66\xd6\x04\x90\x5f\x47\x6a\x5b\x6b\x39\xcb\x22\ \xa9\x90\x3a\x46\x43\x85\x3b\x7c\xb0\x41\x1b\x8d\x7a\x3e\x8d\xa9\ \xb5\xc5\x82\xda\xde\x5d\x2e\xa0\xaa\x31\x99\x94\x60\xfd\x47\x20\ \x7f\xf5\xbb\x57\xcd\x5e\x35\xf8\xf7\xa6\xf8\x70\x37\xd9\xa6\x37\ \xd3\xe7\x84\x63\xf7\x8f\x6e\x9f\xfd\x6f\xe9\x5c\x5d\xe7\xed\x0f\ \xe2\x3b\xc7\xfb\x55\xaa\xde\xac\x31\xba\x2c\x81\x22\x91\xd0\x6e\ \x21\x54\x90\x8a\xc4\x0e\x41\x24\x03\x81\x92\x70\x39\xae\x2c\x46\ \x2b\x0d\x1b\xc5\xea\xfa\xec\x73\xd1\xcc\x2b\xca\xa2\x6d\xb9\x3e\ \xdf\xf0\x36\x3e\x8e\xf8\x92\x8a\x9e\x20\x85\x55\xb6\xc1\x71\x1b\ \xc2\xe0\x1c\xe0\x1c\x64\x7f\xe3\xd5\xe1\xff\x00\x02\xf4\xe9\xbf\ \xe1\x5e\xd9\xb4\xcb\xfb\xcf\xb6\x4d\x01\x53\xd0\x32\x10\x87\x3f\ \x8a\x91\xf8\x57\xd0\x57\x9e\x14\xfe\xdb\xf0\xf4\x29\x77\x74\xeb\ \x77\x0f\xcf\x0d\xc2\x44\x59\x03\x77\x04\x28\xcb\x29\xfc\xfa\x63\ \xa7\x3c\xd7\xc2\x2f\x82\xf2\x68\xba\x2b\x26\xa9\x0c\xcb\x0c\x7a\ \x85\xed\xc4\x30\x85\x6c\xca\x25\xb9\x95\xd1\x89\xc6\x40\xda\xcb\ \x8e\xff\x00\x41\xc1\xfe\x7a\xf1\x03\x87\xf1\x79\x8e\x1a\x58\x7c\ \x0c\x1f\x2d\x4a\xb1\x6b\xa2\x51\x49\xb7\xcd\xdb\x65\xd3\xb2\x57\ \x7a\x1f\xac\x70\x5e\x32\x38\x6c\x44\xea\x55\xdb\x97\xf1\xda\xcb\ \xef\x32\x2e\x13\x66\x98\xb6\xaa\xbe\x5b\x4e\xc3\xe4\x1f\x79\xf0\ \x47\x41\xdf\xbf\x4a\xab\x14\x6c\xce\x72\xc3\xf7\x6b\x9e\x38\xae\ \xb3\x5e\xf0\xac\x9a\x58\xb8\x8a\x6b\x54\xbc\x8d\x4c\x6f\x6b\x71\ \x35\xb0\x66\x84\xee\x39\xc3\x11\xf2\x36\x3a\x90\x47\xaf\xd2\xa8\ \xd3\x21\x69\x19\x66\x71\xbe\x48\xf8\x90\x1d\xc5\x4e\x47\x41\xdf\ \xdf\xd7\xda\xbe\x49\x64\x75\xd6\x1a\x8e\x16\xa4\x5c\x67\x18\xb4\ \xef\xa2\xbf\x3c\xec\xbc\xfa\x3b\xad\x35\xb9\xfa\x46\x5f\x8a\x8b\ \x53\x9a\xd5\x37\x75\xff\x00\x80\xc4\xf8\x7f\xfe\x0a\xd7\xa8\xc9\ \xa7\x78\x0b\xe1\xfd\x9f\x4f\xb6\x78\x96\x49\x71\x9f\xbc\x23\xb4\ \x75\xff\x00\xda\xa2\xb7\xbf\x61\x84\x61\xa9\x41\xf3\x60\x98\x94\ \xe3\xf2\xaf\x5c\xfd\xa8\x3f\x63\x78\xff\x00\x69\xed\x1f\x4c\x46\ \x69\xa3\xd4\xbc\x33\x7b\x24\xf6\x8e\x83\x74\x79\x96\x35\x56\xde\ \x09\x1f\x29\x08\x39\xea\x08\xe3\xba\x9c\x9f\xd9\xcf\xe0\xed\xd7\ \xc2\xef\x16\xae\x9b\x7d\x6e\xd6\xb7\x0b\xcc\x6a\xd9\x29\x3a\x03\ \xf7\xe3\x6e\x37\x2f\x23\x90\x32\x09\xc1\x00\xf1\x5f\x77\xc3\x39\ \x55\x57\x43\x09\x56\x51\x76\xe6\x77\x76\xea\xa6\xd7\xdf\xa1\xd1\ \x8a\xce\xa9\x46\x8e\x23\x0d\x7f\x79\xdb\xff\x00\x49\x47\xd9\x1e\ \x12\xd4\x1a\x0d\x35\x06\x5b\xa6\x7a\xf5\xfc\x2b\x76\x2d\x55\x8d\ \x73\x1a\x1c\x4d\x16\x9e\x99\x53\xf2\xf7\xc7\x5a\xd0\x5b\x8c\x8f\ \x97\x70\xda\x38\xed\x5f\xbd\x43\x44\x8f\xc6\x64\xf5\x66\xc3\x6a\ \xa4\x0e\xdf\x4c\xd4\x2f\xa9\xb4\x9f\x28\x6f\xbd\xc0\xc5\x65\x89\ \x59\xcf\x3d\xea\x4b\x33\xbf\x52\xb7\xf7\x91\x7f\x9d\x50\x8f\x48\ \x85\x76\x44\xab\xfd\xd1\x8a\x75\x00\x62\x8a\xd8\x41\x5c\xf7\xc5\ \x48\xcc\xde\x01\xd4\x94\x33\x2f\xc8\xa7\x70\xed\x87\x53\x5d\x0d\ \x62\xfc\x44\x8f\xcd\xf0\x4e\xa8\xb8\xcf\xfa\x33\x9c\x7d\x39\xa9\ \xa9\xf0\xb1\xc7\x73\xc6\xec\xfe\x45\xf9\xa6\x9d\xbd\x72\xf8\xfe\ \x55\xa1\x6c\x54\x2f\xde\x73\xe8\x7c\xc6\xcf\xf3\xac\x8b\x76\x68\ \xd3\x1f\x9e\x2a\xed\xab\x91\xdf\x3c\x66\xbc\xd8\xcb\xa9\xbe\xfa\ \x1a\x51\x38\x07\xef\x49\xcf\x7f\x31\xbf\xc6\x9f\x63\xa9\xe9\xf7\ \xfa\xfa\xc7\x37\x9e\xd2\x69\x2d\x1c\xe8\x01\x6d\xa1\xd9\x5c\x03\ \xe8\x76\x8e\x47\xa3\x00\x7a\x81\x54\xd1\xf0\x58\xd6\x66\x81\x31\ \x93\x5d\xd5\xa4\xe4\x66\x44\x51\xf8\x20\x3f\xd4\xd5\xca\xa5\x9a\ \x44\xf2\xbd\xce\xbf\x56\xb7\xd3\x75\x89\xd2\x53\x35\xe5\xac\x8a\ \x82\x32\xd0\x22\x8d\xc0\x12\x79\x0c\xa7\xb9\x3d\x31\x9e\x3d\x05\ \x56\x5d\x07\x4f\x46\x1f\xf1\x36\xd6\xfa\xe4\x0f\xdd\xe0\x7f\xe4\ \x3a\xa2\x6e\x18\xf7\x3e\xbd\x6a\x41\x37\x1d\x47\xe5\x5c\x53\xca\ \x70\x33\x9b\x9c\xa9\x45\xb7\xbe\x87\x44\x71\x75\xe3\x1e\x5e\x67\ \x63\x72\xc4\xe9\x3a\x7a\x15\x87\xce\x50\x4e\x49\x2a\xdc\x9c\x01\ \xe9\xed\x56\x97\x56\xb1\x1f\xf2\xd2\x7c\x7a\x6c\x6f\xf0\xae\x6c\ \x4d\xc8\xa1\xe4\xda\xdf\x87\xd2\xbd\x2a\x69\x42\x2a\x10\x56\x4b\ \x44\x96\x96\x47\x3c\xa6\xe5\xab\x67\x45\x3e\xa1\x67\x79\x1b\x2f\ \xda\x26\xc1\x18\xe4\x35\x72\xbe\x26\xf8\x79\xa5\xeb\x76\xf2\xa8\ \x9b\x61\x97\x25\x8e\x08\xc9\xf5\x3c\x55\xc8\x64\xfe\x1f\xe7\x4e\ \x92\x7d\xaa\x0d\x5b\xd7\x73\x13\xe1\xff\x00\xda\x67\xfe\x09\x95\ \xe2\xff\x00\x8d\x9e\x26\xf1\x7d\x8f\x86\xfe\x20\xdb\x68\x4b\xa9\ \xe9\x30\x42\x12\x54\x73\x98\xe6\x7b\x8d\xeb\xb9\x4f\xee\xd4\xc9\ \x6d\x6a\x73\xb1\x89\x11\xca\x38\xc8\x23\xcf\xfc\x05\xff\x00\x04\ \xbf\xfd\xaa\xfe\x1b\x78\xb6\x6b\x88\x7e\x29\xfc\x2d\xd7\xbc\x39\ \x24\x88\xf1\xe8\xfa\x8d\x95\xe4\x92\x5a\x00\xa0\x32\xc3\x78\x1c\ \x4c\xa1\xb0\x48\xf3\x04\x8a\x99\xc0\x5c\x00\x2b\xf4\x6a\xde\xde\ \x18\x7c\x43\x75\x78\x12\x31\x35\xc5\xa4\x10\xbb\xe3\xe6\x2b\x1b\ \xce\xca\x09\xeb\xc1\x95\xce\x3a\x64\x9f\x5a\xbb\x15\xee\xe3\xb7\ \x85\x6e\xfe\xd5\x8f\xb0\x84\xb5\x92\x0a\x94\xe1\x52\x9f\xb1\x9c\ \x53\x4f\x5d\x95\xfe\xfd\xfa\xfa\x1f\x28\xf8\x37\xe0\xd7\xed\x15\ \xe0\x8b\x68\xe4\xfe\xcb\xf0\x7e\xa0\xea\x4e\x61\xb5\xf1\x4b\x30\ \x7e\xfd\x26\xb7\x8c\x7e\x6d\x5e\xa7\xe1\xed\x77\xe2\xf5\x94\x29\ \xf6\xaf\x84\xac\xd3\x8c\x6e\x9a\xd7\xc5\x36\x5e\x5f\xd7\x61\x98\ \x9c\xf5\xe8\x2b\xd7\x3f\xb4\x7e\xef\xcd\x9e\x70\x28\x8b\x53\x52\ \xfc\x05\xdd\xd0\x7c\xa3\x8a\xd6\x09\xc1\x5a\x12\x69\x7a\xdf\xf3\ \xb9\xe3\x4b\x87\xf0\x8f\x58\xdd\x7a\x3f\xf3\xb9\xf3\x1f\x8a\xbf\ \x66\x38\xe6\xbb\xbe\xd7\x2e\xfc\x0f\xac\x78\x32\xfa\xf9\x90\x3c\ \xfe\x1c\xbc\x99\x0c\x12\x33\xb7\xcc\xb0\xa0\x7b\x66\x66\x66\x25\ \xc9\x84\xe7\x3b\x8f\x27\x75\x78\x0e\xab\xfb\x2d\xfe\xd1\x9e\x26\ \xf1\x86\xb5\xff\x00\x08\xde\xa1\xab\x6a\xde\x15\x5b\xa6\x8b\x4d\ \xba\xd5\x74\x1b\x7b\x1b\x87\x8d\x70\x1b\x3e\x64\xe8\x24\x01\xb7\ \x01\x20\x8d\x15\xc7\x20\x60\xe4\xfe\x8f\xdd\x78\xce\x1b\x6d\x37\ \x6c\x8a\xdf\x68\x1f\x2a\xa8\x18\x56\x23\xd4\xd5\x45\xf1\x64\x71\ \xd8\x34\xb7\x45\x1e\x60\x70\xaa\x13\xe7\x91\x8f\x4f\xcb\xd6\xb3\ \xad\x4e\x15\x23\xc9\xb7\x9a\xb5\xff\x00\xcb\xf0\x35\xcb\xf2\x4c\ \x36\x1a\xab\xab\x28\xaa\x89\xad\xa4\xae\x93\xbe\xfa\x5b\xd3\xef\ \x3f\x2e\x3c\x7f\xff\x00\x04\xeb\xfd\xac\xbc\x68\x1a\xd6\xda\xf1\ \x2c\x6d\x64\xc6\x71\xaf\x59\x69\x8d\xe9\xf7\xed\xa1\x79\x07\xd0\ \x3f\xe7\xdf\xde\xff\x00\xe0\x94\xdf\xb0\xcf\xc4\xcf\xd9\x4f\x54\ \xf1\x54\x3f\x10\xaf\xac\x6d\xa3\xba\x9e\x3b\xab\x51\x6d\xaa\xbd\ \xfb\x5e\x3b\xaf\xce\xf2\x4a\xc1\x4e\xe5\xda\x01\xc8\xc9\xdf\x9f\ \xaf\xd9\xa9\xae\xc8\xe9\xba\x56\xda\xcd\xd1\x47\x45\xa7\xff\x00\ \x68\xfd\xa0\x64\x7f\x08\xc7\x3d\xeb\x3a\x58\x4a\x74\xda\x71\xb9\ \xef\xcb\x13\x1f\x64\xe8\xc2\x9c\x22\x9f\xf2\xc5\x2d\x8e\x92\xd2\ \x5b\x68\x53\x06\xea\x3c\xe3\x93\xbe\xad\x21\xb6\x6f\xf9\x6d\x1b\ \x1f\x62\x39\xae\x4a\x3b\xed\xcb\xc1\xda\x40\xc9\xc7\x6a\x5f\xed\ \x1e\x14\xfd\xec\xf1\xcf\xa5\x76\x73\x1c\xa7\x65\x0a\xc2\x3e\xef\ \x7f\x4a\xaf\x73\xa6\xe9\xf7\x04\x34\xd6\xb0\x31\xe8\x0b\xc2\x18\ \xfd\x3a\x57\x2d\x16\xa4\xac\x7e\x50\x9b\x8f\x7d\xa3\x34\xfb\xef\ \x1a\xc3\x0e\x9b\xb6\x48\xcf\xda\x38\xc2\x81\x85\x27\xd6\xa6\x4e\ \x2d\x5a\x4b\x42\xe3\x29\x27\x74\xce\x8e\xda\xcf\x4d\xb0\x0c\x23\ \xb7\x8a\x11\x27\x2c\x63\x83\x6e\xfe\xbd\x70\x39\xea\x7a\xd4\x1a\ \xd6\x89\xa1\xf8\x92\x05\x8e\xfa\x08\x27\x0a\xc1\xd4\xb2\x95\x68\ \xd8\x74\x2a\xdd\x54\xfb\x82\x2b\x9d\xd3\xf5\x95\xb9\xdd\x34\xec\ \xac\xc0\x72\x3a\x54\xd2\xdf\xb2\x5b\x79\xac\xe7\x2f\xd1\x47\xa5\ \x11\x8c\x2d\x64\x95\x82\x52\x9d\xee\xde\xa1\x71\x67\x6f\xa7\xde\ \x3d\xaa\x4c\x93\x34\x6a\xaf\xb8\x63\x79\x56\xc8\x05\xb1\x8f\xee\ \xb0\xc8\xe0\xe3\xf0\xa8\xe4\x89\x5c\xfd\xe9\x3f\x09\x59\x73\xfa\ \xd6\x6c\xb2\xdb\xc3\xae\xc9\x7c\x23\x6f\xb5\x4f\x6d\x1d\xb4\x92\ \x6e\xfb\xc8\x8f\x23\x28\xc7\x4e\x0c\xae\x73\xfe\xd7\xb0\xa9\x16\ \xf7\xcd\x1c\x7f\xfa\xaa\x51\x99\x79\x22\x58\xc9\xc3\xdc\x7e\x37\ \x0f\xfe\x35\xa5\xe1\x98\xbc\xfd\x7e\xd5\x4e\xe6\xfd\xe0\x3c\xb1\ \xed\xcd\x61\x3d\xcf\x03\xf5\xe2\xb7\x7e\x1e\xab\x4f\xe2\x78\x5b\ \x76\xe5\x50\xc7\xe9\xc1\xc5\x52\xdc\x0f\x44\xa2\x8a\x2b\xa0\x02\ \xb3\x7c\x5e\x82\x5f\x0b\x6a\x4a\x7f\x8a\xd6\x5f\xfd\x04\xd6\x95\ \x55\xd7\x93\xcd\xd1\x2f\x14\xff\x00\x14\x0e\x3f\xf1\xd3\x53\x2d\ \x80\xf0\x38\x8f\x4a\xb1\x14\x98\x3f\xec\x8a\xa5\x6b\x36\xf8\x54\ \xe3\xb0\xe6\xa7\xde\x03\x03\x5e\x5c\x5f\x43\x6d\x56\xe5\xc1\x75\ \xb1\x7f\x0c\x0a\xc9\xd0\xf5\x01\x05\xee\xa0\x1b\x8f\xde\x83\xc9\ \xeb\xf2\xad\x5d\xdf\x94\xf5\xae\x56\x4f\x05\x4f\xae\x78\xd2\xff\ \x00\xcc\xba\xb9\x8e\xd6\x4b\x58\x5a\x05\x8e\x63\x18\x12\x07\x93\ \x79\xc0\xf5\x56\x8c\x73\xe8\x3a\x54\x55\xbd\xd3\x5a\x9a\x47\x5d\ \xce\xb5\xb5\xe8\x97\x83\x22\xfa\x67\x34\xdf\xf8\x48\x22\xda\x7f\ \x78\xbe\xbc\x1a\xe7\xd7\xe0\xec\x6f\x1f\xfc\x84\x35\x22\x73\xff\ \x00\x3f\x47\x8a\x67\xfc\x2a\x2f\x27\xfe\x62\x9a\xa0\xf4\x1f\x6a\ \xff\x00\xeb\x54\xfb\x4a\x9d\x87\xcb\x1e\xe7\x4b\x1f\x88\x63\x66\ \xc6\xe5\x38\xe4\x9c\xd4\xad\xae\x2e\xd5\x60\xc3\xe6\xe9\xcd\x72\ \x83\xe1\x94\xb1\xfc\xa9\xa9\x6a\x01\x7d\x0c\xc0\xff\x00\x4a\x13\ \xe1\xdd\xf2\x8f\x97\x56\xbb\xf9\x4f\xcb\xca\x9c\x7e\x95\x4a\xb5\ \x4e\xc1\xc9\x17\xd4\xec\x13\x5b\x88\xc7\xbb\x76\x79\xe3\x06\x9e\ \x35\xa8\xcf\x53\xf7\xba\x64\x75\xae\x3a\x2f\x87\xf7\xd6\xe0\x7f\ \xc4\xd2\x56\x1d\x40\x29\x1f\xf8\x53\x5f\xe1\xe5\xec\x8c\x7f\xe2\ \x63\x32\xe7\xa1\xc8\xe0\xe3\xb5\x3f\x6f\x3f\xe5\x17\xb3\x8f\x73\ \xa6\xb2\xd7\xd6\x5d\x56\xe9\x95\xbe\x58\xe3\x8e\x3c\x03\xdf\x2e\ \x4f\xe8\xc2\xac\x36\xbe\x81\xf7\xab\x0e\x9e\xb5\xc3\x58\xf8\x0f\ \x50\xd1\x27\xbc\x10\xea\x0f\x37\xda\xa5\x12\xb7\x9b\xf3\x6d\x21\ \x15\x00\x18\x23\x03\x08\x0f\xd4\x93\xde\xa6\x6f\x08\xea\x1b\x7f\ \xe3\xe2\x25\xe7\x20\x28\x6e\x3f\xf1\xea\x23\x5e\x76\xd9\x95\xec\ \xe3\x7d\xce\xcd\xf5\xc4\x8a\x50\x0b\x29\xda\xb9\x35\x01\xf1\x14\ \x71\xc8\x87\x72\xfc\xc7\xa6\x6b\x92\xff\x00\x84\x62\xf8\x16\xfd\ \xec\x6c\x58\x63\x92\xdf\xfc\x55\x35\xfc\x3b\x7c\xc9\xf7\xad\xc1\ \xe8\x30\x5f\xff\x00\x8b\xa3\xeb\x12\xea\x98\x7b\x38\xf7\x3a\x49\ \x35\x38\xef\x6e\x3c\xd9\x24\xca\xa1\xc0\xe6\x86\xd7\xa1\x7b\xb2\ \xec\xc3\xcb\xb7\xe9\xf5\xe9\x5c\x9b\xf8\x73\x54\x55\xda\xb2\x5b\ \xed\x63\x9e\x8f\xff\x00\xc5\xd5\x3b\xcf\x06\x6a\xfa\x84\x2d\x18\ \xb9\x85\x63\xce\xee\x37\x75\xff\x00\xbe\xe9\x7b\x79\x76\x61\xcb\ \x1e\xe7\x64\x7c\x59\x1d\xc4\x9b\xb7\x7a\xe0\x67\xa0\xab\x9e\x1e\ \xf1\x52\x5e\x45\x77\xb5\xbe\x5b\x79\xfc\xa6\x3f\xf0\x04\x7f\xfd\ \x9e\xbc\xaf\x51\xf8\x7f\xac\x58\xe7\xc9\xbe\x52\xc7\xbe\x0f\x1e\ \x9f\xc4\x7b\xf3\xf5\xab\xdf\x0c\xbc\x07\xaf\x69\x9a\x76\xa2\xb7\ \x9a\x84\x57\x12\x5f\x5e\x7d\xa8\x12\x9b\x42\x8f\x2a\x38\x82\x63\ \x77\x40\xb1\x29\xc9\xe4\x92\xc7\xb8\xc3\xfa\xc4\xf6\xe5\x64\xba\ \x71\xde\xe8\xf5\x23\xae\x2a\xc8\x59\x58\x7c\xd8\x1d\x69\xb2\xeb\ \xe8\x92\xba\xee\x5f\x95\x6b\x8d\x7f\x09\x6a\x11\x9f\xf8\xf8\x8f\ \x8c\xe0\x00\xdf\xfc\x55\x35\xbc\x35\x7c\x43\x66\x48\x5b\x77\x07\ \x25\xc1\x3f\xf8\xf5\x1f\x58\x9f\x62\xbd\x9c\x7b\x9d\x78\xf1\x1c\ \x71\x4e\x9f\x32\xfc\xc0\xf1\x54\x8e\xa3\x15\xe4\xfe\x74\x92\x7c\ \xab\xc0\xf6\xae\x76\x7f\x0f\x5f\x37\xdd\x36\xfb\xb1\xea\xe7\xff\ \x00\x67\xaa\xad\xe1\xed\x58\x21\x55\x7b\x70\x33\x9e\x8f\xcf\xfe\ \x3f\x47\xb7\x97\x66\x1c\x91\x3a\xe7\xd7\x61\x96\xed\x98\xb6\x23\ \x84\x60\xe3\xbd\x23\x78\xeb\xed\x0d\xfe\xb1\x40\x5e\x15\x46\x38\ \x02\xb9\x03\xf0\xeb\x56\xd5\xa1\xda\xfa\x84\x31\x21\x6d\xdb\x56\ \x27\xe3\xf1\xf3\x29\xad\xf0\x4b\x53\x8c\xfc\xba\xab\xf3\xe9\x19\ \x38\xfc\xd8\xfd\x68\x58\x99\xa7\xa4\x58\x72\xc5\xf5\x3b\x7f\x0f\ \xeb\xab\xac\xcf\x78\xaa\xdb\xbe\xce\xca\x09\xff\x00\x78\x66\xb4\ \x50\xed\x1f\xce\xb8\xdf\x84\x1e\x18\xb8\xf0\xd4\xde\x22\x5b\xa9\ \xee\x2e\x1a\x4d\x41\x63\x8d\xe5\xc7\x31\xa4\x31\xa8\xc0\x1f\xed\ \x6f\xeb\x9a\xeb\x2e\xe5\xd8\xdd\xeb\xb2\x9c\xb9\xa2\x99\xcf\x28\ \xdb\x42\xe2\x3e\xfe\x6b\xac\xf8\x5c\xbe\x66\xbd\x27\x1f\xea\xe1\ \x27\xf5\x02\xb8\xbb\x69\xd7\x27\x77\xdd\xeb\xd3\xad\x77\x1f\x07\ \xca\xcf\x7b\x7d\x22\xff\x00\x0a\x22\x9f\xc4\x9f\xf0\xad\x23\xb9\ \x07\x79\x45\x14\x57\x40\x82\xa3\xbb\x8f\xce\xb5\x91\x3a\x6e\x42\ \x33\xf8\x51\x45\x00\x7c\xc6\x9a\xe0\x82\xce\x30\xca\xcc\x55\x70\ \x78\xee\x2a\xc4\x7a\xf2\x93\xf7\x1b\x1e\x9e\x94\x51\x5e\x1a\xd8\ \xee\x94\x55\x8b\xbf\x6f\x5d\x9b\x98\x37\x4e\x2a\x26\x65\x9b\x52\ \xb7\x61\x9c\x88\xe5\x51\xf8\x98\xcf\xfe\xcb\x45\x15\xa1\x8d\x81\ \x6f\x15\xe5\x21\x57\xea\x7d\x68\x96\xf1\x42\xed\xc1\xdc\xdc\x83\ \x8a\x28\xaa\x28\x6c\x8e\x84\x9e\x1b\xd3\xe9\x4e\x49\xa3\x09\x82\ \xa7\xfc\xff\x00\x91\x45\x15\x4d\x22\x87\xa3\x2b\x1f\xbb\xf3\x29\ \xe7\x8a\x59\x55\x63\x0a\xbb\x73\xba\x8a\x28\xb2\x02\x91\xe6\x59\ \x0e\xd5\xda\xa4\x0e\x9c\xf4\xa7\x96\x54\x19\xda\xb8\x20\x1e\x05\ \x14\x50\x21\xac\x23\x61\x86\x5f\x9b\x19\x06\x98\xd3\xc6\x98\x42\ \x9b\xb6\xf4\x34\x51\x54\xd2\xb0\xf6\xd8\x8a\xe1\x23\x3c\xed\xcf\ \xe1\x54\xaf\x6f\x17\x4f\x41\xf2\xfd\xef\x41\x45\x15\x1d\x02\x2a\ \xf2\x48\xce\x17\x6b\x73\x70\x55\x97\x3c\x67\x9a\xd1\xb4\xbf\x4b\ \x32\xb1\xec\xf6\x04\x0a\x28\xa4\x98\x2d\x65\x63\x55\x4a\xe1\x7e\ \x5e\x5b\x9e\x69\x1f\xcb\xda\xad\xb7\x6b\x77\xf7\xa2\x8a\xd2\xdb\ \x93\x4f\x61\x9f\x68\x8e\x72\xdf\xbb\xc1\xee\x45\x41\x22\xa0\x3c\ \x2f\xe2\x68\xa2\xa4\x24\x4b\x6e\xe8\xaf\xb7\x6f\x2b\xc7\x4a\xd1\ \x82\xef\x07\x6a\xe5\x7b\xf0\x68\xa2\xa6\x46\x65\xcf\x0d\x71\x61\ \x27\x5e\x66\x91\xb9\xf7\x76\x3f\xd6\xab\xf8\x8f\x55\xfe\xcc\x8d\ \x5b\x0c\xc7\x20\x71\xde\x8a\x2b\x68\x3b\x53\x42\x96\xe5\x2b\x5f\ \x12\x8b\xa5\xdd\xe5\xb2\xf1\x9e\xb5\xe9\xff\x00\xb3\xcd\xc8\xbd\ \xb0\xd5\x24\xc6\x0a\xcc\x89\xd3\xd1\x49\xfe\xb4\x51\x45\x19\x3e\ \x74\x39\x2b\x2d\x0f\x47\xa2\x8a\x2b\xd0\x31\x3f\xff\xd9\ \x00\x00\x1f\x28\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\xc8\x00\x00\x00\xc8\x08\x06\x00\x00\x00\xad\x58\xae\x9e\ \x00\x00\x1e\xef\x49\x44\x41\x54\x78\x5e\xed\x9d\x0b\x94\x1c\x55\ \x99\xc7\x7f\x5f\x4d\x42\x02\x1c\x42\xf0\xc5\x11\x74\x81\x23\x8b\ \x02\x22\x48\x5c\x60\xba\x3a\x31\x82\xf8\x0c\x84\x84\x64\x50\x14\ \x01\x15\x02\x98\x4c\x57\x0f\xe1\x25\xa0\x31\x6a\x20\x0b\x99\xae\ \x9e\x10\x56\x60\x41\x74\x45\x1e\x51\x54\x82\xbc\x84\x25\x9b\x74\ \x75\x88\x92\xe5\x21\x71\x71\x17\x11\x76\x01\x15\x7c\x44\x11\x13\ \x92\x99\xbe\x7b\xee\x74\x82\x09\xc9\x74\x55\x75\xd7\xb3\xbb\xee\ \x39\x73\x48\x98\xef\x7e\xdf\xff\xfb\xdf\xfa\xa7\x1e\xf7\xde\xef\ \x0a\x59\x4b\x1f\x03\x13\x07\xde\x8c\xe2\x50\xd4\xd0\x61\x60\xec\ \x09\x8c\x47\x18\x8f\x62\x3c\xa8\xf1\xc3\x7f\xff\xfb\xcf\x5f\x51\ \xbc\x04\xbc\x84\xc1\x8b\xc3\xff\x1d\xfe\xbb\x7a\x09\x31\x5e\x44\ \xe9\xff\xee\xf4\x30\x95\x73\xfe\x94\x3e\x22\xc2\x47\x2c\xe1\x87\ \xc8\x22\xb4\xc4\xc0\xe4\xd2\x78\x06\x8d\x0f\x50\xab\x1d\x8a\xc8\ \x7b\x00\xfd\xf3\x8e\x96\x7c\xee\xa8\xb3\xc8\xcf\x51\xb5\x15\x60\ \xac\xa0\xcb\xf8\x19\x2b\xe6\xfc\x3a\xf0\x18\x29\x74\x98\x09\x24\ \x89\x83\x36\xe1\x9a\xd1\xec\xbc\x61\x0a\x35\xa6\x20\x6a\x0a\xf0\ \x96\x18\x60\xfe\x12\x64\x25\xc2\xcf\x18\x92\x9f\xb1\xaa\xf7\x91\ \x18\x30\xc4\x1e\x32\x13\x48\xec\x43\xb0\x15\x80\xbc\x7d\x24\x4a\ \x3e\x05\x4c\x01\xb5\x5f\x92\xa0\x81\x3c\x8b\xaa\xdd\x8b\x61\x5c\ \x4b\xa5\xb0\x26\x59\xd8\xc2\x43\x93\x09\x24\x3c\x6e\xbd\x7b\x36\ \xed\x63\x81\xd3\x80\x93\xbd\x77\x8a\xd1\x52\xa9\x6b\x3b\x45\x28\ \x99\x40\x62\xbc\xce\xc8\x95\xba\x11\xe3\x02\x50\x53\xe3\x84\xd1\ \x74\xec\x0e\x10\x4a\x26\x90\xa6\xaf\x8e\x16\x3a\x1e\x39\x30\x8e\ \x51\xb5\x0b\x80\x2f\xb6\xe0\x25\x39\x5d\x95\x2a\xa3\xd4\x7c\x56\ \xf5\xfd\x31\x39\xa0\x82\x41\x92\x09\x24\x18\x1e\x21\x7f\xd9\x1e\ \xd4\x76\xd9\x1b\xa3\xf6\xa6\xed\x5c\xd6\x78\x15\x91\xe7\xd9\x6b\ \xaf\xe7\x79\xfa\x4f\x63\xd8\x6d\x70\x1c\x83\x1b\xc6\xa1\x64\x1c\ \x74\xed\x86\x62\x1c\x06\xe3\xa0\x36\x6e\xf8\xcf\x8a\x7d\x11\x99\ \x00\xe8\x9f\xb4\xb4\x27\x10\xe6\x53\xb1\x96\xa6\x05\xb0\x17\x9c\ \x99\x40\xbc\xb0\xb4\xb5\x4d\x77\xff\xde\x74\x19\xef\xa5\xc6\x91\ \x08\x79\x14\x7b\x23\xec\x0d\xec\xe2\xd1\xd5\xef\x50\x3c\x0f\x3c\ \x86\xa8\x07\x50\x5d\x0f\x51\xed\xfd\xd5\x0e\xfb\x4e\xb8\x66\x17\ \xc6\xae\x3f\x1c\xc5\xe1\x88\x3a\x1c\x30\x41\xf6\xf7\x18\x27\x2e\ \xb3\x6b\xa0\x6b\x3e\xce\x9c\x17\xe2\x02\x10\x64\xdc\x4c\x20\x5e\ \xd8\xec\x2e\x1f\x83\x31\xfc\xb9\xf5\xe8\xcd\xf3\x10\x5e\x7a\xf9\ \xb1\x79\x02\xd4\x43\x28\xb9\x87\xaa\xf5\xfd\x86\x1d\xcd\xd2\x47\ \x81\xcd\x3f\x09\x15\x8b\xe2\x7f\x80\xf9\x54\xad\xef\xf8\x21\x21\ \x89\xb6\x99\x40\x46\x1a\x15\x73\xf1\xfb\x50\x43\x53\x11\xfd\xc9\ \x95\xc3\x22\x1b\x3c\xc5\x7f\x22\x72\x33\x83\x72\x0b\xab\x7b\x9f\ \x73\x15\x8b\xe2\x04\x44\xce\x8c\x0c\x9f\xbf\x40\x37\x32\x7a\xf0\ \x3c\x96\xcf\xfd\xbd\xbf\x6e\xc9\xb1\xce\x04\xf2\xfa\xb1\x98\x58\ \x3a\x01\x65\x7c\x0a\xa5\x66\xc4\x3b\x4c\xf2\x27\x84\x5b\x18\x1a\ \xea\x67\x55\xdf\x53\x0d\xb1\xe4\xcb\x13\xa8\xd5\xce\x4c\xa8\x50\ \x1e\x06\x8a\x38\x56\x25\x5e\x3e\x9b\x8b\x9e\x09\x44\xf3\x96\xbf\ \x7a\x0f\xd4\x46\x3d\x41\xa7\x7f\x8e\x6a\x8e\xca\xb0\x7a\xc9\x0b\ \x48\x6d\x01\x95\xe2\x12\xd7\x08\x5a\x28\x50\x40\xa9\x53\x5c\x6d\ \xa3\x35\x78\x05\xc4\xc2\x29\xfc\x6b\xb4\x61\x5b\x8f\xd6\xd9\x02\ \x99\xb4\xf8\x10\x6a\x43\x75\x61\x28\xde\xd6\x3a\x9d\x61\x7a\x90\ \x65\x20\x0b\x70\x7a\x1f\x72\x8d\x62\x96\xe6\x82\x5c\xe1\x6a\x17\ \xb5\x81\x62\x11\x55\x6b\x6e\xd4\x61\x5b\x89\xd7\x99\x02\xc9\x2f\ \x3a\x00\x35\x6a\x36\xa8\x39\xad\x90\x17\x43\xdf\x4d\x28\xb5\x80\ \x6a\x71\x9e\x6b\xec\x5c\xff\x87\x10\xa3\x1f\x38\xd8\xd5\x36\x5a\ \x83\xbb\x70\xac\x8f\x47\x1b\xb2\xf9\x68\x9d\x25\x10\xbd\x4c\xbc\ \x36\x34\x07\x0c\x2d\x8e\x3d\x9a\xa7\x2d\xe6\x9e\xc2\x5c\x2a\xd6\ \x22\x57\x14\xdd\x4b\xf6\xc7\xd8\xf4\xc3\x04\x8a\xe4\x69\x46\xaf\ \x7b\x27\xcb\xe7\x0d\xba\xe6\x10\xb3\x41\x67\x08\x64\xf2\xbc\x51\ \x6c\x1a\xaf\xef\x16\xfa\x27\x61\x8b\x00\x9b\xbe\x02\xce\xc2\xb1\ \xae\xf1\xd4\xdb\xb4\x1f\x04\x26\x7b\xb2\x8d\xd2\x48\xa9\xf7\x52\ \x2d\x3e\x1a\x65\x48\xbf\xb1\xda\x5f\x20\xb9\xd2\x0c\x90\x8b\x10\ \xf4\x44\x5b\x7b\x35\x91\x4f\x51\x29\x7c\xd7\x53\x52\x49\x15\x89\ \x61\x1c\xcc\xca\xde\x5f\x78\xca\x21\x06\xa3\xf6\x15\x48\xee\xca\ \x7d\x30\x46\x5d\x8c\xe2\x8c\x18\x78\x8d\x32\xe4\x54\x1c\xeb\x0e\ \xd7\x80\x79\x7b\x0a\x8a\x65\xae\x76\x71\x18\x6c\x58\xb7\x2b\x6b\ \xe6\xfd\x2d\x8e\xd0\x6e\x31\xdb\x53\x20\x39\xfb\x0c\x44\x2e\x06\ \xb5\x8f\x1b\x01\x6d\xf0\x7b\xfd\x09\xf5\x38\x9c\x82\x7e\x8c\x6a\ \xdc\x4c\xfb\xeb\x09\x5d\x20\xb9\x1e\xc7\xf2\xba\x54\xc7\x2d\xcb\ \x40\x7f\xdf\x5e\x02\xc9\x95\x0e\xc3\x30\x2e\x8e\x7f\x92\x2f\xd0\ \x31\xf2\xe0\x4c\x7e\x8b\x52\xc7\x53\xb5\x7e\xe6\x6a\x9c\xb7\xcb\ \x28\x7a\x5d\xed\xa2\x37\x58\x8b\x63\xbd\x3b\xfa\xb0\x8d\x23\xb6\ \x8f\x40\x72\xe5\x39\x88\xfa\x0a\x90\xde\xaf\x53\xad\x5d\x1d\x4f\ \x51\xeb\x3a\x8e\x55\x73\x9e\x74\x75\x93\x2b\x5f\x8f\xa8\xcf\xba\ \xda\x45\x6e\x20\xcb\x70\x0a\xc7\x47\x1e\xb6\x41\xc0\xf4\x0b\x64\ \x52\xe9\x40\x06\x99\x8f\x48\xcc\x4b\x43\x12\x31\xac\x8f\x30\xda\ \x38\x9e\xe5\x2e\x6b\xb8\x34\x54\xb3\x74\x2b\x48\x4f\x22\x50\x6f\ \x0d\x42\x49\x99\x6a\xc1\x4a\x0a\xae\x74\x0b\xc4\xb4\x67\x01\xfa\ \xae\xa1\x4b\xdf\x64\x6d\x98\x01\xb5\x12\xd9\x30\x95\xca\x45\x8d\ \xcb\xf8\x1c\x7c\xdb\x4e\x8c\x7f\xe1\x07\xc0\xc7\x12\x47\x9c\xd4\ \x2c\x2a\x7d\xe5\x24\xe0\x4a\xa7\x40\x72\x03\xef\xa8\x3f\x4e\x29\ \xbd\x4c\x24\x6b\xdb\x33\x70\x17\x1b\x76\x3e\x81\x35\xb3\x36\x35\ \x24\xe7\x88\x05\x6f\x64\xf4\x2e\xb7\x03\x93\x12\x47\xa2\x70\x1c\ \x15\xeb\xce\xb8\x71\xa5\x4f\x20\xb9\xf2\xe9\x9b\xdf\x35\xde\x1e\ \x37\x79\xc9\x8e\xaf\x6e\xc3\x29\x9e\xe4\x8a\x51\x7f\x0e\x67\xd4\ \xed\x89\x9c\x27\x4a\xc0\x44\x62\xba\x04\x62\xda\x8b\x81\xd9\xae\ \x83\x9e\x19\xd4\x19\x50\xea\x06\xaa\xc5\xcf\xb9\xd2\x31\x71\xe0\ \x20\x6a\x35\x7d\x27\x79\xa7\xab\x6d\xf4\x06\xfb\xe0\x58\xff\x1b\ \x7d\xd8\x7a\xc4\x74\x08\x64\xf2\x95\x6f\x62\xd3\x28\x3d\x63\xac\ \xcb\xe3\x64\xcd\x0f\x03\xba\xa0\x42\xb5\xe8\xfe\xd2\x3b\x71\xe0\ \x88\xcd\x22\xd1\xdb\x87\x93\xd4\xd6\xf3\xf2\xa6\x37\xf3\xf8\x79\ \xaf\xc4\x01\x2a\xf9\x02\x99\x58\x32\xa9\x71\x33\x48\xf6\x48\xd5\ \xec\x15\xa2\xd4\xd7\xa9\x16\x2f\x71\xed\x9e\x2b\x1d\x8d\x88\xbe\ \x93\xec\xee\x6a\x1b\xad\x41\x6c\x73\x24\xc9\x16\x48\xbe\xf4\x59\ \x94\x5c\x1f\xed\x58\xb4\x69\x34\xe1\x42\x2a\xd6\x42\xd7\xec\x4c\ \x5b\xcf\x43\x68\x91\x74\xb9\xda\x46\x6a\x10\xcf\x1c\x49\x72\x05\ \x92\x2f\x2f\x44\xa9\xf3\x23\x1d\x83\x76\x0f\x26\x6a\xb6\xc7\x9d\ \x89\x27\xa3\xd4\x4d\x89\xa3\x23\x86\x39\x92\x64\x0a\xc4\xb4\x7f\ \x04\x24\x6a\x46\x35\x71\x17\x4b\xb3\x80\x84\x53\xa9\x58\xdf\x76\ \xed\x9e\x2f\x9d\x89\x12\x6f\xcb\xe9\x5d\x9d\x05\x68\x10\xf1\x1c\ \x49\xf2\x04\x62\x96\xee\x18\x5e\x7c\x97\xb5\x10\x19\x50\x27\xe2\ \x14\xf5\x63\x54\xe3\x96\x2b\xf5\x21\xe2\xbe\x31\xcb\xcd\x4f\xf0\ \xbf\xff\x04\x8e\x75\x6b\xf0\x6e\xb7\xf7\x98\x2c\x81\xe4\x4a\xd7\ \x23\x92\xc0\x35\x42\x51\x0c\x45\xa4\x31\x5e\x45\xd5\x8e\xa7\xda\ \x77\x9f\x6b\x54\xd3\xfe\xd2\xe6\xd5\x0a\xae\xa6\x91\x1a\x88\x3a\ \x96\x4a\xf1\xfe\xb0\x63\x26\x47\x20\xa6\x7d\x19\x70\x61\xd8\x09\ \x67\xfe\x5f\x63\xe0\xf7\xd4\x64\x2a\xab\x0a\x55\x57\x4e\x92\xfa\ \x3e\x58\x33\x0e\x0f\xfb\xdc\x92\x64\x08\x24\x57\xfe\x32\xa2\xdc\ \x0b\x11\xb8\x8e\x64\x66\xe0\x93\x81\x67\x30\x98\xca\x4a\xeb\x71\ \xd7\x7e\x79\x7b\x09\x8a\x73\x5c\xed\xa2\x35\x58\x8f\x1a\x3c\x90\ \xea\xdc\x67\xc3\x0a\x1b\xbf\x40\x32\x71\x84\x35\xb6\xde\xfc\xea\ \xa3\xd7\x6a\x32\x6d\xc4\xfa\xc0\x5b\x7b\x31\xed\x6f\x01\x9f\xf1\ \xe6\x38\x32\xab\xb5\x8c\x1e\x7d\x14\xcb\xbf\xf0\xd7\x30\x22\xc6\ \x2b\x90\x5c\x69\x1e\x22\x5f\x0e\x23\xb1\xcc\xa7\x2f\x06\x56\x31\ \xc8\x34\x56\x5b\xbf\x73\xed\x65\xda\xba\x76\xf0\x74\x57\xbb\x48\ \x0d\xc2\x9b\x23\x89\x4f\x20\xf5\x0d\x4e\x03\x91\xf2\x98\x05\x6b\ \xc4\xc0\x4f\xd8\x75\xd3\x34\xee\x73\x59\xd2\xf1\xd1\x81\x31\xfc\ \x65\x48\x7f\x69\xfc\x50\xa2\xe8\x0c\x69\x8e\x24\x1e\x81\x0c\x57\ \x28\x97\xbb\x12\x45\x70\x06\x46\x33\x70\x3b\x8e\x75\xa2\x2b\x15\ \x47\x5c\xf5\x46\x76\x1a\xbc\x03\x45\xce\xd5\x36\x5a\x83\x2f\xe3\ \x58\xf3\x83\x0c\x19\xbd\x40\x86\x8b\x99\x6d\xbc\x3b\x05\xe7\x5c\ \x04\xc9\x73\x9a\x7c\x7d\x1b\xc7\x3a\xd5\x15\xf0\x51\xa5\x7d\xe9\ \x12\x3d\xa1\xab\x8f\xa5\x4e\x4e\xf3\xba\x5a\xc0\x23\xe2\xe8\x05\ \x62\xda\xfa\xce\xa1\xcf\xb7\xc8\x5a\x62\x19\x90\x25\x38\x05\xf7\ \x6d\x05\xb9\xf2\xbb\x11\xa5\x2b\x37\x06\x7f\x6e\x7b\x2b\xdc\x28\ \xf9\x24\xd5\xc2\x2d\xad\xb8\xd8\xd2\x37\x5a\x81\x98\xa5\x01\x90\ \xb4\xd5\xc3\x0d\x82\xe7\xf4\xf9\x50\x2c\xa4\x6a\xb9\xcf\x4b\x99\ \x03\x47\x41\x4d\x8b\x24\x69\xdb\x9e\x3f\x84\x63\xfd\xa4\x55\xe2\ \xa3\x13\x48\xf6\x52\xde\xea\x58\x45\xdf\x5f\xe4\x12\x2a\x05\x5d\ \x4b\xab\x71\xcb\x97\x3e\x88\x12\x2d\x92\x5d\xdd\x4c\x23\xfc\xfd\ \x7a\x44\x26\xb6\x7a\xa6\x7b\x34\x02\x99\x58\x3e\x86\x9a\x0a\x7d\ \x59\x40\x84\xe4\x77\x4e\x28\x11\x8b\x4a\xc1\xbd\x80\x82\x3e\x78\ \xa8\x26\xba\x08\x44\x92\xda\x5a\x86\xd4\x14\x1e\x2a\x3e\xd3\x2c\ \xa8\xf0\x05\x32\xe1\xf2\xdd\x19\x3b\x56\xdf\xea\xfe\xa9\x59\x90\ \x59\xbf\xb8\x19\x50\x67\xe0\x14\xdd\x0f\xbf\xc9\x95\x4e\x41\xc4\ \x7d\xa5\x70\xb4\xe9\xdc\x03\xaf\xf6\xe0\x5c\xf0\x72\x33\x61\xc3\ \x17\x48\xbe\x7c\x35\x4a\x9d\xdd\x0c\xb8\xac\x4f\x82\x18\xf0\xfa\ \xe2\x9b\x2b\x9d\x8d\xc8\xd5\x09\x42\xae\x77\x96\xdf\x84\x53\xf8\ \x74\x33\x98\xc2\x15\x48\xbe\x7c\xfa\x70\xe1\x80\xac\xb5\x03\x03\ \x43\x08\x27\x78\x2a\xc5\x63\xda\xe7\x01\xff\x9c\xa8\xa4\x85\x01\ \x2a\x56\xc1\x2f\xa6\xf0\x04\xd2\xdd\x7f\x08\x86\xa1\x1f\xad\x92\ \xf6\x75\xc3\x2f\x47\x99\xfd\xdf\x19\x58\x07\x43\xd3\x71\xce\xf5\ \x52\x28\x5b\x17\xf4\xd3\x4b\xe5\x93\xd3\x94\xcc\xa3\x5a\xd0\xb8\ \x3c\xb7\xf0\x04\x92\x2f\xdf\x89\x52\xa9\x39\x6a\xcb\x33\x63\x9d\ \x6e\x28\x3c\x47\x8d\xe9\xde\x0a\x65\x97\x17\xa1\x54\x5f\xc2\x28\ \x9b\x83\x63\x5d\xe5\x15\x53\x38\x02\xc9\x16\x21\x7a\xe5\x3f\xad\ \x76\x4f\xd2\xa5\xa6\xb3\xa2\xf8\x5f\xae\x09\xe4\xca\xd7\x20\x2a\ \x59\xe7\xb8\x8b\x3a\x99\x4a\xf1\x66\x57\xec\xa1\xd4\xc5\x1a\x2e\ \x0b\x5a\x5b\x0d\xbc\xd1\x0b\x80\xcc\x26\xb5\x0c\xe8\xa3\x16\x66\ \x78\x2a\xea\x66\xda\xba\x00\xc4\xc9\x09\xca\x74\x3d\xca\x38\x81\ \x6a\xaf\xeb\x8e\xca\xe0\xef\x20\xa6\x5d\x02\xdc\x0b\x95\x25\x88\ \xad\x0c\x4a\xd3\x0c\x3c\x48\xad\x36\x83\x55\x7d\x7f\x74\xf5\x90\ \xbc\x42\x1c\xbf\x86\x5a\x0f\x4e\xdf\xc3\x8d\xb0\x07\x2b\x90\x89\ \xa5\xc3\xa9\x89\xbe\x7b\x8c\x72\x25\x2c\x33\x68\x17\x06\xee\x60\ \xdd\xba\x99\xac\x9d\xb7\xb1\x61\x42\x93\xe7\x8d\x65\xd3\xf8\x1f\ \x03\x47\x27\x28\xf1\x87\xe9\xea\xea\x61\xc5\x9c\x5f\x8f\x84\x29\ \x58\x81\xe4\xed\x1b\x50\x9c\x9e\x20\x02\x32\x28\xd1\x30\xf0\x5d\ \x1c\xcb\xbd\xd2\xbe\x2e\x21\xbb\xb1\xeb\xc7\x88\x1c\x11\x0d\x2c\ \x0f\x51\x84\x7b\xd9\x64\xf4\xb0\xba\xf7\x2f\x3b\xb2\x0e\x4e\x20\ \xf5\xb2\x95\x0f\x78\x80\x94\x99\xb4\x23\x03\x4a\x5d\x4b\xb5\xa8\ \xcf\x6b\x69\xdc\xea\xcb\xe4\xf5\xb1\x06\x07\xbb\x99\x46\xf7\x7b\ \x39\x09\xa7\x70\x5b\xb8\x02\x31\x6d\x5d\x67\x69\x5a\x74\x49\x65\ \x91\x12\xc7\x80\x48\x3f\x95\xc2\xb9\xae\xb8\x86\xe7\xc8\xba\x96\ \x25\xe2\x90\x55\x97\xa3\xb4\x83\xb9\x83\xe4\xca\x53\x37\xef\x0b\ \x70\xe5\x26\x33\xd8\xe1\xbf\x53\xcb\x50\xb5\xdf\x20\xfa\xf9\x5c\ \xf6\x4f\x39\x47\xf3\x71\x2c\xf7\x3a\x03\xb9\x52\x37\x22\xfa\x58\ \xea\x18\xbf\x76\xd6\x4e\xc3\xe9\xd3\x85\x28\x46\x6c\xc1\x08\x24\ \x6f\xdf\x83\xe2\xc3\x29\x1f\xd8\xb8\xe0\x5f\x85\x63\xfd\x7d\x8f\ \x8c\x69\xeb\x5b\xfd\xcc\xb8\xc0\x04\x12\x57\xc9\x05\x54\x0b\xee\ \x4b\x4d\x4c\x5b\x1f\x67\xa1\x45\x32\x26\x90\xb8\xfe\x9c\x7c\x1e\ \xc7\x72\x2d\x8c\xde\xba\x40\x4c\x5b\x9f\x62\x14\xc8\xee\x2d\x7f\ \xf9\xb5\x85\xf5\xe5\x38\xd6\x45\xdb\x65\x92\xb7\x7f\x80\xe2\x84\ \x54\x67\x28\x7c\x81\x8a\xe5\xbe\x68\x31\x5f\x9e\x86\x52\xee\x65\ \x50\x83\x25\xe3\x2c\x1c\xcb\x53\xdd\xe1\xd6\x05\x92\x2b\x2f\x47\ \xd4\xfb\x83\xc5\xdf\x01\xde\x44\xfe\x85\x4a\x61\xc7\x85\xd8\xcc\ \xfe\x83\x51\xc6\x52\x84\x03\x53\xcd\x84\xe7\x42\xd9\xe5\x53\x50\ \x2a\x9a\x65\xf2\x22\xb3\xa9\x14\x96\x78\xe5\xb5\x35\x81\x98\xe5\ \x53\x41\xdd\xe8\x35\x58\x66\xb7\x99\x01\xc5\xcd\x54\xad\xc6\x33\ \xcb\x13\xed\xf7\x50\x93\xa5\xa0\x0e\x48\x35\x6f\x8a\x19\x54\x2d\ \x5d\x4b\xab\x71\xcb\xd9\xe7\x20\x78\xbe\x70\xdd\xdc\xed\xf8\xf7\ \xaa\x88\x53\xb4\xfd\xf4\x6d\x51\x20\xf6\x43\xc0\x91\x7e\x02\x66\ \xb6\xdc\x85\x63\x79\x5b\xc4\xd9\x3d\xf0\x5e\x8c\xda\xd2\xc4\x15\ \x45\xf0\x37\x88\xaf\x50\xe3\x44\x56\x59\xf7\xba\x76\xcb\x95\xce\ \x47\xc4\xfd\x90\x1f\x57\x47\x3b\x32\x50\xe7\xe1\x14\xaf\xf4\xdb\ \xb5\x79\x81\xe4\xed\xcf\xa0\x68\xf8\x05\xc0\x2f\x98\x0e\xb0\x77\ \x70\xac\xbc\xaf\x3c\xcd\xc5\xef\x83\x21\x2d\x92\x7d\x7d\xf5\x4b\ \x94\xb1\xfc\x16\xc3\x98\xc1\xca\x39\x8e\x2b\x2c\xb3\x34\x1f\xe4\ \x52\x57\x3b\x7f\x06\x17\xe1\x58\x97\xfb\xeb\x52\xb7\x6e\x5e\x20\ \x66\xf9\x76\x50\xd9\xbc\x87\x77\xd6\x9f\xc0\xb1\x0e\xf1\x6e\xbe\ \x95\x65\xde\x3e\x12\x85\x16\x49\x9a\xcf\x69\x7c\x0a\xa5\x66\x52\ \x2d\x3e\xea\xca\x81\x69\xf7\x03\x45\x57\x3b\x2f\x06\xc2\xa5\x54\ \xac\xaf\x79\x31\xdd\x91\x4d\x73\x02\xe9\x5e\xfc\x2e\x8c\x21\xf7\ \xa5\xce\xcd\xa2\x6a\xb7\x7e\x8a\xe7\xa8\x5a\xad\x5d\xdc\xc3\x87\ \x99\xea\x77\x12\xde\x9a\x62\x7a\x1e\xa1\x56\xeb\x61\x55\xdf\x53\ \xae\x39\xe4\xed\x6b\x51\x9c\xe1\x6a\xd7\xd8\xc0\xdb\x9c\x4c\x03\ \x1f\xcd\x09\xc4\x2c\x5d\x04\xb2\xa0\x45\xf0\x9d\xd2\xfd\x65\x1c\ \x6b\x5c\x20\xc9\xe6\xec\x49\x88\x5a\x0a\xf2\x96\x40\xfc\xc5\xe2\ \x44\x56\x32\x7a\x54\x0f\xcb\xbf\xf0\x5b\xd7\xf0\x79\xfb\x66\x14\ \x9f\x70\xb5\xdb\xb1\xc1\x02\x1c\xeb\xe2\x26\xfb\xbe\xd6\xad\x39\ \x81\xe4\xcb\xab\x51\x2a\x39\x0b\xce\x5a\x65\x21\xcc\xfe\x8e\xd5\ \x1c\xc7\x23\x61\x32\xcb\x1f\x00\x2d\x92\x38\x67\xa0\x5b\x26\xcc\ \x7b\xa5\x91\x9c\xbd\x0c\x61\x8a\xcf\x88\x57\xe0\x58\x81\x1c\x00\ \xeb\x7f\xf0\xb2\x1a\x57\xde\xc7\x6a\xc3\xce\xbb\xb2\x66\xd6\xdf\ \xbc\x77\xf0\x68\x59\x2f\xd4\xa6\x45\x32\xde\x63\x8f\xe4\x99\x89\ \x7c\x8f\x4a\x6f\x0f\x88\x6a\x08\xae\xbb\x7f\x67\x0c\x43\x97\xab\ \x9d\xec\x31\x09\x1b\xc7\x0a\xe6\xfd\xa5\xa9\x97\xf4\x9c\x5d\x46\ \xe8\xf5\x08\xb6\x73\xcd\x0c\xb5\x17\x2b\x8b\xbf\x09\x8d\x80\x6e\ \xfb\xc3\x18\xc3\x2f\xee\xbb\x85\x16\x23\x7c\xc7\x37\xe2\x58\xee\ \xdb\x23\x26\x0e\xbc\x99\x5a\x4d\x8b\xe4\x7d\x8d\x21\xa9\x25\x38\ \x45\xf7\x9a\xc2\x3e\xf2\xf2\x7f\x07\x31\xed\xb5\xc0\x41\x3e\x62\ \x74\x9e\x69\xad\xeb\x40\x56\xcd\x79\x32\xf4\xc4\xcd\xf2\xc7\x40\ \x8b\x44\xed\x12\x7a\xac\xd0\x02\x78\xbc\xa8\x27\x2d\xde\x8f\x21\ \x2d\x12\xf5\xae\x11\xa0\x5c\x83\x63\x9d\x15\x34\x4c\x7f\x02\x31\ \x07\x26\x42\x6d\x45\xd0\x20\xda\xcb\xdf\x50\x37\xce\xb9\x7a\x02\ \x35\x9a\x66\xda\xc7\xd7\xdf\x49\x64\xa7\x68\x02\x86\x10\xc5\x6b\ \xa1\xec\xee\xc5\x87\x60\x0c\xea\xa3\x33\xf6\xde\x06\x85\x92\x1b\ \xa8\x16\x3e\x17\x02\x32\x9f\xf3\x20\xe1\x4c\xe2\x84\x91\x57\x3c\ \x3e\x6b\x7c\xc4\xd3\x8c\x71\xd0\xe8\xea\x0b\xfe\xf4\xe3\x56\x57\ \xd0\xae\x23\xf3\xe7\x75\xbe\xa2\x7b\x51\x0e\x31\xee\x42\x64\xf7\ \x61\x6c\x4a\xfd\x1b\xd5\x62\x68\xe7\x26\xfa\xbc\x83\xd8\xab\x80\ \xa3\x22\x23\x2d\x55\x81\x46\xde\x95\x16\x49\x1a\xb9\xd2\x0c\x64\ \xf8\xc5\x3d\xcd\xad\x0f\xc7\xd2\x45\x3f\x1a\xb7\x5c\xff\x87\xea\ \x22\xe1\x36\x2a\x2e\x6b\xda\xdc\x7c\xb9\xfc\xde\xbb\x40\xf2\x8b\ \x0e\x45\x75\xb9\xcf\x82\xb6\x08\x28\x95\xdd\x95\x9a\x45\xb5\x78\ \x6d\xec\xd8\xdb\x61\xeb\x81\xe2\x4c\xaa\xd6\x75\xae\x5c\x9a\xa5\ \xe9\x38\xc5\xd0\x97\xc9\xfb\x10\x88\x7d\x2e\x0a\xdf\x8b\xbd\x5c\ \x13\x4d\xbf\xc1\xf9\x38\xd6\x15\x89\x49\x23\x5f\x3e\x19\xa5\x74\ \x1d\xaa\xf4\x36\x1f\x85\xdd\xc2\x4e\xd2\x8f\x40\xb2\x5d\x83\xaf\ \x1f\x0d\x91\xaf\x53\x29\x5c\x12\xf6\x20\xf9\xf6\x9f\x8f\x70\x7f\ \x85\x6f\x70\x9e\x3a\xbc\x0a\xf4\xe0\x58\x77\x78\xb2\x0e\xd1\xc8\ \x9b\x40\x74\x25\x0a\x43\x7e\x85\x60\x84\x88\x25\x6d\xae\xb7\xdd\ \x2a\x9b\x34\xf4\xb9\xf2\xe9\x48\xaa\x2b\xeb\xff\x01\xa5\x7a\xa8\ \x16\xff\x3d\x4e\x6a\xbd\x09\x24\x67\x9f\x81\x10\xff\x33\x76\x9c\ \x4c\x6d\x1b\xfb\x3b\x38\xd6\x29\xc9\x81\x33\x02\x12\xb3\xf4\x79\ \x10\xf7\xe7\xf9\xc4\x26\x22\xcf\x62\x48\x0f\x2b\x7b\x7f\x1a\x17\ \x44\x6f\x02\x31\xcb\xb7\x82\xea\x89\x0b\x64\xb2\xe2\xaa\x65\x38\ \xc5\xe3\x93\x85\xa9\x01\x1a\xd3\xd6\xb5\xaa\xbe\x91\x1a\xbc\xdb\ \x03\x5d\x8b\x61\x68\x91\xfc\x22\x8e\x1c\xdc\x05\x62\x5e\xbf\x1b\ \xbc\xfc\x2c\xb0\x47\x1c\x00\x13\x16\x73\x05\x8e\x95\xbe\xfd\xf7\ \x79\xfb\x1c\x54\xd8\xdb\x59\xc3\x18\x29\x79\x0c\xe9\xea\xa1\x32\ \xfb\xbf\xc3\xf0\xee\xc5\xa7\xbb\x40\xb2\xc5\x89\x9b\x79\x94\xc7\ \x70\x0a\x87\x79\x21\x35\x91\x36\xe9\x3b\x65\x78\x0d\xa2\x7a\xa8\ \x14\x9f\x8e\x93\x4f\x77\x81\x64\x7b\x3f\xf4\x74\xed\xb3\x38\xc5\ \x14\x6f\x79\xdd\x7c\x89\x99\x03\x16\xd4\xdc\x27\xe2\xe2\xbc\x22\ \xeb\xb1\x75\x01\x74\xfd\x15\xeb\x7f\xe3\x86\xe2\x41\x20\x1d\xbf\ \xb5\x76\x1d\x8e\xd5\x3e\x8f\x97\x66\x69\x2e\x48\x72\xe6\x6d\xb6\ \x57\x80\x03\x5d\x3d\x38\x73\x5e\x88\x5b\x1c\x3a\xbe\x07\x81\xd8\ \xcf\x01\xdb\x2e\x0e\x4b\x02\xf2\x48\x30\x88\xc2\x29\xb4\xdf\xa7\ \xed\x9c\x7d\x01\x42\x53\x45\x0c\x42\xa5\x5d\xc9\x7f\x30\xa4\x4e\ \x62\xb5\xf5\xbb\x50\xe3\xf8\x70\xde\x58\x20\x13\x07\x0e\xa2\x56\ \xd3\xcb\xdb\x3b\xb3\x8d\x33\xc6\x72\x77\xaf\x9e\xb4\x6a\xbf\x66\ \xda\x5f\x04\xbe\x9e\x98\xc4\x84\x07\xd8\x38\xea\x24\x7e\x3a\xfb\ \x0f\x89\xc1\xe4\x7a\x07\x31\x6d\xbd\x84\xd8\xfd\x00\xf9\x24\x65\ \x14\x14\x16\x35\x66\x4f\xaa\x67\xbf\x18\x94\xbb\x44\xfa\x31\xcb\ \x97\x82\x9a\x1f\x3b\x36\x7d\x46\xc7\xfa\x0d\x27\xb1\xe6\xc2\x3f\ \xc7\x8e\xe5\x75\x00\x1a\xdf\x41\x4c\x5b\x8b\x23\x94\x75\xf6\x49\ \x23\x62\x1b\x3c\x5d\x72\x00\x2b\x0a\xff\x93\x68\x8c\x41\x81\xcb\ \x97\xe6\xa1\xc4\xbd\x1a\x7b\x50\xf1\x5e\xef\x47\xe4\xc7\xfc\x65\ \xe3\x49\x3c\x7e\xde\x2b\x61\x85\x68\xc5\xaf\x9b\x40\x9e\x48\xd6\ \x41\x27\xad\xa4\xea\xb1\xaf\xe2\x08\x4f\x47\x1c\x7b\x74\x97\x0a\ \xb3\x9c\xfd\x55\x84\x18\xd6\x94\xa9\x1f\x31\xae\xeb\xa4\x24\x3f\ \xc6\x8e\x2c\x90\xfa\x99\x72\xeb\x53\x31\xc0\x41\x81\x14\x75\x2c\ \x95\xe2\xfd\x41\xb9\x4b\x95\x1f\xd3\xbe\x0c\xb8\x30\x42\xcc\xdf\ \x67\xaf\xbd\x4e\x62\x69\xcf\x50\x84\x31\x7d\x87\x1a\x59\x20\xf9\ \xab\x0e\x40\x0d\xfe\xd2\xb7\xc7\xb4\x76\xf0\x5a\x64\x39\xad\xf9\ \x79\xc1\x6d\xda\xfa\x4c\x8f\xf3\xbc\x98\xb6\x68\x73\x2b\x8e\xd5\ \x6c\xbd\xab\x16\x43\xfb\xeb\x3e\xb2\x40\xea\x87\x9b\xb8\x9e\x23\ \xed\x2f\x5c\x42\xad\xc5\xf8\x1c\x95\xde\x1b\x12\x8a\x2e\x5a\x58\ \xf9\xf2\x22\x94\xea\x0b\x2f\xa8\xdc\x84\x53\xf8\x74\x78\xfe\x83\ \xf5\xdc\x48\x20\x9d\xf1\x05\x4b\xa9\x73\xa9\x16\x75\x2d\xd8\xac\ \x6d\x61\x20\x57\xb2\x11\x29\x04\x4f\x88\xfa\x16\x4e\xf1\xb4\xe0\ \xfd\x86\xe7\xb1\x81\x40\x42\xa9\xb2\x1d\x5e\x26\xcd\x79\x6e\xb9\ \x76\x6b\x73\x61\x53\xd0\xcb\xb4\x17\x03\x41\xd6\x98\xba\x1e\xc7\ \xfa\x7c\x0a\x32\xdf\x06\x62\xa3\x3b\x88\x3e\xda\x20\xb4\x6a\x11\ \xb1\x13\xa5\x54\x99\x6a\xd1\x8a\x1d\x47\x92\x01\xe4\xcb\x57\xa3\ \xd4\xd9\x01\x40\x0c\xa5\x66\x55\x00\xb8\x5c\x5d\x34\x12\xc8\x83\ \x3e\xca\x3d\xba\x06\x4a\x96\x41\xfa\x6e\xf5\xb1\xf1\xd7\x72\x95\ \x75\x59\x82\x53\x08\xf2\x4e\x14\x29\x15\x9d\x27\x10\xc5\x0f\xa9\ \x5a\xd9\xb9\x26\x7e\x2e\xb3\x5c\xf9\x7a\x44\x7d\xd6\x4f\x97\x61\ \xdb\x36\xb8\x4b\x77\x9a\x40\x1e\xc4\xb1\x8e\xf6\x3d\xd0\x59\x07\ \x30\x4b\x37\x82\x9c\xea\x99\x0a\xc5\x22\xaa\xd6\x5c\xcf\xf6\x09\ \x35\x6c\x24\x10\x5d\x2c\xf8\xa3\x09\xc5\xed\x1f\x96\xf0\x9f\x54\ \xac\x09\xfe\x3b\x66\x3d\x5e\x63\xc0\xb4\xff\x0d\x70\xff\x44\x2b\ \x2c\xa4\x62\x45\x39\xe9\x18\xda\x20\x35\x12\xc8\xf7\x80\x13\x43\ \x8b\x1c\xad\xe3\xa7\x71\xac\x77\x44\x1b\xb2\x4d\xa3\xe5\xec\xef\ \x22\x7c\x72\xc4\xec\x92\x5a\x0a\xa9\xc9\xe1\x68\x30\x93\x5e\xfe\ \x36\x4a\x25\xbf\x72\x87\x7b\xe2\x7f\xc0\xb1\xde\xe4\x6e\x96\x59\ \x78\x66\x60\xa4\x22\x1e\x22\x5f\xa1\x52\x98\xe7\xd9\x4f\x0a\x0c\ \x47\x16\x48\xae\x74\x0d\x22\x67\xa6\x20\x87\x46\x10\x07\x71\xac\ \xd1\x29\xcf\x21\x79\xf0\x8f\xb4\xf7\x64\x14\xdb\x1e\xa1\x26\xdc\ \x42\xc5\x1a\xf9\xce\x92\xbc\x2c\x3c\x21\x6a\xf4\x88\xa5\xf7\x2e\ \xa7\x79\x9e\xe0\xf7\x18\xea\x3d\xa1\x1e\x62\xe3\x89\xe2\x36\x35\ \xaa\x6f\xa6\xbb\xad\xbe\xda\x5b\x2e\xc3\x29\xe8\x0d\x58\x6d\xd7\ \x1a\xcd\xa4\x2f\x00\xb9\x28\xb5\x19\x0b\xd7\x51\xb1\xd2\x7e\x07\ \x4c\x36\xfd\xe6\xc2\xdd\x90\x9d\x26\x50\x29\x2e\x7f\x0d\x68\xf7\ \x92\xfd\xe9\xda\xf8\xb6\x64\x03\x87\x6d\x30\x37\x00\xdb\xe0\x1d\ \xc4\xbe\x04\xc5\x57\x13\x9f\xe8\x48\x00\x45\x7d\xc0\x2b\x09\xa9\ \xcd\x31\x09\xc0\x73\xe5\x77\x23\x4a\xaf\xb8\x78\x37\x70\x24\xf0\ \x86\x24\xc0\x6a\x8c\x41\xdd\x8f\x53\xd4\x8b\x71\x5d\x5b\x83\x77\ \x90\x72\x1f\xa2\x16\xb9\x7a\x48\xaa\x81\xd0\x43\xc5\x4a\xfb\x79\ \x19\x49\x65\xb7\x8e\xcb\xb4\xf5\x9e\x76\xbd\xa8\x71\xd7\x64\x03\ \xdd\x0e\xdd\x1d\x38\xd6\x54\x2f\x98\x1b\xbd\xa4\x9f\x8d\xc8\xd5\ \x5e\x9c\x24\xd4\x66\x29\x8e\x95\x95\x4b\x0d\x6b\x70\x4c\x5b\xbf\ \x7f\xcc\x0c\xcb\x7d\xc8\x7e\x3d\xef\x47\x69\xf0\x0e\x52\x3e\x15\ \xd4\x8d\x21\x03\x0d\xd9\xbd\x5c\x89\x53\x88\x62\x03\x50\xc8\x79\ \x24\xcc\x7d\xae\x34\x0f\x89\x71\x1f\x7b\xab\x74\x08\xdf\xa4\x62\ \x79\x5a\x3a\xd3\xe8\x1d\x64\x26\x0a\xfd\xaf\x44\xda\xdb\x1a\x64\ \xe8\x64\x2a\xe7\xc6\x56\xdf\x35\xed\x04\x6e\x83\x3f\xdf\x06\x07\ \x29\x09\x57\x53\xb1\xbe\xe0\x65\x5c\x1a\x09\x64\x0a\x8a\x65\x5e\ \x9c\xa4\xc0\xe6\x11\xe0\x84\x24\x94\xb2\x4c\x01\x57\x23\x43\x4c\ \x7f\xa5\xf8\x7a\x6e\x22\xfd\x54\x0a\xe7\x7a\x19\x8b\x46\xef\x20\ \x47\x23\xf2\x80\x17\x27\x29\xb1\x59\xc5\x20\xd3\x92\x54\xb5\x2f\ \x25\xbc\xd5\x61\x9a\xa5\x4f\x81\x7c\x27\x55\x98\x47\x06\xbb\x00\ \xc7\xba\xd8\x4b\x2e\x23\x0b\xa4\xbb\x7f\x7f\x0c\xa3\xdd\x6a\x43\ \x3d\xc8\xce\x3b\x4f\xe3\xfe\x59\x89\x2b\x50\xe6\x65\xb0\x62\xb3\ \x19\x3e\x8b\x9d\x1f\xc5\x16\x3f\xf0\xc0\xb5\x8b\x70\xfa\x3c\x95\ \x5e\x75\xab\x8b\x55\x73\xad\xbe\x18\x38\xf8\xd0\x1d\xde\xc3\xe8\ \x75\xd3\x58\x3e\x6f\x43\xe8\x91\xda\x21\x40\xae\xd4\x6e\x4f\x12\ \xa0\x6a\x9f\xa4\xda\x77\x8b\x97\xe1\x71\x13\xc8\x93\xc0\x3b\xbd\ \x38\x4a\x95\x8d\xf0\x43\x2a\xd6\x74\xbd\xa5\x27\x55\xb8\xa3\x06\ \xdb\xdd\x7f\x04\x86\xa1\x8f\x22\x68\xb3\x36\xd4\x8d\x73\xee\x43\ \x5e\x92\x6a\x2c\x90\x9c\xbd\x0c\x61\x8a\x17\x47\xa9\xb3\x11\xb9\ \x85\x4a\xa1\xed\x16\xd7\x05\x36\x0e\x93\x4a\x07\x32\x24\xb1\x1c\ \x7b\x16\x58\x0e\x23\x39\x1a\xbd\xf1\xad\x2c\x3f\x7f\xdb\xc5\x96\ \x23\xd8\xba\xdd\x41\x74\x39\x9c\x62\xe8\x80\x63\x0b\x90\xed\x4d\ \xdf\x21\xf5\x93\x16\xbd\x9d\xa1\xae\xd8\x0f\xaf\x09\xe9\xb2\xd8\ \x80\x63\xed\xec\xd5\xb7\xcb\x1d\xa4\x94\xf6\xd9\x74\x2f\x3c\xa4\ \xb6\xe2\x86\x97\xe4\x7c\xdb\xe4\xaf\xde\x03\xb5\xf1\x8f\xbe\xfb\ \xa5\xa7\xc3\x93\x38\xd6\x81\x5e\xe1\x36\x16\x48\xbe\xf4\x41\x94\ \xfc\xc4\xab\xb3\xd4\xda\x29\x06\xa8\x5a\x21\x14\x4a\x4b\x19\x23\ \x13\xae\x19\xcd\xd8\xf5\x1b\x53\x86\xda\x2f\xdc\x7b\x70\x2c\xcf\ \x5b\xc9\x5d\xee\x20\x57\xee\x83\x8c\x7a\xc6\x2f\x82\x54\xda\x8b\ \xfa\x67\x2a\xc5\x0b\x52\x89\x3d\x28\xd0\xa6\xad\x0b\x49\xb7\xdf\ \x89\x5a\xdb\xf2\xf3\x0d\x1c\xcb\x73\xad\xaf\xc6\x02\xd1\x8e\x4d\ \x5b\x7f\x0e\x1d\x13\xd4\x18\x24\xdc\x4f\xe7\x56\x5a\x34\x6d\x3d\ \x37\x34\x2e\xe1\xe3\xd3\x3a\x3c\x61\x2e\x15\xcb\xf3\x2a\x75\x2f\ \x02\xf9\xf9\xe6\xb5\xfe\xad\x83\x4b\x87\x87\x8b\x71\xac\x05\xe9\ \x80\x1a\x10\x4a\xd3\x7e\x1e\xd8\x2b\x20\x6f\xc9\x76\xe3\x73\x9f\ \x90\x17\x81\xdc\x0e\x74\x56\xa1\xb5\x4e\x2a\x68\x6d\x96\x7e\x09\ \x72\x40\xb2\xaf\xea\x20\xd1\xbd\x3a\x0e\xe7\x82\x97\xbd\x7a\x74\ \x17\x48\xbe\xb4\x10\x25\xe7\x7b\x75\xd8\x36\x76\xa2\x66\x53\x29\ \x2e\x69\x9b\x7c\x76\x94\x88\x69\x3f\x0c\x74\x50\xad\x30\xf5\xdf\ \x38\x45\x5f\x13\xdf\xee\x02\x31\x4b\xd3\x41\xbe\xdf\xd6\x17\xca\ \xc8\xc9\x7d\x1e\xc7\xba\xbe\x2d\x73\xcf\x95\x96\x23\xf2\xfe\xb6\ \xcc\x6d\xa4\xa4\x14\x37\x53\xb5\x4e\xf6\x93\xb3\xbb\x40\x76\x54\ \xe2\xc5\x4f\x84\xb4\xdb\x2a\x4e\xa1\x6a\xb5\xcb\x2a\xd6\xfa\x68\ \xe4\x4b\x77\xa2\xe4\xe3\x69\x1f\x1a\xdf\xf8\x7d\xbe\xa0\x6b\xff\ \xee\x02\xa9\x7f\xc9\x6a\xcf\x35\x59\x5e\x19\x56\xc6\x4c\xaa\xbd\ \xba\xd2\x64\xfa\x5b\xbe\x7c\x33\x4a\xa5\xe2\xf8\xb3\xc0\xc9\xf6\ \xf9\x82\xee\x43\x20\xa5\xeb\x40\x52\x77\xf8\x49\x80\x04\x0f\x22\ \xb5\xe9\x54\xfa\xd2\xbd\x81\xcc\x2c\x5f\x07\xaa\x83\xc7\xd1\xdf\ \x0b\xba\x77\x81\xe4\x4a\xa7\x21\xf2\xcd\x00\x2f\xb8\x34\xba\xd2\ \xe7\x78\x4f\xc3\xb1\xd2\xb9\xb2\xc0\xb4\xd3\x5e\x08\xb0\xc5\x6b\ \xc6\xff\x0b\xba\x0f\x81\x0c\xd7\x3e\xd2\xf3\x21\x9d\xde\xfe\x80\ \x62\x3a\x55\x6b\x45\xaa\x88\x88\xed\x1c\xf4\x04\xb1\xd4\xc4\x0b\ \xba\x77\x81\xd4\xdf\x43\x9e\x03\xf6\x4e\x50\xca\x71\x41\x79\x1e\ \xc3\x98\xce\xca\xde\x9f\xc6\x05\xc0\x57\xdc\x5c\xf9\x7c\x44\x2d\ \xf4\xd5\xa7\x1d\x8d\x95\xf4\x52\x2d\xe8\x73\x17\x7d\x35\x6f\x2f\ \xe9\xc3\x02\x29\xdf\x0a\x2a\xab\x33\x55\xa7\xf7\x69\xc4\x98\x4e\ \xa5\xf7\x31\x5f\x6c\x47\x6d\x9c\xb7\xcf\x41\xd1\xde\x73\x39\x5e\ \x39\x55\xc6\xfe\x54\x7b\x7f\xe5\xd5\x7c\x8b\x9d\x0f\x81\xd8\xba\ \xbe\x94\x3e\x68\x3e\x6b\x75\x06\x7e\x41\x6d\xf0\x44\x56\xcd\xd5\ \x5f\xf8\x92\xd7\xf2\xf6\x67\x50\xe8\x83\x58\xb3\x46\x73\xef\x1f\ \x9a\x38\x1f\x02\x29\x7f\x00\xd4\xbf\x67\x6c\x6f\xc3\xc0\x23\x0c\ \xa9\xe9\x3c\x54\x4c\xd6\x8a\xe7\x7c\x79\x1a\x4a\xe9\x25\x42\x59\ \xab\x33\x60\xe3\x58\x4d\x6d\xfc\xf3\x21\x90\x85\xbb\xc1\x98\x5f\ \x03\x6f\xcc\x58\xdf\x86\x81\x55\x18\xea\xc4\xc4\x1c\xb3\x60\xda\ \xba\x28\xf3\x7d\xd9\x18\x6d\xcd\x80\xfa\x18\x4e\xf1\xee\x66\x38\ \xf1\x2e\x10\xed\x3d\x6f\xdf\x80\xe2\xf4\x66\x02\xb5\x79\x9f\x07\ \x91\x9d\x4e\xa4\x72\xce\x9f\x62\xcd\x33\x57\xea\x46\xa4\x1a\x2b\ \x86\xe4\x05\x1f\xe4\xe5\x4d\xe3\x79\xfc\x3c\xfd\x99\xde\x77\xf3\ \x27\x90\x89\xa5\x13\xa8\xc9\x0f\x7c\x47\xe9\x8c\x0e\xf7\xb0\x61\ \xe7\x13\x59\x33\xeb\x6f\xb1\xa4\xdb\xdd\x7f\x08\x86\xf1\x78\x2c\ \xb1\x93\x1d\xd4\x73\x25\xf7\x1d\xa5\xe1\x4f\x20\x33\x6f\xeb\xe2\ \x85\x17\xf4\x4b\xe9\xfe\xc9\xe6\x24\x26\x74\xba\x9c\xd0\x5b\x9d\ \x19\x2c\x5d\xaa\x77\xe6\x45\xd7\x8e\x2a\xed\x4b\x97\xe8\xc7\xdf\ \xac\xbd\x9e\x01\x11\x8b\x4a\xa1\xdc\x2c\x31\xfe\x04\x32\xfc\x98\ \x55\x5e\x84\x52\x7d\xcd\x06\xec\x80\x7e\x9e\x4b\xeb\x07\xc2\xc5\ \xe4\x2b\xdf\xc4\xa6\x51\x2f\x05\xe2\xab\x1d\x9d\xd4\x8c\xc3\x59\ \xd5\xab\x6b\x33\x37\xd5\x9a\x10\x48\x69\x32\x4a\x1e\x6c\x2a\x5a\ \xc7\x74\x92\x6f\xe1\x14\x4e\x0b\x3d\xdd\xc9\xf3\xc6\xb2\x69\xfc\ \xfa\xd0\xe3\xa4\x37\xc0\x13\x38\xd6\x21\xad\xc0\xf7\x2f\x10\x1d\ \xcd\xb4\xf5\x2c\xf2\x3f\xb5\x12\xb8\xed\xfb\x2a\x75\x2d\xd5\xe2\ \xac\x50\xf3\x34\xed\xac\x32\x64\x23\x82\x15\x57\x53\xf5\x76\xcc\ \xc1\x48\x6e\x9a\x14\x48\xe9\x52\x90\xf9\xa1\x0e\x7e\x3b\x38\x17\ \x06\xa8\x84\x54\x4e\x28\x6f\xff\x15\x95\xba\xa3\xcf\xa2\x1e\xd5\ \x4f\xe0\x58\xb7\xb6\x12\xb4\x39\x81\xe4\x07\x0e\x45\xd5\x1e\x6d\ \x25\x70\x07\xf5\xbd\x02\xc7\x0a\x76\xcb\xb2\x69\xeb\xb2\x99\x7b\ \x76\x10\x87\xcd\xa4\xfa\x4b\xc6\x19\x87\x72\x77\xef\xab\xcd\x74\ \xde\xd2\xa7\x39\x81\xd4\x1f\xb3\xf4\x64\x94\xa7\x93\x42\x5b\x01\ \xd8\x16\x7d\x15\x5f\xa3\x6a\x5d\x1a\x48\x2e\xa6\xfd\x14\xf0\x8e\ \x40\x7c\xb5\xb5\x13\xf9\x12\x4e\xa1\xe5\x53\x9a\x5b\x11\x88\x7e\ \xbe\xfe\x46\x5b\x73\x1c\x64\x72\x22\x97\x50\x29\xe8\x53\x61\x9b\ \x6f\xa6\xad\xbf\xc6\x1c\xd6\xbc\x83\x8e\xe9\xf9\x0a\xa2\xde\x43\ \xa5\xf8\x74\xab\x19\x37\x2f\x90\xe1\x39\x91\xdf\xac\x01\x75\x68\ \xab\x20\x3a\xa7\xbf\x3a\x0f\xa7\x78\x65\x53\xf9\x9a\xf6\x4a\xfd\ \x91\xbd\xa9\xbe\x9d\xd6\x29\xc0\x0f\x24\xcd\x0b\xa4\xfe\x98\x35\ \x1b\xf0\xbd\xc6\xbe\xd3\xc6\xeb\x75\xf9\xce\xc1\xb1\xae\xf2\xc5\ \x81\x69\xeb\x75\x44\x1f\xf1\xd5\xa7\xa3\x8d\x8d\x49\x38\xbd\xfa\ \x1f\x94\x96\x5b\x6b\x02\xe9\xee\xdf\x99\x2e\x63\x0d\x0a\xcf\xd5\ \xb2\x5b\x46\xdc\x0e\x0e\x14\x67\x52\xb5\xae\xf3\x94\x4a\xae\xb4\ \x14\x91\x19\x9e\x6c\x33\x23\xbd\x40\x7d\x19\x4e\x41\x1f\x19\x17\ \x48\x6b\x4d\x20\x1a\x42\xae\xdc\x87\x28\xcf\xb5\x4e\x03\x41\xdd\ \x0e\x4e\x84\x53\xa9\x58\xdf\x6e\x98\x4a\xb6\x38\xd4\xff\x48\x0b\ \xc7\x51\xb1\xee\xf4\xdf\x71\xc7\x3d\x5a\x17\xc8\x84\xcb\x77\x67\ \xec\xd8\x35\xd9\x97\x95\x66\x86\x44\x4e\xc2\x29\xec\xf8\x2c\x7a\ \xb3\x34\x00\x32\xa7\x19\xaf\x9d\xdb\x27\xd8\xbb\x87\xe6\xb1\x75\ \x81\xd4\xdf\x45\x2e\x04\x2e\xeb\xdc\x81\x69\x3a\xf3\x67\x30\x8c\ \x8f\xb3\xb2\x77\xdb\xa3\xce\xcc\xd2\x02\x90\x8b\x9a\xf6\xda\xa9\ \x1d\x03\xbe\x7b\x04\x27\x90\x89\x03\x6f\xa6\x36\xb4\x06\xe4\xed\ \x9d\x3a\x36\x2d\xe4\xbd\x16\x91\x53\xa9\x14\xf4\x5d\x58\xef\xfd\ \x3f\x0b\xd4\xbf\xb4\xe0\xaf\x43\xbb\x06\x7f\xf7\x08\x4e\x20\xf5\ \xbb\xc8\x97\x80\xaf\x74\xe8\xe8\x04\x91\xf6\x0f\x40\x46\x81\x3a\ \x2e\x08\x67\x1d\xe7\x23\x84\xbb\x47\xb0\x02\xd1\x77\x11\x55\x73\ \x50\xfc\x63\xc7\x0d\x4e\x96\x70\xdc\x0c\xb4\xb4\x29\xaa\x11\xf8\ \x60\xde\x41\xb6\x44\x30\xfb\xcf\x02\x23\x7b\x3c\x88\xfb\x72\xe9\ \xb4\xf8\x8a\xf7\x87\x55\xcc\x2f\x58\x81\xd4\x1f\xb5\xb2\x35\x5a\ \x9d\x76\x81\xc6\x99\xaf\x52\x65\xaa\x45\x2b\x2c\x08\xc1\x0b\x24\ \xdf\xff\x11\x94\xd1\x54\x05\x89\xb0\x92\xcc\xfc\xb6\x2d\x03\xff\ \x47\xd7\x90\xc9\x8a\x73\xff\x2f\xac\x0c\x83\x17\xc8\xf0\x5d\xa4\ \xe3\xab\xc1\x87\x35\x5e\x99\xdf\xad\x19\x68\x71\xbf\xb9\x17\x32\ \xc3\x11\x48\xf7\x95\xef\xc2\x18\xe5\x00\x6f\xf0\x02\x22\xb3\xc9\ \x18\x68\x82\x81\x15\x38\x56\xe8\x27\x64\x85\x23\x10\x9d\x6d\xae\ \x74\x31\x22\x5f\x6b\x22\xf1\xac\x4b\xc6\x80\x17\x06\xa6\xe2\x58\ \x77\x78\x31\x6c\xc5\x26\x3c\x81\xd4\x0b\x0a\xe8\x22\x66\xef\x6d\ \x05\x60\xd6\x37\x63\x60\x07\x0c\x04\xbf\x4b\x73\x04\x9a\xc3\x13\ \x88\x0e\xd8\x6d\x7f\x18\x83\x7b\xb2\x21\xce\x18\x08\x90\x81\x0a\ \xeb\xd6\x1d\xc3\xda\x79\x1b\x03\xf4\x39\xa2\xab\x70\x05\xa2\xc3\ \xe6\xed\x0b\x50\x5c\x1e\x45\x32\x59\x8c\xb6\x67\xa0\x86\xa8\x63\ \xa8\x14\x97\x47\x95\x69\xf8\x02\xa9\x8b\xe4\x66\x14\x9d\x79\x70\ \x64\x54\x23\xd9\x11\x71\xe4\x8b\x38\x85\x48\x17\xc5\x46\x23\x90\ \x49\x4b\xde\xce\xd0\xe0\x7d\xa0\xde\xd5\x11\xe3\x98\x25\x19\x3c\ \x03\x8a\x3b\xa9\x5a\x91\xaf\x53\x8b\x46\x20\x9a\x2e\xd3\xd6\xbb\ \xbc\x7e\x14\x3c\x73\x99\xc7\x0e\x60\xe0\x19\x6a\xb5\xe3\x59\xd5\ \x17\xf9\x39\x99\xd1\x09\xa4\x2e\x92\x6c\xc5\x6f\x07\x5c\xcd\x01\ \xa7\xb8\x01\x38\x3e\xae\xd3\x85\xa3\x15\x48\x5d\x24\xdf\x03\x4e\ \x0c\x98\xc4\xcc\x5d\xbb\x32\x20\xea\x64\x2a\xc5\x9b\xe3\x4a\x2f\ \x7a\x81\x4c\xfe\xe6\x58\x36\xfd\x59\x9f\x35\x9e\x95\xb0\x89\x6b\ \xd4\xd3\x12\xd7\x4f\x71\x8b\x90\x72\x8a\x5e\x20\x3a\x11\x5d\xb2\ \x7f\x70\x54\x35\xdb\x3b\x12\xd2\xa8\xb6\x87\xdb\x3e\x1c\xab\x14\ \x77\x2a\xf1\x08\x44\x67\x9d\xbb\x6a\x1f\x64\x50\x9f\x88\x34\x2e\ \x6e\x12\xb2\xf8\x49\x63\x40\x7d\x09\xa7\xd8\x72\xd9\xd0\x20\xb2\ \x8a\x4f\x20\x1a\xfd\xc4\x81\x83\xa8\xd5\xd6\x06\x91\x48\xe6\xa3\ \x4d\x18\x50\x5c\x48\xd5\x5a\x98\x94\x6c\xe2\x15\x88\x66\xa1\xbb\ \xff\x08\x0c\x63\x75\x52\x08\xc9\x70\xc4\xc8\x80\xa8\xd9\x54\x8a\ \x4b\x62\x44\xb0\x5d\xe8\xf8\x05\xa2\x21\xe5\xb3\x53\xab\x92\x74\ \x51\xc4\x83\x45\x4e\xc3\x29\x7c\x2b\x9e\xd8\x23\x47\x4d\x86\x40\ \x32\x91\x24\xed\xba\x88\x16\x8f\x62\x06\x55\xeb\xfb\xd1\x06\xf5\ \x16\x2d\x39\x02\xc9\x44\xe2\x6d\xc4\xda\xcd\xaa\xc6\x47\x58\x65\ \xdd\x9b\xd4\xb4\x92\x25\x90\x4c\x24\x49\xbd\x4e\xc2\xc1\x65\x18\ \x07\x6f\x57\x55\x32\x9c\x48\x4d\x7b\x4d\x9e\x40\x32\x91\x34\x3d\ \x98\xa9\xe9\x28\xf2\x73\x44\x3e\x91\x74\x71\x68\x3e\x93\x29\x10\ \x8d\x2c\x57\xea\x46\x44\xef\x48\xcc\x5a\x5b\x31\xa0\xee\x63\x88\ \x59\x3c\x54\x7c\x26\x0d\x69\x25\x57\x20\xc3\x22\xb9\xe2\x2d\x30\ \x7a\x0d\xc2\xdb\xd2\x40\x66\x86\xd1\x95\x81\x1b\x59\xb7\xd7\x2c\ \xd6\xf6\x44\xb2\x1b\xd0\x15\x8d\x07\x83\x64\x0b\x44\x27\x30\x79\ \xde\x28\x36\x8d\xff\x2e\x30\xd3\x43\x3e\x99\x49\x62\x19\x90\xcb\ \x70\x0a\x5f\x4c\x2c\xbc\x11\x80\x25\x5f\x20\x5b\x80\xe7\xed\x32\ \x8a\xde\xb4\x11\x9c\xe1\x1d\x66\xc0\xff\xb1\x73\x09\x21\x2e\x3d\ \x02\xa9\xbf\x97\xcc\x43\xe4\xcb\x09\xe1\x2e\x83\xe1\xce\xc0\x23\ \xd4\xd4\x7c\x56\x15\x7f\xe8\x6e\x9a\x4c\x8b\x74\x09\x44\x73\x58\ \x9f\x75\xd7\x22\x99\x9c\x4c\x4a\x33\x54\xc3\x0c\x28\x16\x31\x64\ \xcc\x67\x75\xef\x5f\xd2\xcc\x48\xfa\x04\xb2\x85\xed\xec\x6e\x92\ \xd4\xeb\x6e\x35\xc8\x7c\x9c\xc2\x5d\x49\x05\xe8\x07\x57\x7a\x05\ \x92\xdd\x4d\xfc\x8c\x73\x44\xb6\x72\x19\xa3\xc7\xcd\x67\xf9\xe9\ \x7a\x9b\x6c\x5b\xb4\x74\x0b\x24\xbb\x9b\x24\xe5\x22\xac\x00\xf3\ \xe3\xda\x37\x1e\x26\x09\xed\x21\x90\xec\x6e\x12\xe6\x35\xe2\xe6\ \x7b\x3e\x7b\xed\x35\x9f\xa5\x3d\x43\x6e\x86\x69\xfc\x7d\xfb\x08\ \x64\x9b\xbb\x09\x67\x83\xbc\x25\x8d\x03\x92\x1e\xcc\x72\x13\xa2\ \x16\x53\xb1\xda\x7a\x2f\x4f\xfb\x09\x44\x5f\x61\xa6\xfd\x0f\x28\ \xce\x41\xb4\x50\xb2\x2d\xbd\x01\x8b\xee\x6e\x50\x8b\x71\x8a\x1d\ \x71\x48\x52\x7b\x0a\x64\xcb\x15\x91\xbf\xea\x00\x6a\x9b\xce\x41\ \x44\x0b\x65\xa7\x80\x2f\x94\x4e\x73\xb7\x7a\xb3\x30\x6e\xea\xa4\ \xc4\xdb\x5b\x20\xaf\x09\x65\xd1\xa1\xa8\xae\xb3\x11\x3e\x8d\x62\ \xd7\x4e\x1a\xe0\x00\x72\x5d\x83\xc8\xb5\x54\x0a\xd7\x06\xe0\x2b\ \x75\x2e\x3a\x43\x20\x5b\x86\xe5\xa8\xd2\xbe\x74\xc9\x4c\x44\x66\ \xa0\xd4\x11\xa9\x1b\xad\x68\x01\x77\xb4\x30\xb6\x50\xdd\x59\x02\ \xd9\xfa\x02\x33\xed\x63\x11\x99\x86\x52\xd3\x81\x3d\xa3\xbd\xf6\ \x12\x1d\x2d\x13\xc6\x56\xc3\xd3\xb9\x02\xd9\x42\x42\x77\xff\x1b\ \x30\x8c\x69\x80\x16\xca\xc7\x12\x7d\xe9\x86\x07\xee\x77\xa0\x96\ \x21\x5d\x77\x50\xe9\x5d\x16\x5e\x98\xf4\x79\xce\x04\xb2\xf5\x98\ \xe5\x4a\x87\x21\x5a\x28\xa2\xc5\x72\x70\xfa\x86\xd3\x0f\x62\xd9\ \x30\x2c\x0a\xa5\x96\xb1\xcb\x2e\x77\x70\xff\xac\x3f\xfb\xe9\xdd\ \x29\xb6\x99\x40\x46\x1a\xe9\x5c\x79\x2a\x32\xfc\xf8\x75\x2c\xf0\ \xd6\xf6\xb8\x20\x64\x03\x4a\xdd\x8f\x70\x2f\x6a\x70\x19\xd5\xb9\ \xcf\xb6\x47\x5e\xe1\x65\x91\x09\xc4\x8d\xdb\x99\xb7\x75\xf1\xdb\ \xdf\x4c\xa6\xa6\x26\x01\xfa\x67\x22\xd0\xe5\xd6\x2d\x41\xbf\xd7\ \x8f\x4f\xf7\x83\xfa\x09\xc6\xa8\xbb\x58\xd9\xfb\x52\x82\xb0\x25\ \x1e\x4a\x26\x10\xbf\x43\xf4\xc1\x6b\x76\x67\xfd\xdf\x8e\x41\xc9\ \x31\xc8\xf0\x92\xfb\x83\xfc\xba\x08\xd9\x7e\x10\x78\x14\xc5\x03\ \xc0\x5d\x54\xad\x15\x21\xc7\x6b\x6b\xf7\x99\x40\x5a\x1d\xde\xee\ \xfe\xbd\xe9\x32\x8e\xa1\xa6\x0e\x47\x64\x3f\x60\x5f\x40\xff\x77\ \xb7\x56\x5d\x7b\xe8\xff\x7b\x90\x47\xeb\x82\x50\x8f\x0d\xff\xb9\ \x5a\x78\xc2\x43\xbf\xcc\xc4\x23\x03\x99\x40\x3c\x12\xe5\xdb\x4c\ \x1f\xf1\xb0\x69\xcc\xbe\xc8\xd0\x7e\xd4\xd4\x7e\x18\xc6\xbe\x28\ \xb5\x45\x38\x63\x10\x19\x83\x62\x0c\xd4\xc6\x80\x8c\x01\xfd\xe7\ \xd7\x7e\xf4\x72\xf1\x17\xeb\x3f\xf2\x22\xaa\xf6\x12\x22\x9b\xff\ \xae\xea\xff\x6f\xd0\xf8\x2f\x56\xf7\x3e\xe7\x1b\x57\xd6\xc1\x17\ \x03\xff\x0f\x4a\x9e\x61\x41\x3a\x01\x3b\xe3\x00\x00\x00\x00\x49\ \x45\x4e\x44\xae\x42\x60\x82\ \x00\x00\x04\x7e\ \x00\ \x00\x01\x00\x01\x00\x10\x10\x00\x00\x01\x00\x20\x00\x68\x04\x00\ \x00\x16\x00\x00\x00\x28\x00\x00\x00\x10\x00\x00\x00\x20\x00\x00\ \x00\x01\x00\x20\x00\x00\x00\x00\x00\x00\x04\x00\x00\x25\x16\x00\ \x00\x25\x16\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\xff\xff\xff\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xfd\xfc\xfa\xff\xe3\xcd\xbb\ \xff\xc4\x96\x70\xff\xaa\x68\x27\xff\x9e\x53\x06\xff\x9e\x54\x08\ \xff\xab\x6a\x2b\xff\xc6\x99\x74\xff\xe5\xd1\xc1\xff\xfe\xfc\xfb\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xf8\xf2\xed\xff\xc8\x9e\x7c\xff\xa0\x57\x17\ \xff\x98\x48\x00\xff\x9b\x4d\x00\xff\x9c\x4e\x00\xff\x9c\x4e\x00\ \xff\x9b\x4d\x00\xff\x98\x48\x00\xff\xa2\x5b\x1b\xff\xce\xa9\x85\ \xff\xfb\xf9\xf7\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xfa\xf6\xf3\xff\xbe\x8b\x66\xff\x98\x48\x05\xff\x9b\x4d\x00\ \xff\x9c\x4f\x00\xff\x9c\x4f\x00\xff\x9b\x4d\x00\xff\x9b\x4d\x00\ \xff\x9c\x4f\x00\xff\x9c\x4f\x00\xff\x9a\x4c\x00\xff\x99\x4b\x06\ \xff\xc6\x9a\x76\xff\xfc\xfa\xf9\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xce\xa8\x85\xff\x99\x4a\x04\xff\x9c\x4e\x00\xff\x9c\x4f\x00\ \xff\x9c\x4f\x00\xff\x9a\x4b\x00\xff\xa4\x5e\x1c\xff\xa4\x5d\x19\ \xff\x9a\x4c\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\xff\x9b\x4e\x00\ \xff\x9b\x4d\x08\xff\xd6\xb7\x9a\xff\xff\xff\xff\xff\xea\xd9\xc9\ \xff\xa6\x61\x26\xff\x9a\x4c\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\ \xff\x9a\x4b\x00\xff\xa7\x63\x23\xff\xe6\xd2\xbf\xff\xe5\xd1\xbd\ \xff\xa6\x61\x20\xff\x9a\x4b\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\ \xff\x99\x4a\x00\xff\xad\x6d\x38\xff\xf2\xe7\xdc\xff\xd2\xaf\x93\ \xff\x98\x48\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\xff\x99\x4a\x00\ \xff\xa7\x63\x24\xff\xe5\xd2\xbe\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xe5\xd0\xbc\xff\xa5\x60\x20\xff\x99\x4b\x00\xff\x9c\x4f\x00\ \xff\x9c\x4f\x00\xff\x9b\x4e\x06\xff\xd9\xbc\xa4\xff\xbf\x8e\x63\ \xff\x99\x49\x00\xff\x9c\x4f\x00\xff\x9a\x4c\x00\xff\xaa\x68\x2b\ \xff\xe7\xd4\xc1\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xe5\xd2\xbe\xff\xa9\x66\x27\xff\x97\x46\x00\ \xff\x98\x48\x00\xff\x93\x40\x00\xff\xc8\x9d\x81\xff\xb7\x80\x4d\ \xff\x9a\x4b\x00\xff\x9c\x4f\x00\xff\x9d\x52\x0d\xff\xe0\xc8\xb1\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xe4\xcf\xbb\xff\xce\xa8\x8a\ \xff\xcf\xaa\x8d\xff\xcd\xa6\x8a\xff\xe2\xcc\xbc\xff\xbd\x8b\x5e\ \xff\x99\x4a\x00\xff\x9c\x4f\x00\xff\x9b\x4c\x01\xff\xba\x85\x52\ \xff\xf5\xec\xe4\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xf3\xea\xe1\xff\xb8\x80\x50\xff\xcb\xa3\x80\ \xff\xfa\xf6\xf1\xff\xff\xff\xff\xff\xff\xff\xff\xff\xce\xa9\x8d\ \xff\x97\x47\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\xff\x99\x4b\x00\ \xff\xb8\x82\x4e\xff\xf5\xee\xe6\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xf4\xec\xe4\xff\xb5\x7b\x47\xff\x98\x48\x00\xff\x99\x4b\x0e\ \xff\xd3\xb1\x97\xff\xff\xfe\xfd\xff\xff\xff\xff\xff\xe5\xd1\xbe\ \xff\xa3\x5b\x1c\xff\x9b\x4c\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\ \xff\x99\x4a\x00\xff\xb8\x82\x4d\xff\xf5\xee\xe6\xff\xf4\xec\xe4\ \xff\xb5\x7b\x46\xff\x98\x49\x00\xff\x99\x4a\x00\xff\xad\x6e\x36\ \xff\xe2\xcb\xb8\xff\xde\xc5\xb5\xff\xf8\xf2\xec\xff\xfd\xfb\xf8\ \xff\xc1\x92\x68\xff\x98\x48\x00\xff\x9c\x4f\x00\xff\x9c\x4f\x00\ \xff\x9c\x4f\x00\xff\x9a\x4b\x00\xff\xb7\x7f\x49\xff\xb4\x7a\x42\ \xff\x99\x4a\x00\xff\x99\x4a\x00\xff\xae\x6e\x36\xff\xe4\xce\xba\ \xff\xc1\x92\x6f\xff\x99\x49\x0e\xff\xcc\xa5\x85\xff\xff\xff\xff\ \xff\xf5\xed\xe5\xff\xb0\x74\x43\xff\x99\x49\x00\xff\x9c\x4f\x00\ \xff\x9c\x4f\x00\xff\x9c\x4f\x00\xff\x9a\x4c\x00\xff\x9a\x4c\x00\ \xff\x99\x4a\x00\xff\xaf\x71\x3b\xff\xe4\xcf\xba\xff\xc0\x90\x6b\ \xff\x96\x45\x03\xff\xa5\x5e\x1d\xff\xe3\xcd\xb8\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xf1\xe5\xdd\xff\xb6\x7d\x49\xff\x9a\x4c\x06\ \xff\x99\x49\x00\xff\x9a\x4c\x00\xff\x9b\x4c\x00\xff\x98\x48\x00\ \xff\xaf\x71\x3b\xff\xe3\xce\xba\xff\xc0\x90\x6c\xff\x96\x45\x03\ \xff\xa3\x5c\x1b\xff\xe4\xce\xb9\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xf8\xf2\xec\xff\xd4\xb2\x94\ \xff\xb3\x79\x48\xff\xa6\x61\x22\xff\xa4\x5d\x1c\xff\xbb\x86\x5c\ \xff\xe1\xca\xb4\xff\xbd\x89\x64\xff\x95\x43\x04\xff\xa7\x64\x24\ \xff\xe4\xce\xb9\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\ \xff\xf9\xf4\xef\xff\xe8\xd7\xc4\xff\xe7\xd4\xc1\xff\xe7\xd4\xc1\ \xff\xb6\x7e\x4f\xff\xa0\x57\x17\xff\xbe\x8c\x60\xff\xe8\xd6\xc6\ \xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\xff\x00\x00\x00\ \x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x17\x0c\ \x89\ \x50\x4e\x47\x0d\x0a\x1a\x0a\x00\x00\x00\x0d\x49\x48\x44\x52\x00\ \x00\x00\xc8\x00\x00\x00\x28\x08\x06\x00\x00\x00\xbb\x1c\xb5\x1c\ \x00\x00\x00\x09\x70\x48\x59\x73\x00\x00\x0b\x13\x00\x00\x0b\x13\ \x01\x00\x9a\x9c\x18\x00\x00\x0a\x4d\x69\x43\x43\x50\x50\x68\x6f\ \x74\x6f\x73\x68\x6f\x70\x20\x49\x43\x43\x20\x70\x72\x6f\x66\x69\ \x6c\x65\x00\x00\x78\xda\x9d\x53\x77\x58\x93\xf7\x16\x3e\xdf\xf7\ \x65\x0f\x56\x42\xd8\xf0\xb1\x97\x6c\x81\x00\x22\x23\xac\x08\xc8\ \x10\x59\xa2\x10\x92\x00\x61\x84\x10\x12\x40\xc5\x85\x88\x0a\x56\ \x14\x15\x11\x9c\x48\x55\xc4\x82\xd5\x0a\x48\x9d\x88\xe2\xa0\x28\ \xb8\x67\x41\x8a\x88\x5a\x8b\x55\x5c\x38\xee\x1f\xdc\xa7\xb5\x7d\ \x7a\xef\xed\xed\xfb\xd7\xfb\xbc\xe7\x9c\xe7\xfc\xce\x79\xcf\x0f\ \x80\x11\x12\x26\x91\xe6\xa2\x6a\x00\x39\x52\x85\x3c\x3a\xd8\x1f\ \x8f\x4f\x48\xc4\xc9\xbd\x80\x02\x15\x48\xe0\x04\x20\x10\xe6\xcb\ \xc2\x67\x05\xc5\x00\x00\xf0\x03\x79\x78\x7e\x74\xb0\x3f\xfc\x01\ \xaf\x6f\x00\x02\x00\x70\xd5\x2e\x24\x12\xc7\xe1\xff\x83\xba\x50\ \x26\x57\x00\x20\x91\x00\xe0\x22\x12\xe7\x0b\x01\x90\x52\x00\xc8\ \x2e\x54\xc8\x14\x00\xc8\x18\x00\xb0\x53\xb3\x64\x0a\x00\x94\x00\ \x00\x6c\x79\x7c\x42\x22\x00\xaa\x0d\x00\xec\xf4\x49\x3e\x05\x00\ \xd8\xa9\x93\xdc\x17\x00\xd8\xa2\x1c\xa9\x08\x00\x8d\x01\x00\x99\ \x28\x47\x24\x02\x40\xbb\x00\x60\x55\x81\x52\x2c\x02\xc0\xc2\x00\ \xa0\xac\x40\x22\x2e\x04\xc0\xae\x01\x80\x59\xb6\x32\x47\x02\x80\ \xbd\x05\x00\x76\x8e\x58\x90\x0f\x40\x60\x00\x80\x99\x42\x2c\xcc\ \x00\x20\x38\x02\x00\x43\x1e\x13\xcd\x03\x20\x4c\x03\xa0\x30\xd2\ \xbf\xe0\xa9\x5f\x70\x85\xb8\x48\x01\x00\xc0\xcb\x95\xcd\x97\x4b\ \xd2\x33\x14\xb8\x95\xd0\x1a\x77\xf2\xf0\xe0\xe2\x21\xe2\xc2\x6c\ \xb1\x42\x61\x17\x29\x10\x66\x09\xe4\x22\x9c\x97\x9b\x23\x13\x48\ \xe7\x03\x4c\xce\x0c\x00\x00\x1a\xf9\xd1\xc1\xfe\x38\x3f\x90\xe7\ \xe6\xe4\xe1\xe6\x66\xe7\x6c\xef\xf4\xc5\xa2\xfe\x6b\xf0\x6f\x22\ \x3e\x21\xf1\xdf\xfe\xbc\x8c\x02\x04\x00\x10\x4e\xcf\xef\xda\x5f\ \xe5\xe5\xd6\x03\x70\xc7\x01\xb0\x75\xbf\x6b\xa9\x5b\x00\xda\x56\ \x00\x68\xdf\xf9\x5d\x33\xdb\x09\xa0\x5a\x0a\xd0\x7a\xf9\x8b\x79\ \x38\xfc\x40\x1e\x9e\xa1\x50\xc8\x3c\x1d\x1c\x0a\x0b\x0b\xed\x25\ \x62\xa1\xbd\x30\xe3\x8b\x3e\xff\x33\xe1\x6f\xe0\x8b\x7e\xf6\xfc\ \x40\x1e\xfe\xdb\x7a\xf0\x00\x71\x9a\x40\x99\xad\xc0\xa3\x83\xfd\ \x71\x61\x6e\x76\xae\x52\x8e\xe7\xcb\x04\x42\x31\x6e\xf7\xe7\x23\ \xfe\xc7\x85\x7f\xfd\x8e\x29\xd1\xe2\x34\xb1\x5c\x2c\x15\x8a\xf1\ \x58\x89\xb8\x50\x22\x4d\xc7\x79\xb9\x52\x91\x44\x21\xc9\x95\xe2\ \x12\xe9\x7f\x32\xf1\x1f\x96\xfd\x09\x93\x77\x0d\x00\xac\x86\x4f\ \xc0\x4e\xb6\x07\xb5\xcb\x6c\xc0\x7e\xee\x01\x02\x8b\x0e\x58\xd2\ \x76\x00\x40\x7e\xf3\x2d\x8c\x1a\x0b\x91\x00\x10\x67\x34\x32\x79\ \xf7\x00\x00\x93\xbf\xf9\x8f\x40\x2b\x01\x00\xcd\x97\xa4\xe3\x00\ \x00\xbc\xe8\x18\x5c\xa8\x94\x17\x4c\xc6\x08\x00\x00\x44\xa0\x81\ \x2a\xb0\x41\x07\x0c\xc1\x14\xac\xc0\x0e\x9c\xc1\x1d\xbc\xc0\x17\ \x02\x61\x06\x44\x40\x0c\x24\xc0\x3c\x10\x42\x06\xe4\x80\x1c\x0a\ \xa1\x18\x96\x41\x19\x54\xc0\x3a\xd8\x04\xb5\xb0\x03\x1a\xa0\x11\ \x9a\xe1\x10\xb4\xc1\x31\x38\x0d\xe7\xe0\x12\x5c\x81\xeb\x70\x17\ \x06\x60\x18\x9e\xc2\x18\xbc\x86\x09\x04\x41\xc8\x08\x13\x61\x21\ \x3a\x88\x11\x62\x8e\xd8\x22\xce\x08\x17\x99\x8e\x04\x22\x61\x48\ \x34\x92\x80\xa4\x20\xe9\x88\x14\x51\x22\xc5\xc8\x72\xa4\x02\xa9\ \x42\x6a\x91\x5d\x48\x23\xf2\x2d\x72\x14\x39\x8d\x5c\x40\xfa\x90\ \xdb\xc8\x20\x32\x8a\xfc\x8a\xbc\x47\x31\x94\x81\xb2\x51\x03\xd4\ \x02\x75\x40\xb9\xa8\x1f\x1a\x8a\xc6\xa0\x73\xd1\x74\x34\x0f\x5d\ \x80\x96\xa2\x6b\xd1\x1a\xb4\x1e\x3d\x80\xb6\xa2\xa7\xd1\x4b\xe8\ \x75\x74\x00\x7d\x8a\x8e\x63\x80\xd1\x31\x0e\x66\x8c\xd9\x61\x5c\ \x8c\x87\x45\x60\x89\x58\x1a\x26\xc7\x16\x63\xe5\x58\x35\x56\x8f\ \x35\x63\x1d\x58\x37\x76\x15\x1b\xc0\x9e\x61\xef\x08\x24\x02\x8b\ \x80\x13\xec\x08\x5e\x84\x10\xc2\x6c\x82\x90\x90\x47\x58\x4c\x58\ \x43\xa8\x25\xec\x23\xb4\x12\xba\x08\x57\x09\x83\x84\x31\xc2\x27\ \x22\x93\xa8\x4f\xb4\x25\x7a\x12\xf9\xc4\x78\x62\x3a\xb1\x90\x58\ \x46\xac\x26\xee\x21\x1e\x21\x9e\x25\x5e\x27\x0e\x13\x5f\x93\x48\ \x24\x0e\xc9\x92\xe4\x4e\x0a\x21\x25\x90\x32\x49\x0b\x49\x6b\x48\ \xdb\x48\x2d\xa4\x53\xa4\x3e\xd2\x10\x69\x9c\x4c\x26\xeb\x90\x6d\ \xc9\xde\xe4\x08\xb2\x80\xac\x20\x97\x91\xb7\x90\x0f\x90\x4f\x92\ \xfb\xc9\xc3\xe4\xb7\x14\x3a\xc5\x88\xe2\x4c\x09\xa2\x24\x52\xa4\ \x94\x12\x4a\x35\x65\x3f\xe5\x04\xa5\x9f\x32\x42\x99\xa0\xaa\x51\ \xcd\xa9\x9e\xd4\x08\xaa\x88\x3a\x9f\x5a\x49\x6d\xa0\x76\x50\x2f\ \x53\x87\xa9\x13\x34\x75\x9a\x25\xcd\x9b\x16\x43\xcb\xa4\x2d\xa3\ \xd5\xd0\x9a\x69\x67\x69\xf7\x68\x2f\xe9\x74\xba\x09\xdd\x83\x1e\ \x45\x97\xd0\x97\xd2\x6b\xe8\x07\xe9\xe7\xe9\x83\xf4\x77\x0c\x0d\ \x86\x0d\x83\xc7\x48\x62\x28\x19\x6b\x19\x7b\x19\xa7\x18\xb7\x19\ \x2f\x99\x4c\xa6\x05\xd3\x97\x99\xc8\x54\x30\xd7\x32\x1b\x99\x67\ \x98\x0f\x98\x6f\x55\x58\x2a\xf6\x2a\x7c\x15\x91\xca\x12\x95\x3a\ \x95\x56\x95\x7e\x95\xe7\xaa\x54\x55\x73\x55\x3f\xd5\x79\xaa\x0b\ \x54\xab\x55\x0f\xab\x5e\x56\x7d\xa6\x46\x55\xb3\x50\xe3\xa9\x09\ \xd4\x16\xab\xd5\xa9\x1d\x55\xbb\xa9\x36\xae\xce\x52\x77\x52\x8f\ \x50\xcf\x51\x5f\xa3\xbe\x5f\xfd\x82\xfa\x63\x0d\xb2\x86\x85\x46\ \xa0\x86\x48\xa3\x54\x63\xb7\xc6\x19\x8d\x21\x16\xc6\x32\x65\xf1\ \x58\x42\xd6\x72\x56\x03\xeb\x2c\x6b\x98\x4d\x62\x5b\xb2\xf9\xec\ \x4c\x76\x05\xfb\x1b\x76\x2f\x7b\x4c\x53\x43\x73\xaa\x66\xac\x66\ \x91\x66\x9d\xe6\x71\xcd\x01\x0e\xc6\xb1\xe0\xf0\x39\xd9\x9c\x4a\ \xce\x21\xce\x0d\xce\x7b\x2d\x03\x2d\x3f\x2d\xb1\xd6\x6a\xad\x66\ \xad\x7e\xad\x37\xda\x7a\xda\xbe\xda\x62\xed\x72\xed\x16\xed\xeb\ \xda\xef\x75\x70\x9d\x40\x9d\x2c\x9d\xf5\x3a\x6d\x3a\xf7\x75\x09\ \xba\x36\xba\x51\xba\x85\xba\xdb\x75\xcf\xea\x3e\xd3\x63\xeb\x79\ \xe9\x09\xf5\xca\xf5\x0e\xe9\xdd\xd1\x47\xf5\x6d\xf4\xa3\xf5\x17\ \xea\xef\xd6\xef\xd1\x1f\x37\x30\x34\x08\x36\x90\x19\x6c\x31\x38\ \x63\xf0\xcc\x90\x63\xe8\x6b\x98\x69\xb8\xd1\xf0\x84\xe1\xa8\x11\ \xcb\x68\xba\x91\xc4\x68\xa3\xd1\x49\xa3\x27\xb8\x26\xee\x87\x67\ \xe3\x35\x78\x17\x3e\x66\xac\x6f\x1c\x62\xac\x34\xde\x65\xdc\x6b\ \x3c\x61\x62\x69\x32\xdb\xa4\xc4\xa4\xc5\xe4\xbe\x29\xcd\x94\x6b\ \x9a\x66\xba\xd1\xb4\xd3\x74\xcc\xcc\xc8\x2c\xdc\xac\xd8\xac\xc9\ \xec\x8e\x39\xd5\x9c\x6b\x9e\x61\xbe\xd9\xbc\xdb\xfc\x8d\x85\xa5\ \x45\x9c\xc5\x4a\x8b\x36\x8b\xc7\x96\xda\x96\x7c\xcb\x05\x96\x4d\ \x96\xf7\xac\x98\x56\x3e\x56\x79\x56\xf5\x56\xd7\xac\x49\xd6\x5c\ \xeb\x2c\xeb\x6d\xd6\x57\x6c\x50\x1b\x57\x9b\x0c\x9b\x3a\x9b\xcb\ \xb6\xa8\xad\x9b\xad\xc4\x76\x9b\x6d\xdf\x14\xe2\x14\x8f\x29\xd2\ \x29\xf5\x53\x6e\xda\x31\xec\xfc\xec\x0a\xec\x9a\xec\x06\xed\x39\ \xf6\x61\xf6\x25\xf6\x6d\xf6\xcf\x1d\xcc\x1c\x12\x1d\xd6\x3b\x74\ \x3b\x7c\x72\x74\x75\xcc\x76\x6c\x70\xbc\xeb\xa4\xe1\x34\xc3\xa9\ \xc4\xa9\xc3\xe9\x57\x67\x1b\x67\xa1\x73\x9d\xf3\x35\x17\xa6\x4b\ \x90\xcb\x12\x97\x76\x97\x17\x53\x6d\xa7\x8a\xa7\x6e\x9f\x7a\xcb\ \x95\xe5\x1a\xee\xba\xd2\xb5\xd3\xf5\xa3\x9b\xbb\x9b\xdc\xad\xd9\ \x6d\xd4\xdd\xcc\x3d\xc5\x7d\xab\xfb\x4d\x2e\x9b\x1b\xc9\x5d\xc3\ \x3d\xef\x41\xf4\xf0\xf7\x58\xe2\x71\xcc\xe3\x9d\xa7\x9b\xa7\xc2\ \xf3\x90\xe7\x2f\x5e\x76\x5e\x59\x5e\xfb\xbd\x1e\x4f\xb3\x9c\x26\ \x9e\xd6\x30\x6d\xc8\xdb\xc4\x5b\xe0\xbd\xcb\x7b\x60\x3a\x3e\x3d\ \x65\xfa\xce\xe9\x03\x3e\xc6\x3e\x02\x9f\x7a\x9f\x87\xbe\xa6\xbe\ \x22\xdf\x3d\xbe\x23\x7e\xd6\x7e\x99\x7e\x07\xfc\x9e\xfb\x3b\xfa\ \xcb\xfd\x8f\xf8\xbf\xe1\x79\xf2\x16\xf1\x4e\x05\x60\x01\xc1\x01\ \xe5\x01\xbd\x81\x1a\x81\xb3\x03\x6b\x03\x1f\x04\x99\x04\xa5\x07\ \x35\x05\x8d\x05\xbb\x06\x2f\x0c\x3e\x15\x42\x0c\x09\x0d\x59\x1f\ \x72\x93\x6f\xc0\x17\xf2\x1b\xf9\x63\x33\xdc\x67\x2c\x9a\xd1\x15\ \xca\x08\x9d\x15\x5a\x1b\xfa\x30\xcc\x26\x4c\x1e\xd6\x11\x8e\x86\ \xcf\x08\xdf\x10\x7e\x6f\xa6\xf9\x4c\xe9\xcc\xb6\x08\x88\xe0\x47\ \x6c\x88\xb8\x1f\x69\x19\x99\x17\xf9\x7d\x14\x29\x2a\x32\xaa\x2e\ \xea\x51\xb4\x53\x74\x71\x74\xf7\x2c\xd6\xac\xe4\x59\xfb\x67\xbd\ \x8e\xf1\x8f\xa9\x8c\xb9\x3b\xdb\x6a\xb6\x72\x76\x67\xac\x6a\x6c\ \x52\x6c\x63\xec\x9b\xb8\x80\xb8\xaa\xb8\x81\x78\x87\xf8\x45\xf1\ \x97\x12\x74\x13\x24\x09\xed\x89\xe4\xc4\xd8\xc4\x3d\x89\xe3\x73\ \x02\xe7\x6c\x9a\x33\x9c\xe4\x9a\x54\x96\x74\x63\xae\xe5\xdc\xa2\ \xb9\x17\xe6\xe9\xce\xcb\x9e\x77\x3c\x59\x35\x59\x90\x7c\x38\x85\ \x98\x12\x97\xb2\x3f\xe5\x83\x20\x42\x50\x2f\x18\x4f\xe5\xa7\x6e\ \x4d\x1d\x13\xf2\x84\x9b\x85\x4f\x45\xbe\xa2\x8d\xa2\x51\xb1\xb7\ \xb8\x4a\x3c\x92\xe6\x9d\x56\x95\xf6\x38\xdd\x3b\x7d\x43\xfa\x68\ \x86\x4f\x46\x75\xc6\x33\x09\x4f\x52\x2b\x79\x91\x19\x92\xb9\x23\ \xf3\x4d\x56\x44\xd6\xde\xac\xcf\xd9\x71\xd9\x2d\x39\x94\x9c\x94\ \x9c\xa3\x52\x0d\x69\x96\xb4\x2b\xd7\x30\xb7\x28\xb7\x4f\x66\x2b\ \x2b\x93\x0d\xe4\x79\xe6\x6d\xca\x1b\x93\x87\xca\xf7\xe4\x23\xf9\ \x73\xf3\xdb\x15\x6c\x85\x4c\xd1\xa3\xb4\x52\xae\x50\x0e\x16\x4c\ \x2f\xa8\x2b\x78\x5b\x18\x5b\x78\xb8\x48\xbd\x48\x5a\xd4\x33\xdf\ \x66\xfe\xea\xf9\x23\x0b\x82\x16\x7c\xbd\x90\xb0\x50\xb8\xb0\xb3\ \xd8\xb8\x78\x59\xf1\xe0\x22\xbf\x45\xbb\x16\x23\x8b\x53\x17\x77\ \x2e\x31\x5d\x52\xba\x64\x78\x69\xf0\xd2\x7d\xcb\x68\xcb\xb2\x96\ \xfd\x50\xe2\x58\x52\x55\xf2\x6a\x79\xdc\xf2\x8e\x52\x83\xd2\xa5\ \xa5\x43\x2b\x82\x57\x34\x95\xa9\x94\xc9\xcb\x6e\xae\xf4\x5a\xb9\ \x63\x15\x61\x95\x64\x55\xef\x6a\x97\xd5\x5b\x56\x7f\x2a\x17\x95\ \x5f\xac\x70\xac\xa8\xae\xf8\xb0\x46\xb8\xe6\xe2\x57\x4e\x5f\xd5\ \x7c\xf5\x79\x6d\xda\xda\xde\x4a\xb7\xca\xed\xeb\x48\xeb\xa4\xeb\ \x6e\xac\xf7\x59\xbf\xaf\x4a\xbd\x6a\x41\xd5\xd0\x86\xf0\x0d\xad\ \x1b\xf1\x8d\xe5\x1b\x5f\x6d\x4a\xde\x74\xa1\x7a\x6a\xf5\x8e\xcd\ \xb4\xcd\xca\xcd\x03\x35\x61\x35\xed\x5b\xcc\xb6\xac\xdb\xf2\xa1\ \x36\xa3\xf6\x7a\x9d\x7f\x5d\xcb\x56\xfd\xad\xab\xb7\xbe\xd9\x26\ \xda\xd6\xbf\xdd\x77\x7b\xf3\x0e\x83\x1d\x15\x3b\xde\xef\x94\xec\ \xbc\xb5\x2b\x78\x57\x6b\xbd\x45\x7d\xf5\x6e\xd2\xee\x82\xdd\x8f\ \x1a\x62\x1b\xba\xbf\xe6\x7e\xdd\xb8\x47\x77\x4f\xc5\x9e\x8f\x7b\ \xa5\x7b\x07\xf6\x45\xef\xeb\x6a\x74\x6f\x6c\xdc\xaf\xbf\xbf\xb2\ \x09\x6d\x52\x36\x8d\x1e\x48\x3a\x70\xe5\x9b\x80\x6f\xda\x9b\xed\ \x9a\x77\xb5\x70\x5a\x2a\x0e\xc2\x41\xe5\xc1\x27\xdf\xa6\x7c\x7b\ \xe3\x50\xe8\xa1\xce\xc3\xdc\xc3\xcd\xdf\x99\x7f\xb7\xf5\x08\xeb\ \x48\x79\x2b\xd2\x3a\xbf\x75\xac\x2d\xa3\x6d\xa0\x3d\xa1\xbd\xef\ \xe8\x8c\xa3\x9d\x1d\x5e\x1d\x47\xbe\xb7\xff\x7e\xef\x31\xe3\x63\ \x75\xc7\x35\x8f\x57\x9e\xa0\x9d\x28\x3d\xf1\xf9\xe4\x82\x93\xe3\ \xa7\x64\xa7\x9e\x9d\x4e\x3f\x3d\xd4\x99\xdc\x79\xf7\x4c\xfc\x99\ \x6b\x5d\x51\x5d\xbd\x67\x43\xcf\x9e\x3f\x17\x74\xee\x4c\xb7\x5f\ \xf7\xc9\xf3\xde\xe7\x8f\x5d\xf0\xbc\x70\xf4\x22\xf7\x62\xdb\x25\ \xb7\x4b\xad\x3d\xae\x3d\x47\x7e\x70\xfd\xe1\x48\xaf\x5b\x6f\xeb\ \x65\xf7\xcb\xed\x57\x3c\xae\x74\xf4\x4d\xeb\x3b\xd1\xef\xd3\x7f\ \xfa\x6a\xc0\xd5\x73\xd7\xf8\xd7\x2e\x5d\x9f\x79\xbd\xef\xc6\xec\ \x1b\xb7\x6e\x26\xdd\x1c\xb8\x25\xba\xf5\xf8\x76\xf6\xed\x17\x77\ \x0a\xee\x4c\xdc\x5d\x7a\x8f\x78\xaf\xfc\xbe\xda\xfd\xea\x07\xfa\ \x0f\xea\x7f\xb4\xfe\xb1\x65\xc0\x6d\xe0\xf8\x60\xc0\x60\xcf\xc3\ \x59\x0f\xef\x0e\x09\x87\x9e\xfe\x94\xff\xd3\x87\xe1\xd2\x47\xcc\ \x47\xd5\x23\x46\x23\x8d\x8f\x9d\x1f\x1f\x1b\x0d\x1a\xbd\xf2\x64\ \xce\x93\xe1\xa7\xb2\xa7\x13\xcf\xca\x7e\x56\xff\x79\xeb\x73\xab\ \xe7\xdf\xfd\xe2\xfb\x4b\xcf\x58\xfc\xd8\xf0\x0b\xf9\x8b\xcf\xbf\ \xae\x79\xa9\xf3\x72\xef\xab\xa9\xaf\x3a\xc7\x23\xc7\x1f\xbc\xce\ \x79\x3d\xf1\xa6\xfc\xad\xce\xdb\x7d\xef\xb8\xef\xba\xdf\xc7\xbd\ \x1f\x99\x28\xfc\x40\xfe\x50\xf3\xd1\xfa\x63\xc7\xa7\xd0\x4f\xf7\ \x3e\xe7\x7c\xfe\xfc\x2f\xf7\x84\xf3\xfb\x25\xd2\x9f\x33\x00\x00\ \x00\x20\x63\x48\x52\x4d\x00\x00\x7a\x25\x00\x00\x80\x83\x00\x00\ \xf9\xff\x00\x00\x80\xe9\x00\x00\x75\x30\x00\x00\xea\x60\x00\x00\ \x3a\x98\x00\x00\x17\x6f\x92\x5f\xc5\x46\x00\x00\x0c\x39\x49\x44\ \x41\x54\x78\xda\xec\x5d\xd1\x71\xdb\x38\x13\xfe\xfc\x4f\xde\x8f\ \x57\x01\x91\x61\x01\xa1\x2b\xb0\x54\x80\x27\x52\x05\x96\x5e\xfc\ \x6a\xbb\x02\x5b\x15\xd8\x7a\xf5\x8b\xe4\x0a\x2c\x8f\x0b\x10\x53\ \x41\x98\x02\x34\x01\x2b\x38\x5e\x05\xf9\x1f\xf4\xc1\x5a\x21\x00\ \x09\x52\xd4\x9d\x93\x23\x66\x34\xb1\x65\x12\x00\x17\xfb\xed\x7e\ \xbb\x58\x30\x27\x3f\x7e\xfc\x40\xdf\xfa\xd6\x37\x77\x3b\xe9\xb4\ \xb7\xcb\x57\x05\x40\x89\x6f\x72\x3c\x9e\x97\xbd\x98\xfb\xf6\xdf\ \x05\xc8\x16\x14\x57\x00\x46\x16\x38\x76\x20\x01\xe6\x78\x3c\x5f\ \xf6\xe2\xee\xdb\x7f\x07\x20\x97\xaf\x11\x80\x89\x00\x81\x02\x70\ \x01\x60\xe0\xb9\x43\x03\x98\xe2\xf1\x3c\xeb\xc5\xde\xb7\xdf\x13\ \x20\x97\xaf\x23\x00\x9f\x09\x02\xe9\x2d\x4a\x00\x2b\x00\x33\x7a\ \x92\x5b\x00\x91\xa7\x97\x69\xef\x4d\xfa\xf6\x7b\x01\xe4\xf2\xf5\ \x8e\xde\x41\xd5\x5c\x59\x02\x18\xf2\xe7\x75\x05\x48\x96\x78\x3c\ \x9f\xf6\xe2\xef\xdb\xaf\x0d\x90\xcb\xd7\x01\x80\x45\x00\x30\x7e\ \x3b\x90\x24\xb1\x8a\x00\xa4\x5d\xf4\xb5\x29\x74\xd6\xd1\x9c\x52\ \x21\xcf\x72\x53\xe8\xbc\xe3\x67\x56\x81\x6b\xad\x37\x85\xd6\x81\ \x7d\x2e\xc8\x38\x9e\x00\x3c\x6c\x0a\x5d\xb6\x94\x71\xed\x98\xec\ \xef\x2b\x80\x71\x57\xb2\x39\xa9\xf1\x1a\xb7\x07\xf4\x3d\x65\x6c\ \xf2\x8f\x81\x24\x89\xd5\x5a\xc6\x40\x9b\x42\x9f\xb4\xec\x67\x04\ \xe0\xb9\x43\xdd\x2b\xb9\x68\x99\x35\xce\xa0\x22\x66\x5b\x8a\x18\ \xcf\x34\xe9\xc5\x35\x95\x6e\x2f\x21\xb2\x29\xf4\xca\xf3\x4c\xf7\ \x3e\x65\xdc\x14\x7a\xc8\x6b\x9a\xac\xf9\x6a\x53\xe8\x71\x00\xe0\ \xbe\x8b\xaf\x3e\x4a\x25\xe7\xf3\xaf\x1b\xc8\x71\xec\x7b\x3e\x01\ \xc6\x09\xe5\x3d\x35\xd7\x56\x3d\x7b\x45\xcb\x37\x85\xbe\xf9\xe0\ \x01\xc7\xc2\xb1\x38\x4d\xdb\x82\x20\x19\x56\x80\x64\x82\xcb\x57\ \x84\x82\xc4\xb2\xa0\xae\x16\x39\x14\xb0\x8d\x65\xbf\xb2\x7e\x6f\ \xe3\x01\xa4\x75\x8c\x08\x04\xbb\x9f\x41\x85\x42\x66\x35\xca\xaa\ \x5c\x7f\x4f\x62\x35\xdb\x14\xfa\xce\x71\x7d\x5a\x01\x46\x54\xcc\ \xc1\x1e\xd3\x00\x74\x14\x70\xff\xbd\x65\x24\x16\x49\xfc\xe6\xa0\ \x72\x00\x2f\x01\x72\x96\x6b\x9e\x32\xd6\x75\xe9\xc6\x44\xe8\x6c\ \x04\x40\x27\xb1\x8a\xe8\xb1\xda\x3c\x3b\x00\xe0\xc3\x91\xc0\xd1\ \x39\x48\x5a\x5a\xf5\x75\x4d\x9f\x0f\x9b\x42\xdf\x04\x7a\x43\xd5\ \x02\x20\x75\xf3\x5d\x5a\x4a\xf1\x2c\x64\xa4\x99\xf4\x08\xf1\x20\ \x12\x28\x67\x9e\xb1\x6e\x6a\x8c\x8b\xd7\xb3\x08\x79\x05\x7b\x98\ \x24\x56\xd7\x16\x88\x22\x87\x92\xbe\x54\x8d\xe7\x62\x05\x15\xe0\ \x58\x88\xaf\x1e\x08\x8a\x45\x12\xab\xb1\xab\xdf\x76\x00\xb9\x7c\ \xbd\xee\x10\x1c\x5d\x83\x24\x75\x28\x57\x51\xa1\x40\x70\x28\x98\ \xad\x4c\xa1\x6e\x77\xd2\x82\x6e\xce\x02\x14\x50\x53\xd1\x8d\xb7\ \x8b\x84\x75\x55\x2d\xe5\xad\x92\x58\xdd\x49\x2f\x42\xaa\x13\x79\ \x68\x44\x79\x84\xf8\xed\xda\xf2\x1e\x53\xf3\x9c\x96\x47\xb1\x3d\ \xfe\x8f\x0e\xc6\xca\x01\xcc\x19\x8b\x44\x00\xbe\x26\xb1\x3a\x0d\ \x8d\x99\xfc\x00\xb9\x7c\x4d\xad\x81\xfe\x0d\x90\xcc\xf1\x78\x1e\ \x1a\x5c\x3d\x39\x38\xfd\x99\x54\x2c\x17\xd5\x48\x62\xd5\x26\xae\ \xca\x6a\x80\xe6\x8a\x07\x74\x83\x45\x4e\x2d\x6f\x73\x53\x43\xbf\ \xbc\x14\x4b\x7c\x2f\x9f\xfd\xbb\xa7\x8f\x21\x80\x8c\x00\x9a\x60\ \x9b\xc2\x6f\xa2\x9c\xf7\x00\xbe\x6d\x0a\xbd\x14\xdf\x3d\x5b\x9e\ \x23\xb7\xa8\xd9\x21\xb4\xd5\x17\x73\xc8\xb1\xc6\xb6\x27\x6e\x0b\ \x0e\xdb\x83\x2c\x0e\x98\xab\x0e\xb0\x78\x75\x20\x29\xf9\x79\x77\ \x8d\x40\xcc\x2a\x80\xa6\x6d\x30\xd6\xc5\x3f\x22\xeb\x72\xcd\x98\ \x27\x12\x9e\xb1\x74\xd0\x2f\xc3\xe9\x53\xa1\x0c\x37\x0e\x2a\x29\ \xbf\xb7\x95\xd1\x97\x35\x72\x81\xed\xc1\x43\x09\xa5\x97\xbe\x66\ \xdf\xcb\x0a\xc3\x90\x56\x78\xea\xcc\x92\xf3\x49\x43\x8a\xf5\x45\ \x00\x64\xc5\xe7\x7e\x16\xe3\x95\x34\x00\xeb\x96\x4b\xff\xf4\x81\ \xde\x63\x82\xf6\x29\xcd\x6d\x26\x2a\x2c\x76\xf1\x81\xa4\x04\x30\ \xc4\xe3\xb9\x7e\x8f\x00\xa1\x85\xaf\xf2\xae\xa9\x63\x11\x66\x01\ \x5d\xa7\x0e\xc5\x9c\x00\x50\x9b\x42\x0f\x69\x21\x6d\x45\xae\xf3\ \x20\xa5\xed\x59\x45\x96\xca\x97\x35\x2a\xad\xf9\x96\x00\x72\x0f\ \xc8\xa7\x96\xc2\x6a\x6b\xac\x1b\x06\xe2\x05\x76\x59\x4c\xe9\xb1\ \xbc\x46\xd5\xa3\xc8\x69\x85\xe1\x5a\x92\x35\x7c\x13\x63\x29\xcb\ \x13\xab\xb6\x01\x3a\x80\x2f\x1f\x1c\x74\xa1\x39\x38\x00\x10\x24\ \x68\x01\x12\x10\x1c\x39\xde\x6f\x8b\x6a\x84\xec\xfa\x7b\x08\x40\ \x4a\xcb\x8a\x0e\x1c\x59\xae\xb6\x73\x6a\xd2\x46\x07\xe8\x80\xed\ \x41\x20\x13\x1f\x22\x6b\x05\x07\x25\x56\x0d\x9e\x17\x15\xc9\x87\ \x5b\x87\x01\xcb\x08\x20\x15\x40\xe7\xd6\x0e\xea\x09\x00\xfa\x03\ \x63\x0f\x75\x10\x38\x4c\x6b\x07\x12\xbc\x73\x70\x18\xda\x32\xac\ \x10\x6a\x4e\x8b\x18\x51\xe9\xe7\x81\xd4\x6d\xaf\x5f\x3b\x48\xb5\ \x29\x87\x45\x37\xb2\x43\xb2\x33\x47\xf6\xb8\x4e\x4f\x65\x3d\x5f\ \xe6\x30\x22\x75\xcf\xe3\x62\x18\x5f\xab\xf4\x57\x26\x42\x2a\xe6\ \xeb\xa2\xd4\x6f\x31\xc8\xa8\x13\x70\x34\x07\xc9\x3d\x80\x8f\xbf\ \x42\x39\x3c\x33\x3d\x59\x85\x50\x4b\xba\x79\x63\x85\x8d\xcb\x0f\ \xa5\x6e\xb9\x9d\x6e\x0e\x48\xa9\x0e\x3c\x59\x9f\x36\xc0\x79\x00\ \xf0\xc9\x8a\x0b\xbf\x38\xe2\xaa\xd4\x11\x3f\x3e\xd5\x78\xc6\x54\ \x5c\x9f\x59\x46\xc5\x05\x80\xef\xf6\x73\x48\xc3\x90\xc4\xea\xa3\ \x15\x74\x3f\x09\x39\x95\x68\x98\xca\x0e\x09\xd2\xcf\x3a\x03\x47\ \x38\x48\x4c\xcc\xf1\xee\xc1\xd1\x50\xc9\x2e\x44\x6c\x30\x0b\xbc\ \x6f\x40\x65\x9f\x3b\x94\x25\x73\xf0\x71\x19\xb7\xe5\x1e\x6f\xd7\ \xc4\xda\x47\xf4\xe8\x33\x4b\xf9\x07\x49\xac\x3e\x63\xbb\x23\x9d\ \x3b\xd2\xa9\xe0\xdf\x96\x55\x9e\x51\x2a\xb7\x63\x5f\x65\x60\x5b\ \xfb\x24\x56\x99\x90\xc9\xc0\xfc\x6c\x64\x6c\x67\xa4\x36\x85\xbe\ \x4b\x62\x15\x73\xfe\x8b\x0e\x68\xa7\xb6\x01\x32\xe8\x14\x1c\xf5\ \x20\x29\x7f\x81\x98\x03\x0e\xae\xac\x6a\xe2\x81\x94\x7c\xf8\x42\ \x50\xad\x5a\x8a\x95\xc4\xca\x04\xab\x36\x65\xcb\x1d\xd4\x40\x66\ \xb1\xb4\x07\x84\x4d\x8c\x8e\x32\x7d\x6e\x0a\x3d\x4e\x62\x75\x6a\ \x65\x81\x52\x6c\xf7\x11\x72\x47\xb0\xec\x04\x47\x03\x79\x5e\xe1\ \xe7\x9d\x74\x13\xbb\x19\x9d\x94\xe9\xda\xdc\x67\x74\x36\x85\x9e\ \xba\xa8\x52\x57\x00\xe9\x1e\x1c\xd5\x20\x19\x77\x04\x8e\xfb\x24\ \x56\x65\x55\xc6\xe3\x80\xf4\x1e\x1c\x99\xa5\xdb\x9a\x6c\x94\x3d\ \xd6\x97\xc0\xbe\x8d\xe5\x93\xab\xfb\x42\xc5\x1d\x34\x1c\xd3\xd0\ \x98\x50\x8a\xb5\x70\xf0\xf5\x53\xee\x6f\x5c\x57\x64\x92\x0e\x01\ \xc7\x35\x65\x99\xbb\x00\xb2\x29\x74\x26\xbc\x88\xf4\x96\xd3\x63\ \x6c\x6a\x86\x50\xac\xe3\x80\x63\x1f\x24\x25\x85\xfc\xd4\xe1\x81\ \xa9\x34\x90\xbe\x74\xd1\xb2\x43\x2d\x51\x03\xcf\x54\x62\xb7\xf1\ \x68\x83\xac\xae\x58\xb1\x6e\x5c\x1f\x3f\x2f\x19\xf3\xfc\x81\xb0\ \xba\xa5\x05\xf7\x81\x72\xc6\x5b\x59\x48\xc5\x72\x12\xab\xef\x55\ \x9e\x98\x25\x23\x9f\x39\x4f\xe9\xb5\x22\x00\x57\x49\xac\x5e\x18\ \xaf\xe9\xf7\x06\x90\x2f\x07\x8e\xf3\xc4\x64\xc0\x82\xfb\x25\xbe\ \xb8\xe4\xb4\x62\x2f\x64\x19\xa0\xa8\x76\xd5\x66\x9d\x25\x0d\xb5\ \x48\x6d\x80\x16\x12\xdb\xb9\x3c\x53\xc4\x40\x35\x6b\x29\x77\x95\ \xc4\x6a\x62\x5b\xf8\x24\x56\x5f\x3d\x46\xe5\x81\xff\xde\xd6\x18\ \x88\x81\x83\x9e\x29\x91\xe4\xb1\x93\x18\x23\xd2\xa8\x81\x75\x8f\ \xa4\x87\x6b\x8f\x47\xcb\xb0\xdd\x11\x5f\x88\xfe\x27\xfc\xcc\xb0\ \x5f\x25\xd0\xd4\x83\x4d\x2c\x90\x7e\xaa\xd2\x89\x50\x80\x2c\x58\ \x2b\xd5\xdc\xad\x6e\xd3\xc8\xeb\x80\xec\x42\xc4\x89\xeb\x03\xd2\ \x75\xa5\x2f\x5d\x77\x60\xbb\x3d\xb2\xa1\x2a\x69\x00\x4c\x26\x4c\ \x59\xc1\xa9\x2f\x7e\xa8\xaa\x04\xb6\xd7\x6a\x8a\x6d\x4a\x54\x1a\ \x9c\x39\xe3\xa0\x3b\x87\x17\x32\x14\x68\xb5\x29\x74\xc9\x60\x7e\ \x44\x0b\x9f\xd6\xc4\x64\xd8\x14\x7a\x95\xc4\xea\xca\x91\x40\x98\ \x1b\xf0\x7a\x62\x06\x0d\xe0\x85\x74\x6a\x4c\x85\xbe\x42\x47\x67\ \x73\x50\x7d\x2c\xbc\x84\x55\x85\xd0\x24\x06\x69\x0e\x92\x70\x70\ \x18\x3a\x76\xa8\x42\x37\xae\x58\x3d\x72\x3f\x75\xd4\x67\xe9\xa0\ \x27\x4b\x51\xd6\x3f\xe8\x6a\x2c\x02\x61\x4c\xc5\x5e\x5a\x7c\xfe\ \xcd\x3b\xfb\x8c\x0a\xaf\x5f\x4a\xe0\x89\x2c\x94\xcf\x70\x8d\x19\ \xcb\x68\x3e\xa7\x76\xc4\x5f\x06\x38\x25\x1c\x75\x53\x04\xd3\x32\ \xf0\x30\x97\xa4\xa5\x3a\xe0\x1a\x1b\xbc\x99\x1d\xe7\x9c\xe0\xf2\ \xf5\x6b\x43\x74\x9e\x06\x05\xd9\x4d\xc1\x01\x94\x78\x3c\xff\x13\ \x7d\xeb\xdb\x3b\x6a\xff\x43\xc3\xbc\x39\x80\x35\x95\xbf\x4b\x70\ \xb4\x0d\x84\xfb\xd6\xb7\xa3\x07\xe9\xb2\x22\x32\xa4\x45\x04\x89\ \x7b\x2f\xa3\x1d\x38\x82\x12\x01\xe4\xc1\xb7\x9c\x6f\x24\x5c\xe9\ \x7c\x53\xe8\x07\x51\xe2\x30\x74\xd4\xfd\xdc\x01\xb8\x6d\x7b\x0c\ \xb7\x62\x4e\x23\x26\x07\x94\x45\x59\x6e\x8e\x74\xd6\x22\x35\x94\ \xa9\xa3\xfe\x14\xb6\xc5\x91\x59\xd7\x32\xaa\x38\xea\x3a\xaf\x3a\ \x3a\x1b\xd0\xef\x0f\xd7\x1a\x1f\xcb\x83\xac\xd0\xbc\xcc\x3c\x72\ \x7a\x92\xf6\xe0\x00\x3c\x47\x29\xad\xf6\x4c\x4e\x3b\x67\x86\x6a\ \x48\x0f\x78\xef\x08\x34\x5d\x1e\x6a\xd6\xb1\xb2\x4e\x38\x27\x4d\ \xbe\x3d\x64\x30\x3c\x02\xb0\x26\xa0\xbb\x6e\xf7\xe8\xf6\xdc\xce\ \x44\x64\x93\xba\x96\x91\x89\xa5\x66\xfc\x98\xb4\xf4\x33\x0d\xcb\ \x2f\xe0\x41\x1e\xcf\x4b\x5c\xbe\xae\xd0\xfc\x24\xe1\xbe\x27\x39\ \x14\x1c\x35\xa5\xee\x54\xc6\x01\x2d\xf3\x83\x54\x7c\x6e\x08\x5e\ \x09\x9a\x36\x60\x06\x25\x82\xb5\x03\x2b\x0e\x07\x69\xec\x72\xee\ \x5a\x64\x74\x46\xd8\x3f\x93\x9e\x03\x98\x79\xbc\x81\xa9\xa3\xb2\ \x4b\x28\xb6\x49\x0d\x60\x92\xc4\x6a\x89\xfd\xc3\x48\x26\x93\xa3\ \x09\x6a\x8d\x6d\x4a\x58\xd1\x50\xcd\x69\xcd\x47\xd8\xed\xca\x6b\ \x2a\xd7\x5b\xa0\x2a\xd2\x95\x25\x76\x29\xe5\x6f\x0c\xc0\xb5\x08\ \xa2\x07\x2c\xc7\x50\x22\x43\x56\xb2\xbf\xb7\x7b\x39\x97\xcc\x92\ \x93\xc9\x1e\x95\xcc\x2c\x2d\x2b\xe4\xe7\xf3\x98\x7b\xe5\xf7\x49\ \xac\x56\x00\xfe\xc2\xf6\x88\x40\x46\x83\x67\xf6\x77\x32\xb0\x06\ \x8c\xcf\x17\xf1\x73\xe6\xf3\x3c\xe2\x4c\x4d\x69\xe9\x45\x67\x14\ \xcb\x64\x13\x26\x2d\xee\x37\x20\x99\x63\xff\xd0\x4f\xd3\x16\x52\ \xfd\x7a\x26\xe8\x8b\x9d\x61\x19\x5a\x59\x95\x0b\x61\xad\xae\x28\ \x7c\x93\x42\xcd\xf8\xaf\xc9\xca\xfc\x6d\xae\x49\x62\x65\x0e\xdc\ \xcc\x78\x9d\xa2\xa2\xff\x0d\x2b\xf7\x2e\x8e\xc8\x3e\x39\xe6\xf3\ \x96\xed\x11\xb5\x48\x4b\x8e\x39\x21\x70\x3e\x62\x97\xa6\x5d\x92\ \x62\x7e\xa6\x75\x35\xa7\xe2\x56\xfc\xfe\x8c\xc6\xc7\xb6\xee\xb7\ \xc2\xf2\x6b\xf1\x7c\xc6\xd8\x0c\x00\xdc\x12\xa4\x5f\xf9\xfd\x0b\ \x80\x98\xfd\xdb\xb2\xb4\xaf\x37\x40\x8a\xb1\xdd\x1c\xfc\xc4\xfb\ \x8d\xfc\xe6\xd8\x6e\x2e\x5e\xf3\x7e\xd7\x66\x72\x64\xd5\x5c\x5d\ \x88\x39\x5f\x53\xf6\x53\xf6\xf7\x99\xe3\x67\xd8\xa5\x63\x33\xca\ \xe0\x13\x65\x73\x6a\xd1\xcd\x35\xcc\x5b\x3b\x8f\x14\x83\x00\x8f\ \xe7\x1a\x97\xaf\x33\xb4\xcb\xf7\x47\x38\x6c\x9f\x60\x19\x98\xde\ \x55\x54\xbe\x10\x3a\x78\x23\x5e\xf9\xf2\x87\x87\x07\xdf\x58\xf9\ \x78\xb3\xe8\x33\x5a\xb0\x50\xb0\xe7\x35\xf1\xc2\x9e\xd7\xe3\x6e\ \xf0\x1a\xbb\x0d\xb0\xa5\xa8\x25\xca\xb1\x5f\x0b\xf5\x44\x05\x79\ \xe0\x77\xb9\x31\x14\xb4\xe6\x0b\x73\x3f\x95\xd0\x67\xe4\xcc\xfa\ \x0c\x8d\xfc\xc4\xa1\xa6\x42\x78\x99\x3b\x61\x54\x22\x6c\x5f\xd3\ \x23\xaf\xbf\xc6\xae\x3c\xe4\xed\x35\x46\x7c\x4e\x55\x41\xb3\xec\ \x0d\x41\x8d\xdd\xdb\x38\x57\xf4\xdc\x29\x7e\x7e\xc7\x80\xb6\x8c\ \xdf\x48\x18\xe1\x0b\xfe\x5e\xca\xe7\x3a\x46\x0c\x62\xda\x43\x8b\ \x8c\xd6\xa1\x4d\xe3\xe7\xe3\xa1\x55\xd7\xc2\xa5\xb8\x49\xac\x06\ \x5c\x5c\xb3\x48\x52\x58\x7f\x57\xf5\x67\xd3\x01\x00\x9f\x18\x04\ \xfe\x45\x0a\x55\x27\xf8\xd4\x03\x8e\x3b\x41\xd5\x72\xe1\x5d\x32\ \x09\x78\x4b\x29\x4a\xe1\x51\x56\x04\xcb\x5f\x54\x30\xdf\x79\xf1\ \x22\xd0\xb8\xec\xbd\xa0\x61\x53\xe8\xa9\xe7\xf5\x40\xe6\x99\xec\ \x3d\x81\x17\xe1\x65\x9a\x6c\xc2\x66\x9b\x42\x9f\x98\x0f\x80\x8f\ \xfc\xde\xd4\x9f\x2d\x28\xef\xb5\xf0\x2e\x55\x6b\x24\x63\xa7\x12\ \xbb\x0d\x66\x1c\x17\x20\xdb\xd2\xf3\x29\xfe\xb9\x73\xe1\x25\xb6\ \x85\x8b\xa1\xe3\x99\x2c\xd7\xb5\x27\x16\xb8\xea\x60\xee\xa6\x5c\ \x7a\xc8\x05\x3d\x85\x7f\x67\x3f\xe3\x78\x57\x36\x68\x45\x41\x9e\ \xf4\xb2\x92\xdb\xa3\x66\xae\x11\x3d\xd9\x09\x03\xff\x17\x3e\xf7\ \x75\xc3\xe7\xf9\xe4\x9a\x83\xc9\x30\x31\xcb\xe4\x33\x1e\xa9\x87\ \xe2\x1e\x64\x44\x19\x1f\xe5\xec\x7f\xc1\xb1\xfe\xdc\x14\xfa\xcf\ \x06\xc6\x12\xbc\xf6\x94\x72\x7c\x3e\x52\x42\xc4\xda\x49\xdf\x06\ \xdb\x63\x34\x7b\xdb\x5d\xdb\x36\x6d\x52\xd5\x4b\x4a\x71\x41\x8e\ \x1a\x93\x7e\x44\x22\x90\xec\x02\xdc\xa5\xc5\x9b\x4d\xdf\x79\x12\ \x2b\xe5\xd8\x09\x9e\xd2\xca\xaf\x79\x9e\x43\x63\xf7\x36\x92\x4c\ \x50\x9f\x05\x17\xb0\x14\xc0\x59\x55\x64\xa3\x26\x04\x9e\x79\x3b\ \x65\x8e\xfd\x97\x5a\x44\x26\xdd\xeb\xb0\xb6\x17\xa4\x43\x03\x41\ \xe3\x9e\x38\x87\x05\x7f\x4e\x09\xb6\xb7\x8a\x01\x2b\x4e\x78\x62\ \x9c\xf4\xcc\x38\xc3\x04\xe6\x59\x0b\x19\x2b\x2b\xc3\xf8\x07\xe7\ \xf5\xc0\x3e\x15\x03\x76\x25\x64\x63\xe2\xbb\xaa\xb1\x72\x96\xc0\ \x8c\x19\x2f\x2d\x98\x49\x3c\x1a\xc5\x32\x20\xc9\x04\x32\x8f\xe5\ \x39\x86\x78\x3c\x5f\xb5\xb0\x3e\x43\x06\xaa\x86\xd7\x9a\xf3\x02\ \x43\xc6\x13\xa5\x63\x11\x8d\xc5\xd2\xe2\x6f\xae\x6b\x32\x2a\x8c\ \x51\xdc\x05\x03\xfb\x07\x2e\xe8\xc0\x31\x9f\x15\x2d\xbc\xe6\xf5\ \x86\x26\xcc\x44\x66\x6b\xc8\xbe\x17\xd8\xbd\xda\x67\x4c\xb0\x65\ \x96\x87\x2a\x45\xcc\xb1\xe2\x3d\xdf\x39\x9f\x39\xe3\x18\x63\x7d\ \xef\xe5\xfd\xec\xcf\xcc\xd5\x50\xb2\x25\x81\xba\xc4\xee\x9c\xc5\ \x9a\x8a\x38\x63\x7f\x46\x16\x26\xd8\x35\xa5\x2f\xa6\x2c\x65\xcd\ \xb1\x56\xfc\xae\xc4\xcf\x9b\xba\x39\xfc\x87\xb7\x4c\x96\xce\x7c\ \x52\x8e\x7d\x23\x64\x77\x4b\xb9\xdd\x70\xce\x67\xf8\xf9\x40\x58\ \xe9\x5a\x3f\xee\x07\x4d\x1d\xc9\x80\x4e\x5a\xd5\xbb\x79\x15\xba\ \x39\xa1\x65\x0b\x6c\xfa\x2b\x1d\x96\xea\xdb\x7f\xbb\xd5\xef\x98\ \x6e\x5f\x09\x74\x8f\xc3\x8a\xf7\xb6\x29\xc1\xc7\xf3\xbb\x5e\xe4\ \x7d\xfb\xbd\x00\xb2\x05\x49\x44\xd7\xdd\xb4\xec\x58\x93\xc3\x2e\ \xfb\xff\xab\xb0\x6f\xbf\x2f\x40\x7e\xa6\x5e\x23\x6c\x37\x8f\x52\ \x0f\x28\xbe\x21\x60\x77\xbc\x6f\x7d\x7b\xf7\x00\xe9\xff\x1b\xe8\ \xbe\xf5\xcd\xdf\xfe\x3f\x00\x29\x82\xb9\x76\xd2\xef\x8f\xc7\x00\ \x00\x00\x00\x49\x45\x4e\x44\xae\x42\x60\x82\ " qt_resource_name = b"\ \x00\x04\ \x00\x07\x6f\xa3\ \x00\x70\ \x00\x69\x00\x63\x00\x73\ \x00\x08\ \x0f\xab\xc6\x03\ \x00\x70\ \x00\x69\x00\x63\x00\x74\x00\x75\x00\x72\x00\x65\x00\x73\ \x00\x08\ \x0f\x65\x5f\xa7\ \x00\x70\ \x00\x69\x00\x63\x00\x32\x00\x2e\x00\x6a\x00\x70\x00\x67\ \x00\x08\ \x0f\x66\x59\x87\ \x00\x70\ \x00\x69\x00\x63\x00\x33\x00\x2e\x00\x70\x00\x6e\x00\x67\ \x00\x08\ \x0a\x61\x42\x7f\ \x00\x69\ \x00\x63\x00\x6f\x00\x6e\x00\x2e\x00\x69\x00\x63\x00\x6f\ \x00\x08\ \x0f\x64\x59\x87\ \x00\x70\ \x00\x69\x00\x63\x00\x31\x00\x2e\x00\x70\x00\x6e\x00\x67\ " qt_resource_struct_v1 = b"\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x01\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x02\ \x00\x00\x00\x0e\x00\x02\x00\x00\x00\x04\x00\x00\x00\x03\ \x00\x00\x00\x50\x00\x00\x00\x00\x00\x01\x00\x00\x55\xff\ \x00\x00\x00\x66\x00\x00\x00\x00\x00\x01\x00\x00\x5a\x81\ \x00\x00\x00\x24\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\ \x00\x00\x00\x3a\x00\x00\x00\x00\x00\x01\x00\x00\x36\xd3\ " qt_resource_struct_v2 = b"\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x01\ \x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x00\x00\x02\x00\x00\x00\x01\x00\x00\x00\x02\ \x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x0e\x00\x02\x00\x00\x00\x04\x00\x00\x00\x03\ \x00\x00\x00\x00\x00\x00\x00\x00\ \x00\x00\x00\x50\x00\x00\x00\x00\x00\x01\x00\x00\x55\xff\ \x00\x00\x01\x7a\xb7\xf2\x0a\xb6\ \x00\x00\x00\x66\x00\x00\x00\x00\x00\x01\x00\x00\x5a\x81\ \x00\x00\x01\x7a\xb7\x56\x4c\x53\ \x00\x00\x00\x24\x00\x00\x00\x00\x00\x01\x00\x00\x00\x00\ \x00\x00\x01\x7a\xb7\x72\xf5\x40\ \x00\x00\x00\x3a\x00\x00\x00\x00\x00\x01\x00\x00\x36\xd3\ \x00\x00\x01\x7a\xb8\x29\x99\xf8\ " qt_version = [int(v) for v in QtCore.qVersion().split('.')] if qt_version < [5, 8, 0]: rcc_version = 1 qt_resource_struct = qt_resource_struct_v1 else: rcc_version = 2 qt_resource_struct = qt_resource_struct_v2 def qInitResources(): QtCore.qRegisterResourceData(rcc_version, qt_resource_struct, qt_resource_name, qt_resource_data) def qCleanupResources(): QtCore.qUnregisterResourceData(rcc_version, qt_resource_struct, qt_resource_name, qt_resource_data) qInitResources()
StarcoderdataPython
9626159
<gh_stars>1-10 """ Relief Visualization Toolbox – Visualization Functions RVT Sky illumination raster function rvt_py, rvt.vis.sky_illumination Credits: <NAME> (<EMAIL>) <NAME> (<EMAIL>) <NAME> <NAME> <NAME> <NAME> <NAME> Copyright: 2010-2020 Research Centre of the Slovenian Academy of Sciences and Arts 2016-2020 University of Ljubljana, Faculty of Civil and Geodetic Engineering """ import numpy as np import rvt.vis import rvt.blend_func import gc class RVTSkyIllum: def __init__(self): self.name = "RVT Sky illumination" self.description = "Calculates Sky illumination." # default values self.sky_model = "overcast" self.compute_shadow = True self.max_fine_radius = 100. self.num_directions = 32. self.shadow_az = 315. self.shadow_el = 35. self.padding = 10 # 8bit (bytscale) parameters self.calc_8_bit = False self.mode_bytscl = "percent" self.min_bytscl = 0.25 self.max_bytscl = 0 def getParameterInfo(self): return [ { 'name': 'raster', 'dataType': 'raster', 'value': None, 'required': True, 'displayName': "Input Raster", 'description': "Input raster for which to create the Sky illumination map." }, { 'name': 'calc_8_bit', 'dataType': 'boolean', 'value': self.calc_8_bit, 'required': False, 'displayName': "Calculate 8-bit", 'description': "If True it returns 8-bit raster (0-255)." }, { 'name': 'sky_model', 'dataType': 'string', 'value': self.sky_model, 'required': True, 'displayName': 'Sky model', 'domain': ('uniform', 'overcast'), 'description': "Sky model, it can be 'overcast' or 'uniform'." }, { 'name': 'compute_shadow', 'dataType': 'boolean', 'value': self.compute_shadow, 'required': True, 'displayName': "Compute shadow", 'description': "If True it computes shadow." }, { 'name': 'max_fine_radius', 'dataType': 'numeric', 'value': self.max_fine_radius, 'required': True, 'displayName': "Max shadow modeling", 'description': "Max shadow modeling distance [pixels]." }, { 'name': 'num_directions', 'dataType': 'numeric', 'value': self.num_directions, 'required': True, 'displayName': "Number of directions", 'description': "Number of directions to search for horizon." }, { 'name': 'shadow_az', 'dataType': 'numeric', 'value': self.shadow_az, 'required': True, 'displayName': "Shadow azimuth", 'description': "Shadow azimuth." }, { 'name': 'shadow_el', 'dataType': 'numeric', 'value': self.shadow_el, 'required': True, 'displayName': "Shadow elevation", 'description': "Shadow elevation." } ] def getConfiguration(self, **scalars): self.prepare(sky_model=scalars.get('sky_model'), compute_shadow=scalars.get("compute_shadow"), max_fine_radius=scalars.get("max_fine_radius"), num_directions=scalars.get("num_directions"), shadow_az=scalars.get("shadow_az"), shadow_el=scalars.get("shadow_el"), calc_8_bit=scalars.get("calc_8_bit")) return { 'compositeRasters': False, 'inheritProperties': 2 | 4, 'invalidateProperties': 2 | 4 | 8, 'inputMask': False, 'resampling': False, 'padding': self.padding, 'resamplingType': 1 } def updateRasterInfo(self, **kwargs): kwargs['output_info']['bandCount'] = 1 r = kwargs['raster_info'] kwargs['output_info']['noData'] = np.nan if not self.calc_8_bit: kwargs['output_info']['pixelType'] = 'f4' else: kwargs['output_info']['pixelType'] = 'u1' kwargs['output_info']['histogram'] = () kwargs['output_info']['statistics'] = () return kwargs def updatePixels(self, tlc, shape, props, **pixelBlocks): dem = np.array(pixelBlocks['raster_pixels'], dtype='f4', copy=False)[0] # Input pixel array. dem = change_0_pad_to_edge_pad(dem=dem, pad_width=self.padding) pixel_size = props['cellSize'] if (pixel_size[0] <= 0) | (pixel_size[1] <= 0): raise Exception("Input raster cell size is invalid.") no_data = props["noData"] if no_data is not None: no_data = props["noData"][0] sky_illum = rvt.vis.sky_illumination(dem=dem, resolution=pixel_size[0], sky_model=self.sky_model, compute_shadow=self.compute_shadow, max_fine_radius=self.max_fine_radius, num_directions=self.num_directions, shadow_az=self.shadow_az, shadow_el=self.shadow_el, no_data=no_data) sky_illum = sky_illum[self.padding:-self.padding, self.padding:-self.padding] # remove padding if self.calc_8_bit: sky_illum = rvt.blend_func.normalize_image(visualization="sky illumination", image=sky_illum, min_norm=self.min_bytscl, max_norm=self.max_bytscl, normalization=self.mode_bytscl) sky_illum = rvt.vis.byte_scale(data=sky_illum, no_data=no_data) pixelBlocks['output_pixels'] = sky_illum.astype(props['pixelType'], copy=False) # release memory del dem del pixel_size del no_data del sky_illum gc.collect() return pixelBlocks def updateKeyMetadata(self, names, bandIndex, **keyMetadata): if bandIndex == -1: name = 'SIM_{}_D{}_{}px'.format(self.sky_model, self.num_directions, self.max_fine_radius) if self.calc_8_bit: keyMetadata['datatype'] = 'Processed' name += "_8bit" else: keyMetadata['datatype'] = 'Generic' keyMetadata['productname'] = 'RVT {}'.format(name) return keyMetadata def prepare(self, sky_model="overcast", compute_shadow=True, max_fine_radius=100, num_directions=32, shadow_az=315, shadow_el=35, calc_8_bit=False): self.sky_model = str(sky_model) self.compute_shadow = bool(compute_shadow) self.max_fine_radius = int(max_fine_radius) self.num_directions = int(num_directions) self.shadow_az = int(shadow_az) self.shadow_el = int(shadow_el) self.padding = 10 self.calc_8_bit = calc_8_bit def change_0_pad_to_edge_pad(dem, pad_width): if np.any(dem[0:pad_width, :]) or np.any(dem[-pad_width:, :]) or\ np.any(dem[:, 0:pad_width]) or np.any(dem[:, -pad_width:]): return dem dem = dem[pad_width:-pad_width, pad_width:-pad_width] # remove esri 0 padding dem = np.pad(array=dem, pad_width=pad_width, mode="edge") # add new edge padding return dem
StarcoderdataPython
39484
import feedparser import difflib import json cbc = feedparser.parse("http://rss.cbc.ca/lineup/topstories.xml") print(json.dumps(cbc)) print("\n\n################################################\n\n") cnn = feedparser.parse("http://rss.cnn.com/rss/cnn_topstories.rss") print(json.dumps(cnn)) print("\n\n################################################\n\n") cbc_titles = [x['title'] for x in cbc.get('entries')] cnn_titles = [x['title'] for x in cnn.get('entries')] res = [(x,difflib.get_close_matches(x,cbc_titles,1,0.01)) for x in cnn_titles] print(json.dumps(res))
StarcoderdataPython
8188350
from __future__ import annotations import io import logging import sys import time import requests from json import JSONDecodeError from typing import Any, List, NoReturn, Optional, Union, TYPE_CHECKING from .attachments import CTA, CustomProfile, File, Geo, Poll, QuickReply from .auth import OauthSession from .enums import ReplySetting, SpaceState, Granularity, JobType, JobStatus from .errors import ( BadRequests, Conflict, Forbidden, NotFound, TooManyRequests, PytweetException, Unauthorized, FieldsTooLarge, UnauthorizedForResource, ResourceNotFound, DisallowedResource, ) from .constants import ( TWEET_EXPANSION, SPACE_EXPANSION, LIST_EXPANSION, PINNED_TWEET_EXPANSION, MEDIA_FIELD, PLACE_FIELD, POLL_FIELD, SPACE_FIELD, COMPLETE_SPACE_FIELD, TWEET_FIELD, COMPLETE_TWEET_FIELD, TWEET_FIELD_WITH_ORGANIC_METRICS, TWEET_FIELD_WITH_PROMOTED_METRICS, USER_FIELD, TOPIC_FIELD, LIST_FIELD, ) from .message import DirectMessage, WelcomeMessage, WelcomeMessageRule from .parser import EventParser from .space import Space from .tweet import Tweet from .user import User, ClientAccount from .threads import ThreadManager from .relations import RelationUpdate from .list import List as TwitterList from .compliance import Job if TYPE_CHECKING: from .type import ID, Payload, ResponsePayload from .stream import Stream _log = logging.getLogger(__name__) class HTTPClient: def __init__( self, bearer_token: str, *, consumer_key: Optional[str], consumer_secret: Optional[str], access_token: Optional[str], access_token_secret: Optional[str], stream: Optional[Stream] = None, callback_url: Optional[str] = None, client_id: Optional[str] = None, client_secret: Optional[str] = None, use_bearer_only: bool = False, sleep_after_ratelimit: bool = False, ): self.credentials = { "bearer_token": bearer_token, "consumer_key": consumer_key, "consumer_secret": consumer_secret, "access_token": access_token, "access_token_secret": access_token_secret, } if not bearer_token: _log.error("bearer token is missing!") if not consumer_key: _log.warning("Consumer key is missing this is recommended to have!") if not access_token: _log.warning("Access token is missing this is recommended to have") if not access_token_secret: _log.warning( "Access token secret is missing this is required if you have passed in the access_token param." ) for k, v in self.credentials.items(): if not isinstance(v, (str, type(None))): raise Unauthorized(None, f"Wrong authorization passed for credential: {k}.") self.__session = requests.Session() self.base_url = "https://api.twitter.com/" self.upload_url = "https://upload.twitter.com/" self.bearer_token = bearer_token self.consumer_key = consumer_key self.consumer_secret = consumer_secret self.access_token = access_token self.access_token_secret = access_token_secret self.stream = stream self.callback_url = callback_url self.client_id = client_id self.client_secret = client_secret self._auth = OauthSession( self.consumer_key, self.consumer_secret, access_token=self.access_token, access_token_secret=self.access_token_secret, http_client=self, callback_url=self.callback_url, client_id=self.client_id, client_secret=self.client_secret, ) self.use_bearer_only = use_bearer_only self.event_parser = EventParser(self) self.payload_parser = self.event_parser.payload_parser self.thread_manager = ThreadManager() self.sleep_after_ratelimit = sleep_after_ratelimit self.current_header = None self.message_cache = {} self.tweet_cache = {} self.user_cache = {} self.events = {} if self.stream: self.stream.http_client = self self.stream.connection.http_client = self @property def access_levels(self) -> Optional[list]: return self.current_header.get("x-access-levels").split("-") if self.current_header else None @property def oauth_session(self) -> OauthSession: return self._auth def dispatch(self, event_name: str, *args: Any, **kwargs: Any) -> Any: event = self.events.get(event_name) if not event: return None _log.debug(f"Dispatching Event: on_{event_name}" f"Positional-Arguments: {args}" f"Keyword-Arguments: {kwargs}") return event(*args, **kwargs) def request( self, method: str, version: str, path: str, *, headers: Payload = {}, params: Payload = {}, json: Payload = {}, data: Payload = {}, files: Payload = {}, auth: bool = False, basic_auth: bool = False, thread_name: Optional[str] = None, thread_session: bool = False, use_base_url: bool = True, is_json: bool = True, ) -> ResponsePayload: if use_base_url: url = self.base_url + version + path else: url = self.upload_url + version + path user_agent = "Py-Tweet (https://github.com/PyTweet/PyTweet/) Python/{0[0]}.{0[1]}.{0[2]} requests/{1}" if "Authorization" not in headers.keys(): headers["Authorization"] = f"Bearer {self.bearer_token}" headers["User-Agent"] = user_agent.format(sys.version_info, requests.__version__) if not self.use_bearer_only: if auth: auth = self.oauth_session.oauth1 for k, v in self.credentials.items(): if v is None: raise PytweetException(f"{k} is a required credential for authorization.") if basic_auth: headers["Authorization"] = f"Basic {self.oauth_session.basic_auth}" else: auth = None basic_auth = None if data: json = None if json: data = None method = method.upper() if thread_session: executor = self.thread_manager.create_new_executor(thread_name=thread_name, session_id=thread_session) future = executor.submit( self.request, method, version, path, headers=headers, params=params, data=data, json=json, files=files, auth=auth, ) return future else: response = self.__session.request( method, url, headers=headers, params=params, data=data, json=json, files=files, auth=auth, ) code = response.status_code self.current_header = response.headers res = None _log.debug( f"{method} {url} has returned: " f"{response.status_code} {response.reason}\n" f"Headers: {response.headers}\n" f"Content: {response.content}\n" f"Json-payload: {json}\n" f"Parameters: {params}\n" ) if code in (201, 202, 204): if is_json: try: res = response.json() except JSONDecodeError: return response.text else: return response.text return res elif code == 400: raise BadRequests(response) elif code == 401: raise Unauthorized(response) elif code == 403: raise Forbidden(response) elif code == 404: raise NotFound(response) elif code == 409: raise Conflict(response) elif code in (420, 429): # 420 status code is an unofficial extension by Twitter. if self.sleep_after_ratelimit: remaining = int(response.headers["x-rate-limit-reset"]) sleep_for = (remaining - int(time.time())) + 1 _log.warn(f"Client is ratelimited. Sleeping for {sleep_for}") print(f"Client is ratelimited. Sleeping for {sleep_for}") time.sleep(sleep_for) return self.request( method, version, path, headers=headers, params=params, data=data, json=json, files=files, auth=auth, ) else: raise TooManyRequests(response) elif code == 431: raise FieldsTooLarge(response) if is_json: try: res = response.json() except JSONDecodeError: res = response.text else: return response.text if isinstance(res, dict): if res.get("errors"): error = res["errors"][0] if error["type"] == "https://api.twitter.com/2/problems/not-authorized-for-resource": if not error["parameter"] == "pinned_tweet_id": raise UnauthorizedForResource(error["detail"]) elif ( error["type"] == "https://api.twitter.com/2/problems/resource-not-found" and res.get("data", None) is None ): raise ResourceNotFound(error["detail"]) elif error["type"] == "https://api.twitter.com/2/problems/disallowed-resource": raise DisallowedResource(error["detail"]) if "meta" in res.keys(): try: if res["meta"]["result_count"] == 0: return [] except KeyError: pass return res def upload(self, file: File, command: str): assert command.upper() in ("INIT", "APPEND", "FINALIZE", "STATUS") thread_session = self.thread_manager.generate_thread_session() def check_status(processing_info, media_id): if not processing_info: return state = processing_info["state"] seconds = processing_info.get("check_after_secs") if seconds is None: return None if state == "succeeded": return if state == "failed": raise PytweetException(f"Failed to finalize Media!\n{processing_info}") time.sleep(seconds) res = self.request( "GET", version="1.1", path="/media/upload.json", params={"command": "STATUS", "media_id": media_id}, auth=True, use_base_url=False, ) processing_info = res.get("processing_info", None) check_status(processing_info, media_id) if command.upper() == "INIT": data = { "command": "INIT", "media_type": file.mimetype, "total_bytes": file.total_bytes, "media_category": file.media_category, "shared": file.dm_only, } res = self.request( "POST", "1.1", "/media/upload.json", data=data, auth=True, use_base_url=False, ) file._File__media_id = res["media_id"] return res["media_id"] elif command.upper() == "APPEND": segment_id = 0 bytes_sent = 0 path = file.path if isinstance(path, io.IOBase): open_file = path else: open_file = open(path, "rb") if not file.media_id: raise ValueError("'media_id' is None! Please specified it.") while bytes_sent < file.total_bytes: self.request( "POST", version="1.1", path="/media/upload.json", data={ "command": "APPEND", "media_id": file.media_id, "segment_index": segment_id, }, files={"media": open_file.read(4 * 1024 * 1024)}, auth=True, use_base_url=False, ) bytes_sent = open_file.tell() segment_id += 1 elif command.upper() == "FINALIZE": executor = self.thread_manager.create_new_executor(thread_name="subfiles-upload-request") res = self.request( "POST", version="1.1", path="/media/upload.json", data={"command": "FINALIZE", "media_id": file.media_id}, auth=True, use_base_url=False, ) check_status(res.get("processing_info", None), file.media_id) if file.alt_text: alt_text_future = self.request( "POST", "1.1", "/media/metadata/create.json", json={ "media_id": str(file.media_id), "alt_text": {"text": str(file.alt_text)}, }, auth=True, use_base_url=False, thread_name="alt-text-file-request", thread_session=thread_session, ) if file.subfile: executor.submit(self.quick_upload, file.subfile) if file.subfiles: for subfile in file.subfiles: executor.submit(self.quick_upload, subfile) if file.subfiles or file.subfile: subtitles = [] executor.wait_for_futures() if file.subfiles: for subfile in file.subfiles: subtitles.append( { "media_id": str(subfile.media_id), "display_name": subfile.language, "language_code": subfile.language_code, } ) if file.subfile: subtitles.append( { "media_id": str(file.subfile.media_id), "display_name": file.subfile.language, "language_code": file.subfile.language_code, } ) subtitle_data = { "media_id": str(file.media_id), "media_category": file.media_category, "subtitle_info": {"subtitles": subtitles}, } self.request( "POST", version="1.1", path="/media/subtitles/create.json", json=subtitle_data, auth=True, use_base_url=False, thread_name=f"subfile-request:FILE-MEDIA-ID={file.media_id}:SUBFILE-MEDIA-ID={file.subfile.media_id}", ) if file.alt_text: alt_text_future.result() def quick_upload(self, file: File) -> File: self.upload(file, "INIT") self.upload(file, "APPEND") self.upload(file, "FINALIZE") return file def fetch_me(self): data = self.request( "GET", "2", f"/users/me", params={ "expansions": PINNED_TWEET_EXPANSION, "user.fields": USER_FIELD, "tweet.fields": TWEET_FIELD, }, auth=True, ) return User(data, http_client=self) def fetch_user(self, user_id: ID) -> Optional[User]: try: int(user_id) except ValueError: raise ValueError("user_id must be an int, or a string of digits!") data = self.request( "GET", "2", f"/users/{user_id}", params={ "expansions": PINNED_TWEET_EXPANSION, "user.fields": USER_FIELD, "tweet.fields": TWEET_FIELD, }, auth=True, ) return User(data, http_client=self) def fetch_users(self, ids: List[ID]) -> List[User]: str_ids = [] for id in ids: try: int(id) except ValueError as e: raise e else: str_ids.append(str(id)) res = self.request( "GET", "2", f"/users?ids={','.join(str_ids)}", params={ "expansions": PINNED_TWEET_EXPANSION, "user.fields": USER_FIELD, "tweet.fields": TWEET_FIELD, }, auth=True, ) users = [User(data, http_client=self) for data in res["data"]] for user in users: self.user_cache[user.id] = user return users def fetch_user_by_username(self, username: str) -> Optional[User]: if username.startswith("@"): username = username.replace("@", "", 1) data = self.request( "GET", "2", f"/users/by/username/{username}", params={ "expansions": PINNED_TWEET_EXPANSION, "user.fields": USER_FIELD, "tweet.fields": TWEET_FIELD, }, auth=True, ) user = User(data, http_client=self) self.user_cache[user.id] = user return user def fetch_tweet( self, tweet_id: ID, *, organic_metrics: bool = False, promoted_metrics: bool = False ) -> Optional[Tweet]: field = TWEET_FIELD if organic_metrics and promoted_metrics: field = COMPLETE_TWEET_FIELD elif organic_metrics: field = TWEET_FIELD_WITH_ORGANIC_METRICS elif promoted_metrics: field = TWEET_FIELD_WITH_PROMOTED_METRICS res = self.request( "GET", "2", f"/tweets/{tweet_id}", params={ "tweet.fields": field, "user.fields": USER_FIELD, "expansions": TWEET_EXPANSION, "media.fields": MEDIA_FIELD, "place.fields": PLACE_FIELD, "poll.fields": POLL_FIELD, }, auth=True, ) tweet = Tweet(res, http_client=self) self.tweet_cache[tweet.id] = tweet return tweet def fetch_space(self, space_id: str, *, space_host: bool) -> Space: res = self.request( "GET", "2", f"/spaces/{str(space_id)}", params={ "expansions": SPACE_EXPANSION if not space_host else COMPLETE_SPACE_FIELD, "space.fields": SPACE_FIELD, "topic.fields": TOPIC_FIELD, "user.fields": USER_FIELD, }, ) return Space(res, http_client=self) def fetch_spaces_bytitle( self, title: str, state: SpaceState = SpaceState.live, *, space_host: bool ) -> Optional[List[Space]]: res = self.request( "GET", "2", "/spaces/search", params={ "query": title, "state": state.value, "expansions": SPACE_EXPANSION if not space_host else COMPLETE_SPACE_FIELD, "space.fields": SPACE_FIELD, "topic.fields": TOPIC_FIELD, }, ) return [Space(data, http_client=self) for data in res] def fetch_list(self, id: ID) -> TwitterList: res = self.request( "GET", "2", f"/lists/{id}", auth=True, params={ "expansions": LIST_EXPANSION, "list.fields": LIST_FIELD, "user.fields": USER_FIELD, }, ) return TwitterList(res, http_client=self) def handle_events(self, payload: Payload): if payload.get("direct_message_events"): self.event_parser.parse_direct_message_create(payload) elif payload.get("direct_message_indicate_typing_events"): self.event_parser.parse_direct_message_typing(payload) elif payload.get("direct_message_mark_read_events"): self.event_parser.parse_direct_message_read(payload) elif payload.get("favorite_events"): self.event_parser.parse_favorite_tweet(payload) elif payload.get("user_event"): self.event_parser.parse_revoke_event(payload) elif payload.get("follow_events"): self.event_parser.parse_user_action(payload, "follow_events") elif payload.get("block_events"): self.event_parser.parse_user_action(payload, "block_events") elif payload.get("mute_events"): self.event_parser.parse_user_action(payload, "mute_events") elif payload.get("tweet_create_events"): self.event_parser.parse_tweet_create(payload) elif payload.get("tweet_delete_events"): self.event_parser.parse_tweet_delete(payload) def fetch_direct_message(self, event_id: ID) -> Optional[DirectMessage]: try: event_id = str(event_id) except ValueError: raise ValueError("event_id must be an integer or a string of digits.") res = self.request("GET", "1.1", f"/direct_messages/events/show.json?id={event_id}", auth=True) message_create = res.get("event").get("message_create") recipient_id = int(message_create.get("target").get("recipient_id")) sender_id = int(message_create.get("sender_id")) recipient = self.user_cache.get(recipient_id) sender = self.user_cache.get(sender_id) if not recipient: recipient = self.fetch_user(recipient_id) if not sender: sender = self.fetch_user(sender_id) res["event"]["message_create"]["target"]["recipient"] = recipient res["event"]["message_create"]["target"]["sender"] = sender message = DirectMessage(res, http_client=self) self.message_cache[message.id] = message self.message_cache[recipient_id] = recipient self.message_cache[sender_id] = sender return message def fetch_welcome_message(self, welcome_message_id: ID) -> Optional[WelcomeMessage]: try: welcome_message_id = str(welcome_message_id) except ValueError: raise ValueError("welcome_message_id must be an integer or a string of digits.") res = self.request( "GET", "1.1", "/direct_messages/welcome_messages/show.json", params={"id": str(welcome_message_id)}, auth=True, ) data = res.get("welcome_message") message_data = data.get("message_data") id = data.get("id") timestamp = data.get("created_timestamp") text = message_data.get("text") return WelcomeMessage(text=text, id=id, timestamp=timestamp, http_client=self) def fetch_welcome_message_rule(self, welcome_message_rule_id) -> Optional[WelcomeMessageRule]: res = self.request( "GET", "1.1", "/direct_messages/welcome_messages/rules/show.json", params={"id": str(welcome_message_rule_id)}, auth=True, ) data = res.get("welcome_message_rule") id = data.get("id") timestamp = data.get("created_timestamp") welcome_message_id = data.get("welcome_message_id") return WelcomeMessageRule(id, welcome_message_id, timestamp, http_client=self) def fetch_job(self, id: ID) -> Optional[Job]: res = self.request( "GET", "2", f"/compliance/jobs/{id}", ) return Job(res.get("data"), http_client=self) def fetch_jobs(self, type: JobType, status: Optional[JobStatus] = None) -> Optional[List[Job]]: res = self.request( "GET", "2", f"/compliance/jobs", params={"type": type.value, "status": status.value if isinstance(status, JobStatus) else status}, ) if not res: return [] return [Job(data) for data in res["data"]] def search_geo( self, query: str, max_result: Optional[ID] = None, *, lat: Optional[int] = None, long: Optional[int] = None, ip: Optional[ID] = None, granularity: Granularity = Granularity.neighborhood, ) -> Optional[Geo]: if query: query = query.replace(" ", "%20") data = self.request( "GET", "1.1", "/geo/search.json", params={ "query": query, "lat": lat, "long": long, "ip": ip, "granularity": granularity.value, "max_results": max_result, }, auth=True, ) return [Geo(data) for data in data.get("result").get("places")] def send_message( self, recipient_id: ID, text: str, *, file: Optional[File] = None, custom_profile: Optional[CustomProfile] = None, quick_reply: Optional[QuickReply] = None, cta: Optional[CTA] = None, ) -> Optional[NoReturn]: thread_session = self.thread_manager.generate_thread_session() data = { "event": { "type": "message_create", "message_create": { "target": {"recipient_id": str(recipient_id)}, "message_data": {}, }, } } executor = self.thread_manager.create_new_executor( thread_name="post-tweet-file-request", session_id=thread_session ) message_data = data["event"]["message_create"]["message_data"] message_data["text"] = str(text) if file: future = executor.submit(self.quick_upload, file) if custom_profile: message_data["custom_profile_id"] = str(custom_profile.id) if quick_reply: message_data["quick_reply"] = { "type": quick_reply.type, "options": quick_reply.raw_options, } if cta: message_data["ctas"] = cta.raw_buttons if file: file = future.result() message_data["attachment"] = {} message_data["attachment"]["type"] = "media" message_data["attachment"]["media"] = {} message_data["attachment"]["media"]["id"] = str(file.media_id) res = self.request( "POST", "1.1", "/direct_messages/events/new.json", json=data, auth=True, ) message_create = res.get("event").get("message_create") user_id = message_create.get("target").get("recipient_id") user = self.fetch_user(user_id) res["event"]["message_create"]["target"]["recipient"] = user msg = DirectMessage(res, http_client=self) self.message_cache[msg.id] = msg return msg def post_tweet( self, text: str = None, *, file: Optional[File] = None, files: Optional[List[File]] = None, poll: Optional[Poll] = None, geo: Optional[Union[Geo, str]] = None, direct_message_deep_link: Optional[str] = None, reply_setting: Optional[Union[ReplySetting, str]] = None, quote_tweet: Optional[Union[Tweet, ID]] = None, reply_tweet: Optional[Union[Tweet, ID]] = None, exclude_reply_users: Optional[List[User, ID]] = None, media_tagged_users: Optional[List[User, ID]] = None, super_followers_only: bool = False, ) -> Optional[Tweet]: thread_session = self.thread_manager.generate_thread_session() executor = self.thread_manager.create_new_executor(thread_name="post-tweet-request", session_id=thread_session) payload = {} if text: payload["text"] = text if file: payload["media"] = {} payload["media"]["media_ids"] = [] executor.submit(self.quick_upload, file) if files: if len(files) + 1 if file else len(files) > 4: raise BadRequests(message="Cannot upload more then 4 files!") payload["media"] = {} payload["media"]["media_ids"] = [] for file in files: executor.submit(self.quick_upload, file) if poll: payload["poll"] = {} payload["poll"]["duration_minutes"] = int(poll.duration) payload["poll"]["options"] = [option.label for option in poll.options] if geo: payload["geo"] = {} payload["geo"]["place_id"] = geo.id if isinstance(geo, Geo) else geo if direct_message_deep_link: payload["direct_message_deep_link"] = direct_message_deep_link if reply_setting: payload["reply_settings"] = ( reply_setting.value if isinstance(reply_setting, ReplySetting) else reply_setting ) if reply_tweet: payload["reply"] = {} payload["reply"]["in_reply_to_tweet_id"] = ( str(reply_tweet.id) if isinstance(reply_tweet, Tweet) else str(reply_tweet) ) if quote_tweet: payload["quote_tweet_id"] = str(quote_tweet.id) if isinstance(quote_tweet, Tweet) else str(quote_tweet) if exclude_reply_users: ids = [str(user.id) if isinstance(user, User) else str(user) for user in exclude_reply_users] if "reply" in payload.keys(): payload["reply"]["exclude_reply_user_ids"] = ids else: payload["reply"] = {} payload["reply"]["exclude_reply_user_ids"] = ids if media_tagged_users: if not payload.get("media"): raise PytweetException("Cannot tag users without any file!") payload["media"]["tagged_user_ids"] = [ str(user.id) if isinstance(user, (User, ClientAccount)) else str(user) for user in media_tagged_users ] if super_followers_only: payload["for_super_followers_only"] = True executor.wait_for_futures() if file: payload["media"]["media_ids"].append(str(file.media_id)) if files: for file in files: payload["media"]["media_ids"].append(str(file.media_id)) res = self.request("POST", "2", "/tweets", json=payload, auth=True) return self.fetch_tweet(res["data"]["id"]) def create_job(self, type: JobType, *, name: Optional[str] = None, resumable: bool = False) -> Optional[Job]: res = self.request( "POST", "2", "/compliance/jobs", json={"type": type.value, "name": name, "resumable": resumable} ) return Job(res.get("data")) def create_list(self, name: str, *, description: str = "", private: bool = False) -> Optional[TwitterList]: res = self.request( "POST", "2", "/lists", auth=True, json={"name": name, "description": description, "private": private}, ) return TwitterList(res, http_client=self) def update_list( self, list_id: int, *, name: Optional[str] = None, description: str = "", private: Optional[bool] = None, ) -> Optional[RelationUpdate]: res = self.request( "PUT", "2", f"/lists/{list_id}", auth=True, json={"name": name, "description": description, "private": private}, ) return RelationUpdate(res) def create_custom_profile(self, name: str, file: File) -> Optional[CustomProfile]: file = self.quick_upload(file) data = {"custom_profile": {"name": name, "avatar": {"media": {"id": file.media_id}}}} res = self.request("POST", "1.1", "/custom_profiles/new.json", json=data, auth=True) data = res.get("custom_profile") return CustomProfile( data.get("name"), data.get("id"), data.get("created_timestamp"), data.get("avatar"), ) def create_welcome_message( self, *, name: Optional[str] = None, text: Optional[str] = None, file: Optional[File] = None, quick_reply: Optional[QuickReply] = None, cta: Optional[CTA] = None, ) -> Optional[WelcomeMessage]: thread_session = self.thread_manager.generate_thread_session() executor = self.thread_manager.create_new_executor( thread_name="create-welcome-message-file-request", session_id=thread_session ) data = {"welcome_message": {"message_data": {}}} message_data = data["welcome_message"]["message_data"] data["welcome_message"]["name"] = str(name) message_data["text"] = str(text) if file: file_future = executor.submit(self.quick_upload, file) if quick_reply: message_data["quick_reply"] = { "type": quick_reply.type, "options": quick_reply.raw_options, } if cta: message_data["ctas"] = cta.raw_buttons if file: message_data["attachment"] = {} message_data["attachment"]["type"] = "media" message_data["attachment"]["media"] = {} message_data["attachment"]["media"]["id"] = str(file_future.result().media_id) res = self.request( "POST", "1.1", "/direct_messages/welcome_messages/new.json", json=data, auth=True, ) data = res.get("welcome_message") message_data = data.get("message_data") return WelcomeMessage( res.get("name"), text=message_data.get("text"), id=data.get("id"), timestamp=data.get("created_timestamp"), http_client=self, ) def update_welcome_message( self, *, welcome_message_id: ID, text: Optional[str] = None, file: Optional[File] = None, quick_reply: Optional[QuickReply] = None, cta: Optional[CTA] = None, ): thread_session = self.thread_manager.generate_thread_session() executor = self.thread_manager.create_new_executor( thread_name="update-welcome-message-file-request", session_id=thread_session ) data = {"message_data": {}} message_data = data["message_data"] message_data["text"] = str(text) if file: file_future = executor.submit(self.quick_upload, file) if quick_reply: message_data["quick_reply"] = { "type": quick_reply.type, "options": quick_reply.raw_options, } if cta: message_data["ctas"] = cta.raw_buttons if file: message_data["attachment"] = {} message_data["attachment"]["type"] = "media" message_data["attachment"]["media"] = {} message_data["attachment"]["media"]["id"] = str(file_future.result().media_id) res = self.request( "PUT", "1.1", "/direct_messages/welcome_messages/update.json", params={"id": str(welcome_message_id)}, json=data, auth=True, ) welcome_message = res.get("welcome_message") message_data = welcome_message.get("message_data") return WelcomeMessage( res.get("name"), text=message_data.get("text"), id=welcome_message.get("id"), timestamp=welcome_message.get("created_timestamp"), http_client=self, )
StarcoderdataPython
3334515
print('Aqui iremos pegar um valor e mostrar alguns resultados, como o\nDOBRO\nTRIPRO\nRAIZ QUADRADA') valor = int(input('Informe um valor: ')) print('O dobro de {}, será {}'.format(valor, valor*2)) print('O triplo de {}, será {}'.format(valor, valor*3)) #Em números com bastantes casas decimais, se quisermos diminuir com {:.xf} #x = qualquer número real print('A raiz de {} quadrada será {:.2f}'.format(valor, valor**(1/2)))
StarcoderdataPython
11224553
<filename>Assignment_2/rekognition.py """ __author__ = "<NAME>" __version__ = "1.0" __git__ = "https://github.com/parampopat/" __reference__ = "https://boto3.amazonaws.com/v1/documentation/api/latest/index.html" """ import boto3 import time def create_collection(collection_id): """ :source: https://docs.aws.amazon.com/rekognition/latest/dg/create-collection-procedure.html :param collection_id: :return: """ client = boto3.client('rekognition') print('Creating collection:' + collection_id) response = client.create_collection(CollectionId=collection_id) print('Collection ARN: ' + response['CollectionArn']) print('Status code: ' + str(response['StatusCode'])) print('Done...') def add_faces_to_collection(bucket, photo, collection_id): """ :source: https://docs.aws.amazon.com/rekognition/latest/dg/add-faces-to-collection-procedure.html :param bucket: :param photo: :param collection_id: :param access_key: :param secret_key: :return: """ client = boto3.client('rekognition') response = client.index_faces(CollectionId=collection_id, Image={'S3Object': {'Bucket': bucket, 'Name': photo}}, ExternalImageId=photo, MaxFaces=1, QualityFilter="AUTO", DetectionAttributes=['ALL']) print('Results for ' + photo) print('Faces indexed:') print(response) for faceRecord in response['FaceRecords']: print(' Face ID: ' + faceRecord['Face']['FaceId']) print(' Location: {}'.format(faceRecord['Face']['BoundingBox'])) print('Faces not indexed:') for unindexedFace in response['UnindexedFaces']: print(' Location: {}'.format(unindexedFace['FaceDetail']['BoundingBox'])) print(' Reasons:') for reason in unindexedFace['Reasons']: print(' ' + reason) return len(response['FaceRecords']) def create_stream(kvs, kds, user, collection_id, stream_name): """ :param kvs: :param kds: :param user: :param collection_id: :param stream_name: :return: """ client = boto3.client('rekognition') print('Creating Stream Processor:' + stream_name) response = client.create_stream_processor(Input={'KinesisVideoStream': {'Arn': kvs}}, Output={'KinesisDataStream': {'Arn': kds}}, Name=stream_name, Settings={ 'FaceSearch': { 'CollectionId': collection_id, 'FaceMatchThreshold': 85.5 } }, RoleArn=user) print(response) return response def start_stream(stream_name): """ :param stream_name: :return: """ client = boto3.client('rekognition') print('Starting Stream Processor:' + stream_name) response = client.start_stream_processor( Name=stream_name ) print(response) def stop_stream(stream_name): """ :param stream_name: :return: """ client = boto3.client('rekognition') print('Stopping Stream Processor:' + stream_name) response = client.stop_stream_processor( Name=stream_name ) print(response) def main(set_collection=False, add=False, generate_stream=False, stream=False, stop=False): """ :param stop: :param set_collection: :param add: :param generate_stream: :param stream: :return: """ collection_id = 'Collection' bucket_id = 'ppkbvisitorvault' photo_id = 'param.jpg' user_arn = 'arn:aws:iam::041132386971:role/rekognitionrole' kvs_arn = 'arn:aws:kinesisvideo:us-east-1:041132386971:stream/kbppstream/1586054873891' kds_arn = 'arn:aws:kinesis:us-east-1:041132386971:stream/AmazonRekognition_kbpp' stream_name = 'streamProcessorForCam' if set_collection: try: create_collection(collection_id) except Exception as e: print("Couldn't Create", e) if add: try: records = add_faces_to_collection(bucket=bucket_id, photo=photo_id, collection_id=collection_id) print(records, 'Faces Indexed') except Exception as e: print("Couldn't Add", e) if generate_stream: try: stream = create_stream(kvs=kvs_arn, kds=kds_arn, user=user_arn, collection_id=collection_id, stream_name=stream_name) except Exception as e: print("Couldn't Create Stream", e) if stream: try: start_stream(stream_name=stream_name) except Exception as e: print("Couldn't Start Stream", e) if stop: try: stop_stream(stream_name=stream_name) except Exception as e: print("Couldn't Stop Stream", e) if __name__ == "__main__": main(stream=True) # hls_stream_ARN = 'arn:aws:kinesisvideo:us-east-1:041132386971:stream/kbppstream/1586054873891' # # STREAM_NAME = "kbppstream" # kvs = boto3.client("kinesisvideo") # # # Grab the endpoint from GetDataEndpoint # endpoint = kvs.get_data_endpoint( # APIName="GET_HLS_STREAMING_SESSION_URL", # StreamARN=hls_stream_ARN)['DataEndpoint'] # # # Grab the HLS Stream URL from the endpoint # kvam = boto3.client("kinesis-video-archived-media", endpoint_url=endpoint) # url = kvam.get_hls_streaming_session_url( # StreamName=STREAM_NAME, # PlaybackMode="LIVE")['HLSStreamingSessionURL'] # kvs = boto3.client("kinesisvideo") # # # Now try getting video chunks using GetMedia # # response = kvs.get_data_endpoint( # StreamARN=hls_stream_ARN, # APIName='GET_MEDIA' # ) # endpoint_url_string = response['DataEndpoint'] # # streaming_client = boto3.client( # 'kinesis-video-media', # endpoint_url=endpoint_url_string, # # region_name='us-east-1' # ) # # kinesis_stream = streaming_client.get_media( # StreamARN=hls_stream_ARN, # StartSelector={'StartSelectorType': 'EARLIEST'} # # StartSelector={'StartSelectorType': 'NOW'} # # ) # # stream_payload = kinesis_stream['Payload'] # # print("Received stream payload.") # f = open("fragments_2.mkv", 'w+b') # f.write(stream_payload.read()) # f.close() # print("Saved to a file.") # client = boto3.client('kinesis-video-media') # response = client.get_media( # StreamName='kbppstream', # StreamARN='arn:aws:kinesisvideo:us-east-1:041132386971:stream/kbppstream/1586054873891', # StartSelector={ # 'StartSelectorType': 'NOW', # } # ) # # stream = response['Payload'] # botocore.response.StreamingBody object # chunk = stream.read(1024) # while chunk is not None: # chunk = stream.read(1024) # bucket = 'ppkbvisitorvault' # fileName = 'vap.jpg' # threshold = 70 # client = boto3.client('rekognition') # response = client.search_faces_by_image(CollectionId='Collection', # Image={'S3Object': {'Bucket': 'ppkbvisitorvault', 'Name': fileName}}, # FaceMatchThreshold=threshold, # MaxFaces=1) # # faceMatches = response['FaceMatches'] # if len(faceMatches) > 0: # faceId = faceMatches[0]['Face']['FaceId'] # print('faceid', faceId) # # bucket = 'ppkbvisitorvault' # fileName = 'DSC04796.JPG' # response = client.index_faces(CollectionId='Collection', # Image={'S3Object': {'Bucket': bucket, 'Name': fileName}}, # ExternalImageId=fileName, # MaxFaces=1, # QualityFilter="AUTO", # DetectionAttributes=['ALL']) # for faceRecord in response['FaceRecords']: # print(' Face ID: ' + faceRecord['Face']['FaceId'])
StarcoderdataPython
8040110
#!/usr/bin/python3 import os import pycommon.advent as advent problem_key = os.path.basename(__file__).replace(".py", "") question_groups = [] def get_unique_counts(line): line = line.replace(' ', '') counts = {} for index in range(0, len(line)): key = line[index] counts[key] = True return counts def part_one_sum_of_counts(): sum = 0 for line in question_groups: counts = get_unique_counts(line) sum += len(counts) print("Part 1: Sum of counts: {}".format(sum)) def part_two_sum_of_counts(): sum = 0 for line in question_groups: possible = {} populated = False for word in line.split(): if len(possible) == 0 and not populated: possible = get_unique_counts(word) populated = True else: next_count = get_unique_counts(word) to_remove = {} for key in possible: if key not in next_count: to_remove[key] = True for key in to_remove: del possible[key] sum += len(possible) print("Part 2: Sum of counts: {}".format(sum)) def main(): global question_groups question_groups = advent.read_groups_as_row(os.getcwd(), problem_key) part_one_sum_of_counts() part_two_sum_of_counts() if __name__ == "__main__": main()
StarcoderdataPython
5035448
# Import libraries import speech_recognition as sr import datetime r = sr.Recognizer() # Get the default microphone with sr.Microphone() as source: # Listens to a command, using AVD while True: audio = r.listen(source) # Recognizes speech using Google as a service: online, slow. google = r.recognize_google(audio) sphinx = r.recognize_sphinx(audio) print(f'Google: [{google}]\nSphinx: [{sphinx}]\n\n')
StarcoderdataPython
4821390
<filename>simple_CA.py<gh_stars>0 import numpy as np import tkinter as tk import matplotlib.pyplot as plt import datetime from matplotlib import cm from PIL import Image, ImageTk window = tk.Tk() window.title("simple_CA") window.geometry('600x670') window.configure(background='black') width, height = 600, 600 size = (width//10, height//10, 3) factor = (width//size[0], height//size[1], 1) canvas = tk.Canvas(window, width=width, height=height, highlightbackground = "black") canvas.place(relx=0.5, y=370, anchor="center") running = 0 capture = 0 borders = 0 def get_neighbours(src, ks): # moore neighbourhood neighbours = [] for c in range(ks[0]): for t in range(ks[1]): neighbours.append(np.roll(src, (c-(ks[0]//2),t-(ks[1]//2)), axis=[0,1])) return np.sum(neighbours,0)[borders:src.shape[0]-borders, borders:src.shape[1]-borders] def get_neighbours_vonneumann(src, ks): # von neumann neighbourhood neighbours = [] for c in range(ks): neighbours.append(np.roll(src, (c-(ks//2),0), axis=[0,1])) for t in range(ks): neighbours.append(np.roll(src, (0,t-(ks//2)), axis=[0,1])) return np.sum(neighbours,0)[borders:src.shape[0]-borders, borders:src.shape[1]-borders] def circular_neighbourhood(src, ks): #approx neighbours = [] for c in range(ks[0]-1): for t in range(ks[0]-1): if c != 0 and t !=0 and c != ks[0] and t != ks[1]: neighbours.append(np.roll(src, (c-((ks[0]-1)//2),t-((ks[1]-1)//2)), axis=[0,1])) neighbours.append(np.roll(src, (0-(ks[0]//2),0-(ks[1]//2)), axis=[0,1])) neighbours.append(np.roll(src, (ks[0]-(ks[0]//2),0-(ks[1]//2)), axis=[0,1])) neighbours.append(np.roll(src, (0-(ks[0]//2),ks[1]-(ks[1]//2)), axis=[0,1])) neighbours.append(np.roll(src, (ks[0]-(ks[0]//2),ks[1]-(ks[1]//2)), axis=[0,1])) return np.sum(neighbours,0)[borders:src.shape[0]-borders, borders:src.shape[1]-borders] def scale_im(arr,factor): return np.kron(arr, np.ones(factor, dtype=np.uint8)) def draw1(event): sim[min(size[0]-1,event.y//factor[0]), min(size[0]-1,event.x//factor[1]), :] = 255 def draw3(event): sim[event.y//factor[0]-1:event.y//factor[0]+1, event.x//factor[1]-1:event.x//factor[1]+1, :] = 255 def erase(event): sim[event.y//factor, event.x//factor, :] = np.zeros(3) def clear(): global sim sim = np.zeros(size, dtype=np.uint8) def cap(): global capture capture = (capture+1)%2 if capture: capture_text.set("on") else: capture_text.set("off") def border(): global borders borders = (borders+1)%2 if borders: border_text.set("on") else: border_text.set("off") def randomize(): global sim sim = np.random.choice([0, 255], size=size, p=[6/10, 4/10]).astype(np.uint8) def rule(): global rule rule = (rule+1)%9 rule_text.set(str(rule)) def run(): global running running = (running+1)%2 if running: run_text.set("running...") else: run_text.set("stopped") button_run = tk.Button(window, text="run",command=run) button_run.grid(row=0,column=0) run_text = tk.StringVar(value="stopped") label_run = tk.Label(window, textvariable=run_text, bg="black",fg="white", width=10) label_run.grid(row=1,column=0) button_clear = tk.Button(window, text="clear",command=clear) button_clear.grid(row=0,column=1) button_rule = tk.Button(window, text="rule",command=rule) button_rule.grid(row=0,column=2) rule_text = tk.StringVar(value="0") label_rule = tk.Label(window, textvariable=rule_text, bg="black",fg="white", width=1) label_rule.grid(row=1,column=2) button_border = tk.Button(window, text="border",command=border) button_border.grid(row=0,column=3) border_text = tk.StringVar(value="off") label_border = tk.Label(window, textvariable=border_text, bg="black",fg="white", width=3) label_border.grid(row=1,column=3) button_rand = tk.Button(window, text="random",command=randomize) button_rand.grid(row=0,column=4) button_capture = tk.Button(window, text="capture",command=cap) button_capture.grid(row=0,column=5) capture_text = tk.StringVar(value="off") label_capture = tk.Label(window, textvariable=capture_text, bg="black",fg="white", width=3) label_capture.grid(row=1,column=5) fps_text = tk.StringVar(value="0") label_fps = tk.Label(window, textvariable=fps_text, bg="black",fg="white", width=8) label_fps.grid(row=0,column=7) scaler = tk.Scale(window, from_=0, to=1, resolution=0.01, orient="horizontal", bg="black", fg="white") scaler.grid(row=0,column=6) scaler.set(0.25) sim = np.zeros(size, dtype=np.uint8) canvas.bind("<B1-Motion>", draw3) canvas.bind("<Button-1>", draw1) canvas.bind("<B3-Motion>", erase) canvas.bind("<Button-3>", erase) rule = 0 last = datetime.datetime.now() delta = datetime.datetime.now() - last index = 0 flag = 1 while True: if flag: fps_text.set(str(int(1/((delta.microseconds/1000000))))+ "fps") flag = 0 delta = datetime.datetime.now() - last scaled = scale_im(sim, factor) im = ImageTk.PhotoImage(image=Image.fromarray(scaled)) canvas.create_image(3, 3, anchor="nw", image=im) if capture: plt.imsave("capture/"+str(index)+".jpg", scaled) index+=1 window.update_idletasks() window.update() if running and delta.microseconds > scaler.get()*1000000: if rule == 3: #next_state = circular_neighbourhood(np.pad(sim*2, [(borders,borders),(borders,borders)], mode="constant"), (3,3)) - sim next_state = get_neighbours(np.pad(sim, [(borders,borders),(borders,borders),(0,0)], mode="constant"), (3,3)) - sim # next_state = get_neighbours_vonneumann(np.pad(sim, [(borders,borders),(borders,borders)], mode="constant"), 3) - sim print(next_state) # sim = ((next_state//12)+8).astype(np.uint8) sim = (next_state//8+8).astype(np.uint8) #sim = (next_state//4+8).astype(np.uint8) else: next_state = get_neighbours(np.pad(sim//255, [(borders,borders),(borders,borders),(0,0)], mode="constant"), (3,3)) - sim//255 # next_state = circular_neighbourhood(np.pad((sim//255)*2, [(borders,borders),(borders,borders)], mode="constant"), (3,3))- sim//255 # next_state = get_neighbours(sim//255, (3,3)) - sim//255 # next_state = get_neighbours_vonneumann(sim//255, 3) - sim//255 if rule == 0: sim = np.where(((next_state > 4) | ((next_state == 4) & (sim==0))), 255, 0).astype(np.uint8) elif rule == 1: sim = np.where(((next_state > 4) | ((next_state == 4) & (sim == 255))), 255, 0).astype(np.uint8) # vote rule elif rule == 2: sim = np.where((((next_state>1)&(next_state<4)&(sim == 255))|((sim == 0)&(next_state==3))),255,0).astype(np.uint8) # GOL elif rule == 4: for i in range(sim.shape[0], 1)[::-1]: sim[1:i,:] = np.where(sim[i,:] == 0, np.roll(sim[1:i-1,:], 1, axis=0), sim[1:i,:]).astype(np.uint8) elif rule == 5: sim = (255*np.exp(sim/255+next_state/255)).astype(np.uint8) elif rule == 6: sim = ((255-sim)*next_state+(255-next_state)*sim).astype(np.uint8) elif rule == 7: sim = (sim*next_state+(255-next_state)*(255-sim)).astype(np.uint8) elif rule == 8: sim = ((sim**2)-np.sqrt(next_state-sim)).astype(np.uint8) last = datetime.datetime.now() flag = 1
StarcoderdataPython
6569840
<reponame>ONSdigital/ras-frontstage import io import unittest from unittest.mock import patch import requests_mock from frontstage import app from tests.integration.mocked_services import ( business_party, collection_exercise, collection_instrument_seft, encoded_jwt_token, encrypted_enrolment_code, survey, url_banner_api, ) party_id = "0008279d-9425-4e28-897d-bfd876aa7f3f" case_id = "8cdc01f9-656a-4715-a148-ffed0dbe1b04" @requests_mock.mock() class TestAccessSurvey(unittest.TestCase): def setUp(self): self.app = app.test_client() self.app.set_cookie("localhost", "authorization", "session_key") self.headers = { "Authorization": "<KEY>" # NOQA } self.survey_file = dict(file=(io.BytesIO(b"my file contents"), "testfile.xlsx")) self.upload_error = {"error": {"data": {"message": ".xlsx format"}}} self.patcher = patch("redis.StrictRedis.get", return_value=encoded_jwt_token) self.params = {"encrypted_enrolment_code": encrypted_enrolment_code} self.patcher.start() def tearDown(self): self.patcher.stop() @patch("frontstage.controllers.case_controller.get_case_data") def test_access_survey_all_expected_case_data(self, mock_request, get_case_data): mock_request.get(url_banner_api, status_code=404) case_data = { "collection_exercise": collection_exercise, "collection_instrument": collection_instrument_seft, "survey": survey, "business_party": business_party, } get_case_data.return_value = case_data response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers, ) self.assertEqual(response.status_code, 200) self.assertIn(survey["shortName"].encode(), response.data) @patch("frontstage.controllers.case_controller.get_case_data") def test_access_survey_missing_collection_instrument_from_case_data(self, mock_request, get_case_data): mock_request.get(url_banner_api, status_code=404) case_data = {"collection_exercise": collection_exercise, "survey": survey, "business_party": business_party} get_case_data.return_value = case_data response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 500) self.assertTrue("An error has occurred".encode() in response.data) @patch("frontstage.controllers.case_controller.get_case_data") def test_access_survey_missing_collection_exercise_from_case_data(self, mock_request, get_case_data): mock_request.get(url_banner_api, status_code=404) case_data = { "collection_instrument": collection_instrument_seft, "survey": survey, "business_party": business_party, } get_case_data.return_value = case_data response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 500) self.assertTrue("An error has occurred".encode() in response.data) @patch("frontstage.controllers.case_controller.get_case_data") def test_access_survey_missing_survey_from_case_data(self, mock_request, get_case_data): mock_request.get(url_banner_api, status_code=404) case_data = { "collection_exercise": collection_exercise, "collection_instrument": collection_instrument_seft, "business_party": business_party, } get_case_data.return_value = case_data response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 500) self.assertTrue("An error has occurred".encode() in response.data) @patch("frontstage.controllers.case_controller.get_case_data") def test_access_survey_missing_business_party_from_case_data(self, mock_request, get_case_data): mock_request.get(url_banner_api, status_code=404) case_data = { "collection_exercise": collection_exercise, "collection_instrument": collection_instrument_seft, "survey": survey, } get_case_data.return_value = case_data response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 500) self.assertTrue("An error has occurred".encode() in response.data) def test_access_survey_without_request_arg_case_id(self, mock_request): mock_request.get(url_banner_api, status_code=404) response = self.app.get( f"/surveys/access-survey?business_party_id={party_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 400) self.assertTrue("An error has occurred".encode() in response.data) def test_access_survey_missing_request_arg_business_party_id(self, mock_request): mock_request.get(url_banner_api, status_code=404) response = self.app.get( f"/surveys/access-survey?case_id={case_id}&" "survey_short_name=Bricks&ci_type=SEFT", headers=self.headers ) self.assertEqual(response.status_code, 400) self.assertTrue("An error has occurred".encode() in response.data) def test_access_survey_missing_request_arg_survey_short_name(self, mock_request): mock_request.get(url_banner_api, status_code=404) response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "ci_type=SEFT", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 400) self.assertTrue("An error has occurred".encode() in response.data) def test_access_survey_missing_request_arg_ci_type(self, mock_request): mock_request.get(url_banner_api, status_code=404) response = self.app.get( f"/surveys/access-survey?case_id={case_id}&business_party_id={party_id}&" "survey_short_name=Bricks", headers=self.headers, follow_redirects=True, ) self.assertEqual(response.status_code, 400) self.assertTrue("An error has occurred".encode() in response.data)
StarcoderdataPython
8183927
<reponame>xykivo/percipio # BSD 3-Clause License # # Copyright (c) 2019-2021, <NAME> # All rights reserved. # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions are met: # # 1. Redistributions of source code must retain the above copyright notice, # this list of conditions and the following disclaimer. # # 2. Redistributions in binary form must reproduce the above copyright notice, # this list of conditions and the following disclaimer in the documentation # and/or other materials provided with the distribution. # # 3. Neither the name of the copyright holder nor the names of its # contributors may be used to endorse or promote products derived from # this software without specific prior written permission. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" # AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE # IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE # ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE # LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR # CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF # SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS # INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN # CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) # ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE # POSSIBILITY OF SUCH DAMAGE. # Common C++ bazel macros, rules and variables load("@rules_cc//cc:defs.bzl", "cc_binary", "cc_library", "cc_test") load("//bazel:version.bzl", "version_code") load("//bazel/cc_code_style_check:rules.bzl", "cc_code_style_check") load("//bazel/cc_lint:rules.bzl", "cc_lint") def _add_common_cc_options(version, **kwargs): """Add common C++ defines, compiler and linker options. This function will add common Xykivo C++ options to the given cc_library or cc_binary optional arguments. :param version: The version of the of the C++ target :param kwargs: Optional C++ target arguments """ cc_args = kwargs local_defines = cc_args.pop("local_defines", []) local_defines.append("XKV_VERSION=%s" % version_code(version)) cc_args["local_defines"] = local_defines copts = cc_args.pop("copts", []) copts = [ "-std=c++17", "-Wall", "-Werror", "-fno-rtti", "-fno-exceptions", ] + copts cc_args["copts"] = copts linkopts = cc_args.pop("linkopts", []) linkopts.extend(["-Wl,--warn-common", "-Wl,--fatal-warnings"]) cc_args["linkopts"] = linkopts return cc_args def _add_cc_lint_targets(name, test_only, **kwargs): """Add C++ lint and code style check targets for the given C++ target :param name: Name of the C++ target :param kwargs: Optional C++ target arguments """ cc_target = ":" + name srcs = kwargs.pop("srcs", []) hdrs = kwargs.pop("hdrs", []) cc_code_style_check( name = name + "-code-style-check", srcs = srcs + hdrs, cc_target = cc_target, code_style_check_success = "cc_code_style_check_succeeded", testonly = test_only, ) cc_lint( name = name + "-lint", srcs = srcs + hdrs, cc_target = cc_target, copts = kwargs["copts"], lint_success = "cc_lint_succeeded", testonly = test_only, ) def xkv_cc_binary( name, version, **kwargs): """Xykivo C++ binary macro Adds common Xykvo C++ arguemnts and compiler/linker options to the C++ binary rule. Add a C++ code style check rule on all the binary source files. Add a C++ lint check rule on all the binary source files. :param name: The name of the C++ binary target :param version: The C++ binary version string :param kwargs: C++ binary rule arguments """ cc_args = _add_common_cc_options(version, **kwargs) cc_binary(name = name, **cc_args) _add_cc_lint_targets(name, False, **cc_args) def xkv_cc_library( name, version, **kwargs): """Xykivo C++ library macro Adds common Xykvo C++ arguemnts and compiler/linker options to the C++ library rule. Add a C++ code style check rule on all the library source files. Add a C++ lint check rule on all the library source files. :param name: The name of the C++ library target :param version: The C++ library version string :param kwargs: C++ library rule arguments """ cc_args = _add_common_cc_options(version, **kwargs) cc_library(name = name, **cc_args) _add_cc_lint_targets(name, False, **cc_args) def xkv_cc_test( name, version, **kwargs): """Xykivo C++ test macro Adds common Xykvo C++ arguemnts and compiler/linker options to the C++ test rule. Add a C++ code style check rule on all the test source files. Add a C++ lint check rule on all the test source files. :param name: The name of the C++ test target :param version: The C++ test version string :param kwargs: C++ test rule arguments """ cc_args = _add_common_cc_options(version, **kwargs) cc_test(name = name, **cc_args) _add_cc_lint_targets(name, True, **cc_args)
StarcoderdataPython
3565110
<gh_stars>1-10 import numpy from scipy import optimize c = numpy.array([0,0,0,0,1]) A_ub = numpy.array([[1,0,0,0,-1],[0,1,1,0,-1],[0,0,0,1,-1]]) b_ub = numpy.array([-29,0,-10]) A_eb = numpy.array([[1,1,0,0,0],[0,0,1,1,0]]) b_eb = numpy.array([12,12]) all_bounds = (0,None) res = optimize.linprog(c,A_ub,b_ub,A_eb,b_eb, bounds=(all_bounds,all_bounds,all_bounds,all_bounds,all_bounds)) print(res) print("Optimal result is",res.fun) print("x=[%f,%f,%f,%f,%f] " % (res.x[0],res.x[1],res.x[2],res.x[3],res.x[4]))
StarcoderdataPython
6431403
<reponame>techdad/ansible-role-hosts-file import os import testinfra.utils.ansible_runner testinfra_hosts = testinfra.utils.ansible_runner.AnsibleRunner( os.environ['MOLECULE_INVENTORY_FILE']).get_hosts('all') def test_hosts_file_exists(host): f = host.file('/etc/hosts') assert f.exists assert f.user == 'root' assert f.group == 'root' def test_hosts_file_localhost(host): f = host.file('/etc/hosts') assert f.contains('127.0.0.1\s\+localhost') assert f.contains('^::1\s\+localhost') def test_hosts_file_additions(host): f = host.file('/etc/hosts') assert f.contains('192.0.2.46\s\+dualstack') assert f.contains('2001:db8:192:2::46\s\+dualstack') assert f.contains('192.0.2.44\s\+ipv4only') assert f.contains('2fd00:c2b6:b24b:be67:2827:688d:e6a1:6a3b\s\+ipv6only')
StarcoderdataPython
6460946
import sys import os import random import time import pygame import math import random from square import * from constants import * from pygame.locals import * class Grid: """Game grid and everything it needs""" def __init__(self, x, y, walls): """Initiate the grid Args: x (int): x squares y (int): y squares walls (bool): walls or not """ self.x0 = x self.y0 = y self.squares = [] self.foodsquare = Square(0, 0) self.walls = walls self.paths = [] def randomFood(self): """Set food to a random square that is not occupied by the snake""" self.foodsquare.setFood(False) self.foodsquare = self.elementAt( random.randint(0, gridsizex - 1), random.randint(0, gridsizey - 1) ) while self.foodsquare.snake: self.foodsquare = self.elementAt( random.randint(0, gridsizex - 1), random.randint(0, gridsizey - 1) ) self.foodsquare.setFood(True) def createSquares(self): """Create all the squares of this grid""" for xn in range(self.x0): col = [] for yn in range(self.y0): col.append(Square(xn, yn)) self.squares.append(col) def colorPath(self, snek, orientations): """Colors the path that the snake is going to take Args: snek (Snake): snake orientations ([int]): list of orientations """ cur = self.elementAt(snek.hed().xcoord, snek.hed().ycoord) for item in orientations: try: cur = self.neighborAt(cur, item) self.paths.append(cur) cur.path = True except AttributeError: pass def colorPathh(self, snek, path): """Other function for path coloring, might be old one? Args: snek (Snake): snake path ([Square]): list of squares to color """ cur = self.elementAt(snek.hed().xcoord, snek.hed().ycoord) for item in path: cur = self.elementAt(item.xcoord, item.ycoord) self.paths.append(cur) cur.path = True def clearPath(self): """Clears the current path""" for item in self.paths: item.path = False def walledElementAt(self, x, y): """Element at for a walled square Args: x (int): x-coord y (int): y-coord Returns: Square: square or none """ if x >= gridsizex or y >= gridsizey or x < 0 or y < 0: return None else: a = x b = y return self.squares[a][b] def elementAt(self, x, y): """Fetch a grid element Args: x (int): x-coord y (int): y-coord Returns: Square: the square at the given position """ if walls: return self.walledElementAt(x, y) a = x b = y if x == gridsizex: a = 0 if y == gridsizey: b = 0 return self.squares[a][b] def neighborAt(self, square, orientation): """Neighboring squares Args: square (Square): square orientation (int): current orientation of the snake Returns: Square: neighbor square """ xs = square.xcoord ys = square.ycoord if orientation == 0: return self.elementAt(xs, ys - 1) elif orientation == 1: return self.elementAt(xs + 1, ys - 1) elif orientation == 2: return self.elementAt(xs + 1, ys) elif orientation == 3: return self.elementAt(xs + 1, ys + 1) elif orientation == 4: return self.elementAt(xs, ys + 1) elif orientation == 5: return self.elementAt(xs - 1, ys + 1) elif orientation == 6: return self.elementAt(xs - 1, ys) elif orientation == 7: return self.elementAt(xs - 1, ys - 1) else: print("Not a valid orientation") return square def drawGrid(self): """Draws the game grid""" for item in self.squares: for subitem in item: subitem.drawSquare() def printGrid(self): """Prints a textual representation of the grid""" for j in range(self.y0): for i in range(self.x0): square = self.elementAt(i, j) if square.food: print("O", end="") if square.snake: print("x", end="") if square.path: print("5", end="") else: print("_", end="") print("\n", end="") def checkCollision(self, squares, newsquare): """Collision chech Args: squares ([Square]): list of squares to check newsquare (Square): square to move to Returns: bool: collision boolean """ for item in squares: if item.x == newsquare.x and item.y == newsquare.y: return True return False
StarcoderdataPython
1980658
<filename>app/__init__.py from flask import Flask import os #from model import LSCCNN basedir = os.path.abspath(os.path.dirname(__file__)) app = Flask(__name__) app.config.from_object(__name__) # Load model #checkpoint_path = path_to_gcp_bucket #model = LSCCNN(checkpoint_path=checkpoint_path) #model.eval() #model.cuda() ?? from app import views
StarcoderdataPython
8016106
<reponame>gmoraitis/sports-betting<gh_stars>10-100 """ Download and transform historical and fixtures data for various leagues from Football-Data.co.uk. Football-Data.co.uk: https://www.football-data.co.uk/data.php """ # Author: <NAME> <<EMAIL>> # License: MIT from urllib.request import urlopen, urljoin from datetime import datetime from os.path import join from functools import lru_cache import numpy as np import pandas as pd from bs4 import BeautifulSoup from sklearn.model_selection import ParameterGrid from ._utils import OUTPUTS, _read_csv from .._base import _BaseDataLoader URL = 'https://www.football-data.co.uk' BASE_URLS = [ 'englandm.php', 'scotlandm.php', 'germanym.php', 'italym.php', 'spainm.php', 'francem.php', 'netherlandsm.php', 'belgiumm.php', 'portugalm.php', 'turkeym.php', 'greecem.php', 'Argentina.php', 'Austria.php', 'Brazil.php', 'China.php', 'Denmark.php', 'Finland.php', 'Ireland.php', 'Japan.php', 'Mexico.php', 'Norway.php', 'Poland.php', 'Romania.php', 'Russia.php', 'Sweden.php', 'Switzerland.php', 'USA.php', ] LEAGUES_MAPPING = { 'England': ('E', '0', '1', '2', '3', 'C'), 'Scotland': ('SC', '0', '1', '2', '3', 'C'), 'Germany': ('D', '1', '2'), 'Italy': ('I', '1', '2'), 'Spain': ('SP', '1', '2'), 'France': ('F', '1', '2'), 'Netherlands': ('N', '1'), 'Belgium': ('B', '1'), 'Portugal': ('P', '1'), 'Turkey': ('T', '1'), 'Greece': ('G', '1'), 'Argentina': ('ARG', '1'), 'Austria': ('AUT', '1'), 'Brazil': ('BRA', '1'), 'China': ('CHN', '1'), 'Denmark': ('DNK', '1'), 'Finland': ('FIN', '1'), 'Ireland': ('IRL', '1'), 'Japan': ('JPN', '1'), 'Mexico': ('MEX', '1'), 'Norway': ('NOR', '1'), 'Poland': ('POL', '1'), 'Romania': ('ROU', '1'), 'Russia': ('RUS', '1'), 'Sweden': ('SWE', '1'), 'Switzerland': ('SWZ', '1'), 'USA': ('USA', '1'), } REMOVED_COLS = [ 'Div', 'Country', 'Season', 'Time', 'FTR', 'Res', 'Attendance', 'Referee', 'HTR', 'BbAH', 'Bb1X2', 'BbOU', 'League', 'divisions', ] COLS_MAPPING = { 'HT': 'home_team', 'Home': 'home_team', 'AT': 'away_team', 'Away': 'away_team', 'LB': 'odds__ladbrokes__home_win__full_time_goals', 'LB.1': 'odds__ladbrokes__draw__full_time_goals', 'LB.2': 'odds__ladbrokes__away_win__full_time_goals', 'PH': 'odds__pinnacle__home_win__full_time_goals', 'PD': 'odds__pinnacle__draw__full_time_goals', 'PA': 'odds__pinnacle__away_win__full_time_goals', 'HomeTeam': 'home_team', 'AwayTeam': 'away_team', 'Date': 'date', 'B365AH': 'odds__bet365__size_of_asian_handicap_home_team__full_time_goals', 'LBAH': 'odds__ladbrokes__size_of_asian_handicap_home_team__full_time_goals', 'BbAHh': 'odds__betbrain__size_of_asian_handicap_home_team__full_time_goals', 'GBAH': 'odds__gamebookers__size_of_handicap_home_team__full_time_goals', 'AHh': 'odds__market_average__size_of_handicap_home_team__full_time_goals', 'AHCh': 'odds__market_average_closing__size_of_asian_handicap_home_team__full_time_goals', 'B365H': 'odds__bet365__home_win__full_time_goals', 'B365D': 'odds__bet365__draw__full_time_goals', 'B365A': 'odds__bet365__away_win__full_time_goals', 'B365>2.5': 'odds__bet365__over_2.5__full_time_goals', 'B365<2.5': 'odds__bet365__under_2.5__full_time_goals', 'B365AHH': 'odds__bet365__asian_handicap_home_team__full_time_goals', 'B365AHA': 'odds__bet365__asian_handicap_away_team__full_time_goals', 'B365CH': 'odds__bet365_closing__home_win__full_time_goals', 'B365CD': 'odds__bet365_closing__draw__full_time_goals', 'B365CA': 'odds__bet365_closing__away_win__full_time_goals', 'B365C>2.5': 'odds__bet365_closing__over_2.5__full_time_goals', 'B365C<2.5': 'odds__bet365_closing__under_2.5__full_time_goals', 'B365CAHH': 'odds__bet365_closing__asian_handicap_home_team__full_time_goals', 'B365CAHA': 'odds__bet365_closing__asian_handicap_away_team__full_time_goals', 'BbMxH': 'odds__betbrain_maximum__home_win__full_time_goals', 'BbMxD': 'odds__betbrain_maximum__draw__full_time_goals', 'BbMxA': 'odds__betbrain_maximum__away_win__full_time_goals', 'BbMx>2.5': 'odds__betbrain_maximum__over_2.5__full_time_goals', 'BbMx<2.5': 'odds__betbrain_maximum__under_2.5__full_time_goals', 'BbMxAHH': 'odds__betbrain_maximum__asian_handicap_home_team__full_time_goals', 'BbMxAHA': 'odds__betbrain_maximum__asian_handicap_away_team__full_time_goals', 'BbAvH': 'odds__betbrain_average__home_win__full_time_goals', 'BbAvD': 'odds__betbrain_average__draw_win__full_time_goals', 'BbAvA': 'odds__betbrain_average__away_win__full_time_goals', 'BbAv>2.5': 'odds__betbrain_average__over_2.5__full_time_goals', 'BbAv<2.5': 'odds__betbrain_average__under_2.5__full_time_goals', 'BbAvAHH': 'odds__betbrain_average__asian_handicap_home_team__full_time_goals', 'BbAvAHA': 'odds__betbrain_average__asian_handicap_away_team__full_time_goals', 'BWH': 'odds__betwin__home_win__full_time_goals', 'BWD': 'odds__betwin__draw__full_time_goals', 'BWA': 'odds__betwin__away_win__full_time_goals', 'BWCH': 'odds__betwin_closing__home_win__full_time_goals', 'BWCD': 'odds__betwin_closing__draw__full_time_goals', 'BWCA': 'odds__betwin_closing__away_win__full_time_goals', 'BSH': 'odds__bluesquare__home_win__full_time_goals', 'BSD': 'odds__bluesquare__draw__full_time_goals', 'BSA': 'odds__bluesquare__away_win__full_time_goals', 'GBH': 'odds__gamebookers__home_win__full_time_goals', 'GBD': 'odds__gamebookers__draw__full_time_goals', 'GBA': 'odds__gamebookers__away_win__full_time_goals', 'GB>2.5': 'odds__gamebookers__over_2.5__full_time_goals', 'GB<2.5': 'odds__gamebookers__under_2.5__full_time_goals', 'GBAHH': 'odds__gamebookers__asian_handicap_home_team__full_time_goals', 'GBAHA': 'odds__gamebookers__asian_handicap_away_team__full_time_goals', 'IWH': 'odds__interwetten__home_win__full_time_goals', 'IWD': 'odds__interwetten__draw__full_time_goals', 'IWA': 'odds__interwetten__away_win__full_time_goals', 'IWCH': 'odds__interwetten_closing__home_win__full_time_goals', 'IWCD': 'odds__interwetten_closing__draw__full_time_goals', 'IWCA': 'odds__interwetten_closing__away_win__full_time_goals', 'LBH': 'odds__ladbrokes__home_win__full_time_goals', 'LBD': 'odds__ladbrokes__draw__full_time_goals', 'LBA': 'odds__ladbrokes__away_win__full_time_goals', 'LBAHH': 'odds__ladbrokes__asian_handicap_home_team__full_time_goals', 'LBAHA': 'odds__ladbrokes__asian_handicap_away_team__full_time_goals', 'PSH': 'odds__pinnacle__home_win__full_time_goals', 'PSD': 'odds__pinnacle__draw__full_time_goals', 'PSA': 'odds__pinnacle__away_win__full_time_goals', 'P>2.5': 'odds__pinnacle__over_2.5__full_time_goals', 'P<2.5': 'odds__pinnacle__under_2.5__full_time_goals', 'PAHH': 'odds__pinnacle__asian_handicap_home_team__full_time_goals', 'PAHA': 'odds__pinnacle__asian_handicap_away_team__full_time_goals', 'PSCH': 'odds__pinnacle_closing__home_win__full_time_goals', 'PSCD': 'odds__pinnacle_closing__draw__full_time_goals', 'PSCA': 'odds__pinnacle_closing__away_win__full_time_goals', 'PC>2.5': 'odds__pinnacle_closing__over_2.5__full_time_goals', 'PC<2.5': 'odds__pinnacle_closing__under_2.5__full_time_goals', 'PCAHH': 'odds__pinnacle_closing__asian_handicap_home_team__full_time_goals', 'PCAHA': 'odds__pinnacle_closing__asian_handicap_away_team__full_time_goals', 'SOH': 'odds__sporting__home_win__full_time_goals', 'SOD': 'odds__sporting__draw__full_time_goals', 'SOA': 'odds__sporting__away_win__full_time_goals', 'SBH': 'odds__sportingbet__home_win__full_time_goals', 'SBD': 'odds__sportingbet__draw__full_time_goals', 'SBA': 'odds__sportingbet__away_win__full_time_goals', 'SJH': 'odds__stanjames__home_win__full_time_goals', 'SJD': 'odds__stanjames__draw__full_time_goals', 'SJA': 'odds__stanjames__away_win__full_time_goals', 'SYH': 'odds__stanleybet__home_win__full_time_goals', 'SYD': 'odds__stanleybet__draw__full_time_goals', 'SYA': 'odds__stanleybet__away_win__full_time_goals', 'VCH': 'odds__vcbet__home_win__full_time_goals', 'VCD': 'odds__vcbet__draw__full_time_goals', 'VCA': 'odds__vcbet__away_win__full_time_goals', 'VCCH': 'odds__vcbet_closing__home_win__full_time_goals', 'VCCD': 'odds__vcbet_closing__draw__full_time_goals', 'VCCA': 'odds__vcbet_closing__away_win__full_time_goals', 'WHH': 'odds__williamhill__home_win__full_time_goals', 'WHD': 'odds__williamhill__draw__full_time_goals', 'WHA': 'odds__williamhill__away_win__full_time_goals', 'WHCH': 'odds__williamhill_closing__home_win__full_time_goals', 'WHCD': 'odds__williamhill_closing__draw__full_time_goals', 'WHCA': 'odds__williamhill_closing__away_win__full_time_goals', 'MaxH': 'odds__market_maximum__home_win__full_time_goals', 'MaxD': 'odds__market_maximum__draw__full_time_goals', 'MaxA': 'odds__market_maximum__away_win__full_time_goals', 'Max>2.5': 'odds__market_maximum__over_2.5__full_time_goals', 'Max<2.5': 'odds__market_maximum__under_2.5__full_time_goals', 'MaxAHH': 'odds__market_maximum__asian_handicap_home_team__full_time_goals', 'MaxAHA': 'odds__market_maximum__asian_handicap_away_team__full_time_goals', 'MaxCH': 'odds__market_maximum_closing__home_win__full_time_goals', 'MaxCD': 'odds__market_maximum_closing__draw__full_time_goals', 'MaxCA': 'odds__market_maximum_closing__away_win__full_time_goals', 'MaxC>2.5': 'odds__market_maximum_closing__over_2.5__full_time_goals', 'MaxC<2.5': 'odds__market_maximum_closing__under_2.5__full_time_goals', 'MaxCAHH': 'odds__market_maximum_closing__asian_handicap_home_team__full_time_goals', 'MaxCAHA': 'odds__market_maximum_closing__asian_handicap_away_team__full_time_goals', 'AvgH': 'odds__market_average__home_win__full_time_goals', 'AvgD': 'odds__market_average__draw__full_time_goals', 'AvgA': 'odds__market_average__away_win__full_time_goals', 'Avg>2.5': 'odds__market_average__over_2.5__full_time_goals', 'Avg<2.5': 'odds__market_average__under_2.5__full_time_goals', 'AvgAHH': 'odds__market_average__asian_handicap_home_team__full_time_goals', 'AvgAHA': 'odds__market_average__asian_handicap_away_team__full_time_goals', 'AvgCH': 'odds__market_average_closing__home_win__full_time_goals', 'AvgCD': 'odds__market_average_closing__draw__full_time_goals', 'AvgCA': 'odds__market_average_closing__away_win__full_time_goals', 'AvgC>2.5': 'odds__market_average_closing__over_2.5__full_time_goals', 'AvgC<2.5': 'odds__market_average_closing__under_2.5__full_time_goals', 'AvgCAHH': 'odds__market_average_closing__asian_handicap_home_team__full_time_goals', 'AvgCAHA': 'odds__market_average_closing__asian_handicap_away_team__full_time_goals', 'HG': 'target__home_team__full_time_goals', 'AG': 'target__away_team__full_time_goals', 'FTHG': 'target__home_team__full_time_goals', 'FTAG': 'target__away_team__full_time_goals', 'HTHG': 'target__home_team__half_time_goals', 'HTAG': 'target__away_team__half_time_goals', 'HS': 'target__home_team__shots', 'AS': 'target__away_team__shots', 'HST': 'target__home_team__shots_on_target', 'AST': 'target__away_team__shots_on_target', 'HHW': 'target__home_team__hit_woodork', 'AHW': 'target__away_team__hit_woodork', 'HC': 'target__home_team__corners', 'AC': 'target__away_team__corners', 'HF': 'target__home_team__fouls_committed', 'AF': 'target__away_team__fouls_committed', 'HFKC': 'target__home_team__free_kicks_conceded', 'AFKC': 'target__away_team__free_kicks_conceded', 'HO': 'target__home_team__offsides', 'AO': 'target__away_team__offsides', 'HY': 'target__home_team__yellow_cards', 'AY': 'target__away_team__yellow_cards', 'HR': 'target__home_team__red_cards', 'AR': 'target__away_team__red_cards', 'HBP': 'target__home_team__bookings_points', 'ABP': 'target__away_team__bookings_points', } def _convert_base_url_to_league(base_url): league = base_url.replace('.php', '') if base_url[0].islower(): league = league[:-1].capitalize() return league def _extract_csv_urls(base_url): html = urlopen(urljoin(URL, base_url)) bsObj = BeautifulSoup(html.read(), features='html.parser') return { el.get('href') for el in bsObj.find_all('a') if el.get('href').endswith('csv') } def _param_grid_to_csv_urls(param_grid): urls = [] for params in param_grid: in_main_leagues = f'{params["league"].lower()}m.php' in BASE_URLS encoded_league, *divisions = LEAGUES_MAPPING[params['league']] if in_main_leagues: year = f'{str(params["year"] - 1)[2:]}{str(params["year"])[2:]}' if '0' in divisions: division = ( str(params['division'] - 1) if params['division'] != 5 else 'C' ) else: division = str(params['division']) urls.append( (params, join(URL, 'mmz4281', year, f'{encoded_league}{division}.csv')) ) else: urls.append((params, join(URL, 'new', f'{encoded_league}.csv'))) return urls @lru_cache def _get_params(): full_param_grid = [] for base_url in BASE_URLS: league = _convert_base_url_to_league(base_url) divisions = LEAGUES_MAPPING[league][1:] urls = _extract_csv_urls(base_url) for url in urls: if base_url[0].islower(): _, year, division = url.split('/') year = datetime.strptime(year[2:], '%y').year division = division.replace('.csv', '')[-1] param_grid = { 'league': [league], 'division': [ int(division) + int('0' in divisions) if division != 'C' else 5 ], 'year': [year], } else: years = _read_csv(urljoin(URL, url))['Season'] years = list( { season + 1 if type(season) is not str else int(season.split('/')[-1]) for season in years.unique() } ) param_grid = {'league': [league], 'division': [1], 'year': years} full_param_grid.append(param_grid) return ParameterGrid(full_param_grid) class _FDSoccerDataLoader(_BaseDataLoader): """Dataloader for Football-Data.co.uk soccer data. It downloads historical and fixtures data from `Football-Data.co.uk <https://www.football-data.co.uk/data.php>`_. """ SCHEMA = [ ('league', object), ('division', int), ('year', int), ('home_team', object), ('away_team', object), ('date', np.datetime64), ('odds__bet365__home_win__full_time_goals', float), ('odds__bet365__draw__full_time_goals', float), ('odds__bet365__away_win__full_time_goals', float), ('odds__bet365__over_2.5__full_time_goals', float), ('odds__bet365__under_2.5__full_time_goals', float), ('odds__bet365__asian_handicap_home_team__full_time_goals', float), ('odds__bet365__asian_handicap_away_team__full_time_goals', float), ('odds__bet365_closing__home_win__full_time_goals', float), ('odds__bet365_closing__draw__full_time_goals', float), ('odds__bet365_closing__away_win__full_time_goals', float), ('odds__bet365_closing__over_2.5__full_time_goals', float), ('odds__bet365_closing__under_2.5__full_time_goals', float), ('odds__bet365_closing__asian_handicap_home_team__full_time_goals', float), ('odds__bet365_closing__asian_handicap_away_team__full_time_goals', float), ('odds__bet365__size_of_asian_handicap_home_team__full_time_goals', object), ('odds__betbrain_maximum__home_win__full_time_goals', float), ('odds__betbrain_maximum__draw__full_time_goals', float), ('odds__betbrain_maximum__away_win__full_time_goals', float), ('odds__betbrain_maximum__over_2.5__full_time_goals', float), ('odds__betbrain_maximum__under_2.5__full_time_goals', float), ('odds__betbrain_maximum__asian_handicap_home_team__full_time_goals', float), ('odds__betbrain_maximum__asian_handicap_away_team__full_time_goals', float), ('odds__betbrain_average__home_win__full_time_goals', float), ('odds__betbrain_average__draw_win__full_time_goals', float), ('odds__betbrain_average__away_win__full_time_goals', float), ('odds__betbrain_average__over_2.5__full_time_goals', float), ('odds__betbrain_average__under_2.5__full_time_goals', float), ('odds__betbrain_average__asian_handicap_home_team__full_time_goals', float), ('odds__betbrain_average__asian_handicap_away_team__full_time_goals', float), ('odds__betbrain__size_of_asian_handicap_home_team__full_time_goals', object), ('odds__betwin__home_win__full_time_goals', float), ('odds__betwin__draw__full_time_goals', float), ('odds__betwin__away_win__full_time_goals', float), ('odds__betwin_closing__home_win__full_time_goals', float), ('odds__betwin_closing__draw__full_time_goals', float), ('odds__betwin_closing__away_win__full_time_goals', float), ('odds__bluesquare__home_win__full_time_goals', float), ('odds__bluesquare__draw__full_time_goals', float), ('odds__bluesquare__away_win__full_time_goals', float), ('odds__gamebookers__home_win__full_time_goals', float), ('odds__gamebookers__draw__full_time_goals', float), ('odds__gamebookers__away_win__full_time_goals', float), ('odds__gamebookers__over_2.5__full_time_goals', float), ('odds__gamebookers__under_2.5__full_time_goals', float), ('odds__gamebookers__asian_handicap_home_team__full_time_goals', float), ('odds__gamebookers__asian_handicap_away_team__full_time_goals', float), ('odds__gamebookers__size_of_handicap_home_team__full_time_goals', object), ('odds__interwetten__home_win__full_time_goals', float), ('odds__interwetten__draw__full_time_goals', float), ('odds__interwetten__away_win__full_time_goals', float), ('odds__interwetten_closing__home_win__full_time_goals', float), ('odds__interwetten_closing__draw__full_time_goals', float), ('odds__interwetten_closing__away_win__full_time_goals', float), ('odds__ladbrokes__home_win__full_time_goals', float), ('odds__ladbrokes__draw__full_time_goals', float), ('odds__ladbrokes__away_win__full_time_goals', float), ('odds__ladbrokes__asian_handicap_home_team__full_time_goals', float), ('odds__ladbrokes__asian_handicap_away_team__full_time_goals', float), ('odds__ladbrokes__size_of_asian_handicap_home_team__full_time_goals', object), ('odds__pinnacle__home_win__full_time_goals', float), ('odds__pinnacle__draw__full_time_goals', float), ('odds__pinnacle__away_win__full_time_goals', float), ('odds__pinnacle__over_2.5__full_time_goals', float), ('odds__pinnacle__under_2.5__full_time_goals', float), ('odds__pinnacle__asian_handicap_home_team__full_time_goals', float), ('odds__pinnacle__asian_handicap_away_team__full_time_goals', float), ('odds__pinnacle_closing__home_win__full_time_goals', float), ('odds__pinnacle_closing__draw__full_time_goals', float), ('odds__pinnacle_closing__away_win__full_time_goals', float), ('odds__pinnacle_closing__over_2.5__full_time_goals', float), ('odds__pinnacle_closing__under_2.5__full_time_goals', float), ('odds__pinnacle_closing__asian_handicap_home_team__full_time_goals', float), ('odds__pinnacle_closing__asian_handicap_away_team__full_time_goals', float), ('odds__sporting__home_win__full_time_goals', float), ('odds__sporting__draw__full_time_goals', float), ('odds__sporting__away_win__full_time_goals', float), ('odds__sportingbet__home_win__full_time_goals', float), ('odds__sportingbet__draw__full_time_goals', float), ('odds__sportingbet__away_win__full_time_goals', float), ('odds__stanjames__home_win__full_time_goals', float), ('odds__stanjames__draw__full_time_goals', float), ('odds__stanjames__away_win__full_time_goals', float), ('odds__stanleybet__home_win__full_time_goals', float), ('odds__stanleybet__draw__full_time_goals', float), ('odds__stanleybet__away_win__full_time_goals', float), ('odds__vcbet__home_win__full_time_goals', float), ('odds__vcbet__draw__full_time_goals', float), ('odds__vcbet__away_win__full_time_goals', float), ('odds__vcbet_closing__home_win__full_time_goals', float), ('odds__vcbet_closing__draw__full_time_goals', float), ('odds__vcbet_closing__away_win__full_time_goals', float), ('odds__williamhill__home_win__full_time_goals', float), ('odds__williamhill__draw__full_time_goals', float), ('odds__williamhill__away_win__full_time_goals', float), ('odds__williamhill_closing__home_win__full_time_goals', float), ('odds__williamhill_closing__draw__full_time_goals', float), ('odds__williamhill_closing__away_win__full_time_goals', float), ('odds__market_maximum__home_win__full_time_goals', float), ('odds__market_maximum__draw__full_time_goals', float), ('odds__market_maximum__away_win__full_time_goals', float), ('odds__market_maximum__over_2.5__full_time_goals', float), ('odds__market_maximum__under_2.5__full_time_goals', float), ('odds__market_maximum__asian_handicap_home_team__full_time_goals', float), ('odds__market_maximum__asian_handicap_away_team__full_time_goals', float), ('odds__market_maximum_closing__home_win__full_time_goals', float), ('odds__market_maximum_closing__draw__full_time_goals', float), ('odds__market_maximum_closing__away_win__full_time_goals', float), ('odds__market_maximum_closing__over_2.5__full_time_goals', float), ('odds__market_maximum_closing__under_2.5__full_time_goals', float), ( 'odds__market_maximum_closing__asian_handicap_home_team__full_time_goals', float, ), ( 'odds__market_maximum_closing__asian_handicap_away_team__full_time_goals', float, ), ('odds__market_average__home_win__full_time_goals', float), ('odds__market_average__draw__full_time_goals', float), ('odds__market_average__away_win__full_time_goals', float), ('odds__market_average__over_2.5__full_time_goals', float), ('odds__market_average__under_2.5__full_time_goals', float), ('odds__market_average__asian_handicap_home_team__full_time_goals', float), ('odds__market_average__asian_handicap_away_team__full_time_goals', float), ('odds__market_average_closing__home_win__full_time_goals', float), ('odds__market_average_closing__draw__full_time_goals', float), ('odds__market_average_closing__away_win__full_time_goals', float), ('odds__market_average_closing__over_2.5__full_time_goals', float), ('odds__market_average_closing__under_2.5__full_time_goals', float), ( 'odds__market_average_closing__asian_handicap_home_team__full_time_goals', float, ), ( 'odds__market_average_closing__asian_handicap_away_team__full_time_goals', float, ), ('odds__market_average__size_of_handicap_home_team__full_time_goals', object), ( 'odds__market_average_closing__size_of_asian_handicap_home_team__full_time_goals', object, ), ('target__home_team__full_time_goals', int), ('target__away_team__full_time_goals', int), ('target__home_team__half_time_goals', int), ('target__away_team__half_time_goals', int), ('target__home_team__shots', int), ('target__away_team__shots', int), ('target__home_team__shots_on_target', int), ('target__away_team__shots_on_target', int), ('target__home_team__hit_woodork', int), ('target__away_team__hit_woodork', int), ('target__home_team__corners', int), ('target__away_team__corners', int), ('target__home_team__fouls_committed', int), ('target__away_team__fouls_committed', int), ('target__home_team__free_kicks_conceded', int), ('target__away_team__free_kicks_conceded', int), ('target__home_team__offsides', int), ('target__away_team__offsides', int), ('target__home_team__yellow_cards', int), ('target__away_team__yellow_cards', int), ('target__home_team__red_cards', int), ('target__away_team__red_cards', int), ('target__home_team__bookings_points', float), ('target__away_team__bookings_points', float), ] OUTPUTS = OUTPUTS @classmethod @property def PARAMS(cls): return _get_params() @lru_cache def _get_data(self): # Training data data_container = [] urls = _param_grid_to_csv_urls(self.param_grid_) for params, url in urls: data = _read_csv(url).replace('#REF!', np.nan) try: data['Date'] = pd.to_datetime(data['Date'], format='%d/%m/%Y') except ValueError: data['Date'] = pd.to_datetime(data['Date'], infer_datetime_format=True) if url.split('/')[-2] != 'new': data = data.assign( league=params['league'], division=params['division'], year=params['year'], fixtures=False, ) else: data = data.assign( league=params['league'], division=params['division'], fixtures=False ) data['year'] = data['Season'].apply( lambda season: season + 1 if type(season) is not str else int(season.split('/')[-1]) ) data = data[data.year == params['year']] data = data.drop( columns=[ col for col in data.columns if 'Unnamed' in col or col in REMOVED_COLS ], ).rename(columns=COLS_MAPPING) data_container.append(data) # Fixtures data data = _read_csv(join(URL, 'fixtures.csv')) data['Date'] = pd.to_datetime(data['Date'], format='%d/%m/%Y') data = data.dropna(axis=0, how='any', subset=['Div', 'HomeTeam', 'AwayTeam']) data['fixtures'] = True inv_leagues_mapping = {v[0]: k for k, v in LEAGUES_MAPPING.items()} data['league'] = data['Div'].apply(lambda div: inv_leagues_mapping[div[:-1]]) data['division'] = data['Div'].apply(lambda div: div[-1]) data['divisions'] = data['league'].apply( lambda league: LEAGUES_MAPPING[league][1:] ) data['division'] = ( data[['division', 'divisions']] .apply( lambda row: row[0] if 'C' not in row[1] else (row[0] - 1 if isinstance(row[0], int) else 4), axis=1, ) .astype(int) ) years = ( pd.DataFrame(self.PARAMS).groupby(['league', 'division']).max() ).reset_index() data = pd.merge(data, years, how='left') data = data.drop( columns=[ col for col in data.columns if 'Unnamed' in col or col in REMOVED_COLS ] ).rename(columns=COLS_MAPPING) data_container.append(data) # Combine data data = pd.concat(data_container, ignore_index=True) return data.sort_values(['league', 'division', 'year'], ignore_index=True)
StarcoderdataPython
1970294
<gh_stars>10-100 # NOTE: this file is designed to be imported by Huey, the background job processor # It changes the logging configuration. If it's imported anywhere else in the app, # it will change the logging configuration for the entire app. import logging logging.getLogger("requests").setLevel(logging.WARNING) logging.getLogger("urllib3").setLevel(logging.WARNING) # import the queues from portality.tasks.redis_huey import main_queue # now import the tasks that will bind to those queues # these are the ones which bind to the main_queue from portality.tasks.reporting import scheduled_reports, run_reports from portality.tasks.journal_in_out_doaj import set_in_doaj from portality.tasks.sitemap import scheduled_sitemap, generate_sitemap from portality.tasks.journal_bulk_edit import journal_bulk_edit from portality.tasks.suggestion_bulk_edit import suggestion_bulk_edit from portality.tasks.ingestarticles import ingest_articles from portality.tasks.journal_csv import scheduled_journal_csv, journal_csv from portality.tasks.read_news import scheduled_read_news, read_news from portality.tasks.journal_bulk_delete import journal_bulk_delete from portality.tasks.article_bulk_delete import article_bulk_delete from portality.tasks.async_workflow_notifications import async_workflow_notifications from portality.tasks.check_latest_es_backup import scheduled_check_latest_es_backup, check_latest_es_backup from portality.tasks.request_es_backup import scheduled_request_es_backup, request_es_backup
StarcoderdataPython
4838833
class Solution: def XXX(self,x): xx=x y=1 if x<0: xx=-x y=-1 list1=int(str(xx)[::-1])*y cc=0 if list1<-(2**31-1) or list1>2**31 else list1 return cc
StarcoderdataPython
5142251
<reponame>isabella232/cloud-costs #!/usr/bin/env python ''' Script to ingest GCP billing data into a DB ''' import logging import os import re import sys from datetime import datetime from dateutil.relativedelta import relativedelta from dateutil.parser import parse as parse_date import transaction from gcloud import storage from oauth2client.client import GoogleCredentials from sqlalchemy import engine_from_config from sqlalchemy.sql import functions from pyramid.paster import get_appsettings, setup_logging from pyramid.scripts.common import parse_vars from ..models import (DBSession, GcpLineItem) from ..util.fileloader import load_json, save_json COMMIT_THRESHOLD = 10000 LOG = None def usage(argv): ''' cli usage ''' cmd = os.path.basename(argv[0]) print('usage: %s <config_uri> [rundate=YYYY-MM-DD]\n' '(example: "%s development.ini")' % (cmd, cmd)) sys.exit(1) def update_file_cache(settings): ''' download JSON files from GCP Storage bucket, returns a list of the files that were downloaded/changed ''' etags = load_json(settings['cache.dir']+'/gcp/etags.json') #FIXME os.environ['GOOGLE_APPLICATION_CREDENTIALS'] = settings['creds.dir'] + \ "/" + \ settings['creds.gcp.json'] credentials = GoogleCredentials.get_application_default() client = storage.Client(project=settings['creds.gcp.project'], credentials=credentials) bucket = client.get_bucket('exported-billing') LOG.debug("Checking for new/changed files.") changed = [] for obj in bucket.list_blobs(): filename = settings['cache.dir']+'/gcp/'+obj.name if not os.path.exists(filename) or \ filename not in etags or \ obj.etag != etags[filename]: try: LOG.debug("Etags for %s: %s == %s", obj.name, obj.etag, etags[filename]) except KeyError: LOG.debug("Etag missing: %s", obj.name) LOG.info("Downloading: %s", obj.name) obj.download_to_filename(filename) etags[filename] = obj.etag changed.append(os.path.basename(filename)) save_json(settings['cache.dir']+'/gcp/etags.json', etags) return changed def filename_to_date(filename): """ parses a json filename for individual component metadata. """ rgx = re.compile(r'gcp-billing-(\d{4})-(\d{2})-(\d{2})\.json') year, month, day = rgx.match(filename).groups() return datetime(year=int(year), month=int(month), day=int(day)) def date_to_filename(filedate): """ uses a date to select a json filename. Param: a datetime object """ return "gcp-billing-%04i-%02i-%02i.json" % (filedate.year, filedate.month, filedate.day) def insert_data(filename, cache_dir, rundate=None): ''' insert gcp data into DB param: String, a filename containing json-formatted GCP billing data param: Datetime to insert only data points with a start or end date matching the provided datetime's year, month, and day (ignores hour, minute, second, and tzinfo). ''' objects = [] jsonfile = load_json(cache_dir+'/'+filename) LOG.debug("Inserting data from: %s for %s", filename, rundate) for item in jsonfile: if len(objects) > COMMIT_THRESHOLD: transaction.commit() del objects[:] start = parse_date(item['startTime']).replace(tzinfo=None) end = parse_date(item['endTime']).replace(tzinfo=None) if rundate and rundate != start: continue if 'projectName' in item.keys(): project_name = item['projectName'] else: project_name = 'No project' line = GcpLineItem(project_name=project_name, line_description=item['description'], line_id=item['lineItemId'], start_time=start, end_time=end, measured_amount=item['measurements'][0]['sum'], measured_unit=item['measurements'][0]['unit'], cost_amount=item['cost']['amount'], cost_currency=item['cost']['currency']) objects.append(line) DBSession.add_all(objects) transaction.commit() def run(settings, options): ''' run data ingestion process for a maximum of the last 6 months of data. Param: datetime object or None. If None, ingestion runs on latest available file in cache_dir. If present, ingestion runs on file with the provided YYYY-MM-DD in its filename. ''' cache_dir = settings['cache.dir'] + "/gcp" changed = [] if 'nocacheupdate' not in options: changed = update_file_cache(settings) if 'rundate' in options: # GCP puts data for a given date inside of files labeled for # $date, # $date - $1-day and $date + $1-day. # So, we scan all three files for relevant data needing to be reset. rundate = datetime.strptime(options['rundate'], '%Y-%m-%d') filename = date_to_filename(rundate) runbefore = rundate + relativedelta(days=-1) filebefore = date_to_filename(runbefore) runafter = rundate + relativedelta(days=1) fileafter = date_to_filename(runafter) LOG.info("Deleting records with start-date: %s", options['rundate']) # delete any existing records and re-ingest DBSession.query(GcpLineItem ).filter(GcpLineItem.start_time == options['rundate'] ).delete() insert_data(filebefore, cache_dir, rundate=rundate) insert_data(filename, cache_dir, rundate=rundate) insert_data(fileafter, cache_dir, rundate=rundate) else: # check last insert date, then do import here. last_insert, = DBSession.query(functions.max(GcpLineItem.end_time )).one() if not last_insert: # only import the last 6 months of data, maximum. last_insert = datetime.today() - relativedelta(months=7) LOG.debug("Last insert: %s", last_insert) for filename in os.listdir(cache_dir): if filename == 'etags.json': continue file_date = filename_to_date(filename) if file_date > last_insert: insert_data(filename, cache_dir) # don't insert the same data twice. if filename in changed: changed.pop(changed.index(filename)) for filename in changed: fndate = filename_to_date(filename) next_day = datetime.today() + relativedelta(days=1) # clear out partial data, then re-insert DBSession.query(GcpLineItem ).filter(GcpLineItem.start_time.between(fndate, next_day), GcpLineItem.end_time.between(fndate, next_day) ).delete(synchronize_session='fetch') insert_data(filename, cache_dir) def main(argv): ''' main script entry point ''' if len(argv) < 2: usage(argv) config_uri = argv[1] options = parse_vars(argv[2:]) setup_logging(config_uri) global LOG LOG = logging.getLogger(__name__) settings = get_appsettings(config_uri, options=options) engine = engine_from_config(settings, 'sqlalchemy.') DBSession.configure(bind=engine) run(settings, options) if '__main__' in __name__: try: main(sys.argv) except KeyboardInterrupt: print "Ctrl+C detected. Exiting..."
StarcoderdataPython