repo_name
stringlengths
6
103
path
stringlengths
5
191
copies
stringlengths
1
4
size
stringlengths
4
6
content
stringlengths
986
970k
license
stringclasses
15 values
Clyde-fare/scikit-learn
sklearn/utils/testing.py
71
26178
"""Testing utilities.""" # Copyright (c) 2011, 2012 # Authors: Pietro Berkes, # Andreas Muller # Mathieu Blondel # Olivier Grisel # Arnaud Joly # Denis Engemann # License: BSD 3 clause import os import inspect import pkgutil import warnings import sys import re import platform import scipy as sp import scipy.io from functools import wraps try: # Python 2 from urllib2 import urlopen from urllib2 import HTTPError except ImportError: # Python 3+ from urllib.request import urlopen from urllib.error import HTTPError import tempfile import shutil import os.path as op import atexit # WindowsError only exist on Windows try: WindowsError except NameError: WindowsError = None import sklearn from sklearn.base import BaseEstimator from sklearn.externals import joblib # Conveniently import all assertions in one place. from nose.tools import assert_equal from nose.tools import assert_not_equal from nose.tools import assert_true from nose.tools import assert_false from nose.tools import assert_raises from nose.tools import raises from nose import SkipTest from nose import with_setup from numpy.testing import assert_almost_equal from numpy.testing import assert_array_equal from numpy.testing import assert_array_almost_equal from numpy.testing import assert_array_less import numpy as np from sklearn.base import (ClassifierMixin, RegressorMixin, TransformerMixin, ClusterMixin) __all__ = ["assert_equal", "assert_not_equal", "assert_raises", "assert_raises_regexp", "raises", "with_setup", "assert_true", "assert_false", "assert_almost_equal", "assert_array_equal", "assert_array_almost_equal", "assert_array_less", "assert_less", "assert_less_equal", "assert_greater", "assert_greater_equal"] try: from nose.tools import assert_in, assert_not_in except ImportError: # Nose < 1.0.0 def assert_in(x, container): assert_true(x in container, msg="%r in %r" % (x, container)) def assert_not_in(x, container): assert_false(x in container, msg="%r in %r" % (x, container)) try: from nose.tools import assert_raises_regex except ImportError: # for Python 2 def assert_raises_regex(expected_exception, expected_regexp, callable_obj=None, *args, **kwargs): """Helper function to check for message patterns in exceptions""" not_raised = False try: callable_obj(*args, **kwargs) not_raised = True except expected_exception as e: error_message = str(e) if not re.compile(expected_regexp).search(error_message): raise AssertionError("Error message should match pattern " "%r. %r does not." % (expected_regexp, error_message)) if not_raised: raise AssertionError("%s not raised by %s" % (expected_exception.__name__, callable_obj.__name__)) # assert_raises_regexp is deprecated in Python 3.4 in favor of # assert_raises_regex but lets keep the bacward compat in scikit-learn with # the old name for now assert_raises_regexp = assert_raises_regex def _assert_less(a, b, msg=None): message = "%r is not lower than %r" % (a, b) if msg is not None: message += ": " + msg assert a < b, message def _assert_greater(a, b, msg=None): message = "%r is not greater than %r" % (a, b) if msg is not None: message += ": " + msg assert a > b, message def assert_less_equal(a, b, msg=None): message = "%r is not lower than or equal to %r" % (a, b) if msg is not None: message += ": " + msg assert a <= b, message def assert_greater_equal(a, b, msg=None): message = "%r is not greater than or equal to %r" % (a, b) if msg is not None: message += ": " + msg assert a >= b, message def assert_warns(warning_class, func, *args, **kw): """Test that a certain warning occurs. Parameters ---------- warning_class : the warning class The class to test for, e.g. UserWarning. func : callable Calable object to trigger warnings. *args : the positional arguments to `func`. **kw : the keyword arguments to `func` Returns ------- result : the return value of `func` """ # very important to avoid uncontrolled state propagation clean_warning_registry() with warnings.catch_warnings(record=True) as w: # Cause all warnings to always be triggered. warnings.simplefilter("always") # Trigger a warning. result = func(*args, **kw) if hasattr(np, 'VisibleDeprecationWarning'): # Filter out numpy-specific warnings in numpy >= 1.9 w = [e for e in w if e.category is not np.VisibleDeprecationWarning] # Verify some things if not len(w) > 0: raise AssertionError("No warning raised when calling %s" % func.__name__) found = any(warning.category is warning_class for warning in w) if not found: raise AssertionError("%s did not give warning: %s( is %s)" % (func.__name__, warning_class, w)) return result def assert_warns_message(warning_class, message, func, *args, **kw): # very important to avoid uncontrolled state propagation """Test that a certain warning occurs and with a certain message. Parameters ---------- warning_class : the warning class The class to test for, e.g. UserWarning. message : str | callable The entire message or a substring to test for. If callable, it takes a string as argument and will trigger an assertion error if it returns `False`. func : callable Calable object to trigger warnings. *args : the positional arguments to `func`. **kw : the keyword arguments to `func`. Returns ------- result : the return value of `func` """ clean_warning_registry() with warnings.catch_warnings(record=True) as w: # Cause all warnings to always be triggered. warnings.simplefilter("always") if hasattr(np, 'VisibleDeprecationWarning'): # Let's not catch the numpy internal DeprecationWarnings warnings.simplefilter('ignore', np.VisibleDeprecationWarning) # Trigger a warning. result = func(*args, **kw) # Verify some things if not len(w) > 0: raise AssertionError("No warning raised when calling %s" % func.__name__) found = [issubclass(warning.category, warning_class) for warning in w] if not any(found): raise AssertionError("No warning raised for %s with class " "%s" % (func.__name__, warning_class)) message_found = False # Checks the message of all warnings belong to warning_class for index in [i for i, x in enumerate(found) if x]: # substring will match, the entire message with typo won't msg = w[index].message # For Python 3 compatibility msg = str(msg.args[0] if hasattr(msg, 'args') else msg) if callable(message): # add support for certain tests check_in_message = message else: check_in_message = lambda msg: message in msg if check_in_message(msg): message_found = True break if not message_found: raise AssertionError("Did not receive the message you expected " "('%s') for <%s>, got: '%s'" % (message, func.__name__, msg)) return result # To remove when we support numpy 1.7 def assert_no_warnings(func, *args, **kw): # XXX: once we may depend on python >= 2.6, this can be replaced by the # warnings module context manager. # very important to avoid uncontrolled state propagation clean_warning_registry() with warnings.catch_warnings(record=True) as w: warnings.simplefilter('always') result = func(*args, **kw) if hasattr(np, 'VisibleDeprecationWarning'): # Filter out numpy-specific warnings in numpy >= 1.9 w = [e for e in w if e.category is not np.VisibleDeprecationWarning] if len(w) > 0: raise AssertionError("Got warnings when calling %s: %s" % (func.__name__, w)) return result def ignore_warnings(obj=None): """ Context manager and decorator to ignore warnings Note. Using this (in both variants) will clear all warnings from all python modules loaded. In case you need to test cross-module-warning-logging this is not your tool of choice. Examples -------- >>> with ignore_warnings(): ... warnings.warn('buhuhuhu') >>> def nasty_warn(): ... warnings.warn('buhuhuhu') ... print(42) >>> ignore_warnings(nasty_warn)() 42 """ if callable(obj): return _ignore_warnings(obj) else: return _IgnoreWarnings() def _ignore_warnings(fn): """Decorator to catch and hide warnings without visual nesting""" @wraps(fn) def wrapper(*args, **kwargs): # very important to avoid uncontrolled state propagation clean_warning_registry() with warnings.catch_warnings(record=True) as w: warnings.simplefilter('always') return fn(*args, **kwargs) w[:] = [] return wrapper class _IgnoreWarnings(object): """Improved and simplified Python warnings context manager Copied from Python 2.7.5 and modified as required. """ def __init__(self): """ Parameters ========== category : warning class The category to filter. Defaults to Warning. If None, all categories will be muted. """ self._record = True self._module = sys.modules['warnings'] self._entered = False self.log = [] def __repr__(self): args = [] if self._record: args.append("record=True") if self._module is not sys.modules['warnings']: args.append("module=%r" % self._module) name = type(self).__name__ return "%s(%s)" % (name, ", ".join(args)) def __enter__(self): clean_warning_registry() # be safe and not propagate state + chaos warnings.simplefilter('always') if self._entered: raise RuntimeError("Cannot enter %r twice" % self) self._entered = True self._filters = self._module.filters self._module.filters = self._filters[:] self._showwarning = self._module.showwarning if self._record: self.log = [] def showwarning(*args, **kwargs): self.log.append(warnings.WarningMessage(*args, **kwargs)) self._module.showwarning = showwarning return self.log else: return None def __exit__(self, *exc_info): if not self._entered: raise RuntimeError("Cannot exit %r without entering first" % self) self._module.filters = self._filters self._module.showwarning = self._showwarning self.log[:] = [] clean_warning_registry() # be safe and not propagate state + chaos try: from nose.tools import assert_less except ImportError: assert_less = _assert_less try: from nose.tools import assert_greater except ImportError: assert_greater = _assert_greater def _assert_allclose(actual, desired, rtol=1e-7, atol=0, err_msg='', verbose=True): actual, desired = np.asanyarray(actual), np.asanyarray(desired) if np.allclose(actual, desired, rtol=rtol, atol=atol): return msg = ('Array not equal to tolerance rtol=%g, atol=%g: ' 'actual %s, desired %s') % (rtol, atol, actual, desired) raise AssertionError(msg) if hasattr(np.testing, 'assert_allclose'): assert_allclose = np.testing.assert_allclose else: assert_allclose = _assert_allclose def assert_raise_message(exceptions, message, function, *args, **kwargs): """Helper function to test error messages in exceptions Parameters ---------- exceptions : exception or tuple of exception Name of the estimator func : callable Calable object to raise error *args : the positional arguments to `func`. **kw : the keyword arguments to `func` """ try: function(*args, **kwargs) except exceptions as e: error_message = str(e) if message not in error_message: raise AssertionError("Error message does not include the expected" " string: %r. Observed error message: %r" % (message, error_message)) else: # concatenate exception names if isinstance(exceptions, tuple): names = " or ".join(e.__name__ for e in exceptions) else: names = exceptions.__name__ raise AssertionError("%s not raised by %s" % (names, function.__name__)) def fake_mldata(columns_dict, dataname, matfile, ordering=None): """Create a fake mldata data set. Parameters ---------- columns_dict : dict, keys=str, values=ndarray Contains data as columns_dict[column_name] = array of data. dataname : string Name of data set. matfile : string or file object The file name string or the file-like object of the output file. ordering : list, default None List of column_names, determines the ordering in the data set. Notes ----- This function transposes all arrays, while fetch_mldata only transposes 'data', keep that into account in the tests. """ datasets = dict(columns_dict) # transpose all variables for name in datasets: datasets[name] = datasets[name].T if ordering is None: ordering = sorted(list(datasets.keys())) # NOTE: setting up this array is tricky, because of the way Matlab # re-packages 1D arrays datasets['mldata_descr_ordering'] = sp.empty((1, len(ordering)), dtype='object') for i, name in enumerate(ordering): datasets['mldata_descr_ordering'][0, i] = name scipy.io.savemat(matfile, datasets, oned_as='column') class mock_mldata_urlopen(object): def __init__(self, mock_datasets): """Object that mocks the urlopen function to fake requests to mldata. `mock_datasets` is a dictionary of {dataset_name: data_dict}, or {dataset_name: (data_dict, ordering). `data_dict` itself is a dictionary of {column_name: data_array}, and `ordering` is a list of column_names to determine the ordering in the data set (see `fake_mldata` for details). When requesting a dataset with a name that is in mock_datasets, this object creates a fake dataset in a StringIO object and returns it. Otherwise, it raises an HTTPError. """ self.mock_datasets = mock_datasets def __call__(self, urlname): dataset_name = urlname.split('/')[-1] if dataset_name in self.mock_datasets: resource_name = '_' + dataset_name from io import BytesIO matfile = BytesIO() dataset = self.mock_datasets[dataset_name] ordering = None if isinstance(dataset, tuple): dataset, ordering = dataset fake_mldata(dataset, resource_name, matfile, ordering) matfile.seek(0) return matfile else: raise HTTPError(urlname, 404, dataset_name + " is not available", [], None) def install_mldata_mock(mock_datasets): # Lazy import to avoid mutually recursive imports from sklearn import datasets datasets.mldata.urlopen = mock_mldata_urlopen(mock_datasets) def uninstall_mldata_mock(): # Lazy import to avoid mutually recursive imports from sklearn import datasets datasets.mldata.urlopen = urlopen # Meta estimators need another estimator to be instantiated. META_ESTIMATORS = ["OneVsOneClassifier", "OutputCodeClassifier", "OneVsRestClassifier", "RFE", "RFECV", "BaseEnsemble"] # estimators that there is no way to default-construct sensibly OTHER = ["Pipeline", "FeatureUnion", "GridSearchCV", "RandomizedSearchCV"] # some trange ones DONT_TEST = ['SparseCoder', 'EllipticEnvelope', 'DictVectorizer', 'LabelBinarizer', 'LabelEncoder', 'MultiLabelBinarizer', 'TfidfTransformer', 'TfidfVectorizer', 'IsotonicRegression', 'OneHotEncoder', 'RandomTreesEmbedding', 'FeatureHasher', 'DummyClassifier', 'DummyRegressor', 'TruncatedSVD', 'PolynomialFeatures', 'GaussianRandomProjectionHash', 'HashingVectorizer', 'CheckingClassifier', 'PatchExtractor', 'CountVectorizer', # GradientBoosting base estimators, maybe should # exclude them in another way 'ZeroEstimator', 'ScaledLogOddsEstimator', 'QuantileEstimator', 'MeanEstimator', 'LogOddsEstimator', 'PriorProbabilityEstimator', '_SigmoidCalibration', 'VotingClassifier'] def all_estimators(include_meta_estimators=False, include_other=False, type_filter=None, include_dont_test=False): """Get a list of all estimators from sklearn. This function crawls the module and gets all classes that inherit from BaseEstimator. Classes that are defined in test-modules are not included. By default meta_estimators such as GridSearchCV are also not included. Parameters ---------- include_meta_estimators : boolean, default=False Whether to include meta-estimators that can be constructed using an estimator as their first argument. These are currently BaseEnsemble, OneVsOneClassifier, OutputCodeClassifier, OneVsRestClassifier, RFE, RFECV. include_other : boolean, default=False Wether to include meta-estimators that are somehow special and can not be default-constructed sensibly. These are currently Pipeline, FeatureUnion and GridSearchCV include_dont_test : boolean, default=False Whether to include "special" label estimator or test processors. type_filter : string, list of string, or None, default=None Which kind of estimators should be returned. If None, no filter is applied and all estimators are returned. Possible values are 'classifier', 'regressor', 'cluster' and 'transformer' to get estimators only of these specific types, or a list of these to get the estimators that fit at least one of the types. Returns ------- estimators : list of tuples List of (name, class), where ``name`` is the class name as string and ``class`` is the actuall type of the class. """ def is_abstract(c): if not(hasattr(c, '__abstractmethods__')): return False if not len(c.__abstractmethods__): return False return True all_classes = [] # get parent folder path = sklearn.__path__ for importer, modname, ispkg in pkgutil.walk_packages( path=path, prefix='sklearn.', onerror=lambda x: None): if ".tests." in modname: continue module = __import__(modname, fromlist="dummy") classes = inspect.getmembers(module, inspect.isclass) all_classes.extend(classes) all_classes = set(all_classes) estimators = [c for c in all_classes if (issubclass(c[1], BaseEstimator) and c[0] != 'BaseEstimator')] # get rid of abstract base classes estimators = [c for c in estimators if not is_abstract(c[1])] if not include_dont_test: estimators = [c for c in estimators if not c[0] in DONT_TEST] if not include_other: estimators = [c for c in estimators if not c[0] in OTHER] # possibly get rid of meta estimators if not include_meta_estimators: estimators = [c for c in estimators if not c[0] in META_ESTIMATORS] if type_filter is not None: if not isinstance(type_filter, list): type_filter = [type_filter] else: type_filter = list(type_filter) # copy filtered_estimators = [] filters = {'classifier': ClassifierMixin, 'regressor': RegressorMixin, 'transformer': TransformerMixin, 'cluster': ClusterMixin} for name, mixin in filters.items(): if name in type_filter: type_filter.remove(name) filtered_estimators.extend([est for est in estimators if issubclass(est[1], mixin)]) estimators = filtered_estimators if type_filter: raise ValueError("Parameter type_filter must be 'classifier', " "'regressor', 'transformer', 'cluster' or None, got" " %s." % repr(type_filter)) # drop duplicates, sort for reproducibility return sorted(set(estimators)) def set_random_state(estimator, random_state=0): if "random_state" in estimator.get_params().keys(): estimator.set_params(random_state=random_state) def if_matplotlib(func): """Test decorator that skips test if matplotlib not installed. """ @wraps(func) def run_test(*args, **kwargs): try: import matplotlib matplotlib.use('Agg', warn=False) # this fails if no $DISPLAY specified import matplotlib.pyplot as plt plt.figure() except ImportError: raise SkipTest('Matplotlib not available.') else: return func(*args, **kwargs) return run_test def if_not_mac_os(versions=('10.7', '10.8', '10.9'), message='Multi-process bug in Mac OS X >= 10.7 ' '(see issue #636)'): """Test decorator that skips test if OS is Mac OS X and its major version is one of ``versions``. """ warnings.warn("if_not_mac_os is deprecated in 0.17 and will be removed" " in 0.19: use the safer and more generic" " if_safe_multiprocessing_with_blas instead", DeprecationWarning) mac_version, _, _ = platform.mac_ver() skip = '.'.join(mac_version.split('.')[:2]) in versions def decorator(func): if skip: @wraps(func) def func(*args, **kwargs): raise SkipTest(message) return func return decorator def if_safe_multiprocessing_with_blas(func): """Decorator for tests involving both BLAS calls and multiprocessing Under Python < 3.4 and POSIX (e.g. Linux or OSX), using multiprocessing in conjunction with some implementation of BLAS (or other libraries that manage an internal posix thread pool) can cause a crash or a freeze of the Python process. Under Python 3.4 and later, joblib uses the forkserver mode of multiprocessing which does not trigger this problem. In practice all known packaged distributions (from Linux distros or Anaconda) of BLAS under Linux seems to be safe. So we this problem seems to only impact OSX users. This wrapper makes it possible to skip tests that can possibly cause this crash under OSX with. """ @wraps(func) def run_test(*args, **kwargs): if sys.platform == 'darwin' and sys.version_info[:2] < (3, 4): raise SkipTest( "Possible multi-process bug with some BLAS under Python < 3.4") return func(*args, **kwargs) return run_test def clean_warning_registry(): """Safe way to reset warnings """ warnings.resetwarnings() reg = "__warningregistry__" for mod_name, mod in list(sys.modules.items()): if 'six.moves' in mod_name: continue if hasattr(mod, reg): getattr(mod, reg).clear() def check_skip_network(): if int(os.environ.get('SKLEARN_SKIP_NETWORK_TESTS', 0)): raise SkipTest("Text tutorial requires large dataset download") def check_skip_travis(): """Skip test if being run on Travis.""" if os.environ.get('TRAVIS') == "true": raise SkipTest("This test needs to be skipped on Travis") def _delete_folder(folder_path, warn=False): """Utility function to cleanup a temporary folder if still existing. Copy from joblib.pool (for independance)""" try: if os.path.exists(folder_path): # This can fail under windows, # but will succeed when called by atexit shutil.rmtree(folder_path) except WindowsError: if warn: warnings.warn("Could not delete temporary folder %s" % folder_path) class TempMemmap(object): def __init__(self, data, mmap_mode='r'): self.temp_folder = tempfile.mkdtemp(prefix='sklearn_testing_') self.mmap_mode = mmap_mode self.data = data def __enter__(self): fpath = op.join(self.temp_folder, 'data.pkl') joblib.dump(self.data, fpath) data_read_only = joblib.load(fpath, mmap_mode=self.mmap_mode) atexit.register(lambda: _delete_folder(self.temp_folder, warn=True)) return data_read_only def __exit__(self, exc_type, exc_val, exc_tb): _delete_folder(self.temp_folder) with_network = with_setup(check_skip_network) with_travis = with_setup(check_skip_travis)
bsd-3-clause
jorge2703/scikit-learn
sklearn/datasets/mlcomp.py
286
3855
# Copyright (c) 2010 Olivier Grisel <olivier.grisel@ensta.org> # License: BSD 3 clause """Glue code to load http://mlcomp.org data as a scikit.learn dataset""" import os import numbers from sklearn.datasets.base import load_files def _load_document_classification(dataset_path, metadata, set_=None, **kwargs): if set_ is not None: dataset_path = os.path.join(dataset_path, set_) return load_files(dataset_path, metadata.get('description'), **kwargs) LOADERS = { 'DocumentClassification': _load_document_classification, # TODO: implement the remaining domain formats } def load_mlcomp(name_or_id, set_="raw", mlcomp_root=None, **kwargs): """Load a datasets as downloaded from http://mlcomp.org Parameters ---------- name_or_id : the integer id or the string name metadata of the MLComp dataset to load set_ : select the portion to load: 'train', 'test' or 'raw' mlcomp_root : the filesystem path to the root folder where MLComp datasets are stored, if mlcomp_root is None, the MLCOMP_DATASETS_HOME environment variable is looked up instead. **kwargs : domain specific kwargs to be passed to the dataset loader. Read more in the :ref:`User Guide <datasets>`. Returns ------- data : Bunch Dictionary-like object, the interesting attributes are: 'filenames', the files holding the raw to learn, 'target', the classification labels (integer index), 'target_names', the meaning of the labels, and 'DESCR', the full description of the dataset. Note on the lookup process: depending on the type of name_or_id, will choose between integer id lookup or metadata name lookup by looking at the unzipped archives and metadata file. TODO: implement zip dataset loading too """ if mlcomp_root is None: try: mlcomp_root = os.environ['MLCOMP_DATASETS_HOME'] except KeyError: raise ValueError("MLCOMP_DATASETS_HOME env variable is undefined") mlcomp_root = os.path.expanduser(mlcomp_root) mlcomp_root = os.path.abspath(mlcomp_root) mlcomp_root = os.path.normpath(mlcomp_root) if not os.path.exists(mlcomp_root): raise ValueError("Could not find folder: " + mlcomp_root) # dataset lookup if isinstance(name_or_id, numbers.Integral): # id lookup dataset_path = os.path.join(mlcomp_root, str(name_or_id)) else: # assume name based lookup dataset_path = None expected_name_line = "name: " + name_or_id for dataset in os.listdir(mlcomp_root): metadata_file = os.path.join(mlcomp_root, dataset, 'metadata') if not os.path.exists(metadata_file): continue with open(metadata_file) as f: for line in f: if line.strip() == expected_name_line: dataset_path = os.path.join(mlcomp_root, dataset) break if dataset_path is None: raise ValueError("Could not find dataset with metadata line: " + expected_name_line) # loading the dataset metadata metadata = dict() metadata_file = os.path.join(dataset_path, 'metadata') if not os.path.exists(metadata_file): raise ValueError(dataset_path + ' is not a valid MLComp dataset') with open(metadata_file) as f: for line in f: if ":" in line: key, value = line.split(":", 1) metadata[key.strip()] = value.strip() format = metadata.get('format', 'unknow') loader = LOADERS.get(format) if loader is None: raise ValueError("No loader implemented for format: " + format) return loader(dataset_path, metadata, set_=set_, **kwargs)
bsd-3-clause
a-doumoulakis/tensorflow
tensorflow/contrib/learn/python/learn/estimators/_sklearn.py
151
6723
# Copyright 2016 The TensorFlow 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. # ============================================================================== """sklearn cross-support.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function import collections import os import numpy as np import six def _pprint(d): return ', '.join(['%s=%s' % (key, str(value)) for key, value in d.items()]) class _BaseEstimator(object): """This is a cross-import when sklearn is not available. Adopted from sklearn.BaseEstimator implementation. https://github.com/scikit-learn/scikit-learn/blob/master/sklearn/base.py """ def get_params(self, deep=True): """Get parameters for this estimator. Args: deep: boolean, optional If `True`, will return the parameters for this estimator and contained subobjects that are estimators. Returns: params : mapping of string to any Parameter names mapped to their values. """ out = dict() param_names = [name for name in self.__dict__ if not name.startswith('_')] for key in param_names: value = getattr(self, key, None) if isinstance(value, collections.Callable): continue # XXX: should we rather test if instance of estimator? if deep and hasattr(value, 'get_params'): deep_items = value.get_params().items() out.update((key + '__' + k, val) for k, val in deep_items) out[key] = value return out def set_params(self, **params): """Set the parameters of this estimator. The method works on simple estimators as well as on nested objects (such as pipelines). The former have parameters of the form ``<component>__<parameter>`` so that it's possible to update each component of a nested object. Args: **params: Parameters. Returns: self Raises: ValueError: If params contain invalid names. """ if not params: # Simple optimisation to gain speed (inspect is slow) return self valid_params = self.get_params(deep=True) for key, value in six.iteritems(params): split = key.split('__', 1) if len(split) > 1: # nested objects case name, sub_name = split if name not in valid_params: raise ValueError('Invalid parameter %s for estimator %s. ' 'Check the list of available parameters ' 'with `estimator.get_params().keys()`.' % (name, self)) sub_object = valid_params[name] sub_object.set_params(**{sub_name: value}) else: # simple objects case if key not in valid_params: raise ValueError('Invalid parameter %s for estimator %s. ' 'Check the list of available parameters ' 'with `estimator.get_params().keys()`.' % (key, self.__class__.__name__)) setattr(self, key, value) return self def __repr__(self): class_name = self.__class__.__name__ return '%s(%s)' % (class_name, _pprint(self.get_params(deep=False)),) # pylint: disable=old-style-class class _ClassifierMixin(): """Mixin class for all classifiers.""" pass class _RegressorMixin(): """Mixin class for all regression estimators.""" pass class _TransformerMixin(): """Mixin class for all transformer estimators.""" class NotFittedError(ValueError, AttributeError): """Exception class to raise if estimator is used before fitting. This class inherits from both ValueError and AttributeError to help with exception handling and backward compatibility. Examples: >>> from sklearn.svm import LinearSVC >>> from sklearn.exceptions import NotFittedError >>> try: ... LinearSVC().predict([[1, 2], [2, 3], [3, 4]]) ... except NotFittedError as e: ... print(repr(e)) ... # doctest: +NORMALIZE_WHITESPACE +ELLIPSIS NotFittedError('This LinearSVC instance is not fitted yet',) Copied from https://github.com/scikit-learn/scikit-learn/master/sklearn/exceptions.py """ # pylint: enable=old-style-class def _accuracy_score(y_true, y_pred): score = y_true == y_pred return np.average(score) def _mean_squared_error(y_true, y_pred): if len(y_true.shape) > 1: y_true = np.squeeze(y_true) if len(y_pred.shape) > 1: y_pred = np.squeeze(y_pred) return np.average((y_true - y_pred)**2) def _train_test_split(*args, **options): # pylint: disable=missing-docstring test_size = options.pop('test_size', None) train_size = options.pop('train_size', None) random_state = options.pop('random_state', None) if test_size is None and train_size is None: train_size = 0.75 elif train_size is None: train_size = 1 - test_size train_size = int(train_size * args[0].shape[0]) np.random.seed(random_state) indices = np.random.permutation(args[0].shape[0]) train_idx, test_idx = indices[:train_size], indices[train_size:] result = [] for x in args: result += [x.take(train_idx, axis=0), x.take(test_idx, axis=0)] return tuple(result) # If "TENSORFLOW_SKLEARN" flag is defined then try to import from sklearn. TRY_IMPORT_SKLEARN = os.environ.get('TENSORFLOW_SKLEARN', False) if TRY_IMPORT_SKLEARN: # pylint: disable=g-import-not-at-top,g-multiple-import,unused-import from sklearn.base import BaseEstimator, ClassifierMixin, RegressorMixin, TransformerMixin from sklearn.metrics import accuracy_score, log_loss, mean_squared_error from sklearn.cross_validation import train_test_split try: from sklearn.exceptions import NotFittedError except ImportError: try: from sklearn.utils.validation import NotFittedError except ImportError: pass else: # Naive implementations of sklearn classes and functions. BaseEstimator = _BaseEstimator ClassifierMixin = _ClassifierMixin RegressorMixin = _RegressorMixin TransformerMixin = _TransformerMixin accuracy_score = _accuracy_score log_loss = None mean_squared_error = _mean_squared_error train_test_split = _train_test_split
apache-2.0
jorge2703/scikit-learn
sklearn/tree/export.py
53
15772
""" This module defines export functions for decision trees. """ # Authors: Gilles Louppe <g.louppe@gmail.com> # Peter Prettenhofer <peter.prettenhofer@gmail.com> # Brian Holt <bdholt1@gmail.com> # Noel Dawe <noel@dawe.me> # Satrajit Gosh <satrajit.ghosh@gmail.com> # Trevor Stephens <trev.stephens@gmail.com> # Licence: BSD 3 clause import numpy as np from ..externals import six from . import _tree def _color_brew(n): """Generate n colors with equally spaced hues. Parameters ---------- n : int The number of colors required. Returns ------- color_list : list, length n List of n tuples of form (R, G, B) being the components of each color. """ color_list = [] # Initialize saturation & value; calculate chroma & value shift s, v = 0.75, 0.9 c = s * v m = v - c for h in np.arange(25, 385, 360. / n).astype(int): # Calculate some intermediate values h_bar = h / 60. x = c * (1 - abs((h_bar % 2) - 1)) # Initialize RGB with same hue & chroma as our color rgb = [(c, x, 0), (x, c, 0), (0, c, x), (0, x, c), (x, 0, c), (c, 0, x), (c, x, 0)] r, g, b = rgb[int(h_bar)] # Shift the initial RGB values to match value and store rgb = [(int(255 * (r + m))), (int(255 * (g + m))), (int(255 * (b + m)))] color_list.append(rgb) return color_list def export_graphviz(decision_tree, out_file="tree.dot", max_depth=None, feature_names=None, class_names=None, label='all', filled=False, leaves_parallel=False, impurity=True, node_ids=False, proportion=False, rotate=False, rounded=False, special_characters=False): """Export a decision tree in DOT format. This function generates a GraphViz representation of the decision tree, which is then written into `out_file`. Once exported, graphical renderings can be generated using, for example:: $ dot -Tps tree.dot -o tree.ps (PostScript format) $ dot -Tpng tree.dot -o tree.png (PNG format) The sample counts that are shown are weighted with any sample_weights that might be present. Read more in the :ref:`User Guide <tree>`. Parameters ---------- decision_tree : decision tree classifier The decision tree to be exported to GraphViz. out_file : file object or string, optional (default="tree.dot") Handle or name of the output file. max_depth : int, optional (default=None) The maximum depth of the representation. If None, the tree is fully generated. feature_names : list of strings, optional (default=None) Names of each of the features. class_names : list of strings, bool or None, optional (default=None) Names of each of the target classes in ascending numerical order. Only relevant for classification and not supported for multi-output. If ``True``, shows a symbolic representation of the class name. label : {'all', 'root', 'none'}, optional (default='all') Whether to show informative labels for impurity, etc. Options include 'all' to show at every node, 'root' to show only at the top root node, or 'none' to not show at any node. filled : bool, optional (default=False) When set to ``True``, paint nodes to indicate majority class for classification, extremity of values for regression, or purity of node for multi-output. leaves_parallel : bool, optional (default=False) When set to ``True``, draw all leaf nodes at the bottom of the tree. impurity : bool, optional (default=True) When set to ``True``, show the impurity at each node. node_ids : bool, optional (default=False) When set to ``True``, show the ID number on each node. proportion : bool, optional (default=False) When set to ``True``, change the display of 'values' and/or 'samples' to be proportions and percentages respectively. rotate : bool, optional (default=False) When set to ``True``, orient tree left to right rather than top-down. rounded : bool, optional (default=False) When set to ``True``, draw node boxes with rounded corners and use Helvetica fonts instead of Times-Roman. special_characters : bool, optional (default=False) When set to ``False``, ignore special characters for PostScript compatibility. Examples -------- >>> from sklearn.datasets import load_iris >>> from sklearn import tree >>> clf = tree.DecisionTreeClassifier() >>> iris = load_iris() >>> clf = clf.fit(iris.data, iris.target) >>> tree.export_graphviz(clf, ... out_file='tree.dot') # doctest: +SKIP """ def get_color(value): # Find the appropriate color & intensity for a node if colors['bounds'] is None: # Classification tree color = list(colors['rgb'][np.argmax(value)]) sorted_values = sorted(value, reverse=True) alpha = int(255 * (sorted_values[0] - sorted_values[1]) / (1 - sorted_values[1])) else: # Regression tree or multi-output color = list(colors['rgb'][0]) alpha = int(255 * ((value - colors['bounds'][0]) / (colors['bounds'][1] - colors['bounds'][0]))) # Return html color code in #RRGGBBAA format color.append(alpha) hex_codes = [str(i) for i in range(10)] hex_codes.extend(['a', 'b', 'c', 'd', 'e', 'f']) color = [hex_codes[c // 16] + hex_codes[c % 16] for c in color] return '#' + ''.join(color) def node_to_str(tree, node_id, criterion): # Generate the node content string if tree.n_outputs == 1: value = tree.value[node_id][0, :] else: value = tree.value[node_id] # Should labels be shown? labels = (label == 'root' and node_id == 0) or label == 'all' # PostScript compatibility for special characters if special_characters: characters = ['&#35;', '<SUB>', '</SUB>', '&le;', '<br/>', '>'] node_string = '<' else: characters = ['#', '[', ']', '<=', '\\n', '"'] node_string = '"' # Write node ID if node_ids: if labels: node_string += 'node ' node_string += characters[0] + str(node_id) + characters[4] # Write decision criteria if tree.children_left[node_id] != _tree.TREE_LEAF: # Always write node decision criteria, except for leaves if feature_names is not None: feature = feature_names[tree.feature[node_id]] else: feature = "X%s%s%s" % (characters[1], tree.feature[node_id], characters[2]) node_string += '%s %s %s%s' % (feature, characters[3], round(tree.threshold[node_id], 4), characters[4]) # Write impurity if impurity: if isinstance(criterion, _tree.FriedmanMSE): criterion = "friedman_mse" elif not isinstance(criterion, six.string_types): criterion = "impurity" if labels: node_string += '%s = ' % criterion node_string += (str(round(tree.impurity[node_id], 4)) + characters[4]) # Write node sample count if labels: node_string += 'samples = ' if proportion: percent = (100. * tree.n_node_samples[node_id] / float(tree.n_node_samples[0])) node_string += (str(round(percent, 1)) + '%' + characters[4]) else: node_string += (str(tree.n_node_samples[node_id]) + characters[4]) # Write node class distribution / regression value if proportion and tree.n_classes[0] != 1: # For classification this will show the proportion of samples value = value / tree.weighted_n_node_samples[node_id] if labels: node_string += 'value = ' if tree.n_classes[0] == 1: # Regression value_text = np.around(value, 4) elif proportion: # Classification value_text = np.around(value, 2) elif np.all(np.equal(np.mod(value, 1), 0)): # Classification without floating-point weights value_text = value.astype(int) else: # Classification with floating-point weights value_text = np.around(value, 4) # Strip whitespace value_text = str(value_text.astype('S32')).replace("b'", "'") value_text = value_text.replace("' '", ", ").replace("'", "") if tree.n_classes[0] == 1 and tree.n_outputs == 1: value_text = value_text.replace("[", "").replace("]", "") value_text = value_text.replace("\n ", characters[4]) node_string += value_text + characters[4] # Write node majority class if (class_names is not None and tree.n_classes[0] != 1 and tree.n_outputs == 1): # Only done for single-output classification trees if labels: node_string += 'class = ' if class_names is not True: class_name = class_names[np.argmax(value)] else: class_name = "y%s%s%s" % (characters[1], np.argmax(value), characters[2]) node_string += class_name # Clean up any trailing newlines if node_string[-2:] == '\\n': node_string = node_string[:-2] if node_string[-5:] == '<br/>': node_string = node_string[:-5] return node_string + characters[5] def recurse(tree, node_id, criterion, parent=None, depth=0): if node_id == _tree.TREE_LEAF: raise ValueError("Invalid node_id %s" % _tree.TREE_LEAF) left_child = tree.children_left[node_id] right_child = tree.children_right[node_id] # Add node with description if max_depth is None or depth <= max_depth: # Collect ranks for 'leaf' option in plot_options if left_child == _tree.TREE_LEAF: ranks['leaves'].append(str(node_id)) elif str(depth) not in ranks: ranks[str(depth)] = [str(node_id)] else: ranks[str(depth)].append(str(node_id)) out_file.write('%d [label=%s' % (node_id, node_to_str(tree, node_id, criterion))) if filled: # Fetch appropriate color for node if 'rgb' not in colors: # Initialize colors and bounds if required colors['rgb'] = _color_brew(tree.n_classes[0]) if tree.n_outputs != 1: # Find max and min impurities for multi-output colors['bounds'] = (np.min(-tree.impurity), np.max(-tree.impurity)) elif tree.n_classes[0] == 1: # Find max and min values in leaf nodes for regression colors['bounds'] = (np.min(tree.value), np.max(tree.value)) if tree.n_outputs == 1: node_val = (tree.value[node_id][0, :] / tree.weighted_n_node_samples[node_id]) if tree.n_classes[0] == 1: # Regression node_val = tree.value[node_id][0, :] else: # If multi-output color node by impurity node_val = -tree.impurity[node_id] out_file.write(', fillcolor="%s"' % get_color(node_val)) out_file.write('] ;\n') if parent is not None: # Add edge to parent out_file.write('%d -> %d' % (parent, node_id)) if parent == 0: # Draw True/False labels if parent is root node angles = np.array([45, -45]) * ((rotate - .5) * -2) out_file.write(' [labeldistance=2.5, labelangle=') if node_id == 1: out_file.write('%d, headlabel="True"]' % angles[0]) else: out_file.write('%d, headlabel="False"]' % angles[1]) out_file.write(' ;\n') if left_child != _tree.TREE_LEAF: recurse(tree, left_child, criterion=criterion, parent=node_id, depth=depth + 1) recurse(tree, right_child, criterion=criterion, parent=node_id, depth=depth + 1) else: ranks['leaves'].append(str(node_id)) out_file.write('%d [label="(...)"' % node_id) if filled: # color cropped nodes grey out_file.write(', fillcolor="#C0C0C0"') out_file.write('] ;\n' % node_id) if parent is not None: # Add edge to parent out_file.write('%d -> %d ;\n' % (parent, node_id)) own_file = False try: if isinstance(out_file, six.string_types): if six.PY3: out_file = open(out_file, "w", encoding="utf-8") else: out_file = open(out_file, "wb") own_file = True # The depth of each node for plotting with 'leaf' option ranks = {'leaves': []} # The colors to render each node with colors = {'bounds': None} out_file.write('digraph Tree {\n') # Specify node aesthetics out_file.write('node [shape=box') rounded_filled = [] if filled: rounded_filled.append('filled') if rounded: rounded_filled.append('rounded') if len(rounded_filled) > 0: out_file.write(', style="%s", color="black"' % ", ".join(rounded_filled)) if rounded: out_file.write(', fontname=helvetica') out_file.write('] ;\n') # Specify graph & edge aesthetics if leaves_parallel: out_file.write('graph [ranksep=equally, splines=polyline] ;\n') if rounded: out_file.write('edge [fontname=helvetica] ;\n') if rotate: out_file.write('rankdir=LR ;\n') # Now recurse the tree and add node & edge attributes if isinstance(decision_tree, _tree.Tree): recurse(decision_tree, 0, criterion="impurity") else: recurse(decision_tree.tree_, 0, criterion=decision_tree.criterion) # If required, draw leaf nodes at same depth as each other if leaves_parallel: for rank in sorted(ranks): out_file.write("{rank=same ; " + "; ".join(r for r in ranks[rank]) + "} ;\n") out_file.write("}") finally: if own_file: out_file.close()
bsd-3-clause
kchodorow/tensorflow
tensorflow/contrib/learn/python/learn/estimators/dnn_linear_combined_benchmark_test.py
82
8976
# Copyright 2016 The TensorFlow 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. # ============================================================================== """Regression test for DNNLinearCombinedEstimator.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function import json import tempfile from tensorflow.contrib.layers.python.layers import feature_column from tensorflow.contrib.learn.python.learn.datasets import base from tensorflow.contrib.learn.python.learn.estimators import dnn_linear_combined from tensorflow.contrib.learn.python.learn.estimators import estimator_test_utils from tensorflow.contrib.learn.python.learn.estimators import run_config from tensorflow.contrib.learn.python.learn.estimators import test_data from tensorflow.python.framework import constant_op from tensorflow.python.framework import dtypes from tensorflow.python.framework import sparse_tensor from tensorflow.python.ops import array_ops from tensorflow.python.platform import test from tensorflow.python.training import adagrad from tensorflow.python.training import ftrl from tensorflow.python.training import server_lib # Desired training steps, reported in benchmark. Actual steps might be slightly # more than this since supervisor training runs for a non-detrministic number of # steps. _ITERS = 100 _METRIC_KEYS = { 'accuracy', 'auc', 'accuracy/threshold_0.500000_mean', 'loss', 'precision/positive_threshold_0.500000_mean', 'recall/positive_threshold_0.500000_mean', } class DNNLinearCombinedClassifierBenchmark(test.Benchmark): def _assertSingleClassMetrics(self, metrics): estimator_test_utils.assert_in_range(0.9, 1.0, 'auc', metrics) estimator_test_utils.assert_in_range(0.9, 1.0, 'accuracy/threshold_0.500000_mean', metrics) estimator_test_utils.assert_in_range( 0.9, 1.0, 'precision/positive_threshold_0.500000_mean', metrics) estimator_test_utils.assert_in_range( 0.9, 1.0, 'recall/positive_threshold_0.500000_mean', metrics) self._assertCommonMetrics(metrics) def _assertCommonMetrics(self, metrics): estimator_test_utils.assert_in_range(_ITERS, _ITERS + 5, 'global_step', metrics) estimator_test_utils.assert_in_range(0.9, 1.0, 'accuracy', metrics) estimator_test_utils.assert_in_range(0.0, 0.2, 'loss', metrics) self.report_benchmark( iters=metrics['global_step'], extras={k: v for k, v in metrics.items() if k in _METRIC_KEYS}) def benchmarkMatrixData(self): iris = test_data.prepare_iris_data_for_logistic_regression() cont_feature = feature_column.real_valued_column('feature', dimension=4) bucketized_feature = feature_column.bucketized_column( cont_feature, test_data.get_quantile_based_buckets(iris.data, 10)) classifier = dnn_linear_combined.DNNLinearCombinedClassifier( model_dir=tempfile.mkdtemp(), linear_feature_columns=(bucketized_feature,), dnn_feature_columns=(cont_feature,), dnn_hidden_units=(3, 3)) input_fn = test_data.iris_input_logistic_fn metrics = classifier.fit(input_fn=input_fn, steps=_ITERS).evaluate( input_fn=input_fn, steps=100) self._assertSingleClassMetrics(metrics) def benchmarkTensorData(self): def _input_fn(): iris = test_data.prepare_iris_data_for_logistic_regression() features = {} for i in range(4): # The following shows how to provide the Tensor data for # RealValuedColumns. features.update({ str(i): array_ops.reshape( constant_op.constant( iris.data[:, i], dtype=dtypes.float32), (-1, 1)) }) # The following shows how to provide the SparseTensor data for # a SparseColumn. features['dummy_sparse_column'] = sparse_tensor.SparseTensor( values=('en', 'fr', 'zh'), indices=((0, 0), (0, 1), (60, 0)), dense_shape=(len(iris.target), 2)) labels = array_ops.reshape( constant_op.constant( iris.target, dtype=dtypes.int32), (-1, 1)) return features, labels iris = test_data.prepare_iris_data_for_logistic_regression() cont_features = [ feature_column.real_valued_column(str(i)) for i in range(4) ] linear_features = [ feature_column.bucketized_column( cont_features[i], test_data.get_quantile_based_buckets(iris.data[:, i], 10)) for i in range(4) ] linear_features.append( feature_column.sparse_column_with_hash_bucket( 'dummy_sparse_column', hash_bucket_size=100)) classifier = dnn_linear_combined.DNNLinearCombinedClassifier( model_dir=tempfile.mkdtemp(), linear_feature_columns=linear_features, dnn_feature_columns=cont_features, dnn_hidden_units=(3, 3)) metrics = classifier.fit(input_fn=_input_fn, steps=_ITERS).evaluate( input_fn=_input_fn, steps=100) self._assertSingleClassMetrics(metrics) def benchmarkCustomOptimizer(self): iris = test_data.prepare_iris_data_for_logistic_regression() cont_feature = feature_column.real_valued_column('feature', dimension=4) bucketized_feature = feature_column.bucketized_column( cont_feature, test_data.get_quantile_based_buckets(iris.data, 10)) classifier = dnn_linear_combined.DNNLinearCombinedClassifier( model_dir=tempfile.mkdtemp(), linear_feature_columns=(bucketized_feature,), linear_optimizer=ftrl.FtrlOptimizer(learning_rate=0.1), dnn_feature_columns=(cont_feature,), dnn_hidden_units=(3, 3), dnn_optimizer=adagrad.AdagradOptimizer(learning_rate=0.1)) input_fn = test_data.iris_input_logistic_fn metrics = classifier.fit(input_fn=input_fn, steps=_ITERS).evaluate( input_fn=input_fn, steps=100) self._assertSingleClassMetrics(metrics) def benchmarkMultiClass(self): iris = base.load_iris() cont_feature = feature_column.real_valued_column('feature', dimension=4) bucketized_feature = feature_column.bucketized_column( cont_feature, test_data.get_quantile_based_buckets(iris.data, 10)) classifier = dnn_linear_combined.DNNLinearCombinedClassifier( n_classes=3, linear_feature_columns=(bucketized_feature,), dnn_feature_columns=(cont_feature,), dnn_hidden_units=(3, 3)) input_fn = test_data.iris_input_multiclass_fn metrics = classifier.fit(input_fn=input_fn, steps=_ITERS).evaluate( input_fn=input_fn, steps=100) self._assertCommonMetrics(metrics) def benchmarkPartitionedVariables(self): def _input_fn(): features = { 'language': sparse_tensor.SparseTensor( values=('en', 'fr', 'zh'), indices=((0, 0), (0, 1), (2, 0)), dense_shape=(3, 2)) } labels = constant_op.constant(((1,), (0,), (0,))) return features, labels # The given hash_bucket_size results in variables larger than the # default min_slice_size attribute, so the variables are partitioned. sparse_feature = feature_column.sparse_column_with_hash_bucket( 'language', hash_bucket_size=2e7) embedding_feature = feature_column.embedding_column( sparse_feature, dimension=1) tf_config = { 'cluster': { run_config.TaskType.PS: ['fake_ps_0', 'fake_ps_1'] } } with test.mock.patch.dict('os.environ', {'TF_CONFIG': json.dumps(tf_config)}): config = run_config.RunConfig() # Because we did not start a distributed cluster, we need to pass an # empty ClusterSpec, otherwise the device_setter will look for # distributed jobs, such as "/job:ps" which are not present. config._cluster_spec = server_lib.ClusterSpec({}) classifier = dnn_linear_combined.DNNLinearCombinedClassifier( linear_feature_columns=(sparse_feature,), dnn_feature_columns=(embedding_feature,), dnn_hidden_units=(3, 3), config=config) metrics = classifier.fit(input_fn=_input_fn, steps=_ITERS).evaluate( input_fn=_input_fn, steps=100) self._assertCommonMetrics(metrics) if __name__ == '__main__': test.main()
apache-2.0
madjelan/CostSensitiveClassification
costcla/metrics/__init__.py
1
2607
""" The :mod:`costcla.metrics` module includes metrics to assess performance on cost-sensitive classification tasks given class prediction and cost-matrix Functions named as ``*_score`` return a scalar value to maximize: the higher the better Function named as ``*_error`` or ``*_loss`` return a scalar value to minimize: the lower the better """ from costs import cost_loss from costs import savings_score from costs import brier_score_loss import numpy as np from sklearn.utils import column_or_1d from sklearn.metrics import roc_auc_score __all__ = ['cost_loss', 'savings_score', 'brier_score_loss', 'binary_classification_metrics'] def binary_classification_metrics(y_true, y_pred, y_prob): #TODO: update description """classification_metrics. This function cal... Parameters ---------- y_true : array-like Ground truth (correct) labels. y_pred : array-like Predicted labels, as returned by a classifier. y_prob : array-like Predicted probabilities, as returned by a classifier. Returns ------- dict(tp, fp, fn, tn, accuracy, recall, precision, f1score, auc, brier_loss) Examples -------- >>> from costcla.metrics import binary_classification_metrics >>> y_pred = [0, 1, 0, 0] >>> y_true = [0, 1, 1, 0] >>> y_prob = [0.2, 0.8, 0.4, 0.3] >>> binary_classification_metrics(y_true, y_pred, y_prob) {'accuracy': 0.75, 'auc': 0.75, 'brier_loss': 0.13249999999999998, 'f1score': 0.6666666666666666, 'fn': 1.0, 'fp': 0.0, 'precision': 1.0, 'recall': 0.5, 'tn': 2.0, 'tp': 1.0} """ y_true = column_or_1d(y_true) y_pred = column_or_1d(y_pred) y_prob = column_or_1d(y_prob) n_samples = y_true.shape[0] tp = float((y_pred * y_true).sum()) fp = float((y_pred[np.nonzero(y_true == 0)[0]]).sum()) fn = float((y_true[np.nonzero(y_pred == 0)[0]]).sum()) tn = float(n_samples - tp - fn - fp) accuracy = (tp + tn) / n_samples auc = roc_auc_score(y_true, y_pred) brier_loss = brier_score_loss(y_true, y_prob) if (tp + fp) == 0: precision = 0 else: precision = tp / (tp + fp) if (tp + fn) == 0: recall = 0 else: recall = tp / (tp + fn) if (recall + precision) == 0: f1score = 0 else: f1score = 2 * (precision * recall) / (precision + recall) return dict(tp=tp, fp=fp, fn=fn, tn=tn, accuracy=accuracy, recall=recall, precision=precision, f1score=f1score, auc=auc, brier_loss=brier_loss)
bsd-3-clause
EnsekiTT/ml_review
svm/svm.py
1
6357
# -*- coding:utf-8 -*- import numpy as np import scipy as sp import pandas as pd import matplotlib.pyplot as plt import inspect # それがラムダ式か def islambda(f): return inspect.isfunction(f) and f.__name__ == (lambda: True).__name__ class SVM(): def __init__(self, kernel='liner', C=2, tol=0.01, eps=0.01): print "hello this is SVM code." self.kernel = kernel self.tol = tol self.C = C self.eps = eps def learn(self, target, point): self.target = np.array(target) self.target_len = len(self.target) self.point = np.matrix(point) self.alpha = np.zeros(self.target_len) self.b = 0 self.error = -1*np.array(target, dtype=float) self.SMO() self.s = [i for i in range(len(self.target)) if self.eps < self.alpha[i]] self.m = [i for i in range(len(self.target)) if self.eps < self.alpha[i] < self.C - self.eps] self.b = 0.0 for i in self.m: self.b += self.target[i] for j in self.s: self.b -= (self.alpha[j]*self.target[j]*self.setKernel(self.point[i], self.point[j])) self.b /= len(self.m) def takeStep(self, i1, i2): if i1 == i2: return 0 alph1 = self.alpha[i1] alph2 = self.alpha[i2] y1 = target[i1] y2 = target[i2] E1 = self.error[i1] E2 = self.error[i2] s = y1 * y2 if y1 != y2: # [Platt 1998] (13) L = max([0, alph2 - alph1]) H = min([self.C, self.C + alph2 - alph1]) else: # [Platt 1998] (14) L = max([0, alph2 + alph1 - self.C]) H = min([self.C, alph2 + alph1]) if L == H: return 0 k11 = self.setKernel(self.point[i1], self.point[i1]) k12 = self.setKernel(self.point[i1], self.point[i2]) k22 = self.setKernel(self.point[i2], self.point[i2]) eta = 2 * k12 - k11 - k22 if eta > 0: a2 = alph2 + y2 * (E1-E2) / eta if a2 < L: a2 = L elif a2 > H: a2 = H else: v1 = self.evalExample(i1) + self.b - alph1 * y1 * k11 - alph2 * y2 * k12 v2 = self.evalExample(i2) + self.b - alph1 * y1 * k12 - alph2 * y2 * k22 gamma = alph1 + s * alph2 Lobj = self.getObj(alph1, L, i1, i2, v1, v2, s) Hobj = self.getObj(alph1, H, i1, i2, v1, v2, s) if Lobj > Hobj + self.eps: a2 = L elif Lobj < Hobj - self.eps: a2 = H else: a2 = alph2 if a2 < self.eps: a2 = 0 elif a2 > self.C - self.eps: a2 = self.C if np.abs(a2-alph2) < self.eps*(a2+alph2+self.eps): return 0 a1 = alph1 + s * (alph2 - a2) b = self.b b1 = E1 + y1 * (a1 - alph1) * k11 + y2 * (a2 - alph2) * k12 + self.b #[Platt 1998] (20) b2 = E2 + y1 * (a1 - alph1) * k12 + y2 * (a2 - alph2) * k22 + self.b #[Platt 1998] (21) self.b = (b1 + b2) / 2 for i, a in enumerate(self.alpha): if not (a == 0 or a == self.C): self.error[i] += y1 * (a1 - alph1) * self.setKernel(self.point[i1], self.point[i]) + b self.error[i] += y2 * (a2 - alph2) * self.setKernel(self.point[i2], self.point[i]) - self.b self.error[i1] = 0 self.error[i2] = 0 self.alpha[i1] = a1 self.alpha[i2] = a2 return 1 def getObj(self, alph1, O, i1, i2, v1, v2, s): w = alph1 + O - 0.5 * alph1**2 * self.setKernel(self.point[i1], self.point[i1]) w += -0.5 * O**2 * self.setKernel(self.point[i2], self.point[i2]) w += -s * alph1 * O * self.setKernel(self.point[i1], self.point[i2]) w += -alph1 * self.target[i1] * v1 w += -O * self.target[i2] * v2 w += 0 return w def evalExample(self, index): ret = 0 for i, a in enumerate(self.alpha): if a != 0: ret += a * self.target[i] * self.setKernel(self.point[index], self.point[i]) return ret + self.b def setKernel(self, k1, k2): if islambda(self.kernel): return self.kernel(k1, k2) elif self.kernel == 'liner': ret = np.dot(np.array(k1), np.array(k2).T) else: ret = np.dot(np.array(k1), np.array(k2).T) return ret def examineExample(self, i2): y2 = self.target[i2] alph2 = self.alpha[i2] E2 = self.error[i2] r2 = E2*y2 if (r2 < -self.tol and alph2 < self.C) or (r2 > self.tol and alph2 > 0): nznc_alpha = [i for i in range(len(self.alpha)) if 0 != self.alpha[i] and self.C != self.alpha[i]] if np.sum(nznc_alpha) > 1: maxE = -np.inf for i, E in enumerate(self.error): if np.abs(E2 - E) > maxE: maxE = np.abs(E2 - E) i1 = i if self.takeStep(i1, i2): return 1 rnznc_alpha = nznc_alpha np.random.shuffle(rnznc_alpha) r_alpha = self.alpha np.random.shuffle(r_alpha) for i in rnznc_alpha: i1 = int(i) if self.takeStep(i1, i2): return 1 for i in r_alpha: i1 = int(i) if self.takeStep(i1, i2): return 1 return 0 def SMO(self): numChanged = 0 examineAll = 1 while (numChanged > 0 or examineAll): numChanged = 0 if examineAll: for I in range(self.target_len): numChanged += self.examineExample(I) else: for I in range(self.target_len): if (self.eps < self.alpha[I] < self.C - self.eps): numChanged += self.examineExample(I) if examineAll == 1: examineAll = 0 elif numChanged == 0: examineAll = 1 def calc(self, x): ret = self.b for i in self.s: ret += (self.alpha[i]*self.target[i]* self.setKernel(x, self.point[i])) return ret def get_alpha(self): return self.alpha alpha = property(get_alpha) if __name__ == "__main__": datas = pd.read_csv('../datasets/iris.txt', delim_whitespace=True) Label = [] for i, d in enumerate(datas['Species']): if d == 'setosa': Label.append(0) elif d == 'versicolor': Label.append(1) elif d == 'virginica': Label.append(2) datas['Label'] = Label target = list(datas['Label'][0:100]*2.0-1.0) points = datas.as_matrix(columns=['Sepal.Length', 'Sepal.Width'])[0:100] #, 'Petal.Length', 'Petal.Width' svm = SVM() # print svm.setKernel(points[1], points[5]) svm.learn(target, points) ans = [svm.calc(i) for i in points] print ans
mit
jorge2703/scikit-learn
sklearn/cluster/__init__.py
359
1228
""" The :mod:`sklearn.cluster` module gathers popular unsupervised clustering algorithms. """ from .spectral import spectral_clustering, SpectralClustering from .mean_shift_ import (mean_shift, MeanShift, estimate_bandwidth, get_bin_seeds) from .affinity_propagation_ import affinity_propagation, AffinityPropagation from .hierarchical import (ward_tree, AgglomerativeClustering, linkage_tree, FeatureAgglomeration) from .k_means_ import k_means, KMeans, MiniBatchKMeans from .dbscan_ import dbscan, DBSCAN from .bicluster import SpectralBiclustering, SpectralCoclustering from .birch import Birch __all__ = ['AffinityPropagation', 'AgglomerativeClustering', 'Birch', 'DBSCAN', 'KMeans', 'FeatureAgglomeration', 'MeanShift', 'MiniBatchKMeans', 'SpectralClustering', 'affinity_propagation', 'dbscan', 'estimate_bandwidth', 'get_bin_seeds', 'k_means', 'linkage_tree', 'mean_shift', 'spectral_clustering', 'ward_tree', 'SpectralBiclustering', 'SpectralCoclustering']
bsd-3-clause
Clyde-fare/scikit-learn
sklearn/cluster/__init__.py
359
1228
""" The :mod:`sklearn.cluster` module gathers popular unsupervised clustering algorithms. """ from .spectral import spectral_clustering, SpectralClustering from .mean_shift_ import (mean_shift, MeanShift, estimate_bandwidth, get_bin_seeds) from .affinity_propagation_ import affinity_propagation, AffinityPropagation from .hierarchical import (ward_tree, AgglomerativeClustering, linkage_tree, FeatureAgglomeration) from .k_means_ import k_means, KMeans, MiniBatchKMeans from .dbscan_ import dbscan, DBSCAN from .bicluster import SpectralBiclustering, SpectralCoclustering from .birch import Birch __all__ = ['AffinityPropagation', 'AgglomerativeClustering', 'Birch', 'DBSCAN', 'KMeans', 'FeatureAgglomeration', 'MeanShift', 'MiniBatchKMeans', 'SpectralClustering', 'affinity_propagation', 'dbscan', 'estimate_bandwidth', 'get_bin_seeds', 'k_means', 'linkage_tree', 'mean_shift', 'spectral_clustering', 'ward_tree', 'SpectralBiclustering', 'SpectralCoclustering']
bsd-3-clause
Clyde-fare/scikit-learn
sklearn/linear_model/tests/test_bayes.py
296
1770
# Author: Alexandre Gramfort <alexandre.gramfort@inria.fr> # Fabian Pedregosa <fabian.pedregosa@inria.fr> # # License: BSD 3 clause import numpy as np from sklearn.utils.testing import assert_array_equal from sklearn.utils.testing import SkipTest from sklearn.linear_model.bayes import BayesianRidge, ARDRegression from sklearn import datasets from sklearn.utils.testing import assert_array_almost_equal def test_bayesian_on_diabetes(): # Test BayesianRidge on diabetes raise SkipTest("XFailed Test") diabetes = datasets.load_diabetes() X, y = diabetes.data, diabetes.target clf = BayesianRidge(compute_score=True) # Test with more samples than features clf.fit(X, y) # Test that scores are increasing at each iteration assert_array_equal(np.diff(clf.scores_) > 0, True) # Test with more features than samples X = X[:5, :] y = y[:5] clf.fit(X, y) # Test that scores are increasing at each iteration assert_array_equal(np.diff(clf.scores_) > 0, True) def test_toy_bayesian_ridge_object(): # Test BayesianRidge on toy X = np.array([[1], [2], [6], [8], [10]]) Y = np.array([1, 2, 6, 8, 10]) clf = BayesianRidge(compute_score=True) clf.fit(X, Y) # Check that the model could approximately learn the identity function test = [[1], [3], [4]] assert_array_almost_equal(clf.predict(test), [1, 3, 4], 2) def test_toy_ard_object(): # Test BayesianRegression ARD classifier X = np.array([[1], [2], [3]]) Y = np.array([1, 2, 3]) clf = ARDRegression(compute_score=True) clf.fit(X, Y) # Check that the model could approximately learn the identity function test = [[1], [3], [4]] assert_array_almost_equal(clf.predict(test), [1, 3, 4], 2)
bsd-3-clause
yukisakurai/hhntup
hhskim.py
1
44883
# Author: Noel Dawe import ROOT import os import math import subprocess import goodruns import externaltools # rootpy imports from rootpy.plotting import Hist from rootpy.tree.filtering import EventFilter, EventFilterList from rootpy.tree import Tree, TreeChain, TreeModel, TreeBuffer from rootpy.extern.argparse import ArgumentParser from rootpy.io import root_open from rootpy import stl # Show stack traces for ROOT warning messages #from rootpy import log #import logging #log["/ROOT"].show_stack(min_level=logging.WARNING) # local imports from higgstautau import hepmc from higgstautau import tautools from higgstautau import eventshapes from higgstautau import datasets from higgstautau import utils from higgstautau.batch import ATLASStudent from higgstautau.units import GeV from higgstautau.mixins import * from higgstautau.filters import * from higgstautau.hadhad import branches as hhbranches from higgstautau.hadhad.objects import define_objects from higgstautau.hadhad.models import * from higgstautau.hadhad.filters import * from higgstautau import httcpana from higgstautau import mass from higgstautau.mass import is_MET_bisecting from higgstautau.overlap import TauJetOverlapRemoval from higgstautau.embedding import ( EmbeddingPileupPatch, EmbeddingIsolation, EmbeddingCorrections) from higgstautau.systematics import Systematics from higgstautau.met import METRecalculation from higgstautau.jetcalibration import JetCalibration from higgstautau.tauspinner import EmbeddingTauSpinner, TauSpinner from higgstautau.patches import ElectronIDpatch, TauIDpatch from higgstautau.trigger import update_trigger_config, get_trigger_config from higgstautau.trigger.efficiency import TauTriggerEfficiency from higgstautau.trigger.emulation import ( TauTriggerEmulation, update_trigger_trees) #from higgstautau.trigger.matching import ( # TauTriggerMatchIndex, TauTriggerMatchThreshold) from higgstautau.pileup import ( PileupTemplates, PileupReweight, get_pileup_reweighting_tool, averageIntPerXingPatch, PileupScale) from higgstautau.rand import RandomRunNumber, RandomSeed from higgstautau import log; log = log[__name__] from higgstautau.hadhad.bdtscore import BDTScore class hhskim(ATLASStudent): def __init__(self, options, **kwargs): super(hhskim, self).__init__(**kwargs) parser = ArgumentParser() parser.add_argument('--local', action='store_true', default=False) parser.add_argument('--syst-terms', default=None) parser.add_argument('--student-verbose', action='store_true', default=False) parser.add_argument('--student-very-verbose', action='store_true', default=False) parser.add_argument('--redo-selection', action='store_true', default=False) parser.add_argument('--nominal-values', action='store_true', default=False) args = parser.parse_args(options) self.args = args if args.syst_terms is not None: args.syst_terms = set([ eval('Systematics.%s' % term) for term in args.syst_terms.split(',')]) if args.local: def merge(inputs, output, metadata): # merge output trees root_output = output + '.root' log.info("merging output trees") subprocess.call(['hadd', root_output] + inputs) if metadata.datatype == datasets.DATA: # merge GRLs log.info("merging GRL fragments") grl = goodruns.GRL() for input in inputs: grl |= goodruns.GRL('%s:/lumi' % input) grl.save('%s:/lumi' % root_output) hhskim.merge = staticmethod(merge) def work(self): # get argument values local = self.args.local syst_terms = self.args.syst_terms datatype = self.metadata.datatype year = self.metadata.year verbose = self.args.student_verbose very_verbose = self.args.student_very_verbose redo_selection = True #self.args.redo_selection nominal_values = self.args.nominal_values # get the dataset name dsname = os.getenv('INPUT_DATASET_NAME', None) if dsname is None: # attempt to guess dsname from dirname if self.files: dsname = os.path.basename(os.path.dirname(self.files[0])) # is this a signal sample? # if so we will also keep some truth information in the output below is_signal = datatype == datasets.MC and ( '_VBFH' in dsname or '_ggH' in dsname or '_ZH' in dsname or '_WH' in dsname or '_ttH' in dsname) log.info("DATASET: {0}".format(dsname)) log.info("IS SIGNAL: {0}".format(is_signal)) # is this an inclusive signal sample for overlap studies? is_inclusive_signal = is_signal and '_inclusive' in dsname # is this a BCH-fixed sample? (temporary) is_bch_sample = 'r5470_r4540_p1344' in dsname if is_bch_sample: log.warning("this is a BCH-fixed r5470 sample") # onfilechange will contain a list of functions to be called as the # chain rolls over to each new file onfilechange = [] count_funcs = {} if datatype != datasets.DATA: # count the weighted number of events if local: def mc_weight_count(event): return event.hh_mc_weight else: def mc_weight_count(event): return event.mc_event_weight count_funcs = { 'mc_weight': mc_weight_count, } # three instances of the pileup reweighting tool are created to write # out the nominal, high and low pileup weights pileup_tool = None pileup_tool_high = None pileup_tool_low = None if local: # local means running on the skims, the output of this script # running on the grid if datatype == datasets.DATA: # merge the GRL fragments merged_grl = goodruns.GRL() def update_grl(student, grl, name, file, tree): grl |= str(file.Get('Lumi/%s' % student.metadata.treename).GetString()) onfilechange.append((update_grl, (self, merged_grl,))) if datatype == datasets.DATA: merged_cutflow = Hist(1, 0, 1, name='cutflow', type='D') else: merged_cutflow = Hist(2, 0, 2, name='cutflow', type='D') def update_cutflow(student, cutflow, name, file, tree): # record a cut-flow year = student.metadata.year datatype = student.metadata.datatype cutflow[1].value += file.cutflow_event[1].value if datatype != datasets.DATA: cutflow[2].value += file.cutflow_event_mc_weight[1].value onfilechange.append((update_cutflow, (self, merged_cutflow,))) else: # get pileup reweighting tool pileup_tool = get_pileup_reweighting_tool( year=year, use_defaults=True) pileup_tool_high = get_pileup_reweighting_tool( year=year, use_defaults=True, systematic='high') pileup_tool_low = get_pileup_reweighting_tool( year=year, use_defaults=True, systematic='low') if datatype not in (datasets.EMBED, datasets.MCEMBED): # merge TrigConfTrees metadirname = '%sMeta' % self.metadata.treename trigconfchain = ROOT.TChain('%s/TrigConfTree' % metadirname) map(trigconfchain.Add, self.files) metadir = self.output.mkdir(metadirname) metadir.cd() trigconfchain.Merge(self.output, -1, 'fast keep') self.output.cd() if datatype == datasets.DATA: # merge GRL XML strings merged_grl = goodruns.GRL() for fname in self.files: with root_open(fname) as f: for key in f.Lumi.keys(): merged_grl |= goodruns.GRL( str(key.ReadObj().GetString()), from_string=True) lumi_dir = self.output.mkdir('Lumi') lumi_dir.cd() xml_string= ROOT.TObjString(merged_grl.str()) xml_string.Write(self.metadata.treename) self.output.cd() self.output.cd() # create the output tree model = get_model(datatype, dsname, prefix=None if local else 'hh_', is_inclusive_signal=is_inclusive_signal) log.info("Output Model:\n\n{0}\n\n".format(model)) outtree = Tree(name=self.metadata.treename, model=model) if local: tree = outtree else: tree = outtree.define_object(name='tree', prefix='hh_') tree.define_object(name='tau', prefix='tau_') tree.define_object(name='tau1', prefix='tau1_') tree.define_object(name='tau2', prefix='tau2_') tree.define_object(name='truetau1', prefix='truetau1_') tree.define_object(name='truetau2', prefix='truetau2_') tree.define_object(name='jet1', prefix='jet1_') tree.define_object(name='jet2', prefix='jet2_') tree.define_object(name='jet3', prefix='jet3_') mmc_objects = [ tree.define_object(name='mmc0', prefix='mmc0_'), tree.define_object(name='mmc1', prefix='mmc1_'), tree.define_object(name='mmc2', prefix='mmc2_'), ] for mmc_obj in mmc_objects: mmc_obj.define_object(name='resonance', prefix='resonance_') mmc_obj.define_object(name='tau1', prefix='tau1_') mmc_obj.define_object(name='tau2', prefix='tau2_') mmc_obj.define_object(name='nu1', prefix='nu1_') mmc_obj.define_object(name='nu2', prefix='nu2_') mmc_obj.define_object(name='vistau1', prefix='vistau1_') mmc_obj.define_object(name='vistau2', prefix='vistau2_') trigger_emulation = TauTriggerEmulation( year=year, passthrough=local or datatype != datasets.MC or year > 2011, count_funcs=count_funcs) if not trigger_emulation.passthrough: onfilechange.append( (update_trigger_trees, (self, trigger_emulation,))) trigger_config = None if datatype not in (datasets.EMBED, datasets.MCEMBED): # trigger config tool to read trigger info in the ntuples trigger_config = get_trigger_config() # update the trigger config maps on every file change onfilechange.append((update_trigger_config, (trigger_config,))) # define the list of event filters if local and syst_terms is None and not redo_selection: event_filters = None else: tau_ntrack_recounted_use_ntup = False if year > 2011: # peek at first tree to determine if the extended number of # tracks is already stored with root_open(self.files[0]) as test_file: test_tree = test_file.Get(self.metadata.treename) tau_ntrack_recounted_use_ntup = ( 'tau_out_track_n_extended' in test_tree) event_filters = EventFilterList([ GRLFilter( self.grl, passthrough=( local or ( datatype not in (datasets.DATA, datasets.EMBED))), count_funcs=count_funcs), CoreFlags( passthrough=local, count_funcs=count_funcs), EmbeddingPileupPatch( passthrough=( local or year > 2011 or datatype != datasets.EMBED), count_funcs=count_funcs), averageIntPerXingPatch( passthrough=( local or year < 2012 or datatype != datasets.MC), count_funcs=count_funcs), PileupTemplates( year=year, passthrough=( local or is_bch_sample or datatype not in ( datasets.MC, datasets.MCEMBED)), count_funcs=count_funcs), RandomSeed( datatype=datatype, count_funcs=count_funcs), BCHSampleRunNumber( passthrough=not is_bch_sample, count_funcs=count_funcs), RandomRunNumber( tree=tree, datatype=datatype, pileup_tool=pileup_tool, passthrough=local, count_funcs=count_funcs), trigger_emulation, Triggers( year=year, tree=tree, datatype=datatype, passthrough=datatype in (datasets.EMBED, datasets.MCEMBED), count_funcs=count_funcs), PileupReweight( year=year, tool=pileup_tool, tool_high=pileup_tool_high, tool_low=pileup_tool_low, tree=tree, passthrough=( local or ( datatype not in (datasets.MC, datasets.MCEMBED))), count_funcs=count_funcs), PriVertex( passthrough=local, count_funcs=count_funcs), LArError( passthrough=local, count_funcs=count_funcs), TileError( passthrough=local, count_funcs=count_funcs), TileTrips( passthrough=( local or datatype in (datasets.MC, datasets.MCEMBED)), count_funcs=count_funcs), JetCopy( tree=tree, passthrough=local, count_funcs=count_funcs), # IMPORTANT! # JetCalibration MUST COME BEFORE ANYTHING THAT REFERS TO # jet.fourvect since jet.fourvect IS CACHED! JetCalibration( datatype=datatype, year=year, verbose=very_verbose, passthrough=local or nominal_values, count_funcs=count_funcs), # in situ TES shift for 2012 data TauEnergyShift( passthrough=( local or datatype != datasets.DATA or year < 2012 or nominal_values), count_funcs=count_funcs), # truth matching must come before systematics due to # TES_TRUE/FAKE TruthMatching( passthrough=datatype == datasets.DATA, count_funcs=count_funcs), NvtxJets( tree=tree, count_funcs=count_funcs), # PUT THE SYSTEMATICS "FILTER" BEFORE # ANY FILTERS THAT REFER TO OBJECTS # BUT AFTER CALIBRATIONS # Systematics must also come before anything that refers to # thing.fourvect since fourvect is cached! Systematics( terms=syst_terms, year=year, datatype=datatype, tree=tree, verbose=verbose, passthrough=not syst_terms, count_funcs=count_funcs), JetIsPileup( passthrough=( local or year < 2012 or datatype not in (datasets.MC, datasets.MCEMBED)), count_funcs=count_funcs), LArHole( tree=tree, passthrough=year > 2011, count_funcs=count_funcs), JetCleaning( datatype=datatype, year=year, count_funcs=count_funcs), ElectronVeto( count_funcs=count_funcs), MuonVeto( year=year, count_funcs=count_funcs), TauPT(2, thresh=20 * GeV, count_funcs=count_funcs), TauHasTrack(2, count_funcs=count_funcs), TauEta(2, count_funcs=count_funcs), TauElectronVeto(2, count_funcs=count_funcs), TauMuonVeto(2, count_funcs=count_funcs), TauAuthor(2, count_funcs=count_funcs), TauCrack(2, count_funcs=count_funcs), TauLArHole(2, tree=tree, passthrough=year > 2011, count_funcs=count_funcs), # before selecting the leading and subleading taus # be sure to only consider good candidates TauIDMedium(2, count_funcs=count_funcs), #TauTriggerMatchIndex( # config=trigger_config, # year=year, # datatype=datatype, # passthrough=datatype == datasets.EMBED, # count_funcs=count_funcs), # Select two leading taus at this point # 25 and 35 for data # 20 and 30 for MC to leave room for TES uncertainty TauLeadSublead( lead=( 35 * GeV if datatype == datasets.DATA or local else 30 * GeV), sublead=( 25 * GeV if datatype == datasets.DATA or local else 20 * GeV), count_funcs=count_funcs), # taus are sorted (in decreasing order) by pT from here on TauIDSelection( tree=tree, count_funcs=count_funcs), TaudR(3.2, count_funcs=count_funcs), #TauTriggerMatchThreshold( # datatype=datatype, # tree=tree, # count_funcs=count_funcs), TauTriggerEfficiency( year=year, datatype=datatype, tree=tree, tes_systematic=self.args.syst_terms and ( Systematics.TES_TERMS & self.args.syst_terms), passthrough=datatype == datasets.DATA, count_funcs=count_funcs), PileupScale( tree=tree, year=year, datatype=datatype, passthrough=local, count_funcs=count_funcs), TauIDScaleFactors( year=year, passthrough=datatype == datasets.DATA, count_funcs=count_funcs), TauFakeRateScaleFactors( year=year, datatype=datatype, tree=tree, tes_up=(self.args.syst_terms is not None and (Systematics.TES_FAKE_TOTAL_UP in self.args.syst_terms or Systematics.TES_FAKE_FINAL_UP in self.args.syst_terms)), tes_down=(self.args.syst_terms is not None and (Systematics.TES_FAKE_TOTAL_DOWN in self.args.syst_terms or Systematics.TES_FAKE_FINAL_DOWN in self.args.syst_terms)), passthrough=datatype in (datasets.DATA, datasets.EMBED), count_funcs=count_funcs), HiggsPT( year=year, tree=tree, passthrough=not is_signal or local, count_funcs=count_funcs), TauTrackRecounting( year=year, use_ntup_value=tau_ntrack_recounted_use_ntup, passthrough=local, count_funcs=count_funcs), MCWeight( datatype=datatype, tree=tree, passthrough=local or datatype == datasets.DATA, count_funcs=count_funcs), EmbeddingIsolation( tree=tree, passthrough=( local or year < 2012 or datatype not in (datasets.EMBED, datasets.MCEMBED)), count_funcs=count_funcs), EmbeddingCorrections( tree=tree, year=year, passthrough=( local or datatype not in (datasets.EMBED, datasets.MCEMBED)), count_funcs=count_funcs), TauSpinner( year=year, tree=tree, passthrough=( local or not (is_signal or datatype in (datasets.EMBED, datasets.MCEMBED))), count_funcs=count_funcs), # put MET recalculation after tau selection but before tau-jet # overlap removal and jet selection because of the RefAntiTau # MET correction METRecalculation( terms=syst_terms, year=year, tree=tree, refantitau=not nominal_values, verbose=verbose, very_verbose=very_verbose, count_funcs=count_funcs), TauJetOverlapRemoval( count_funcs=count_funcs), JetPreselection( count_funcs=count_funcs), NonIsolatedJet( tree=tree, count_funcs=count_funcs), JetSelection( year=year, count_funcs=count_funcs), RecoJetTrueTauMatching( passthrough=datatype == datasets.DATA or local, count_funcs=count_funcs), BCHCleaning( tree=tree, passthrough=year == 2011 or local, datatype=datatype, count_funcs=count_funcs), ClassifyInclusiveHiggsSample( tree=tree, passthrough=not is_inclusive_signal, count_funcs=count_funcs), ]) # set the event filters self.filters['event'] = event_filters # peek at first tree to determine which branches to exclude with root_open(self.files[0]) as test_file: test_tree = test_file.Get(self.metadata.treename) ignore_branches = test_tree.glob( hhbranches.REMOVE, exclude=hhbranches.KEEP) ignore_branches_output = test_tree.glob( hhbranches.REMOVE_OUTPUT, exclude=hhbranches.KEEP_OUTPUT) # initialize the TreeChain of all input files chain = TreeChain( self.metadata.treename, files=self.files, ignore_branches=ignore_branches, events=self.events, onfilechange=onfilechange, filters=event_filters, cache=True, cache_size=50000000, learn_entries=100) if local: copied = [ 'EventNumber', ] hh_buffer = TreeBuffer() buffer = TreeBuffer() for name, value in chain._buffer.items(): if name.startswith('hh_'): hh_buffer[name[3:]] = value elif name in copied: buffer[name] = value outtree.set_buffer( hh_buffer, create_branches=False, visible=True) outtree.set_buffer( buffer, create_branches=True, visible=False) else: # additional decorations on existing objects if year > 2011 and datatype in (datasets.MC, datasets.MCEMBED): class Decorations(TreeModel): jet_ispileup = stl.vector('bool') chain.set_buffer(Decorations(), create_branches=True) # include the branches in the input chain in the output tree # set branches to be removed in ignore_branches outtree.set_buffer( chain._buffer, ignore_branches=ignore_branches + ignore_branches_output, create_branches=True, ignore_duplicates=True, transfer_objects=True, visible=False) # define tree objects define_objects(chain, year) # create the BDT classifier bdt = BDTScore(year=year) # create the HttCP cp = httcpana.HttCP() # create the MMC mmc = mass.MMC(year=year) # report which packages have been loaded externaltools.report() self.output.cd() # The main event loop # the event filters above are automatically run for each event and only # the surviving events are looped on for event in chain: if local and syst_terms is None and not redo_selection: outtree.Fill() continue # sort taus and jets in decreasing order by pT event.taus.sort(key=lambda tau: tau.pt, reverse=True) event.jets.sort(key=lambda jet: jet.pt, reverse=True) # tau1 is the leading tau # tau2 is the subleading tau tau1, tau2 = event.taus jets = list(event.jets) jet1, jet2, jet3 = None, None, None beta = None # leading track tau1_lead_track_tlv = ROOT.TLorentzVector() tau1_lead_track_qoverp = -1E10 tau1_lead_track_d0 = -1E10 tau1_lead_track_z0 = -1E10 tau1_lead_track_tlv, tau1_lead_track_qoverp, tau1_lead_track_d0, tau1_lead_track_z0 = cp.find_lead_track ( tau1 ) tau1.lead_track_pt = tau1_lead_track_tlv.Pt() tau1.lead_track_eta = tau1_lead_track_tlv.Eta() tau1.lead_track_phi = tau1_lead_track_tlv.Phi() tau1_lead_track_qoverp = tau1.lead_track_qoverp tau1_lead_track_d0 = tau1.lead_track_d0 tau1_lead_track_z0 = tau1.lead_track_z0 tau2_lead_track_tlv = ROOT.TLorentzVector() tau2_lead_track_qoverp = -1E10 tau2_lead_track_d0 = -1E10 tau2_lead_track_z0 = -1E10 tau2_lead_track_tlv, tau2_lead_track_qoverp, tau2_lead_track_d0, tau2_lead_track_z0 = cp.find_lead_track ( tau2 ) tau2.lead_track_pt = tau2_lead_track_tlv.Pt() tau2.lead_track_eta = tau2_lead_track_tlv.Eta() tau2.lead_track_phi = tau2_lead_track_tlv.Phi() tau2_lead_track_qoverp = tau2.lead_track_qoverp tau2_lead_track_d0 = tau2.lead_track_d0 tau2_lead_track_z0 = tau2.lead_track_z0 if len(jets) >= 2: jet1, jet2 = jets[:2] # determine boost of system # determine jet CoM frame beta = (jet1.fourvect + jet2.fourvect).BoostVector() tree.jet_beta.copy_from(beta) jet1.fourvect_boosted.copy_from(jet1.fourvect) jet2.fourvect_boosted.copy_from(jet2.fourvect) jet1.fourvect_boosted.Boost(beta * -1) jet2.fourvect_boosted.Boost(beta * -1) tau1.fourvect_boosted.copy_from(tau1.fourvect) tau2.fourvect_boosted.copy_from(tau2.fourvect) tau1.fourvect_boosted.Boost(beta * -1) tau2.fourvect_boosted.Boost(beta * -1) tau1.min_dr_jet = min( tau1.fourvect.DeltaR(jet1.fourvect), tau1.fourvect.DeltaR(jet2.fourvect)) tau2.min_dr_jet = min( tau2.fourvect.DeltaR(jet1.fourvect), tau2.fourvect.DeltaR(jet2.fourvect)) #sphericity, aplanarity = eventshapes.sphericity_aplanarity( # [tau1.fourvect, # tau2.fourvect, # jet1.fourvect, # jet2.fourvect]) # sphericity #tree.sphericity = sphericity # aplanarity #tree.aplanarity = aplanarity #sphericity_boosted, aplanarity_boosted = eventshapes.sphericity_aplanarity( # [tau1.fourvect_boosted, # tau2.fourvect_boosted, # jet1.fourvect_boosted, # jet2.fourvect_boosted]) # sphericity #tree.sphericity_boosted = sphericity_boosted # aplanarity #tree.aplanarity_boosted = aplanarity_boosted # tau centrality (degree to which they are between the two jets) tau1.centrality = eventshapes.eta_centrality( tau1.fourvect.Eta(), jet1.fourvect.Eta(), jet2.fourvect.Eta()) tau2.centrality = eventshapes.eta_centrality( tau2.fourvect.Eta(), jet1.fourvect.Eta(), jet2.fourvect.Eta()) # boosted tau centrality tau1.centrality_boosted = eventshapes.eta_centrality( tau1.fourvect_boosted.Eta(), jet1.fourvect_boosted.Eta(), jet2.fourvect_boosted.Eta()) tau2.centrality_boosted = eventshapes.eta_centrality( tau2.fourvect_boosted.Eta(), jet1.fourvect_boosted.Eta(), jet2.fourvect_boosted.Eta()) # 3rd leading jet if len(jets) >= 3: jet3 = jets[2] jet3.fourvect_boosted.copy_from(jet3.fourvect) jet3.fourvect_boosted.Boost(beta * -1) elif len(jets) == 1: jet1 = jets[0] tau1.min_dr_jet = tau1.fourvect.DeltaR(jet1.fourvect) tau2.min_dr_jet = tau2.fourvect.DeltaR(jet1.fourvect) #sphericity, aplanarity = eventshapes.sphericity_aplanarity( # [tau1.fourvect, # tau2.fourvect, # jet1.fourvect]) # sphericity #tree.sphericity = sphericity # aplanarity #tree.aplanarity = aplanarity RecoJetBlock.set(tree, jet1, jet2, jet3, local=local) # mass of ditau + leading jet system if jet1 is not None: tree.mass_tau1_tau2_jet1 = ( tau1.fourvect + tau2.fourvect + jet1.fourvect).M() # full sphericity and aplanarity #sphericity_full, aplanarity_full = eventshapes.sphericity_aplanarity( # [tau1.fourvect, tau2.fourvect] + [jet.fourvect for jet in jets]) #tree.sphericity_full = sphericity_full #tree.aplanarity_full = aplanarity_full ##################################### # number of tracks from PV minus taus ##################################### ntrack_pv = 0 ntrack_nontau_pv = 0 privtx = ROOT.TVector3() for vxp in event.vertices: # primary vertex if vxp.type == 1: ntrack_pv = vxp.nTracks ntrack_nontau_pv = ntrack_pv - tau1.numTrack - tau2.numTrack break if vpx.type == 1 and vxp.nTrack >= 4: privtx.SetXYZ(vxp.x,vxp.y,vxp.z) break tree.ntrack_pv = ntrack_pv tree.ntrack_nontau_pv = ntrack_nontau_pv ######################### # MET variables ######################### METx = event.MET.etx METy = event.MET.ety MET = event.MET.et MET_vect = Vector2(METx, METy) MET_4vect = LorentzVector() MET_4vect.SetPxPyPzE(METx, METy, 0., MET) MET_4vect_boosted = LorentzVector() MET_4vect_boosted.copy_from(MET_4vect) if beta is not None: MET_4vect_boosted.Boost(beta * -1) tree.MET_et = MET tree.MET_etx = METx tree.MET_ety = METy tree.MET_phi = event.MET.phi dPhi_tau1_tau2 = abs(tau1.fourvect.DeltaPhi(tau2.fourvect)) dPhi_tau1_MET = abs(tau1.fourvect.DeltaPhi(MET_4vect)) dPhi_tau2_MET = abs(tau2.fourvect.DeltaPhi(MET_4vect)) tree.dPhi_tau1_tau2 = dPhi_tau1_tau2 tree.dPhi_tau1_MET = dPhi_tau1_MET tree.dPhi_tau2_MET = dPhi_tau2_MET tree.dPhi_min_tau_MET = min(dPhi_tau1_MET, dPhi_tau2_MET) tree.MET_bisecting = is_MET_bisecting( dPhi_tau1_tau2, dPhi_tau1_MET, dPhi_tau2_MET) sumET = event.MET.sumet tree.MET_sumet = sumET if sumET != 0: tree.MET_sig = ((2. * MET / GeV) / (utils.sign(sumET) * sqrt(abs(sumET / GeV)))) else: tree.MET_sig = -1. tree.MET_centrality = eventshapes.phi_centrality( tau1.fourvect, tau2.fourvect, MET_vect) tree.MET_centrality_boosted = eventshapes.phi_centrality( tau1.fourvect_boosted, tau2.fourvect_boosted, MET_4vect_boosted) tree.number_of_good_vertices = len(event.vertices) ########################## # Jet and sum pt variables ########################## tree.numJets = len(event.jets) # sum pT with only the two leading jets tree.sum_pt = sum( [tau1.pt, tau2.pt] + [jet.pt for jet in jets[:2]]) # sum pT with all selected jets tree.sum_pt_full = sum( [tau1.pt, tau2.pt] + [jet.pt for jet in jets]) # vector sum pT with two leading jets and MET tree.vector_sum_pt = sum( [tau1.fourvect, tau2.fourvect] + [jet.fourvect for jet in jets[:2]] + [MET_4vect]).Pt() # vector sum pT with all selected jets and MET tree.vector_sum_pt_full = sum( [tau1.fourvect, tau2.fourvect] + [jet.fourvect for jet in jets] + [MET_4vect]).Pt() # resonance pT tree.resonance_pt = sum( [tau1.fourvect, tau2.fourvect, MET_4vect]).Pt() ############################# # tau <-> vertex association ############################# tree.tau_same_vertex = ( tau1.privtx_x == tau2.privtx_x and tau1.privtx_y == tau2.privtx_y and tau1.privtx_z == tau2.privtx_z) tau1.vertex_prob = ROOT.TMath.Prob( tau1.privtx_chiSquared, int(tau1.privtx_numberDoF)) tau2.vertex_prob = ROOT.TMath.Prob( tau2.privtx_chiSquared, int(tau2.privtx_numberDoF)) ########################## # MMC Mass ########################## mmc_result = mmc.mass( tau1, tau2, METx, METy, sumET, njets=len(event.jets), EventNumber=event.EventNumber) mmc1_mass = 0.0 for mmc_method, mmc_object in enumerate(mmc_objects): mmc_mass, mmc_resonance, mmc_met, \ mmc_tau1, mmc_tau2, \ mmc_nu1, mmc_nu2, \ mmc_vistau1, mmc_vistau2 = mmc_result[mmc_method] if verbose: log.info("MMC (method %d): %f" % (mmc_method, mmc_mass)) if mmc_method == 1: mmc1_mass = mmc_mass mmc_object.mass = mmc_mass mmc_object.MET_et = mmc_met.Mod() mmc_object.MET_etx = mmc_met.X() mmc_object.MET_ety = mmc_met.Y() mmc_object.MET_phi = math.pi - mmc_met.Phi() if mmc_mass > 0: FourMomentum.set(mmc_object.resonance, mmc_resonance) FourMomentum.set(mmc_object.tau1, mmc_tau1) FourMomentum.set(mmc_object.tau2, mmc_tau2) FourMomentum.set(mmc_object.nu1, mmc_nu1) FourMomentum.set(mmc_object.nu2, mmc_nu2) FourMomentum.set(mmc_object.vistau1, mmc_vistau1) FourMomentum.set(mmc_object.vistau2, mmc_vistau2) ############################ # collinear and visible mass ############################ vis_mass, collin_mass, tau1_x, tau2_x = mass.collinearmass( tau1, tau2, METx, METy) tree.mass_vis_tau1_tau2 = vis_mass tree.mass_collinear_tau1_tau2 = collin_mass tau1.collinear_momentum_fraction = tau1_x tau2.collinear_momentum_fraction = tau2_x ########################### # Match jets to VBF partons ########################### #if datatype == datasets.MC and 'VBF' in dsname and year == 2011: # # get partons (already sorted by eta in hepmc) FIXME!!! # parton1, parton2 = hepmc.get_VBF_partons(event) # tree.mass_true_quark1_quark2 = (parton1.fourvect + parton2.fourvect).M() # # order here needs to be revised since jets are no longer # # sorted by eta but instead by pT # PartonBlock.set(tree, parton1, parton2) # if len(jets) >= 2: # jet1, jet2 = jets[:2] # for i, jet in zip((1, 2), (jet1, jet2)): # for parton in (parton1, parton2): # if utils.dR(jet.eta, jet.phi, parton.eta, parton.phi) < .8: # setattr(tree, 'jet%i_matched' % i, True) ############################ # MVA BDTScore ############################ # calculate BDTScore inputs_vbf = [mmc1_mass, tree.dEta_jets, tree.eta_product_jets, tree.mass_jet1_jet2, tree.tau1_centrality, tree.tau2_centrality, tree.dR_tau1_tau2, tree.MET_centrality, tree.vector_sum_pt] inputs_boosted = [mmc1_mass, tree.dR_tau1_tau2, tree.MET_centrality, tree.sum_pt_full, tree.tau_pt_ratio] tree.BDTScore_vbf_0 = bdt.get_score(event.EventNumber, 0, 'VBF', inputs_vbf) tree.BDTScore_boosted_0 = bdt.get_score(event.EventNumber, 0, 'Boosted', inputs_boosted) tree.BDTScore_vbf_1 = bdt.get_score(event.EventNumber, 1, 'VBF', inputs_vbf) tree.BDTScore_boosted_1 = bdt.get_score(event.EventNumber, 1, 'Boosted', inputs_boosted) ############################ # CP angle variables ############################ # calculate Acoplanarity angles # for pi-pi decay tree.Acoplanarity_IP = cp.Acoplanarity_IP( tau1, tau2, event.vertices ) # for pi-rho , rho-rho decay : leadtrk tree.Acoplanarity_tau1_IP_tau2_rho_leadtrk = \ cp.Acoplanarity_tau1_IP_tau2_rho_leadtrk( tau1, tau2, event.vertices ) tree.Acoplanarity_tau2_IP_tau1_rho_leadtrk = \ cp.Acoplanarity_tau2_IP_tau1_rho_leadtrk( tau1, tau2, event.vertices ) tree.Acoplanarity_rho_leadtrk = cp.Acoplanarity_rho_leadtrk( tau1, tau2 ) if year > 2011: # for pi-rho , rho-rho decay : cluster tree.Acoplanarity_tau1_IP_tau2_rho_cluster = \ cp.Acoplanarity_tau1_IP_tau2_rho_cluster( tau1, tau2, event.vertices ) tree.Acoplanarity_tau2_IP_tau1_rho_cluster = \ cp.Acoplanarity_tau2_IP_tau1_rho_cluster( tau1, tau2, event.vertices ) tree.Acoplanarity_rho_cluster = cp.Acoplanarity_rho_cluster( tau1, tau2 ) # use mmc output information for mmc_method, mmc_object in enumerate(mmc_objects): if mmc_method == 0 : tree.Acoplanarity_mmc0 = \ cp.Acoplanarity_mmc(mmc_object.vistau1, mmc_object.nu1, mmc_object.vistau2, mmc_object.nu2) tree.Acoplanarity_mmc0_visboost = \ cp.Acoplanarity_mmc_visboost(mmc_object.vistau1, mmc_object.nu1, mmc_object.vistau2, mmc_object.nu2) if mmc_method == 1 : tree.Acoplanarity_mmc1 = \ cp.Acoplanarity_mmc(mmc_object.vistau1, mmc_object.nu1, mmc_object.vistau2, mmc_object.nu2) tree.Acoplanarity_mmc1_visboost = \ cp.Acoplanarity_mmc_visboost(mmc_object.vistau1, mmc_object.nu1, mmc_object.vistau2, mmc_object.nu2) if mmc_method == 2 : tree.Acoplanarity_mmc2 = \ cp.Acoplanarity_mmc(mmc_object.vistau1, mmc_object.nu1, mmc_object.vistau2, mmc_object.nu2) tree.Acoplanarity_mmc2_visboost = \ cp.Acoplanarity_mmc_visboost(mmc_object.vistau1, mmc_object.nu1, mmc_object.vistau2, mmc_object.nu2) # Fill the tau block # This must come after the RecoJetBlock is filled since # that sets the jet_beta for boosting the taus RecoTauBlock.set(event, tree, datatype, tau1, tau2, local=local) if datatype != datasets.DATA: TrueTauBlock.set(tree, tau1, tau2) # fill the output tree outtree.Fill(reset=True) externaltools.report() # flush any baskets remaining in memory to disk self.output.cd() outtree.FlushBaskets() outtree.Write() if local: if datatype == datasets.DATA: xml_string = ROOT.TObjString(merged_grl.str()) xml_string.Write('lumi') merged_cutflow.Write()
gpl-3.0
guorendong/iridium-browser-ubuntu
third_party/jinja2/visitor.py
1402
3316
# -*- coding: utf-8 -*- """ jinja2.visitor ~~~~~~~~~~~~~~ This module implements a visitor for the nodes. :copyright: (c) 2010 by the Jinja Team. :license: BSD. """ from jinja2.nodes import Node class NodeVisitor(object): """Walks the abstract syntax tree and call visitor functions for every node found. The visitor functions may return values which will be forwarded by the `visit` method. Per default the visitor functions for the nodes are ``'visit_'`` + class name of the node. So a `TryFinally` node visit function would be `visit_TryFinally`. This behavior can be changed by overriding the `get_visitor` function. If no visitor function exists for a node (return value `None`) the `generic_visit` visitor is used instead. """ def get_visitor(self, node): """Return the visitor function for this node or `None` if no visitor exists for this node. In that case the generic visit function is used instead. """ method = 'visit_' + node.__class__.__name__ return getattr(self, method, None) def visit(self, node, *args, **kwargs): """Visit a node.""" f = self.get_visitor(node) if f is not None: return f(node, *args, **kwargs) return self.generic_visit(node, *args, **kwargs) def generic_visit(self, node, *args, **kwargs): """Called if no explicit visitor function exists for a node.""" for node in node.iter_child_nodes(): self.visit(node, *args, **kwargs) class NodeTransformer(NodeVisitor): """Walks the abstract syntax tree and allows modifications of nodes. The `NodeTransformer` will walk the AST and use the return value of the visitor functions to replace or remove the old node. If the return value of the visitor function is `None` the node will be removed from the previous location otherwise it's replaced with the return value. The return value may be the original node in which case no replacement takes place. """ def generic_visit(self, node, *args, **kwargs): for field, old_value in node.iter_fields(): if isinstance(old_value, list): new_values = [] for value in old_value: if isinstance(value, Node): value = self.visit(value, *args, **kwargs) if value is None: continue elif not isinstance(value, Node): new_values.extend(value) continue new_values.append(value) old_value[:] = new_values elif isinstance(old_value, Node): new_node = self.visit(old_value, *args, **kwargs) if new_node is None: delattr(node, field) else: setattr(node, field, new_node) return node def visit_list(self, node, *args, **kwargs): """As transformers may return lists in some places this method can be used to enforce a list as return value. """ rv = self.visit(node, *args, **kwargs) if not isinstance(rv, list): rv = [rv] return rv
bsd-3-clause
mgupta011235/TweetSafe
tfidf/gridsearch_xgb.py
1
7330
from sklearn.feature_extraction.text import TfidfVectorizer import xgboost as xgb import cPickle as pickle from string import punctuation from nltk import word_tokenize from nltk.stem import snowball import numpy as np import pandas as pd import matplotlib matplotlib.use('Agg') import matplotlib.pyplot as plt plt.style.use('ggplot') from nltk.tokenize import PunktSentenceTokenizer import multiprocessing as mp import time stemmer = snowball.SnowballStemmer("english") ############################################################################### #OHS tokenization code def load_data(filename): ''' Load data into a data frame for use in running model ''' return pickle.load(open(filename, 'rb')) def stem_tokens(tokens, stemmer): '''Stem the tokens.''' stemmed = [] for item in tokens: stemmed.append(stemmer.stem(item)) return stemmed def OHStokenize(text): '''Tokenize & stem. Stems automatically for now. Leaving "stemmer" out of function call, so it works with TfidfVectorizer''' tokens = word_tokenize(text) stems = stem_tokens(tokens, stemmer) return stems ########################################################################### # tokenization code def seperatePunct(incomingString): ''' Input:str, Output: str with all puncuations seperated by spaces ''' outstr = '' characters = set(['!','@','#','$',"%","^","&","*",":","\\", "(",")","+","=","?","\'","\"",";","/", "{","}","[","]","<",">","~","`","|"]) for char in incomingString: if char in characters: outstr = outstr + ' ' + char + ' ' else: outstr = outstr + char return outstr def hasNumbers(inputString): ''' Input: str Output: returns a 1 if the string contains a number ''' return any(char.isdigit() for char in inputString) def text_cleaner(wordList): ''' INPUT: List of words to be tokenized OUTPUT: List of tokenized words ''' tokenziedList = [] for word in wordList: #remove these substrings from the word word = word.replace('[deleted]','') word = word.replace('&gt','') #if link, replace with linktag if 'http' in word: tokenziedList.append('LINK_TAG') continue #if reference to subreddit, replace with reddittag if '/r/' in word: tokenziedList.append('SUBREDDIT_TAG') continue #if reference to reddit user, replace with usertag if '/u/' in word: tokenziedList.append('USER_TAG') continue #if reference to twitter user, replace with usertag if '@' in word: tokenziedList.append('USER_TAG') continue #if number, replace with numtag #m8 is a word, 5'10" and 54-59, 56:48 are numbers if hasNumbers(word) and not any(char.isalpha() for char in word): tokenziedList.append('NUM_TAG') continue #seperate puncuations and add to tokenizedList newwords = seperatePunct(word).split(" ") tokenziedList.extend(newwords) return tokenziedList def mytokenize(comment): ''' Input: takes in a reddit comment as a str or unicode and tokenizes it Output: a tokenized list ''' tokenizer = PunktSentenceTokenizer() sentenceList = tokenizer.tokenize(comment) wordList = [] for sentence in sentenceList: wordList.extend(sentence.split(" ")) return text_cleaner(wordList) ############################################################################## #main def search(xg_train,xg_cv,paramlist,i): '''Input: traing set, eval set, xgboost parameter list, index Output: returns a list with the parameters and the results of evaluating the auc of the model on the eval set ''' print "start i: ", i print "" #parameters param = {'max_depth':paramlist[1], 'eta':paramlist[2], 'silent':1, 'objective':'binary:logistic', 'eval_metric':'auc' } num_round = paramlist[0] watchlist = [(xg_train, 'train'), (xg_cv, 'eval')] #create dictionary to store eval results results = dict() #train model model = xgb.train(param, xg_train, num_round, watchlist, evals_result=results, verbose_eval=False) modelfilename = 'xgbfinal3_{}.model'.format(i) model.save_model(modelfilename) print "finish i: ", i print "" return [paramlist[0],paramlist[1],paramlist[2],results] if __name__ == '__main__': '''This script runs gridsearch to determine the optimal parameters for xgboost on the reddit corpus''' print "entering main..." # path = '../../data/labeledRedditComments2.p' # cvpath = '../../data/twitter_cross_val.csv' # # load_tstart = time.time() # print 'loading data...' # df = load_data(path) # dfcv = pd.read_csv(cvpath) # load_tstop = time.time() # # #take a subset of the data for testing this code # randNums = np.random.randint(low=0,high=len(df.index),size=(100,1)) # rowList = [int(row) for row in randNums] # dfsmall = df.ix[rowList,:] # # nf = dfsmall # # #create training set and labels # X = nf.body # y = nf.label # # Xcv = dfcv['tweet_text'].values # ycv = dfcv['label'].values # # vect_tstart = time.time() # print "vectorizing..." # vect = TfidfVectorizer(stop_words='english', decode_error='ignore', # tokenizer=OHStokenize) # # # fit & transform comments matrix # tfidf_X = vect.fit_transform(X) # tfidf_Xcv = vect.transform(Xcv) # vect_tstop = time.time() # # # # print "converting data..." # #convert to dense so that DMatrix doesn't drop cols with all zeros # tfidf_Xcvd = tfidf_Xcv.todense() # # #data conversion to DMatrix # xg_train = xgb.DMatrix(tfidf_X, label=y) # xg_cv = xgb.DMatrix(tfidf_Xcvd, label=ycv) print "loading vectorizer..." vect = pickle.load(open('vect.p', 'rb')) cvpath = 'twitter_cross_val.csv' dfcv = pd.read_csv(cvpath) Xcv = dfcv['tweet_text'].values ycv = dfcv['label'].values print "transforming cross val data..." tfidf_Xcv = vect.transform(Xcv) tfidf_Xcvd = tfidf_Xcv.todense() xg_cv = xgb.DMatrix(tfidf_Xcvd, label=ycv) print "loading training data..." xg_train = xgb.DMatrix('xg_train2.buffer') print 'gridsearching...' grid_tstart = time.time() results = [] i = 0 for eta in [0.3,0.6,0.9]: for max_depth in [3,4,5]: for num_rounds in [100,300,600,900]: params = [num_rounds,max_depth,eta] results.append(search(xg_train,xg_cv,params,i)) i+=1 grid_tstop = time.time() #save data to dataframe labels = ['num_rounds','max_depth','eta','eval_results'] df = pd.DataFrame(data=results,columns=labels) df.to_csv('gridsearch3_xgb.csv') # print "vect: {}".format(vect_tstop - vect_tstart) print "gridsearch: {}".format(grid_tstop - grid_tstart)
gpl-3.0
jundongl/scikit-feast
skfeature/example/test_JMI.py
3
1482
import scipy.io from sklearn.metrics import accuracy_score from sklearn import cross_validation from sklearn import svm from skfeature.function.information_theoretical_based import JMI def main(): # load data mat = scipy.io.loadmat('../data/colon.mat') X = mat['X'] # data X = X.astype(float) y = mat['Y'] # label y = y[:, 0] n_samples, n_features = X.shape # number of samples and number of features # split data into 10 folds ss = cross_validation.KFold(n_samples, n_folds=10, shuffle=True) # perform evaluation on classification task num_fea = 10 # number of selected features clf = svm.LinearSVC() # linear SVM correct = 0 for train, test in ss: # obtain the index of each feature on the training set idx,_,_ = JMI.jmi(X[train], y[train], n_selected_features=num_fea) # obtain the dataset on the selected features features = X[:, idx[0:num_fea]] # train a classification model with the selected features on the training dataset clf.fit(features[train], y[train]) # predict the class labels of test data y_predict = clf.predict(features[test]) # obtain the classification accuracy on the test data acc = accuracy_score(y[test], y_predict) correct = correct + acc # output the average classification accuracy over all 10 folds print 'Accuracy:', float(correct)/10 if __name__ == '__main__': main()
gpl-2.0
jorge2703/scikit-learn
doc/sphinxext/gen_rst.py
141
40026
""" Example generation for the scikit learn Generate the rst files for the examples by iterating over the python example files. Files that generate images should start with 'plot' """ from __future__ import division, print_function from time import time import ast import os import re import shutil import traceback import glob import sys import gzip import posixpath import subprocess import warnings from sklearn.externals import six # Try Python 2 first, otherwise load from Python 3 try: from StringIO import StringIO import cPickle as pickle import urllib2 as urllib from urllib2 import HTTPError, URLError except ImportError: from io import StringIO import pickle import urllib.request import urllib.error import urllib.parse from urllib.error import HTTPError, URLError try: # Python 2 built-in execfile except NameError: def execfile(filename, global_vars=None, local_vars=None): with open(filename, encoding='utf-8') as f: code = compile(f.read(), filename, 'exec') exec(code, global_vars, local_vars) try: basestring except NameError: basestring = str import token import tokenize import numpy as np try: # make sure that the Agg backend is set before importing any # matplotlib import matplotlib matplotlib.use('Agg') except ImportError: # this script can be imported by nosetest to find tests to run: we should not # impose the matplotlib requirement in that case. pass from sklearn.externals import joblib ############################################################################### # A tee object to redict streams to multiple outputs class Tee(object): def __init__(self, file1, file2): self.file1 = file1 self.file2 = file2 def write(self, data): self.file1.write(data) self.file2.write(data) def flush(self): self.file1.flush() self.file2.flush() ############################################################################### # Documentation link resolver objects def _get_data(url): """Helper function to get data over http or from a local file""" if url.startswith('http://'): # Try Python 2, use Python 3 on exception try: resp = urllib.urlopen(url) encoding = resp.headers.dict.get('content-encoding', 'plain') except AttributeError: resp = urllib.request.urlopen(url) encoding = resp.headers.get('content-encoding', 'plain') data = resp.read() if encoding == 'plain': pass elif encoding == 'gzip': data = StringIO(data) data = gzip.GzipFile(fileobj=data).read() else: raise RuntimeError('unknown encoding') else: with open(url, 'r') as fid: data = fid.read() fid.close() return data mem = joblib.Memory(cachedir='_build') get_data = mem.cache(_get_data) def parse_sphinx_searchindex(searchindex): """Parse a Sphinx search index Parameters ---------- searchindex : str The Sphinx search index (contents of searchindex.js) Returns ------- filenames : list of str The file names parsed from the search index. objects : dict The objects parsed from the search index. """ def _select_block(str_in, start_tag, end_tag): """Select first block delimited by start_tag and end_tag""" start_pos = str_in.find(start_tag) if start_pos < 0: raise ValueError('start_tag not found') depth = 0 for pos in range(start_pos, len(str_in)): if str_in[pos] == start_tag: depth += 1 elif str_in[pos] == end_tag: depth -= 1 if depth == 0: break sel = str_in[start_pos + 1:pos] return sel def _parse_dict_recursive(dict_str): """Parse a dictionary from the search index""" dict_out = dict() pos_last = 0 pos = dict_str.find(':') while pos >= 0: key = dict_str[pos_last:pos] if dict_str[pos + 1] == '[': # value is a list pos_tmp = dict_str.find(']', pos + 1) if pos_tmp < 0: raise RuntimeError('error when parsing dict') value = dict_str[pos + 2: pos_tmp].split(',') # try to convert elements to int for i in range(len(value)): try: value[i] = int(value[i]) except ValueError: pass elif dict_str[pos + 1] == '{': # value is another dictionary subdict_str = _select_block(dict_str[pos:], '{', '}') value = _parse_dict_recursive(subdict_str) pos_tmp = pos + len(subdict_str) else: raise ValueError('error when parsing dict: unknown elem') key = key.strip('"') if len(key) > 0: dict_out[key] = value pos_last = dict_str.find(',', pos_tmp) if pos_last < 0: break pos_last += 1 pos = dict_str.find(':', pos_last) return dict_out # Make sure searchindex uses UTF-8 encoding if hasattr(searchindex, 'decode'): searchindex = searchindex.decode('UTF-8') # parse objects query = 'objects:' pos = searchindex.find(query) if pos < 0: raise ValueError('"objects:" not found in search index') sel = _select_block(searchindex[pos:], '{', '}') objects = _parse_dict_recursive(sel) # parse filenames query = 'filenames:' pos = searchindex.find(query) if pos < 0: raise ValueError('"filenames:" not found in search index') filenames = searchindex[pos + len(query) + 1:] filenames = filenames[:filenames.find(']')] filenames = [f.strip('"') for f in filenames.split(',')] return filenames, objects class SphinxDocLinkResolver(object): """ Resolve documentation links using searchindex.js generated by Sphinx Parameters ---------- doc_url : str The base URL of the project website. searchindex : str Filename of searchindex, relative to doc_url. extra_modules_test : list of str List of extra module names to test. relative : bool Return relative links (only useful for links to documentation of this package). """ def __init__(self, doc_url, searchindex='searchindex.js', extra_modules_test=None, relative=False): self.doc_url = doc_url self.relative = relative self._link_cache = {} self.extra_modules_test = extra_modules_test self._page_cache = {} if doc_url.startswith('http://'): if relative: raise ValueError('Relative links are only supported for local ' 'URLs (doc_url cannot start with "http://)"') searchindex_url = doc_url + '/' + searchindex else: searchindex_url = os.path.join(doc_url, searchindex) # detect if we are using relative links on a Windows system if os.name.lower() == 'nt' and not doc_url.startswith('http://'): if not relative: raise ValueError('You have to use relative=True for the local' ' package on a Windows system.') self._is_windows = True else: self._is_windows = False # download and initialize the search index sindex = get_data(searchindex_url) filenames, objects = parse_sphinx_searchindex(sindex) self._searchindex = dict(filenames=filenames, objects=objects) def _get_link(self, cobj): """Get a valid link, False if not found""" fname_idx = None full_name = cobj['module_short'] + '.' + cobj['name'] if full_name in self._searchindex['objects']: value = self._searchindex['objects'][full_name] if isinstance(value, dict): value = value[next(iter(value.keys()))] fname_idx = value[0] elif cobj['module_short'] in self._searchindex['objects']: value = self._searchindex['objects'][cobj['module_short']] if cobj['name'] in value.keys(): fname_idx = value[cobj['name']][0] if fname_idx is not None: fname = self._searchindex['filenames'][fname_idx] + '.html' if self._is_windows: fname = fname.replace('/', '\\') link = os.path.join(self.doc_url, fname) else: link = posixpath.join(self.doc_url, fname) if hasattr(link, 'decode'): link = link.decode('utf-8', 'replace') if link in self._page_cache: html = self._page_cache[link] else: html = get_data(link) self._page_cache[link] = html # test if cobj appears in page comb_names = [cobj['module_short'] + '.' + cobj['name']] if self.extra_modules_test is not None: for mod in self.extra_modules_test: comb_names.append(mod + '.' + cobj['name']) url = False if hasattr(html, 'decode'): # Decode bytes under Python 3 html = html.decode('utf-8', 'replace') for comb_name in comb_names: if hasattr(comb_name, 'decode'): # Decode bytes under Python 3 comb_name = comb_name.decode('utf-8', 'replace') if comb_name in html: url = link + u'#' + comb_name link = url else: link = False return link def resolve(self, cobj, this_url): """Resolve the link to the documentation, returns None if not found Parameters ---------- cobj : dict Dict with information about the "code object" for which we are resolving a link. cobi['name'] : function or class name (str) cobj['module_short'] : shortened module name (str) cobj['module'] : module name (str) this_url: str URL of the current page. Needed to construct relative URLs (only used if relative=True in constructor). Returns ------- link : str | None The link (URL) to the documentation. """ full_name = cobj['module_short'] + '.' + cobj['name'] link = self._link_cache.get(full_name, None) if link is None: # we don't have it cached link = self._get_link(cobj) # cache it for the future self._link_cache[full_name] = link if link is False or link is None: # failed to resolve return None if self.relative: link = os.path.relpath(link, start=this_url) if self._is_windows: # replace '\' with '/' so it on the web link = link.replace('\\', '/') # for some reason, the relative link goes one directory too high up link = link[3:] return link ############################################################################### rst_template = """ .. _example_%(short_fname)s: %(docstring)s **Python source code:** :download:`%(fname)s <%(fname)s>` .. literalinclude:: %(fname)s :lines: %(end_row)s- """ plot_rst_template = """ .. _example_%(short_fname)s: %(docstring)s %(image_list)s %(stdout)s **Python source code:** :download:`%(fname)s <%(fname)s>` .. literalinclude:: %(fname)s :lines: %(end_row)s- **Total running time of the example:** %(time_elapsed) .2f seconds (%(time_m) .0f minutes %(time_s) .2f seconds) """ # The following strings are used when we have several pictures: we use # an html div tag that our CSS uses to turn the lists into horizontal # lists. HLIST_HEADER = """ .. rst-class:: horizontal """ HLIST_IMAGE_TEMPLATE = """ * .. image:: images/%s :scale: 47 """ SINGLE_IMAGE = """ .. image:: images/%s :align: center """ # The following dictionary contains the information used to create the # thumbnails for the front page of the scikit-learn home page. # key: first image in set # values: (number of plot in set, height of thumbnail) carousel_thumbs = {'plot_classifier_comparison_001.png': (1, 600), 'plot_outlier_detection_001.png': (3, 372), 'plot_gp_regression_001.png': (2, 250), 'plot_adaboost_twoclass_001.png': (1, 372), 'plot_compare_methods_001.png': (1, 349)} def extract_docstring(filename, ignore_heading=False): """ Extract a module-level docstring, if any """ if six.PY2: lines = open(filename).readlines() else: lines = open(filename, encoding='utf-8').readlines() start_row = 0 if lines[0].startswith('#!'): lines.pop(0) start_row = 1 docstring = '' first_par = '' line_iterator = iter(lines) tokens = tokenize.generate_tokens(lambda: next(line_iterator)) for tok_type, tok_content, _, (erow, _), _ in tokens: tok_type = token.tok_name[tok_type] if tok_type in ('NEWLINE', 'COMMENT', 'NL', 'INDENT', 'DEDENT'): continue elif tok_type == 'STRING': docstring = eval(tok_content) # If the docstring is formatted with several paragraphs, extract # the first one: paragraphs = '\n'.join( line.rstrip() for line in docstring.split('\n')).split('\n\n') if paragraphs: if ignore_heading: if len(paragraphs) > 1: first_par = re.sub('\n', ' ', paragraphs[1]) first_par = ((first_par[:95] + '...') if len(first_par) > 95 else first_par) else: raise ValueError("Docstring not found by gallery.\n" "Please check the layout of your" " example file:\n {}\n and make sure" " it's correct".format(filename)) else: first_par = paragraphs[0] break return docstring, first_par, erow + 1 + start_row def generate_example_rst(app): """ Generate the list of examples, as well as the contents of examples. """ root_dir = os.path.join(app.builder.srcdir, 'auto_examples') example_dir = os.path.abspath(os.path.join(app.builder.srcdir, '..', 'examples')) generated_dir = os.path.abspath(os.path.join(app.builder.srcdir, 'modules', 'generated')) try: plot_gallery = eval(app.builder.config.plot_gallery) except TypeError: plot_gallery = bool(app.builder.config.plot_gallery) if not os.path.exists(example_dir): os.makedirs(example_dir) if not os.path.exists(root_dir): os.makedirs(root_dir) if not os.path.exists(generated_dir): os.makedirs(generated_dir) # we create an index.rst with all examples fhindex = open(os.path.join(root_dir, 'index.rst'), 'w') # Note: The sidebar button has been removed from the examples page for now # due to how it messes up the layout. Will be fixed at a later point fhindex.write("""\ .. raw:: html <style type="text/css"> div#sidebarbutton { /* hide the sidebar collapser, while ensuring vertical arrangement */ display: none; } </style> .. _examples-index: Examples ======== """) # Here we don't use an os.walk, but we recurse only twice: flat is # better than nested. seen_backrefs = set() generate_dir_rst('.', fhindex, example_dir, root_dir, plot_gallery, seen_backrefs) for directory in sorted(os.listdir(example_dir)): if os.path.isdir(os.path.join(example_dir, directory)): generate_dir_rst(directory, fhindex, example_dir, root_dir, plot_gallery, seen_backrefs) fhindex.flush() def extract_line_count(filename, target_dir): # Extract the line count of a file example_file = os.path.join(target_dir, filename) if six.PY2: lines = open(example_file).readlines() else: lines = open(example_file, encoding='utf-8').readlines() start_row = 0 if lines and lines[0].startswith('#!'): lines.pop(0) start_row = 1 line_iterator = iter(lines) tokens = tokenize.generate_tokens(lambda: next(line_iterator)) check_docstring = True erow_docstring = 0 for tok_type, _, _, (erow, _), _ in tokens: tok_type = token.tok_name[tok_type] if tok_type in ('NEWLINE', 'COMMENT', 'NL', 'INDENT', 'DEDENT'): continue elif (tok_type == 'STRING') and check_docstring: erow_docstring = erow check_docstring = False return erow_docstring+1+start_row, erow+1+start_row def line_count_sort(file_list, target_dir): # Sort the list of examples by line-count new_list = [x for x in file_list if x.endswith('.py')] unsorted = np.zeros(shape=(len(new_list), 2)) unsorted = unsorted.astype(np.object) for count, exmpl in enumerate(new_list): docstr_lines, total_lines = extract_line_count(exmpl, target_dir) unsorted[count][1] = total_lines - docstr_lines unsorted[count][0] = exmpl index = np.lexsort((unsorted[:, 0].astype(np.str), unsorted[:, 1].astype(np.float))) if not len(unsorted): return [] return np.array(unsorted[index][:, 0]).tolist() def _thumbnail_div(subdir, full_dir, fname, snippet): """Generates RST to place a thumbnail in a gallery""" thumb = os.path.join(full_dir, 'images', 'thumb', fname[:-3] + '.png') link_name = os.path.join(full_dir, fname).replace(os.path.sep, '_') ref_name = os.path.join(subdir, fname).replace(os.path.sep, '_') if ref_name.startswith('._'): ref_name = ref_name[2:] out = [] out.append(""" .. raw:: html <div class="thumbnailContainer" tooltip="{}"> """.format(snippet)) out.append('.. figure:: %s\n' % thumb) if link_name.startswith('._'): link_name = link_name[2:] if full_dir != '.': out.append(' :target: ./%s/%s.html\n\n' % (full_dir, fname[:-3])) else: out.append(' :target: ./%s.html\n\n' % link_name[:-3]) out.append(""" :ref:`example_%s` .. raw:: html </div> """ % (ref_name)) return ''.join(out) def generate_dir_rst(directory, fhindex, example_dir, root_dir, plot_gallery, seen_backrefs): """ Generate the rst file for an example directory. """ if not directory == '.': target_dir = os.path.join(root_dir, directory) src_dir = os.path.join(example_dir, directory) else: target_dir = root_dir src_dir = example_dir if not os.path.exists(os.path.join(src_dir, 'README.txt')): raise ValueError('Example directory %s does not have a README.txt' % src_dir) fhindex.write(""" %s """ % open(os.path.join(src_dir, 'README.txt')).read()) if not os.path.exists(target_dir): os.makedirs(target_dir) sorted_listdir = line_count_sort(os.listdir(src_dir), src_dir) if not os.path.exists(os.path.join(directory, 'images', 'thumb')): os.makedirs(os.path.join(directory, 'images', 'thumb')) for fname in sorted_listdir: if fname.endswith('py'): backrefs = generate_file_rst(fname, target_dir, src_dir, root_dir, plot_gallery) new_fname = os.path.join(src_dir, fname) _, snippet, _ = extract_docstring(new_fname, True) fhindex.write(_thumbnail_div(directory, directory, fname, snippet)) fhindex.write(""" .. toctree:: :hidden: %s/%s """ % (directory, fname[:-3])) for backref in backrefs: include_path = os.path.join(root_dir, '../modules/generated/%s.examples' % backref) seen = backref in seen_backrefs with open(include_path, 'a' if seen else 'w') as ex_file: if not seen: # heading print(file=ex_file) print('Examples using ``%s``' % backref, file=ex_file) print('-----------------%s--' % ('-' * len(backref)), file=ex_file) print(file=ex_file) rel_dir = os.path.join('../../auto_examples', directory) ex_file.write(_thumbnail_div(directory, rel_dir, fname, snippet)) seen_backrefs.add(backref) fhindex.write(""" .. raw:: html <div class="clearer"></div> """) # clear at the end of the section # modules for which we embed links into example code DOCMODULES = ['sklearn', 'matplotlib', 'numpy', 'scipy'] def make_thumbnail(in_fname, out_fname, width, height): """Make a thumbnail with the same aspect ratio centered in an image with a given width and height """ # local import to avoid testing dependency on PIL: try: from PIL import Image except ImportError: import Image img = Image.open(in_fname) width_in, height_in = img.size scale_w = width / float(width_in) scale_h = height / float(height_in) if height_in * scale_w <= height: scale = scale_w else: scale = scale_h width_sc = int(round(scale * width_in)) height_sc = int(round(scale * height_in)) # resize the image img.thumbnail((width_sc, height_sc), Image.ANTIALIAS) # insert centered thumb = Image.new('RGB', (width, height), (255, 255, 255)) pos_insert = ((width - width_sc) // 2, (height - height_sc) // 2) thumb.paste(img, pos_insert) thumb.save(out_fname) # Use optipng to perform lossless compression on the resized image if # software is installed if os.environ.get('SKLEARN_DOC_OPTIPNG', False): try: subprocess.call(["optipng", "-quiet", "-o", "9", out_fname]) except Exception: warnings.warn('Install optipng to reduce the size of the generated images') def get_short_module_name(module_name, obj_name): """ Get the shortest possible module name """ parts = module_name.split('.') short_name = module_name for i in range(len(parts) - 1, 0, -1): short_name = '.'.join(parts[:i]) try: exec('from %s import %s' % (short_name, obj_name)) except ImportError: # get the last working module name short_name = '.'.join(parts[:(i + 1)]) break return short_name class NameFinder(ast.NodeVisitor): """Finds the longest form of variable names and their imports in code Only retains names from imported modules. """ def __init__(self): super(NameFinder, self).__init__() self.imported_names = {} self.accessed_names = set() def visit_Import(self, node, prefix=''): for alias in node.names: local_name = alias.asname or alias.name self.imported_names[local_name] = prefix + alias.name def visit_ImportFrom(self, node): self.visit_Import(node, node.module + '.') def visit_Name(self, node): self.accessed_names.add(node.id) def visit_Attribute(self, node): attrs = [] while isinstance(node, ast.Attribute): attrs.append(node.attr) node = node.value if isinstance(node, ast.Name): # This is a.b, not e.g. a().b attrs.append(node.id) self.accessed_names.add('.'.join(reversed(attrs))) else: # need to get a in a().b self.visit(node) def get_mapping(self): for name in self.accessed_names: local_name = name.split('.', 1)[0] remainder = name[len(local_name):] if local_name in self.imported_names: # Join import path to relative path full_name = self.imported_names[local_name] + remainder yield name, full_name def identify_names(code): """Builds a codeobj summary by identifying and resovles used names >>> code = ''' ... from a.b import c ... import d as e ... print(c) ... e.HelloWorld().f.g ... ''' >>> for name, o in sorted(identify_names(code).items()): ... print(name, o['name'], o['module'], o['module_short']) c c a.b a.b e.HelloWorld HelloWorld d d """ finder = NameFinder() finder.visit(ast.parse(code)) example_code_obj = {} for name, full_name in finder.get_mapping(): # name is as written in file (e.g. np.asarray) # full_name includes resolved import path (e.g. numpy.asarray) module, attribute = full_name.rsplit('.', 1) # get shortened module name module_short = get_short_module_name(module, attribute) cobj = {'name': attribute, 'module': module, 'module_short': module_short} example_code_obj[name] = cobj return example_code_obj def generate_file_rst(fname, target_dir, src_dir, root_dir, plot_gallery): """ Generate the rst file for a given example. Returns the set of sklearn functions/classes imported in the example. """ base_image_name = os.path.splitext(fname)[0] image_fname = '%s_%%03d.png' % base_image_name this_template = rst_template last_dir = os.path.split(src_dir)[-1] # to avoid leading . in file names, and wrong names in links if last_dir == '.' or last_dir == 'examples': last_dir = '' else: last_dir += '_' short_fname = last_dir + fname src_file = os.path.join(src_dir, fname) example_file = os.path.join(target_dir, fname) shutil.copyfile(src_file, example_file) # The following is a list containing all the figure names figure_list = [] image_dir = os.path.join(target_dir, 'images') thumb_dir = os.path.join(image_dir, 'thumb') if not os.path.exists(image_dir): os.makedirs(image_dir) if not os.path.exists(thumb_dir): os.makedirs(thumb_dir) image_path = os.path.join(image_dir, image_fname) stdout_path = os.path.join(image_dir, 'stdout_%s.txt' % base_image_name) time_path = os.path.join(image_dir, 'time_%s.txt' % base_image_name) thumb_file = os.path.join(thumb_dir, base_image_name + '.png') time_elapsed = 0 if plot_gallery and fname.startswith('plot'): # generate the plot as png image if file name # starts with plot and if it is more recent than an # existing image. first_image_file = image_path % 1 if os.path.exists(stdout_path): stdout = open(stdout_path).read() else: stdout = '' if os.path.exists(time_path): time_elapsed = float(open(time_path).read()) if not os.path.exists(first_image_file) or \ os.stat(first_image_file).st_mtime <= os.stat(src_file).st_mtime: # We need to execute the code print('plotting %s' % fname) t0 = time() import matplotlib.pyplot as plt plt.close('all') cwd = os.getcwd() try: # First CD in the original example dir, so that any file # created by the example get created in this directory orig_stdout = sys.stdout os.chdir(os.path.dirname(src_file)) my_buffer = StringIO() my_stdout = Tee(sys.stdout, my_buffer) sys.stdout = my_stdout my_globals = {'pl': plt} execfile(os.path.basename(src_file), my_globals) time_elapsed = time() - t0 sys.stdout = orig_stdout my_stdout = my_buffer.getvalue() if '__doc__' in my_globals: # The __doc__ is often printed in the example, we # don't with to echo it my_stdout = my_stdout.replace( my_globals['__doc__'], '') my_stdout = my_stdout.strip().expandtabs() if my_stdout: stdout = '**Script output**::\n\n %s\n\n' % ( '\n '.join(my_stdout.split('\n'))) open(stdout_path, 'w').write(stdout) open(time_path, 'w').write('%f' % time_elapsed) os.chdir(cwd) # In order to save every figure we have two solutions : # * iterate from 1 to infinity and call plt.fignum_exists(n) # (this requires the figures to be numbered # incrementally: 1, 2, 3 and not 1, 2, 5) # * iterate over [fig_mngr.num for fig_mngr in # matplotlib._pylab_helpers.Gcf.get_all_fig_managers()] fig_managers = matplotlib._pylab_helpers.Gcf.get_all_fig_managers() for fig_mngr in fig_managers: # Set the fig_num figure as the current figure as we can't # save a figure that's not the current figure. fig = plt.figure(fig_mngr.num) kwargs = {} to_rgba = matplotlib.colors.colorConverter.to_rgba for attr in ['facecolor', 'edgecolor']: fig_attr = getattr(fig, 'get_' + attr)() default_attr = matplotlib.rcParams['figure.' + attr] if to_rgba(fig_attr) != to_rgba(default_attr): kwargs[attr] = fig_attr fig.savefig(image_path % fig_mngr.num, **kwargs) figure_list.append(image_fname % fig_mngr.num) except: print(80 * '_') print('%s is not compiling:' % fname) traceback.print_exc() print(80 * '_') finally: os.chdir(cwd) sys.stdout = orig_stdout print(" - time elapsed : %.2g sec" % time_elapsed) else: figure_list = [f[len(image_dir):] for f in glob.glob(image_path.replace("%03d", '[0-9][0-9][0-9]'))] figure_list.sort() # generate thumb file this_template = plot_rst_template car_thumb_path = os.path.join(os.path.split(root_dir)[0], '_build/html/stable/_images/') # Note: normaly, make_thumbnail is used to write to the path contained in `thumb_file` # which is within `auto_examples/../images/thumbs` depending on the example. # Because the carousel has different dimensions than those of the examples gallery, # I did not simply reuse them all as some contained whitespace due to their default gallery # thumbnail size. Below, for a few cases, seperate thumbnails are created (the originals can't # just be overwritten with the carousel dimensions as it messes up the examples gallery layout). # The special carousel thumbnails are written directly to _build/html/stable/_images/, # as for some reason unknown to me, Sphinx refuses to copy my 'extra' thumbnails from the # auto examples gallery to the _build folder. This works fine as is, but it would be cleaner to # have it happen with the rest. Ideally the should be written to 'thumb_file' as well, and then # copied to the _images folder during the `Copying Downloadable Files` step like the rest. if not os.path.exists(car_thumb_path): os.makedirs(car_thumb_path) if os.path.exists(first_image_file): # We generate extra special thumbnails for the carousel carousel_tfile = os.path.join(car_thumb_path, base_image_name + '_carousel.png') first_img = image_fname % 1 if first_img in carousel_thumbs: make_thumbnail((image_path % carousel_thumbs[first_img][0]), carousel_tfile, carousel_thumbs[first_img][1], 190) make_thumbnail(first_image_file, thumb_file, 400, 280) if not os.path.exists(thumb_file): # create something to replace the thumbnail make_thumbnail('images/no_image.png', thumb_file, 200, 140) docstring, short_desc, end_row = extract_docstring(example_file) # Depending on whether we have one or more figures, we're using a # horizontal list or a single rst call to 'image'. if len(figure_list) == 1: figure_name = figure_list[0] image_list = SINGLE_IMAGE % figure_name.lstrip('/') else: image_list = HLIST_HEADER for figure_name in figure_list: image_list += HLIST_IMAGE_TEMPLATE % figure_name.lstrip('/') time_m, time_s = divmod(time_elapsed, 60) f = open(os.path.join(target_dir, base_image_name + '.rst'), 'w') f.write(this_template % locals()) f.flush() # save variables so we can later add links to the documentation if six.PY2: example_code_obj = identify_names(open(example_file).read()) else: example_code_obj = \ identify_names(open(example_file, encoding='utf-8').read()) if example_code_obj: codeobj_fname = example_file[:-3] + '_codeobj.pickle' with open(codeobj_fname, 'wb') as fid: pickle.dump(example_code_obj, fid, pickle.HIGHEST_PROTOCOL) backrefs = set('{module_short}.{name}'.format(**entry) for entry in example_code_obj.values() if entry['module'].startswith('sklearn')) return backrefs def embed_code_links(app, exception): """Embed hyperlinks to documentation into example code""" if exception is not None: return print('Embedding documentation hyperlinks in examples..') if app.builder.name == 'latex': # Don't embed hyperlinks when a latex builder is used. return # Add resolvers for the packages for which we want to show links doc_resolvers = {} doc_resolvers['sklearn'] = SphinxDocLinkResolver(app.builder.outdir, relative=True) resolver_urls = { 'matplotlib': 'http://matplotlib.org', 'numpy': 'http://docs.scipy.org/doc/numpy-1.6.0', 'scipy': 'http://docs.scipy.org/doc/scipy-0.11.0/reference', } for this_module, url in resolver_urls.items(): try: doc_resolvers[this_module] = SphinxDocLinkResolver(url) except HTTPError as e: print("The following HTTP Error has occurred:\n") print(e.code) except URLError as e: print("\n...\n" "Warning: Embedding the documentation hyperlinks requires " "internet access.\nPlease check your network connection.\n" "Unable to continue embedding `{0}` links due to a URL " "Error:\n".format(this_module)) print(e.args) example_dir = os.path.join(app.builder.srcdir, 'auto_examples') html_example_dir = os.path.abspath(os.path.join(app.builder.outdir, 'auto_examples')) # patterns for replacement link_pattern = '<a href="%s">%s</a>' orig_pattern = '<span class="n">%s</span>' period = '<span class="o">.</span>' for dirpath, _, filenames in os.walk(html_example_dir): for fname in filenames: print('\tprocessing: %s' % fname) full_fname = os.path.join(html_example_dir, dirpath, fname) subpath = dirpath[len(html_example_dir) + 1:] pickle_fname = os.path.join(example_dir, subpath, fname[:-5] + '_codeobj.pickle') if os.path.exists(pickle_fname): # we have a pickle file with the objects to embed links for with open(pickle_fname, 'rb') as fid: example_code_obj = pickle.load(fid) fid.close() str_repl = {} # generate replacement strings with the links for name, cobj in example_code_obj.items(): this_module = cobj['module'].split('.')[0] if this_module not in doc_resolvers: continue try: link = doc_resolvers[this_module].resolve(cobj, full_fname) except (HTTPError, URLError) as e: print("The following error has occurred:\n") print(repr(e)) continue if link is not None: parts = name.split('.') name_html = period.join(orig_pattern % part for part in parts) str_repl[name_html] = link_pattern % (link, name_html) # do the replacement in the html file # ensure greediness names = sorted(str_repl, key=len, reverse=True) expr = re.compile(r'(?<!\.)\b' + # don't follow . or word '|'.join(re.escape(name) for name in names)) def substitute_link(match): return str_repl[match.group()] if len(str_repl) > 0: with open(full_fname, 'rb') as fid: lines_in = fid.readlines() with open(full_fname, 'wb') as fid: for line in lines_in: line = line.decode('utf-8') line = expr.sub(substitute_link, line) fid.write(line.encode('utf-8')) print('[done]') def setup(app): app.connect('builder-inited', generate_example_rst) app.add_config_value('plot_gallery', True, 'html') # embed links after build is finished app.connect('build-finished', embed_code_links) # Sphinx hack: sphinx copies generated images to the build directory # each time the docs are made. If the desired image name already # exists, it appends a digit to prevent overwrites. The problem is, # the directory is never cleared. This means that each time you build # the docs, the number of images in the directory grows. # # This question has been asked on the sphinx development list, but there # was no response: http://osdir.com/ml/sphinx-dev/2011-02/msg00123.html # # The following is a hack that prevents this behavior by clearing the # image build directory each time the docs are built. If sphinx # changes their layout between versions, this will not work (though # it should probably not cause a crash). Tested successfully # on Sphinx 1.0.7 build_image_dir = '_build/html/_images' if os.path.exists(build_image_dir): filelist = os.listdir(build_image_dir) for filename in filelist: if filename.endswith('png'): os.remove(os.path.join(build_image_dir, filename)) def setup_module(): # HACK: Stop nosetests running setup() above pass
bsd-3-clause
vigilv/scikit-learn
sklearn/neighbors/base.py
71
31147
"""Base and mixin classes for nearest neighbors""" # Authors: Jake Vanderplas <vanderplas@astro.washington.edu> # Fabian Pedregosa <fabian.pedregosa@inria.fr> # Alexandre Gramfort <alexandre.gramfort@inria.fr> # Sparseness support by Lars Buitinck <L.J.Buitinck@uva.nl> # Multi-output support by Arnaud Joly <a.joly@ulg.ac.be> # # License: BSD 3 clause (C) INRIA, University of Amsterdam import warnings from abc import ABCMeta, abstractmethod import numpy as np from scipy.sparse import csr_matrix, issparse from .ball_tree import BallTree from .kd_tree import KDTree from ..base import BaseEstimator from ..metrics import pairwise_distances from ..metrics.pairwise import PAIRWISE_DISTANCE_FUNCTIONS from ..utils import check_X_y, check_array, _get_n_jobs, gen_even_slices from ..utils.fixes import argpartition from ..utils.validation import DataConversionWarning from ..utils.validation import NotFittedError from ..externals import six from ..externals.joblib import Parallel, delayed VALID_METRICS = dict(ball_tree=BallTree.valid_metrics, kd_tree=KDTree.valid_metrics, # The following list comes from the # sklearn.metrics.pairwise doc string brute=(list(PAIRWISE_DISTANCE_FUNCTIONS.keys()) + ['braycurtis', 'canberra', 'chebyshev', 'correlation', 'cosine', 'dice', 'hamming', 'jaccard', 'kulsinski', 'mahalanobis', 'matching', 'minkowski', 'rogerstanimoto', 'russellrao', 'seuclidean', 'sokalmichener', 'sokalsneath', 'sqeuclidean', 'yule', 'wminkowski'])) VALID_METRICS_SPARSE = dict(ball_tree=[], kd_tree=[], brute=PAIRWISE_DISTANCE_FUNCTIONS.keys()) class NeighborsWarning(UserWarning): pass # Make sure that NeighborsWarning are displayed more than once warnings.simplefilter("always", NeighborsWarning) def _check_weights(weights): """Check to make sure weights are valid""" if weights in (None, 'uniform', 'distance'): return weights elif callable(weights): return weights else: raise ValueError("weights not recognized: should be 'uniform', " "'distance', or a callable function") def _get_weights(dist, weights): """Get the weights from an array of distances and a parameter ``weights`` Parameters =========== dist: ndarray The input distances weights: {'uniform', 'distance' or a callable} The kind of weighting used Returns ======== weights_arr: array of the same shape as ``dist`` if ``weights == 'uniform'``, then returns None """ if weights in (None, 'uniform'): return None elif weights == 'distance': # if user attempts to classify a point that was zero distance from one # or more training points, those training points are weighted as 1.0 # and the other points as 0.0 if dist.dtype is np.dtype(object): for point_dist_i, point_dist in enumerate(dist): # check if point_dist is iterable # (ex: RadiusNeighborClassifier.predict may set an element of # dist to 1e-6 to represent an 'outlier') if hasattr(point_dist, '__contains__') and 0. in point_dist: dist[point_dist_i] = point_dist == 0. else: dist[point_dist_i] = 1. / point_dist else: with np.errstate(divide='ignore'): dist = 1. / dist inf_mask = np.isinf(dist) inf_row = np.any(inf_mask, axis=1) dist[inf_row] = inf_mask[inf_row] return dist elif callable(weights): return weights(dist) else: raise ValueError("weights not recognized: should be 'uniform', " "'distance', or a callable function") class NeighborsBase(six.with_metaclass(ABCMeta, BaseEstimator)): """Base class for nearest neighbors estimators.""" @abstractmethod def __init__(self): pass def _init_params(self, n_neighbors=None, radius=None, algorithm='auto', leaf_size=30, metric='minkowski', p=2, metric_params=None, n_jobs=1, **kwargs): if kwargs: warnings.warn("Passing additional arguments to the metric " "function as **kwargs is deprecated " "and will no longer be supported in 0.18. " "Use metric_params instead.", DeprecationWarning, stacklevel=3) if metric_params is None: metric_params = {} metric_params.update(kwargs) self.n_neighbors = n_neighbors self.radius = radius self.algorithm = algorithm self.leaf_size = leaf_size self.metric = metric self.metric_params = metric_params self.p = p self.n_jobs = n_jobs if algorithm not in ['auto', 'brute', 'kd_tree', 'ball_tree']: raise ValueError("unrecognized algorithm: '%s'" % algorithm) if algorithm == 'auto': if metric == 'precomputed': alg_check = 'brute' else: alg_check = 'ball_tree' else: alg_check = algorithm if callable(metric): if algorithm == 'kd_tree': # callable metric is only valid for brute force and ball_tree raise ValueError( "kd_tree algorithm does not support callable metric '%s'" % metric) elif metric not in VALID_METRICS[alg_check]: raise ValueError("Metric '%s' not valid for algorithm '%s'" % (metric, algorithm)) if self.metric_params is not None and 'p' in self.metric_params: warnings.warn("Parameter p is found in metric_params. " "The corresponding parameter from __init__ " "is ignored.", SyntaxWarning, stacklevel=3) effective_p = metric_params['p'] else: effective_p = self.p if self.metric in ['wminkowski', 'minkowski'] and effective_p < 1: raise ValueError("p must be greater than one for minkowski metric") self._fit_X = None self._tree = None self._fit_method = None def _fit(self, X): if self.metric_params is None: self.effective_metric_params_ = {} else: self.effective_metric_params_ = self.metric_params.copy() effective_p = self.effective_metric_params_.get('p', self.p) if self.metric in ['wminkowski', 'minkowski']: self.effective_metric_params_['p'] = effective_p self.effective_metric_ = self.metric # For minkowski distance, use more efficient methods where available if self.metric == 'minkowski': p = self.effective_metric_params_.pop('p', 2) if p < 1: raise ValueError("p must be greater than one " "for minkowski metric") elif p == 1: self.effective_metric_ = 'manhattan' elif p == 2: self.effective_metric_ = 'euclidean' elif p == np.inf: self.effective_metric_ = 'chebyshev' else: self.effective_metric_params_['p'] = p if isinstance(X, NeighborsBase): self._fit_X = X._fit_X self._tree = X._tree self._fit_method = X._fit_method return self elif isinstance(X, BallTree): self._fit_X = X.data self._tree = X self._fit_method = 'ball_tree' return self elif isinstance(X, KDTree): self._fit_X = X.data self._tree = X self._fit_method = 'kd_tree' return self X = check_array(X, accept_sparse='csr') n_samples = X.shape[0] if n_samples == 0: raise ValueError("n_samples must be greater than 0") if issparse(X): if self.algorithm not in ('auto', 'brute'): warnings.warn("cannot use tree with sparse input: " "using brute force") if self.effective_metric_ not in VALID_METRICS_SPARSE['brute']: raise ValueError("metric '%s' not valid for sparse input" % self.effective_metric_) self._fit_X = X.copy() self._tree = None self._fit_method = 'brute' return self self._fit_method = self.algorithm self._fit_X = X if self._fit_method == 'auto': # A tree approach is better for small number of neighbors, # and KDTree is generally faster when available if ((self.n_neighbors is None or self.n_neighbors < self._fit_X.shape[0] // 2) and self.metric != 'precomputed'): if self.effective_metric_ in VALID_METRICS['kd_tree']: self._fit_method = 'kd_tree' else: self._fit_method = 'ball_tree' else: self._fit_method = 'brute' if self._fit_method == 'ball_tree': self._tree = BallTree(X, self.leaf_size, metric=self.effective_metric_, **self.effective_metric_params_) elif self._fit_method == 'kd_tree': self._tree = KDTree(X, self.leaf_size, metric=self.effective_metric_, **self.effective_metric_params_) elif self._fit_method == 'brute': self._tree = None else: raise ValueError("algorithm = '%s' not recognized" % self.algorithm) if self.n_neighbors is not None: if self.n_neighbors <= 0: raise ValueError( "Expected n_neighbors > 0. Got %d" % self.n_neighbors ) return self @property def _pairwise(self): # For cross-validation routines to split data correctly return self.metric == 'precomputed' class KNeighborsMixin(object): """Mixin for k-neighbors searches""" def kneighbors(self, X=None, n_neighbors=None, return_distance=True): """Finds the K-neighbors of a point. Returns indices of and distances to the neighbors of each point. Parameters ---------- X : array-like, shape (n_query, n_features), \ or (n_query, n_indexed) if metric == 'precomputed' The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. n_neighbors : int Number of neighbors to get (default is the value passed to the constructor). return_distance : boolean, optional. Defaults to True. If False, distances will not be returned Returns ------- dist : array Array representing the lengths to points, only present if return_distance=True ind : array Indices of the nearest points in the population matrix. Examples -------- In the following example, we construct a NeighborsClassifier class from an array representing our data set and ask who's the closest point to [1,1,1] >>> samples = [[0., 0., 0.], [0., .5, 0.], [1., 1., .5]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(n_neighbors=1) >>> neigh.fit(samples) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> print(neigh.kneighbors([[1., 1., 1.]])) # doctest: +ELLIPSIS (array([[ 0.5]]), array([[2]]...)) As you can see, it returns [[0.5]], and [[2]], which means that the element is at distance 0.5 and is the third element of samples (indexes start at 0). You can also query for multiple points: >>> X = [[0., 1., 0.], [1., 0., 1.]] >>> neigh.kneighbors(X, return_distance=False) # doctest: +ELLIPSIS array([[1], [2]]...) """ if self._fit_method is None: raise NotFittedError("Must fit neighbors before querying.") if n_neighbors is None: n_neighbors = self.n_neighbors if X is not None: query_is_train = False X = check_array(X, accept_sparse='csr') else: query_is_train = True X = self._fit_X # Include an extra neighbor to account for the sample itself being # returned, which is removed later n_neighbors += 1 train_size = self._fit_X.shape[0] if n_neighbors > train_size: raise ValueError( "Expected n_neighbors <= n_samples, " " but n_samples = %d, n_neighbors = %d" % (train_size, n_neighbors) ) n_samples, _ = X.shape sample_range = np.arange(n_samples)[:, None] n_jobs = _get_n_jobs(self.n_jobs) if self._fit_method == 'brute': # for efficiency, use squared euclidean distances if self.effective_metric_ == 'euclidean': dist = pairwise_distances(X, self._fit_X, 'euclidean', n_jobs=n_jobs, squared=True) else: dist = pairwise_distances( X, self._fit_X, self.effective_metric_, n_jobs=n_jobs, **self.effective_metric_params_) neigh_ind = argpartition(dist, n_neighbors - 1, axis=1) neigh_ind = neigh_ind[:, :n_neighbors] # argpartition doesn't guarantee sorted order, so we sort again neigh_ind = neigh_ind[ sample_range, np.argsort(dist[sample_range, neigh_ind])] if return_distance: if self.effective_metric_ == 'euclidean': result = np.sqrt(dist[sample_range, neigh_ind]), neigh_ind else: result = dist[sample_range, neigh_ind], neigh_ind else: result = neigh_ind elif self._fit_method in ['ball_tree', 'kd_tree']: if issparse(X): raise ValueError( "%s does not work with sparse matrices. Densify the data, " "or set algorithm='brute'" % self._fit_method) result = Parallel(n_jobs, backend='threading')( delayed(self._tree.query, check_pickle=False)( X[s], n_neighbors, return_distance) for s in gen_even_slices(X.shape[0], n_jobs) ) if return_distance: dist, neigh_ind = tuple(zip(*result)) result = np.vstack(dist), np.vstack(neigh_ind) else: result = np.vstack(result) else: raise ValueError("internal: _fit_method not recognized") if not query_is_train: return result else: # If the query data is the same as the indexed data, we would like # to ignore the first nearest neighbor of every sample, i.e # the sample itself. if return_distance: dist, neigh_ind = result else: neigh_ind = result sample_mask = neigh_ind != sample_range # Corner case: When the number of duplicates are more # than the number of neighbors, the first NN will not # be the sample, but a duplicate. # In that case mask the first duplicate. dup_gr_nbrs = np.all(sample_mask, axis=1) sample_mask[:, 0][dup_gr_nbrs] = False neigh_ind = np.reshape( neigh_ind[sample_mask], (n_samples, n_neighbors - 1)) if return_distance: dist = np.reshape( dist[sample_mask], (n_samples, n_neighbors - 1)) return dist, neigh_ind return neigh_ind def kneighbors_graph(self, X=None, n_neighbors=None, mode='connectivity'): """Computes the (weighted) graph of k-Neighbors for points in X Parameters ---------- X : array-like, shape (n_query, n_features), \ or (n_query, n_indexed) if metric == 'precomputed' The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. n_neighbors : int Number of neighbors for each sample. (default is value passed to the constructor). mode : {'connectivity', 'distance'}, optional Type of returned matrix: 'connectivity' will return the connectivity matrix with ones and zeros, in 'distance' the edges are Euclidean distance between points. Returns ------- A : sparse matrix in CSR format, shape = [n_samples, n_samples_fit] n_samples_fit is the number of samples in the fitted data A[i, j] is assigned the weight of edge that connects i to j. Examples -------- >>> X = [[0], [3], [1]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(n_neighbors=2) >>> neigh.fit(X) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> A = neigh.kneighbors_graph(X) >>> A.toarray() array([[ 1., 0., 1.], [ 0., 1., 1.], [ 1., 0., 1.]]) See also -------- NearestNeighbors.radius_neighbors_graph """ if n_neighbors is None: n_neighbors = self.n_neighbors # kneighbors does the None handling. if X is not None: X = check_array(X, accept_sparse='csr') n_samples1 = X.shape[0] else: n_samples1 = self._fit_X.shape[0] n_samples2 = self._fit_X.shape[0] n_nonzero = n_samples1 * n_neighbors A_indptr = np.arange(0, n_nonzero + 1, n_neighbors) # construct CSR matrix representation of the k-NN graph if mode == 'connectivity': A_data = np.ones(n_samples1 * n_neighbors) A_ind = self.kneighbors(X, n_neighbors, return_distance=False) elif mode == 'distance': A_data, A_ind = self.kneighbors( X, n_neighbors, return_distance=True) A_data = np.ravel(A_data) else: raise ValueError( 'Unsupported mode, must be one of "connectivity" ' 'or "distance" but got "%s" instead' % mode) kneighbors_graph = csr_matrix((A_data, A_ind.ravel(), A_indptr), shape=(n_samples1, n_samples2)) return kneighbors_graph class RadiusNeighborsMixin(object): """Mixin for radius-based neighbors searches""" def radius_neighbors(self, X=None, radius=None, return_distance=True): """Finds the neighbors within a given radius of a point or points. Return the indices and distances of each point from the dataset lying in a ball with size ``radius`` around the points of the query array. Points lying on the boundary are included in the results. The result points are *not* necessarily sorted by distance to their query point. Parameters ---------- X : array-like, (n_samples, n_features), optional The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. radius : float Limiting distance of neighbors to return. (default is the value passed to the constructor). return_distance : boolean, optional. Defaults to True. If False, distances will not be returned Returns ------- dist : array, shape (n_samples,) of arrays Array representing the distances to each point, only present if return_distance=True. The distance values are computed according to the ``metric`` constructor parameter. ind : array, shape (n_samples,) of arrays An array of arrays of indices of the approximate nearest points from the population matrix that lie within a ball of size ``radius`` around the query points. Examples -------- In the following example, we construct a NeighborsClassifier class from an array representing our data set and ask who's the closest point to [1, 1, 1]: >>> import numpy as np >>> samples = [[0., 0., 0.], [0., .5, 0.], [1., 1., .5]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(radius=1.6) >>> neigh.fit(samples) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> rng = neigh.radius_neighbors([[1., 1., 1.]]) >>> print(np.asarray(rng[0][0])) # doctest: +ELLIPSIS [ 1.5 0.5] >>> print(np.asarray(rng[1][0])) # doctest: +ELLIPSIS [1 2] The first array returned contains the distances to all points which are closer than 1.6, while the second array returned contains their indices. In general, multiple points can be queried at the same time. Notes ----- Because the number of neighbors of each point is not necessarily equal, the results for multiple query points cannot be fit in a standard data array. For efficiency, `radius_neighbors` returns arrays of objects, where each object is a 1D array of indices or distances. """ if self._fit_method is None: raise NotFittedError("Must fit neighbors before querying.") if X is not None: query_is_train = False X = check_array(X, accept_sparse='csr') else: query_is_train = True X = self._fit_X if radius is None: radius = self.radius n_samples = X.shape[0] if self._fit_method == 'brute': # for efficiency, use squared euclidean distances if self.effective_metric_ == 'euclidean': dist = pairwise_distances(X, self._fit_X, 'euclidean', squared=True) radius *= radius else: dist = pairwise_distances(X, self._fit_X, self.effective_metric_, **self.effective_metric_params_) neigh_ind_list = [np.where(d <= radius)[0] for d in dist] # See https://github.com/numpy/numpy/issues/5456 # if you want to understand why this is initialized this way. neigh_ind = np.empty(n_samples, dtype='object') neigh_ind[:] = neigh_ind_list if return_distance: dist_array = np.empty(n_samples, dtype='object') if self.effective_metric_ == 'euclidean': dist_list = [np.sqrt(d[neigh_ind[i]]) for i, d in enumerate(dist)] else: dist_list = [d[neigh_ind[i]] for i, d in enumerate(dist)] dist_array[:] = dist_list results = dist_array, neigh_ind else: results = neigh_ind elif self._fit_method in ['ball_tree', 'kd_tree']: if issparse(X): raise ValueError( "%s does not work with sparse matrices. Densify the data, " "or set algorithm='brute'" % self._fit_method) results = self._tree.query_radius(X, radius, return_distance=return_distance) if return_distance: results = results[::-1] else: raise ValueError("internal: _fit_method not recognized") if not query_is_train: return results else: # If the query data is the same as the indexed data, we would like # to ignore the first nearest neighbor of every sample, i.e # the sample itself. if return_distance: dist, neigh_ind = results else: neigh_ind = results for ind, ind_neighbor in enumerate(neigh_ind): mask = ind_neighbor != ind neigh_ind[ind] = ind_neighbor[mask] if return_distance: dist[ind] = dist[ind][mask] if return_distance: return dist, neigh_ind return neigh_ind def radius_neighbors_graph(self, X=None, radius=None, mode='connectivity'): """Computes the (weighted) graph of Neighbors for points in X Neighborhoods are restricted the points at a distance lower than radius. Parameters ---------- X : array-like, shape = [n_samples, n_features], optional The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. radius : float Radius of neighborhoods. (default is the value passed to the constructor). mode : {'connectivity', 'distance'}, optional Type of returned matrix: 'connectivity' will return the connectivity matrix with ones and zeros, in 'distance' the edges are Euclidean distance between points. Returns ------- A : sparse matrix in CSR format, shape = [n_samples, n_samples] A[i, j] is assigned the weight of edge that connects i to j. Examples -------- >>> X = [[0], [3], [1]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(radius=1.5) >>> neigh.fit(X) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> A = neigh.radius_neighbors_graph(X) >>> A.toarray() array([[ 1., 0., 1.], [ 0., 1., 0.], [ 1., 0., 1.]]) See also -------- kneighbors_graph """ if X is not None: X = check_array(X, accept_sparse=['csr', 'csc', 'coo']) n_samples2 = self._fit_X.shape[0] if radius is None: radius = self.radius # construct CSR matrix representation of the NN graph if mode == 'connectivity': A_ind = self.radius_neighbors(X, radius, return_distance=False) A_data = None elif mode == 'distance': dist, A_ind = self.radius_neighbors(X, radius, return_distance=True) A_data = np.concatenate(list(dist)) else: raise ValueError( 'Unsupported mode, must be one of "connectivity", ' 'or "distance" but got %s instead' % mode) n_samples1 = A_ind.shape[0] n_neighbors = np.array([len(a) for a in A_ind]) A_ind = np.concatenate(list(A_ind)) if A_data is None: A_data = np.ones(len(A_ind)) A_indptr = np.concatenate((np.zeros(1, dtype=int), np.cumsum(n_neighbors))) return csr_matrix((A_data, A_ind, A_indptr), shape=(n_samples1, n_samples2)) class SupervisedFloatMixin(object): def fit(self, X, y): """Fit the model using X as training data and y as target values Parameters ---------- X : {array-like, sparse matrix, BallTree, KDTree} Training data. If array or matrix, shape [n_samples, n_features], or [n_samples, n_samples] if metric='precomputed'. y : {array-like, sparse matrix} Target values, array of float values, shape = [n_samples] or [n_samples, n_outputs] """ if not isinstance(X, (KDTree, BallTree)): X, y = check_X_y(X, y, "csr", multi_output=True) self._y = y return self._fit(X) class SupervisedIntegerMixin(object): def fit(self, X, y): """Fit the model using X as training data and y as target values Parameters ---------- X : {array-like, sparse matrix, BallTree, KDTree} Training data. If array or matrix, shape [n_samples, n_features], or [n_samples, n_samples] if metric='precomputed'. y : {array-like, sparse matrix} Target values of shape = [n_samples] or [n_samples, n_outputs] """ if not isinstance(X, (KDTree, BallTree)): X, y = check_X_y(X, y, "csr", multi_output=True) if y.ndim == 1 or y.ndim == 2 and y.shape[1] == 1: if y.ndim != 1: warnings.warn("A column-vector y was passed when a 1d array " "was expected. Please change the shape of y to " "(n_samples, ), for example using ravel().", DataConversionWarning, stacklevel=2) self.outputs_2d_ = False y = y.reshape((-1, 1)) else: self.outputs_2d_ = True self.classes_ = [] self._y = np.empty(y.shape, dtype=np.int) for k in range(self._y.shape[1]): classes, self._y[:, k] = np.unique(y[:, k], return_inverse=True) self.classes_.append(classes) if not self.outputs_2d_: self.classes_ = self.classes_[0] self._y = self._y.ravel() return self._fit(X) class UnsupervisedMixin(object): def fit(self, X, y=None): """Fit the model using X as training data Parameters ---------- X : {array-like, sparse matrix, BallTree, KDTree} Training data. If array or matrix, shape [n_samples, n_features], or [n_samples, n_samples] if metric='precomputed'. """ return self._fit(X)
bsd-3-clause
Clyde-fare/scikit-learn
sklearn/neighbors/base.py
71
31147
"""Base and mixin classes for nearest neighbors""" # Authors: Jake Vanderplas <vanderplas@astro.washington.edu> # Fabian Pedregosa <fabian.pedregosa@inria.fr> # Alexandre Gramfort <alexandre.gramfort@inria.fr> # Sparseness support by Lars Buitinck <L.J.Buitinck@uva.nl> # Multi-output support by Arnaud Joly <a.joly@ulg.ac.be> # # License: BSD 3 clause (C) INRIA, University of Amsterdam import warnings from abc import ABCMeta, abstractmethod import numpy as np from scipy.sparse import csr_matrix, issparse from .ball_tree import BallTree from .kd_tree import KDTree from ..base import BaseEstimator from ..metrics import pairwise_distances from ..metrics.pairwise import PAIRWISE_DISTANCE_FUNCTIONS from ..utils import check_X_y, check_array, _get_n_jobs, gen_even_slices from ..utils.fixes import argpartition from ..utils.validation import DataConversionWarning from ..utils.validation import NotFittedError from ..externals import six from ..externals.joblib import Parallel, delayed VALID_METRICS = dict(ball_tree=BallTree.valid_metrics, kd_tree=KDTree.valid_metrics, # The following list comes from the # sklearn.metrics.pairwise doc string brute=(list(PAIRWISE_DISTANCE_FUNCTIONS.keys()) + ['braycurtis', 'canberra', 'chebyshev', 'correlation', 'cosine', 'dice', 'hamming', 'jaccard', 'kulsinski', 'mahalanobis', 'matching', 'minkowski', 'rogerstanimoto', 'russellrao', 'seuclidean', 'sokalmichener', 'sokalsneath', 'sqeuclidean', 'yule', 'wminkowski'])) VALID_METRICS_SPARSE = dict(ball_tree=[], kd_tree=[], brute=PAIRWISE_DISTANCE_FUNCTIONS.keys()) class NeighborsWarning(UserWarning): pass # Make sure that NeighborsWarning are displayed more than once warnings.simplefilter("always", NeighborsWarning) def _check_weights(weights): """Check to make sure weights are valid""" if weights in (None, 'uniform', 'distance'): return weights elif callable(weights): return weights else: raise ValueError("weights not recognized: should be 'uniform', " "'distance', or a callable function") def _get_weights(dist, weights): """Get the weights from an array of distances and a parameter ``weights`` Parameters =========== dist: ndarray The input distances weights: {'uniform', 'distance' or a callable} The kind of weighting used Returns ======== weights_arr: array of the same shape as ``dist`` if ``weights == 'uniform'``, then returns None """ if weights in (None, 'uniform'): return None elif weights == 'distance': # if user attempts to classify a point that was zero distance from one # or more training points, those training points are weighted as 1.0 # and the other points as 0.0 if dist.dtype is np.dtype(object): for point_dist_i, point_dist in enumerate(dist): # check if point_dist is iterable # (ex: RadiusNeighborClassifier.predict may set an element of # dist to 1e-6 to represent an 'outlier') if hasattr(point_dist, '__contains__') and 0. in point_dist: dist[point_dist_i] = point_dist == 0. else: dist[point_dist_i] = 1. / point_dist else: with np.errstate(divide='ignore'): dist = 1. / dist inf_mask = np.isinf(dist) inf_row = np.any(inf_mask, axis=1) dist[inf_row] = inf_mask[inf_row] return dist elif callable(weights): return weights(dist) else: raise ValueError("weights not recognized: should be 'uniform', " "'distance', or a callable function") class NeighborsBase(six.with_metaclass(ABCMeta, BaseEstimator)): """Base class for nearest neighbors estimators.""" @abstractmethod def __init__(self): pass def _init_params(self, n_neighbors=None, radius=None, algorithm='auto', leaf_size=30, metric='minkowski', p=2, metric_params=None, n_jobs=1, **kwargs): if kwargs: warnings.warn("Passing additional arguments to the metric " "function as **kwargs is deprecated " "and will no longer be supported in 0.18. " "Use metric_params instead.", DeprecationWarning, stacklevel=3) if metric_params is None: metric_params = {} metric_params.update(kwargs) self.n_neighbors = n_neighbors self.radius = radius self.algorithm = algorithm self.leaf_size = leaf_size self.metric = metric self.metric_params = metric_params self.p = p self.n_jobs = n_jobs if algorithm not in ['auto', 'brute', 'kd_tree', 'ball_tree']: raise ValueError("unrecognized algorithm: '%s'" % algorithm) if algorithm == 'auto': if metric == 'precomputed': alg_check = 'brute' else: alg_check = 'ball_tree' else: alg_check = algorithm if callable(metric): if algorithm == 'kd_tree': # callable metric is only valid for brute force and ball_tree raise ValueError( "kd_tree algorithm does not support callable metric '%s'" % metric) elif metric not in VALID_METRICS[alg_check]: raise ValueError("Metric '%s' not valid for algorithm '%s'" % (metric, algorithm)) if self.metric_params is not None and 'p' in self.metric_params: warnings.warn("Parameter p is found in metric_params. " "The corresponding parameter from __init__ " "is ignored.", SyntaxWarning, stacklevel=3) effective_p = metric_params['p'] else: effective_p = self.p if self.metric in ['wminkowski', 'minkowski'] and effective_p < 1: raise ValueError("p must be greater than one for minkowski metric") self._fit_X = None self._tree = None self._fit_method = None def _fit(self, X): if self.metric_params is None: self.effective_metric_params_ = {} else: self.effective_metric_params_ = self.metric_params.copy() effective_p = self.effective_metric_params_.get('p', self.p) if self.metric in ['wminkowski', 'minkowski']: self.effective_metric_params_['p'] = effective_p self.effective_metric_ = self.metric # For minkowski distance, use more efficient methods where available if self.metric == 'minkowski': p = self.effective_metric_params_.pop('p', 2) if p < 1: raise ValueError("p must be greater than one " "for minkowski metric") elif p == 1: self.effective_metric_ = 'manhattan' elif p == 2: self.effective_metric_ = 'euclidean' elif p == np.inf: self.effective_metric_ = 'chebyshev' else: self.effective_metric_params_['p'] = p if isinstance(X, NeighborsBase): self._fit_X = X._fit_X self._tree = X._tree self._fit_method = X._fit_method return self elif isinstance(X, BallTree): self._fit_X = X.data self._tree = X self._fit_method = 'ball_tree' return self elif isinstance(X, KDTree): self._fit_X = X.data self._tree = X self._fit_method = 'kd_tree' return self X = check_array(X, accept_sparse='csr') n_samples = X.shape[0] if n_samples == 0: raise ValueError("n_samples must be greater than 0") if issparse(X): if self.algorithm not in ('auto', 'brute'): warnings.warn("cannot use tree with sparse input: " "using brute force") if self.effective_metric_ not in VALID_METRICS_SPARSE['brute']: raise ValueError("metric '%s' not valid for sparse input" % self.effective_metric_) self._fit_X = X.copy() self._tree = None self._fit_method = 'brute' return self self._fit_method = self.algorithm self._fit_X = X if self._fit_method == 'auto': # A tree approach is better for small number of neighbors, # and KDTree is generally faster when available if ((self.n_neighbors is None or self.n_neighbors < self._fit_X.shape[0] // 2) and self.metric != 'precomputed'): if self.effective_metric_ in VALID_METRICS['kd_tree']: self._fit_method = 'kd_tree' else: self._fit_method = 'ball_tree' else: self._fit_method = 'brute' if self._fit_method == 'ball_tree': self._tree = BallTree(X, self.leaf_size, metric=self.effective_metric_, **self.effective_metric_params_) elif self._fit_method == 'kd_tree': self._tree = KDTree(X, self.leaf_size, metric=self.effective_metric_, **self.effective_metric_params_) elif self._fit_method == 'brute': self._tree = None else: raise ValueError("algorithm = '%s' not recognized" % self.algorithm) if self.n_neighbors is not None: if self.n_neighbors <= 0: raise ValueError( "Expected n_neighbors > 0. Got %d" % self.n_neighbors ) return self @property def _pairwise(self): # For cross-validation routines to split data correctly return self.metric == 'precomputed' class KNeighborsMixin(object): """Mixin for k-neighbors searches""" def kneighbors(self, X=None, n_neighbors=None, return_distance=True): """Finds the K-neighbors of a point. Returns indices of and distances to the neighbors of each point. Parameters ---------- X : array-like, shape (n_query, n_features), \ or (n_query, n_indexed) if metric == 'precomputed' The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. n_neighbors : int Number of neighbors to get (default is the value passed to the constructor). return_distance : boolean, optional. Defaults to True. If False, distances will not be returned Returns ------- dist : array Array representing the lengths to points, only present if return_distance=True ind : array Indices of the nearest points in the population matrix. Examples -------- In the following example, we construct a NeighborsClassifier class from an array representing our data set and ask who's the closest point to [1,1,1] >>> samples = [[0., 0., 0.], [0., .5, 0.], [1., 1., .5]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(n_neighbors=1) >>> neigh.fit(samples) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> print(neigh.kneighbors([[1., 1., 1.]])) # doctest: +ELLIPSIS (array([[ 0.5]]), array([[2]]...)) As you can see, it returns [[0.5]], and [[2]], which means that the element is at distance 0.5 and is the third element of samples (indexes start at 0). You can also query for multiple points: >>> X = [[0., 1., 0.], [1., 0., 1.]] >>> neigh.kneighbors(X, return_distance=False) # doctest: +ELLIPSIS array([[1], [2]]...) """ if self._fit_method is None: raise NotFittedError("Must fit neighbors before querying.") if n_neighbors is None: n_neighbors = self.n_neighbors if X is not None: query_is_train = False X = check_array(X, accept_sparse='csr') else: query_is_train = True X = self._fit_X # Include an extra neighbor to account for the sample itself being # returned, which is removed later n_neighbors += 1 train_size = self._fit_X.shape[0] if n_neighbors > train_size: raise ValueError( "Expected n_neighbors <= n_samples, " " but n_samples = %d, n_neighbors = %d" % (train_size, n_neighbors) ) n_samples, _ = X.shape sample_range = np.arange(n_samples)[:, None] n_jobs = _get_n_jobs(self.n_jobs) if self._fit_method == 'brute': # for efficiency, use squared euclidean distances if self.effective_metric_ == 'euclidean': dist = pairwise_distances(X, self._fit_X, 'euclidean', n_jobs=n_jobs, squared=True) else: dist = pairwise_distances( X, self._fit_X, self.effective_metric_, n_jobs=n_jobs, **self.effective_metric_params_) neigh_ind = argpartition(dist, n_neighbors - 1, axis=1) neigh_ind = neigh_ind[:, :n_neighbors] # argpartition doesn't guarantee sorted order, so we sort again neigh_ind = neigh_ind[ sample_range, np.argsort(dist[sample_range, neigh_ind])] if return_distance: if self.effective_metric_ == 'euclidean': result = np.sqrt(dist[sample_range, neigh_ind]), neigh_ind else: result = dist[sample_range, neigh_ind], neigh_ind else: result = neigh_ind elif self._fit_method in ['ball_tree', 'kd_tree']: if issparse(X): raise ValueError( "%s does not work with sparse matrices. Densify the data, " "or set algorithm='brute'" % self._fit_method) result = Parallel(n_jobs, backend='threading')( delayed(self._tree.query, check_pickle=False)( X[s], n_neighbors, return_distance) for s in gen_even_slices(X.shape[0], n_jobs) ) if return_distance: dist, neigh_ind = tuple(zip(*result)) result = np.vstack(dist), np.vstack(neigh_ind) else: result = np.vstack(result) else: raise ValueError("internal: _fit_method not recognized") if not query_is_train: return result else: # If the query data is the same as the indexed data, we would like # to ignore the first nearest neighbor of every sample, i.e # the sample itself. if return_distance: dist, neigh_ind = result else: neigh_ind = result sample_mask = neigh_ind != sample_range # Corner case: When the number of duplicates are more # than the number of neighbors, the first NN will not # be the sample, but a duplicate. # In that case mask the first duplicate. dup_gr_nbrs = np.all(sample_mask, axis=1) sample_mask[:, 0][dup_gr_nbrs] = False neigh_ind = np.reshape( neigh_ind[sample_mask], (n_samples, n_neighbors - 1)) if return_distance: dist = np.reshape( dist[sample_mask], (n_samples, n_neighbors - 1)) return dist, neigh_ind return neigh_ind def kneighbors_graph(self, X=None, n_neighbors=None, mode='connectivity'): """Computes the (weighted) graph of k-Neighbors for points in X Parameters ---------- X : array-like, shape (n_query, n_features), \ or (n_query, n_indexed) if metric == 'precomputed' The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. n_neighbors : int Number of neighbors for each sample. (default is value passed to the constructor). mode : {'connectivity', 'distance'}, optional Type of returned matrix: 'connectivity' will return the connectivity matrix with ones and zeros, in 'distance' the edges are Euclidean distance between points. Returns ------- A : sparse matrix in CSR format, shape = [n_samples, n_samples_fit] n_samples_fit is the number of samples in the fitted data A[i, j] is assigned the weight of edge that connects i to j. Examples -------- >>> X = [[0], [3], [1]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(n_neighbors=2) >>> neigh.fit(X) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> A = neigh.kneighbors_graph(X) >>> A.toarray() array([[ 1., 0., 1.], [ 0., 1., 1.], [ 1., 0., 1.]]) See also -------- NearestNeighbors.radius_neighbors_graph """ if n_neighbors is None: n_neighbors = self.n_neighbors # kneighbors does the None handling. if X is not None: X = check_array(X, accept_sparse='csr') n_samples1 = X.shape[0] else: n_samples1 = self._fit_X.shape[0] n_samples2 = self._fit_X.shape[0] n_nonzero = n_samples1 * n_neighbors A_indptr = np.arange(0, n_nonzero + 1, n_neighbors) # construct CSR matrix representation of the k-NN graph if mode == 'connectivity': A_data = np.ones(n_samples1 * n_neighbors) A_ind = self.kneighbors(X, n_neighbors, return_distance=False) elif mode == 'distance': A_data, A_ind = self.kneighbors( X, n_neighbors, return_distance=True) A_data = np.ravel(A_data) else: raise ValueError( 'Unsupported mode, must be one of "connectivity" ' 'or "distance" but got "%s" instead' % mode) kneighbors_graph = csr_matrix((A_data, A_ind.ravel(), A_indptr), shape=(n_samples1, n_samples2)) return kneighbors_graph class RadiusNeighborsMixin(object): """Mixin for radius-based neighbors searches""" def radius_neighbors(self, X=None, radius=None, return_distance=True): """Finds the neighbors within a given radius of a point or points. Return the indices and distances of each point from the dataset lying in a ball with size ``radius`` around the points of the query array. Points lying on the boundary are included in the results. The result points are *not* necessarily sorted by distance to their query point. Parameters ---------- X : array-like, (n_samples, n_features), optional The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. radius : float Limiting distance of neighbors to return. (default is the value passed to the constructor). return_distance : boolean, optional. Defaults to True. If False, distances will not be returned Returns ------- dist : array, shape (n_samples,) of arrays Array representing the distances to each point, only present if return_distance=True. The distance values are computed according to the ``metric`` constructor parameter. ind : array, shape (n_samples,) of arrays An array of arrays of indices of the approximate nearest points from the population matrix that lie within a ball of size ``radius`` around the query points. Examples -------- In the following example, we construct a NeighborsClassifier class from an array representing our data set and ask who's the closest point to [1, 1, 1]: >>> import numpy as np >>> samples = [[0., 0., 0.], [0., .5, 0.], [1., 1., .5]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(radius=1.6) >>> neigh.fit(samples) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> rng = neigh.radius_neighbors([[1., 1., 1.]]) >>> print(np.asarray(rng[0][0])) # doctest: +ELLIPSIS [ 1.5 0.5] >>> print(np.asarray(rng[1][0])) # doctest: +ELLIPSIS [1 2] The first array returned contains the distances to all points which are closer than 1.6, while the second array returned contains their indices. In general, multiple points can be queried at the same time. Notes ----- Because the number of neighbors of each point is not necessarily equal, the results for multiple query points cannot be fit in a standard data array. For efficiency, `radius_neighbors` returns arrays of objects, where each object is a 1D array of indices or distances. """ if self._fit_method is None: raise NotFittedError("Must fit neighbors before querying.") if X is not None: query_is_train = False X = check_array(X, accept_sparse='csr') else: query_is_train = True X = self._fit_X if radius is None: radius = self.radius n_samples = X.shape[0] if self._fit_method == 'brute': # for efficiency, use squared euclidean distances if self.effective_metric_ == 'euclidean': dist = pairwise_distances(X, self._fit_X, 'euclidean', squared=True) radius *= radius else: dist = pairwise_distances(X, self._fit_X, self.effective_metric_, **self.effective_metric_params_) neigh_ind_list = [np.where(d <= radius)[0] for d in dist] # See https://github.com/numpy/numpy/issues/5456 # if you want to understand why this is initialized this way. neigh_ind = np.empty(n_samples, dtype='object') neigh_ind[:] = neigh_ind_list if return_distance: dist_array = np.empty(n_samples, dtype='object') if self.effective_metric_ == 'euclidean': dist_list = [np.sqrt(d[neigh_ind[i]]) for i, d in enumerate(dist)] else: dist_list = [d[neigh_ind[i]] for i, d in enumerate(dist)] dist_array[:] = dist_list results = dist_array, neigh_ind else: results = neigh_ind elif self._fit_method in ['ball_tree', 'kd_tree']: if issparse(X): raise ValueError( "%s does not work with sparse matrices. Densify the data, " "or set algorithm='brute'" % self._fit_method) results = self._tree.query_radius(X, radius, return_distance=return_distance) if return_distance: results = results[::-1] else: raise ValueError("internal: _fit_method not recognized") if not query_is_train: return results else: # If the query data is the same as the indexed data, we would like # to ignore the first nearest neighbor of every sample, i.e # the sample itself. if return_distance: dist, neigh_ind = results else: neigh_ind = results for ind, ind_neighbor in enumerate(neigh_ind): mask = ind_neighbor != ind neigh_ind[ind] = ind_neighbor[mask] if return_distance: dist[ind] = dist[ind][mask] if return_distance: return dist, neigh_ind return neigh_ind def radius_neighbors_graph(self, X=None, radius=None, mode='connectivity'): """Computes the (weighted) graph of Neighbors for points in X Neighborhoods are restricted the points at a distance lower than radius. Parameters ---------- X : array-like, shape = [n_samples, n_features], optional The query point or points. If not provided, neighbors of each indexed point are returned. In this case, the query point is not considered its own neighbor. radius : float Radius of neighborhoods. (default is the value passed to the constructor). mode : {'connectivity', 'distance'}, optional Type of returned matrix: 'connectivity' will return the connectivity matrix with ones and zeros, in 'distance' the edges are Euclidean distance between points. Returns ------- A : sparse matrix in CSR format, shape = [n_samples, n_samples] A[i, j] is assigned the weight of edge that connects i to j. Examples -------- >>> X = [[0], [3], [1]] >>> from sklearn.neighbors import NearestNeighbors >>> neigh = NearestNeighbors(radius=1.5) >>> neigh.fit(X) # doctest: +ELLIPSIS NearestNeighbors(algorithm='auto', leaf_size=30, ...) >>> A = neigh.radius_neighbors_graph(X) >>> A.toarray() array([[ 1., 0., 1.], [ 0., 1., 0.], [ 1., 0., 1.]]) See also -------- kneighbors_graph """ if X is not None: X = check_array(X, accept_sparse=['csr', 'csc', 'coo']) n_samples2 = self._fit_X.shape[0] if radius is None: radius = self.radius # construct CSR matrix representation of the NN graph if mode == 'connectivity': A_ind = self.radius_neighbors(X, radius, return_distance=False) A_data = None elif mode == 'distance': dist, A_ind = self.radius_neighbors(X, radius, return_distance=True) A_data = np.concatenate(list(dist)) else: raise ValueError( 'Unsupported mode, must be one of "connectivity", ' 'or "distance" but got %s instead' % mode) n_samples1 = A_ind.shape[0] n_neighbors = np.array([len(a) for a in A_ind]) A_ind = np.concatenate(list(A_ind)) if A_data is None: A_data = np.ones(len(A_ind)) A_indptr = np.concatenate((np.zeros(1, dtype=int), np.cumsum(n_neighbors))) return csr_matrix((A_data, A_ind, A_indptr), shape=(n_samples1, n_samples2)) class SupervisedFloatMixin(object): def fit(self, X, y): """Fit the model using X as training data and y as target values Parameters ---------- X : {array-like, sparse matrix, BallTree, KDTree} Training data. If array or matrix, shape [n_samples, n_features], or [n_samples, n_samples] if metric='precomputed'. y : {array-like, sparse matrix} Target values, array of float values, shape = [n_samples] or [n_samples, n_outputs] """ if not isinstance(X, (KDTree, BallTree)): X, y = check_X_y(X, y, "csr", multi_output=True) self._y = y return self._fit(X) class SupervisedIntegerMixin(object): def fit(self, X, y): """Fit the model using X as training data and y as target values Parameters ---------- X : {array-like, sparse matrix, BallTree, KDTree} Training data. If array or matrix, shape [n_samples, n_features], or [n_samples, n_samples] if metric='precomputed'. y : {array-like, sparse matrix} Target values of shape = [n_samples] or [n_samples, n_outputs] """ if not isinstance(X, (KDTree, BallTree)): X, y = check_X_y(X, y, "csr", multi_output=True) if y.ndim == 1 or y.ndim == 2 and y.shape[1] == 1: if y.ndim != 1: warnings.warn("A column-vector y was passed when a 1d array " "was expected. Please change the shape of y to " "(n_samples, ), for example using ravel().", DataConversionWarning, stacklevel=2) self.outputs_2d_ = False y = y.reshape((-1, 1)) else: self.outputs_2d_ = True self.classes_ = [] self._y = np.empty(y.shape, dtype=np.int) for k in range(self._y.shape[1]): classes, self._y[:, k] = np.unique(y[:, k], return_inverse=True) self.classes_.append(classes) if not self.outputs_2d_: self.classes_ = self.classes_[0] self._y = self._y.ravel() return self._fit(X) class UnsupervisedMixin(object): def fit(self, X, y=None): """Fit the model using X as training data Parameters ---------- X : {array-like, sparse matrix, BallTree, KDTree} Training data. If array or matrix, shape [n_samples, n_features], or [n_samples, n_samples] if metric='precomputed'. """ return self._fit(X)
bsd-3-clause
faneshion/MatchZoo
matchzoo/__init__.py
1
1785
from pathlib import Path USER_DIR = Path.expanduser(Path('~')).joinpath('.matchzoo') if not USER_DIR.exists(): USER_DIR.mkdir() USER_DATA_DIR = USER_DIR.joinpath('datasets') if not USER_DATA_DIR.exists(): USER_DATA_DIR.mkdir() USER_TUNED_MODELS_DIR = USER_DIR.joinpath('tuned_models') from .version import __version__ from .data_pack import DataPack from .data_pack import pack from .data_pack import load_data_pack from . import metrics from . import tasks from . import preprocessors from . import data_generator from .data_generator import DataGenerator from .data_generator import DataGeneratorBuilder from .preprocessors.chain_transform import chain_transform from . import metrics from . import losses from . import engine from . import models from . import embedding from . import datasets from . import layers from . import auto from . import contrib from .engine import hyper_spaces from .engine.base_model import load_model from .engine.base_preprocessor import load_preprocessor from .engine import callbacks from .engine.param import Param from .engine.param_table import ParamTable from .embedding.embedding import Embedding from .utils import one_hot, make_keras_optimizer_picklable from .preprocessors.build_unit_from_data_pack import build_unit_from_data_pack from .preprocessors.build_vocab_unit import build_vocab_unit # deprecated, should be removed in v2.2 from .contrib.legacy_data_generator import DPoolDataGenerator from .contrib.legacy_data_generator import DPoolPairDataGenerator from .contrib.legacy_data_generator import HistogramDataGenerator from .contrib.legacy_data_generator import HistogramPairDataGenerator from .contrib.legacy_data_generator import DynamicDataGenerator from .contrib.legacy_data_generator import PairDataGenerator
apache-2.0
analysiscenter/dataset
batchflow/models/torch/losses/binary.py
1
6582
""" Losses for binary predictions. """ import numpy as np import torch import torch.nn as nn import torch.nn.functional as F class BCE(nn.Module): """ Binary cross-entropy that allows int/float for `pos_weight`, unlike native PyTorch implementation. Parameters ---------- pos_weight : number A weight for positive examples. """ def __init__(self, pos_weight=1, reduction='mean'): super().__init__() self.pos_weight = pos_weight self.reduction = reduction def forward(self, prediction, target): pos_weight = self.pos_weight * torch.ones(1, device=prediction.device) loss = F.binary_cross_entropy_with_logits(prediction, target, pos_weight=pos_weight, reduction=self.reduction) return loss class TopK(nn.Module): """ Binary cross entropy computed only over k% worst elements. Parameters ---------- pos_weight : number A weight for positive examples. k : number Percent of worst examples to include in loss computation. """ def __init__(self, pos_weight=1, k=10): super().__init__() self.pos_weight = pos_weight self.k = k def forward(self, prediction, target): pos_weight = self.pos_weight * torch.ones(1, device=prediction.device) loss = F.binary_cross_entropy_with_logits(prediction, target, pos_weight=pos_weight, reduction='none') n = np.prod(loss.shape) loss, _ = torch.topk(loss.view(-1), int(n * self.k) // 100, sorted=False) return loss.mean() class Dice(nn.Module): """ Sørensen-Dice Coefficient as a loss function. Sudre C. et al. "`Generalised Dice overlap as a deep learning loss function for highly unbalanced segmentations <https://arxiv.org/abs/1707.03237>`_". Predictions are passed through a sigmoid function to obtain probabilities. """ def __init__(self, eps=1e-7): super().__init__() self.eps = eps def forward(self, prediction, target): prediction = torch.sigmoid(prediction) dice_coeff = 2. * (prediction * target).sum() / (prediction.sum() + target.sum() + self.eps) return 1 - dice_coeff class PenaltyDice(Dice): """ Modification of a Dice loss with additional weight towards false positives and false negatives. Yang Su et al. "` Major Vessel Segmentation on X-ray Coronary Angiography using Deep Networks with a Novel Penalty Loss Function <https://openreview.net/forum?id=H1lTh8unKN>`_". Parameters ---------- k : number Penalty coefficient: the bigger, the more weight is put on false positives and negatives. """ def __init__(self, k=3): super().__init__() self.k = k def forward(self, prediction, target): dice_loss = super().forward(prediction, target) return dice_loss / (1 + self.k*(1 - dice_loss)) class LogDice(Dice): """ Modification of a Dice loss with additional emphasis on smaller objects. Wong K. et al. "` 3D Segmentation with Exponential Logarithmic Loss for Highly Unbalanced Object Sizes <https://arxiv.org/abs/1809.00076>`_". Parameters ---------- gamma : number Modulating factor. The bigger, the more weight is put on less accurate predictions. """ def __init__(self, gamma=2.): super().__init__() self.gamma = gamma def forward(self, prediction, target): dice_loss = super().forward(prediction, target) dice_coeff = 1 - dice_loss return torch.pow(-torch.log(dice_coeff), self.gamma) class Tversky(nn.Module): """ Generalization of Dice loss with finer control over false positives and negatives weights. Salehi S. et al. "` Tversky loss function for image segmentation using 3D fully convolutional deep networks <https://arxiv.org/abs/1706.05721>`_". If `alpha` and `beta` equal 0.5, identical to Dice. If `alpha` and `beta` equal 1, identical to Jaccard loss. If `alpha` > `beta`, put more weight on false positives, and vice versa. Parameters ---------- alpha : number Weight for false positive examples. beta : number Weight for false negative examples. """ def __init__(self, alpha=1., beta=1., eps=1e-7): super().__init__() self.alpha, self.beta = alpha, beta self.eps = eps def forward(self, prediction, target): prediction = torch.sigmoid(prediction) intersection = (prediction * target).sum() false_positive = (prediction * (1 - target)).sum() false_negative = ((1 - prediction) * target).sum() tversky_coeff = intersection / (intersection + self.alpha * false_positive + self.beta * false_negative + self.eps) return 1 - tversky_coeff class FocalTversky(Tversky): """ Modification of Tversky loss with additional emphasis on harder examples. Abraham N. et al. "` A Novel Focal Tversky loss function with improved Attention U-Net for lesion segmentation <https://arxiv.org/abs/1810.07842>`_". Parameters ---------- gamma : number Modulating factor. The bigger, the more weight is put on harder examples. """ def __init__(self, alpha=1., beta=1., gamma=1.3): super().__init__(alpha=alpha, beta=beta) self.gamma = gamma def forward(self, prediction, target): tversky_loss = super().forward(prediction, target) return torch.pow(tversky_loss, self.gamma) class SSLoss(nn.Module): """ Sensitivity-specificity loss. Sensitivity is error over trues, specificity is error over falses: essentially, they correspond to `how good are we doing where we should predict True` and `how bad are we doing where we should predict False`. Parameters ---------- r : number Weight for specificity; weight for sensitivity is 1 - `r`. """ def __init__(self, r=0.1, eps=1e-7): super().__init__() self.r = r self.eps = eps def forward(self, prediction, target): prediction = torch.sigmoid(prediction) inverse = 1 - target squared_error = (target - prediction)**2 specificity = (squared_error * target).sum() / (target.sum() + self.eps) sensitivity = (squared_error * inverse).sum() / (inverse.sum() + self.eps) return self.r * specificity + (1 - self.r) * sensitivity
apache-2.0
a-doumoulakis/tensorflow
tensorflow/contrib/learn/python/learn/datasets/synthetic_test.py
108
5314
# Copyright 2016 The TensorFlow 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. # ============================================================================== from __future__ import absolute_import from __future__ import division from __future__ import print_function import six import numpy as np from tensorflow.python.platform import test from tensorflow.contrib.learn.python.learn import datasets from tensorflow.contrib.learn.python.learn.datasets import synthetic class SyntheticTest(test.TestCase): """Test synthetic dataset generation""" def test_make_dataset(self): """Test if the synthetic routine wrapper complains about the name""" self.assertRaises(ValueError, datasets.make_dataset, name='_non_existing_name') def test_all_datasets_callable(self): """Test if all methods inside the `SYNTHETIC` are callable""" self.assertIsInstance(datasets.SYNTHETIC, dict) if len(datasets.SYNTHETIC) > 0: for name, method in six.iteritems(datasets.SYNTHETIC): self.assertTrue(callable(method)) def test_circles(self): """Test if the circles are generated correctly Tests: - return type is `Dataset` - returned `data` shape is (n_samples, n_features) - returned `target` shape is (n_samples,) - set of unique classes range is [0, n_classes) TODO: - all points have the same radius, if no `noise` specified """ n_samples = 100 n_classes = 2 circ = synthetic.circles(n_samples = n_samples, noise = None, n_classes = n_classes) self.assertIsInstance(circ, datasets.base.Dataset) self.assertTupleEqual(circ.data.shape, (n_samples,2)) self.assertTupleEqual(circ.target.shape, (n_samples,)) self.assertSetEqual(set(circ.target), set(range(n_classes))) def test_circles_replicable(self): """Test if the data generation is replicable with a specified `seed` Tests: - return the same value if raised with the same seed - return different values if noise or seed is different """ seed = 42 noise = 0.1 circ0 = synthetic.circles(n_samples = 100, noise = noise, n_classes = 2, seed = seed) circ1 = synthetic.circles(n_samples = 100, noise = noise, n_classes = 2, seed = seed) np.testing.assert_array_equal(circ0.data, circ1.data) np.testing.assert_array_equal(circ0.target, circ1.target) circ1 = synthetic.circles(n_samples = 100, noise = noise, n_classes = 2, seed = seed+1) self.assertRaises(AssertionError, np.testing.assert_array_equal, circ0.data, circ1.data) self.assertRaises(AssertionError, np.testing.assert_array_equal, circ0.target, circ1.target) circ1 = synthetic.circles(n_samples = 100, noise = noise/2., n_classes = 2, seed = seed) self.assertRaises(AssertionError, np.testing.assert_array_equal, circ0.data, circ1.data) def test_spirals(self): """Test if the circles are generated correctly Tests: - if mode is unknown, ValueError is raised - return type is `Dataset` - returned `data` shape is (n_samples, n_features) - returned `target` shape is (n_samples,) - set of unique classes range is [0, n_classes) """ self.assertRaises(ValueError, synthetic.spirals, mode='_unknown_mode_spiral_') n_samples = 100 modes = ('archimedes', 'bernoulli', 'fermat') for mode in modes: spir = synthetic.spirals(n_samples = n_samples, noise = None, mode = mode) self.assertIsInstance(spir, datasets.base.Dataset) self.assertTupleEqual(spir.data.shape, (n_samples,2)) self.assertTupleEqual(spir.target.shape, (n_samples,)) self.assertSetEqual(set(spir.target), set(range(2))) def test_spirals_replicable(self): """Test if the data generation is replicable with a specified `seed` Tests: - return the same value if raised with the same seed - return different values if noise or seed is different """ seed = 42 noise = 0.1 modes = ('archimedes', 'bernoulli', 'fermat') for mode in modes: spir0 = synthetic.spirals(n_samples = 1000, noise = noise, seed = seed) spir1 = synthetic.spirals(n_samples = 1000, noise = noise, seed = seed) np.testing.assert_array_equal(spir0.data, spir1.data) np.testing.assert_array_equal(spir0.target, spir1.target) spir1 = synthetic.spirals(n_samples = 1000, noise = noise, seed = seed+1) self.assertRaises(AssertionError, np.testing.assert_array_equal, spir0.data, spir1.data) self.assertRaises(AssertionError, np.testing.assert_array_equal, spir0.target, spir1.target) spir1 = synthetic.spirals(n_samples = 1000, noise = noise/2., seed = seed) self.assertRaises(AssertionError, np.testing.assert_array_equal, spir0.data, spir1.data) if __name__ == "__main__": test.main()
apache-2.0
kchodorow/tensorflow
tensorflow/contrib/learn/python/learn/datasets/synthetic_test.py
108
5314
# Copyright 2016 The TensorFlow 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. # ============================================================================== from __future__ import absolute_import from __future__ import division from __future__ import print_function import six import numpy as np from tensorflow.python.platform import test from tensorflow.contrib.learn.python.learn import datasets from tensorflow.contrib.learn.python.learn.datasets import synthetic class SyntheticTest(test.TestCase): """Test synthetic dataset generation""" def test_make_dataset(self): """Test if the synthetic routine wrapper complains about the name""" self.assertRaises(ValueError, datasets.make_dataset, name='_non_existing_name') def test_all_datasets_callable(self): """Test if all methods inside the `SYNTHETIC` are callable""" self.assertIsInstance(datasets.SYNTHETIC, dict) if len(datasets.SYNTHETIC) > 0: for name, method in six.iteritems(datasets.SYNTHETIC): self.assertTrue(callable(method)) def test_circles(self): """Test if the circles are generated correctly Tests: - return type is `Dataset` - returned `data` shape is (n_samples, n_features) - returned `target` shape is (n_samples,) - set of unique classes range is [0, n_classes) TODO: - all points have the same radius, if no `noise` specified """ n_samples = 100 n_classes = 2 circ = synthetic.circles(n_samples = n_samples, noise = None, n_classes = n_classes) self.assertIsInstance(circ, datasets.base.Dataset) self.assertTupleEqual(circ.data.shape, (n_samples,2)) self.assertTupleEqual(circ.target.shape, (n_samples,)) self.assertSetEqual(set(circ.target), set(range(n_classes))) def test_circles_replicable(self): """Test if the data generation is replicable with a specified `seed` Tests: - return the same value if raised with the same seed - return different values if noise or seed is different """ seed = 42 noise = 0.1 circ0 = synthetic.circles(n_samples = 100, noise = noise, n_classes = 2, seed = seed) circ1 = synthetic.circles(n_samples = 100, noise = noise, n_classes = 2, seed = seed) np.testing.assert_array_equal(circ0.data, circ1.data) np.testing.assert_array_equal(circ0.target, circ1.target) circ1 = synthetic.circles(n_samples = 100, noise = noise, n_classes = 2, seed = seed+1) self.assertRaises(AssertionError, np.testing.assert_array_equal, circ0.data, circ1.data) self.assertRaises(AssertionError, np.testing.assert_array_equal, circ0.target, circ1.target) circ1 = synthetic.circles(n_samples = 100, noise = noise/2., n_classes = 2, seed = seed) self.assertRaises(AssertionError, np.testing.assert_array_equal, circ0.data, circ1.data) def test_spirals(self): """Test if the circles are generated correctly Tests: - if mode is unknown, ValueError is raised - return type is `Dataset` - returned `data` shape is (n_samples, n_features) - returned `target` shape is (n_samples,) - set of unique classes range is [0, n_classes) """ self.assertRaises(ValueError, synthetic.spirals, mode='_unknown_mode_spiral_') n_samples = 100 modes = ('archimedes', 'bernoulli', 'fermat') for mode in modes: spir = synthetic.spirals(n_samples = n_samples, noise = None, mode = mode) self.assertIsInstance(spir, datasets.base.Dataset) self.assertTupleEqual(spir.data.shape, (n_samples,2)) self.assertTupleEqual(spir.target.shape, (n_samples,)) self.assertSetEqual(set(spir.target), set(range(2))) def test_spirals_replicable(self): """Test if the data generation is replicable with a specified `seed` Tests: - return the same value if raised with the same seed - return different values if noise or seed is different """ seed = 42 noise = 0.1 modes = ('archimedes', 'bernoulli', 'fermat') for mode in modes: spir0 = synthetic.spirals(n_samples = 1000, noise = noise, seed = seed) spir1 = synthetic.spirals(n_samples = 1000, noise = noise, seed = seed) np.testing.assert_array_equal(spir0.data, spir1.data) np.testing.assert_array_equal(spir0.target, spir1.target) spir1 = synthetic.spirals(n_samples = 1000, noise = noise, seed = seed+1) self.assertRaises(AssertionError, np.testing.assert_array_equal, spir0.data, spir1.data) self.assertRaises(AssertionError, np.testing.assert_array_equal, spir0.target, spir1.target) spir1 = synthetic.spirals(n_samples = 1000, noise = noise/2., seed = seed) self.assertRaises(AssertionError, np.testing.assert_array_equal, spir0.data, spir1.data) if __name__ == "__main__": test.main()
apache-2.0
Clyde-fare/scikit-learn
examples/linear_model/plot_polynomial_interpolation.py
250
1895
#!/usr/bin/env python """ ======================== Polynomial interpolation ======================== This example demonstrates how to approximate a function with a polynomial of degree n_degree by using ridge regression. Concretely, from n_samples 1d points, it suffices to build the Vandermonde matrix, which is n_samples x n_degree+1 and has the following form: [[1, x_1, x_1 ** 2, x_1 ** 3, ...], [1, x_2, x_2 ** 2, x_2 ** 3, ...], ...] Intuitively, this matrix can be interpreted as a matrix of pseudo features (the points raised to some power). The matrix is akin to (but different from) the matrix induced by a polynomial kernel. This example shows that you can do non-linear regression with a linear model, using a pipeline to add non-linear features. Kernel methods extend this idea and can induce very high (even infinite) dimensional feature spaces. """ print(__doc__) # Author: Mathieu Blondel # Jake Vanderplas # License: BSD 3 clause import numpy as np import matplotlib.pyplot as plt from sklearn.linear_model import Ridge from sklearn.preprocessing import PolynomialFeatures from sklearn.pipeline import make_pipeline def f(x): """ function to approximate by polynomial interpolation""" return x * np.sin(x) # generate points used to plot x_plot = np.linspace(0, 10, 100) # generate points and keep a subset of them x = np.linspace(0, 10, 100) rng = np.random.RandomState(0) rng.shuffle(x) x = np.sort(x[:20]) y = f(x) # create matrix versions of these arrays X = x[:, np.newaxis] X_plot = x_plot[:, np.newaxis] plt.plot(x_plot, f(x_plot), label="ground truth") plt.scatter(x, y, label="training points") for degree in [3, 4, 5]: model = make_pipeline(PolynomialFeatures(degree), Ridge()) model.fit(X, y) y_plot = model.predict(X_plot) plt.plot(x_plot, y_plot, label="degree %d" % degree) plt.legend(loc='lower left') plt.show()
bsd-3-clause
Clyde-fare/scikit-learn
examples/bicluster/plot_spectral_coclustering.py
274
1736
""" ============================================== A demo of the Spectral Co-Clustering algorithm ============================================== This example demonstrates how to generate a dataset and bicluster it using the the Spectral Co-Clustering algorithm. The dataset is generated using the ``make_biclusters`` function, which creates a matrix of small values and implants bicluster with large values. The rows and columns are then shuffled and passed to the Spectral Co-Clustering algorithm. Rearranging the shuffled matrix to make biclusters contiguous shows how accurately the algorithm found the biclusters. """ print(__doc__) # Author: Kemal Eren <kemal@kemaleren.com> # License: BSD 3 clause import numpy as np from matplotlib import pyplot as plt from sklearn.datasets import make_biclusters from sklearn.datasets import samples_generator as sg from sklearn.cluster.bicluster import SpectralCoclustering from sklearn.metrics import consensus_score data, rows, columns = make_biclusters( shape=(300, 300), n_clusters=5, noise=5, shuffle=False, random_state=0) plt.matshow(data, cmap=plt.cm.Blues) plt.title("Original dataset") data, row_idx, col_idx = sg._shuffle(data, random_state=0) plt.matshow(data, cmap=plt.cm.Blues) plt.title("Shuffled dataset") model = SpectralCoclustering(n_clusters=5, random_state=0) model.fit(data) score = consensus_score(model.biclusters_, (rows[:, row_idx], columns[:, col_idx])) print("consensus score: {:.3f}".format(score)) fit_data = data[np.argsort(model.row_labels_)] fit_data = fit_data[:, np.argsort(model.column_labels_)] plt.matshow(fit_data, cmap=plt.cm.Blues) plt.title("After biclustering; rearranged to show biclusters") plt.show()
bsd-3-clause
fducau/AAE_pytorch
script/aae_pytorch_basic.py
1
8635
import argparse import torch import pickle import numpy as np from torch.autograd import Variable import torch.nn as nn import torch.nn.functional as F import torch.optim as optim # Training settings parser = argparse.ArgumentParser(description='PyTorch semi-supervised MNIST') parser.add_argument('--batch-size', type=int, default=100, metavar='N', help='input batch size for training (default: 100)') parser.add_argument('--epochs', type=int, default=500, metavar='N', help='number of epochs to train (default: 10)') args = parser.parse_args() cuda = torch.cuda.is_available() seed = 10 kwargs = {'num_workers': 1, 'pin_memory': True} if cuda else {} n_classes = 10 z_dim = 2 X_dim = 784 y_dim = 10 train_batch_size = args.batch_size valid_batch_size = args.batch_size N = 1000 epochs = args.epochs ################################## # Load data and create Data loaders ################################## def load_data(data_path='../data/'): print('loading data!') trainset_labeled = pickle.load(open(data_path + "train_labeled.p", "rb")) trainset_unlabeled = pickle.load(open(data_path + "train_unlabeled.p", "rb")) # Set -1 as labels for unlabeled data trainset_unlabeled.train_labels = torch.from_numpy(np.array([-1] * 47000)) validset = pickle.load(open(data_path + "validation.p", "rb")) train_labeled_loader = torch.utils.data.DataLoader(trainset_labeled, batch_size=train_batch_size, shuffle=True, **kwargs) train_unlabeled_loader = torch.utils.data.DataLoader(trainset_unlabeled, batch_size=train_batch_size, shuffle=True, **kwargs) valid_loader = torch.utils.data.DataLoader(validset, batch_size=valid_batch_size, shuffle=True) return train_labeled_loader, train_unlabeled_loader, valid_loader ################################## # Define Networks ################################## # Encoder class Q_net(nn.Module): def __init__(self): super(Q_net, self).__init__() self.lin1 = nn.Linear(X_dim, N) self.lin2 = nn.Linear(N, N) # Gaussian code (z) self.lin3gauss = nn.Linear(N, z_dim) def forward(self, x): x = F.dropout(self.lin1(x), p=0.2, training=self.training) x = F.relu(x) x = F.dropout(self.lin2(x), p=0.2, training=self.training) x = F.relu(x) xgauss = self.lin3gauss(x) return xgauss # Decoder class P_net(nn.Module): def __init__(self): super(P_net, self).__init__() self.lin1 = nn.Linear(z_dim, N) self.lin2 = nn.Linear(N, N) self.lin3 = nn.Linear(N, X_dim) def forward(self, x): x = self.lin1(x) x = F.dropout(x, p=0.2, training=self.training) x = F.relu(x) x = self.lin2(x) x = F.dropout(x, p=0.2, training=self.training) x = self.lin3(x) return F.sigmoid(x) class D_net_gauss(nn.Module): def __init__(self): super(D_net_gauss, self).__init__() self.lin1 = nn.Linear(z_dim, N) self.lin2 = nn.Linear(N, N) self.lin3 = nn.Linear(N, 1) def forward(self, x): x = F.dropout(self.lin1(x), p=0.2, training=self.training) x = F.relu(x) x = F.dropout(self.lin2(x), p=0.2, training=self.training) x = F.relu(x) return F.sigmoid(self.lin3(x)) #################### # Utility functions #################### def save_model(model, filename): print('Best model so far, saving it...') torch.save(model.state_dict(), filename) def report_loss(epoch, D_loss_gauss, G_loss, recon_loss): ''' Print loss ''' print('Epoch-{}; D_loss_gauss: {:.4}; G_loss: {:.4}; recon_loss: {:.4}'.format(epoch, D_loss_gauss.data[0], G_loss.data[0], recon_loss.data[0])) def create_latent(Q, loader): ''' Creates the latent representation for the samples in loader return: z_values: numpy array with the latent representations labels: the labels corresponding to the latent representations ''' Q.eval() labels = [] for batch_idx, (X, target) in enumerate(loader): X = X * 0.3081 + 0.1307 # X.resize_(loader.batch_size, X_dim) X, target = Variable(X), Variable(target) labels.extend(target.data.tolist()) if cuda: X, target = X.cuda(), target.cuda() # Reconstruction phase z_sample = Q(X) if batch_idx > 0: z_values = np.concatenate((z_values, np.array(z_sample.data.tolist()))) else: z_values = np.array(z_sample.data.tolist()) labels = np.array(labels) return z_values, labels #################### # Train procedure #################### def train(P, Q, D_gauss, P_decoder, Q_encoder, Q_generator, D_gauss_solver, data_loader): ''' Train procedure for one epoch. ''' TINY = 1e-15 # Set the networks in train mode (apply dropout when needed) Q.train() P.train() D_gauss.train() # Loop through the labeled and unlabeled dataset getting one batch of samples from each # The batch size has to be a divisor of the size of the dataset or it will return # invalid samples for X, target in data_loader: # Load batch and normalize samples to be between 0 and 1 X = X * 0.3081 + 0.1307 X.resize_(train_batch_size, X_dim) X, target = Variable(X), Variable(target) if cuda: X, target = X.cuda(), target.cuda() # Init gradients P.zero_grad() Q.zero_grad() D_gauss.zero_grad() ####################### # Reconstruction phase ####################### z_sample = Q(X) X_sample = P(z_sample) recon_loss = F.binary_cross_entropy(X_sample + TINY, X.resize(train_batch_size, X_dim) + TINY) recon_loss.backward() P_decoder.step() Q_encoder.step() P.zero_grad() Q.zero_grad() D_gauss.zero_grad() ####################### # Regularization phase ####################### # Discriminator Q.eval() z_real_gauss = Variable(torch.randn(train_batch_size, z_dim) * 5.) if cuda: z_real_gauss = z_real_gauss.cuda() z_fake_gauss = Q(X) D_real_gauss = D_gauss(z_real_gauss) D_fake_gauss = D_gauss(z_fake_gauss) D_loss = -torch.mean(torch.log(D_real_gauss + TINY) + torch.log(1 - D_fake_gauss + TINY)) D_loss.backward() D_gauss_solver.step() P.zero_grad() Q.zero_grad() D_gauss.zero_grad() # Generator Q.train() z_fake_gauss = Q(X) D_fake_gauss = D_gauss(z_fake_gauss) G_loss = -torch.mean(torch.log(D_fake_gauss + TINY)) G_loss.backward() Q_generator.step() P.zero_grad() Q.zero_grad() D_gauss.zero_grad() return D_loss, G_loss, recon_loss def generate_model(train_labeled_loader, train_unlabeled_loader, valid_loader): torch.manual_seed(10) if cuda: Q = Q_net().cuda() P = P_net().cuda() D_gauss = D_net_gauss().cuda() else: Q = Q_net() P = P_net() D_gauss = D_net_gauss() # Set learning rates gen_lr = 0.0001 reg_lr = 0.00005 # Set optimizators P_decoder = optim.Adam(P.parameters(), lr=gen_lr) Q_encoder = optim.Adam(Q.parameters(), lr=gen_lr) Q_generator = optim.Adam(Q.parameters(), lr=reg_lr) D_gauss_solver = optim.Adam(D_gauss.parameters(), lr=reg_lr) for epoch in range(epochs): D_loss_gauss, G_loss, recon_loss = train(P, Q, D_gauss, P_decoder, Q_encoder, Q_generator, D_gauss_solver, train_unlabeled_loader) if epoch % 10 == 0: report_loss(epoch, D_loss_gauss, G_loss, recon_loss) return Q, P if __name__ == '__main__': train_labeled_loader, train_unlabeled_loader, valid_loader = load_data() Q, P = generate_model(train_labeled_loader, train_unlabeled_loader, valid_loader)
gpl-3.0
yugangw-msft/azure-cli
src/azure-cli/azure/cli/command_modules/storage/operations/fs_directory.py
1
5712
# -------------------------------------------------------------------------------------------- # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. See License.txt in the project root for license information. # -------------------------------------------------------------------------------------------- """Custom operations for storage file datalake""" from datetime import datetime from azure.cli.core.profiles import ResourceType from knack.util import todict from ..util import get_datetime_from_string def exists(cmd, client, timeout=None): from azure.core.exceptions import HttpResponseError try: client.get_directory_properties(timeout=timeout) return True except HttpResponseError as ex: from azure.cli.command_modules.storage.track2_util import _dont_fail_on_exist StorageErrorCode = cmd.get_models("_shared.models#StorageErrorCode", resource_type=ResourceType.DATA_STORAGE_FILEDATALAKE) _dont_fail_on_exist(ex, StorageErrorCode.blob_not_found) return False def list_fs_directories(client, path=None, recursive=True, num_results=None, timeout=None): generator = client.get_paths(path=path, recursive=recursive, timeout=timeout, max_results=num_results) return list(f for f in generator if f.is_directory) def get_directory_properties(client, timeout=None): from .._transformers import transform_fs_access_output prop = todict(client.get_directory_properties(timeout=timeout)) acl = transform_fs_access_output(client.get_access_control(timeout=timeout)) result = dict(prop, **acl) return result def remove_access_control_recursive(client, acl, **kwargs): failed_entries = [] # the progress callback is invoked each time a batch is completed def progress_callback(acl_changes): # keep track of failed entries if there are any if acl_changes.batch_failures: failed_entries.extend(acl_changes.batch_failures) result = client.remove_access_control_recursive(acl=acl, progress_hook=progress_callback, **kwargs) result = todict(result) result['failedEntries'] = failed_entries return result def set_access_control_recursive(client, acl, **kwargs): failed_entries = [] # the progress callback is invoked each time a batch is completed def progress_callback(acl_changes): # keep track of failed entries if there are any if acl_changes.batch_failures: failed_entries.extend(acl_changes.batch_failures) result = client.set_access_control_recursive(acl=acl, progress_hook=progress_callback, **kwargs) result = todict(result) result['failedEntries'] = failed_entries return result def update_access_control_recursive(client, acl, **kwargs): failed_entries = [] # the progress callback is invoked each time a batch is completed def progress_callback(acl_changes): # keep track of failed entries if there are any if acl_changes.batch_failures: failed_entries.extend(acl_changes.batch_failures) result = client.update_access_control_recursive(acl=acl, progress_hook=progress_callback, **kwargs) result = todict(result) result['failedEntries'] = failed_entries return result def fix_url_path(url): # Change https://xx.dfs.core.windows.net/test/dir1%2Fdir2 to https://xx.dfs.core.windows.net/test/dir1/dir2 from urllib.parse import urlparse, urlunparse, unquote, quote url_parts = urlparse(url) fixed_path = quote(unquote(url_parts.path), '/()$=\',~') return urlunparse(url_parts[:2] + (fixed_path,) + url_parts[3:]) def generate_sas_directory_uri(client, cmd, file_system_name, directory_name, permission=None, expiry=None, start=None, id=None, ip=None, # pylint: disable=redefined-builtin protocol=None, cache_control=None, content_disposition=None, content_encoding=None, content_language=None, content_type=None, full_uri=False, as_user=False, ): from urllib.parse import quote generate_directory_sas = cmd.get_models('_shared_access_signature#generate_directory_sas') sas_kwargs = {} if as_user: user_delegation_key = client.get_user_delegation_key( get_datetime_from_string(start) if start else datetime.utcnow(), get_datetime_from_string(expiry)) sas_token = generate_directory_sas(account_name=client.account_name, file_system_name=file_system_name, directory_name=directory_name, credential=user_delegation_key if as_user else client.credential.account_key, permission=permission, expiry=expiry, start=start, policy_id=id, ip=ip, protocol=protocol, cache_control=cache_control, content_disposition=content_disposition, content_encoding=content_encoding, content_language=content_language, content_type=content_type, **sas_kwargs) sas_token = quote(sas_token, safe='&%()$=\',~') if full_uri: t_directory_client = cmd.get_models('_data_lake_directory_client#DataLakeDirectoryClient') directory_client = t_directory_client(account_url=client.url, file_system_name=file_system_name, directory_name=directory_name, credential=sas_token) return fix_url_path(directory_client.url) return sas_token
mit
williamFalcon/pytorch-lightning
tests/accelerators/test_dp.py
1
6332
# Copyright The PyTorch Lightning team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import pytest import torch import torch.nn.functional as F from torch.utils.data import DataLoader import pytorch_lightning as pl import tests.helpers.pipelines as tpipes import tests.helpers.utils as tutils from pytorch_lightning import Trainer from pytorch_lightning.callbacks import EarlyStopping from pytorch_lightning.utilities import memory from pytorch_lightning.utilities.exceptions import MisconfigurationException from tests.helpers import BoringModel, RandomDataset from tests.helpers.datamodules import ClassifDataModule from tests.helpers.runif import RunIf from tests.helpers.simple_models import ClassificationModel class CustomClassificationModelDP(ClassificationModel): def _step(self, batch, batch_idx): x, y = batch logits = self(x) return {"logits": logits, "y": y} def training_step(self, batch, batch_idx): out = self._step(batch, batch_idx) loss = F.cross_entropy(out["logits"], out["y"]) return loss def validation_step(self, batch, batch_idx): return self._step(batch, batch_idx) def test_step(self, batch, batch_idx): return self._step(batch, batch_idx) def validation_step_end(self, outputs): self.log("val_acc", self.valid_acc(outputs["logits"], outputs["y"])) def test_step_end(self, outputs): self.log("test_acc", self.test_acc(outputs["logits"], outputs["y"])) @RunIf(min_gpus=2) def test_multi_gpu_early_stop_dp(tmpdir): """Make sure DDP works. with early stopping""" tutils.set_random_master_port() dm = ClassifDataModule() model = CustomClassificationModelDP() trainer_options = dict( default_root_dir=tmpdir, callbacks=[EarlyStopping(monitor="val_acc")], max_epochs=50, limit_train_batches=10, limit_val_batches=10, gpus=[0, 1], accelerator="dp", ) tpipes.run_model_test(trainer_options, model, dm) @RunIf(min_gpus=2) def test_multi_gpu_model_dp(tmpdir): tutils.set_random_master_port() trainer_options = dict( default_root_dir=tmpdir, max_epochs=1, limit_train_batches=10, limit_val_batches=10, gpus=[0, 1], accelerator="dp", progress_bar_refresh_rate=0, ) model = BoringModel() tpipes.run_model_test(trainer_options, model) # test memory helper functions memory.get_memory_profile("min_max") class ReductionTestModel(BoringModel): def train_dataloader(self): return DataLoader(RandomDataset(32, 64), batch_size=2) def val_dataloader(self): return DataLoader(RandomDataset(32, 64), batch_size=2) def test_dataloader(self): return DataLoader(RandomDataset(32, 64), batch_size=2) def add_outputs(self, output, device): output.update( { "reduce_int": torch.tensor(device.index, dtype=torch.int, device=device), "reduce_float": torch.tensor(device.index, dtype=torch.float, device=device), } ) def training_step(self, batch, batch_idx): output = super().training_step(batch, batch_idx) self.add_outputs(output, batch.device) return output def validation_step(self, batch, batch_idx): output = super().validation_step(batch, batch_idx) self.add_outputs(output, batch.device) return output def test_step(self, batch, batch_idx): output = super().test_step(batch, batch_idx) self.add_outputs(output, batch.device) return output def training_epoch_end(self, outputs): assert outputs[0]["loss"].shape == torch.Size([]) assert outputs[0]["reduce_int"].item() == 0 # mean([0, 1]) = 0 assert outputs[0]["reduce_float"].item() == 0.5 # mean([0., 1.]) = 0.5 def test_dp_raise_exception_with_batch_transfer_hooks(tmpdir, monkeypatch): """ Test that an exception is raised when overriding batch_transfer_hooks in DP model. """ monkeypatch.setattr("torch.cuda.device_count", lambda: 2) class CustomModel(BoringModel): def transfer_batch_to_device(self, batch, device): batch = batch.to(device) return batch trainer_options = dict(default_root_dir=tmpdir, max_steps=7, gpus=[0, 1], accelerator="dp") trainer = Trainer(**trainer_options) model = CustomModel() with pytest.raises(MisconfigurationException, match=r"Overriding `transfer_batch_to_device` is not .* in DP"): trainer.fit(model) class CustomModel(BoringModel): def on_before_batch_transfer(self, batch, dataloader_idx): batch += 1 return batch trainer = Trainer(**trainer_options) model = CustomModel() with pytest.raises(MisconfigurationException, match=r"Overriding `on_before_batch_transfer` is not .* in DP"): trainer.fit(model) class CustomModel(BoringModel): def on_after_batch_transfer(self, batch, dataloader_idx): batch += 1 return batch trainer = Trainer(**trainer_options) model = CustomModel() with pytest.raises(MisconfigurationException, match=r"Overriding `on_after_batch_transfer` is not .* in DP"): trainer.fit(model) @RunIf(min_gpus=2) def test_dp_training_step_dict(tmpdir): """This test verifies that dp properly reduces dictionaries""" model = ReductionTestModel() model.training_step_end = None model.validation_step_end = None model.test_step_end = None trainer = pl.Trainer( default_root_dir=tmpdir, max_epochs=1, limit_train_batches=1, limit_val_batches=1, limit_test_batches=1, gpus=2, accelerator="dp", ) trainer.fit(model)
apache-2.0
Clyde-fare/scikit-learn
examples/linear_model/plot_omp.py
379
2263
""" =========================== Orthogonal Matching Pursuit =========================== Using orthogonal matching pursuit for recovering a sparse signal from a noisy measurement encoded with a dictionary """ print(__doc__) import matplotlib.pyplot as plt import numpy as np from sklearn.linear_model import OrthogonalMatchingPursuit from sklearn.linear_model import OrthogonalMatchingPursuitCV from sklearn.datasets import make_sparse_coded_signal n_components, n_features = 512, 100 n_nonzero_coefs = 17 # generate the data ################### # y = Xw # |x|_0 = n_nonzero_coefs y, X, w = make_sparse_coded_signal(n_samples=1, n_components=n_components, n_features=n_features, n_nonzero_coefs=n_nonzero_coefs, random_state=0) idx, = w.nonzero() # distort the clean signal ########################## y_noisy = y + 0.05 * np.random.randn(len(y)) # plot the sparse signal ######################## plt.figure(figsize=(7, 7)) plt.subplot(4, 1, 1) plt.xlim(0, 512) plt.title("Sparse signal") plt.stem(idx, w[idx]) # plot the noise-free reconstruction #################################### omp = OrthogonalMatchingPursuit(n_nonzero_coefs=n_nonzero_coefs) omp.fit(X, y) coef = omp.coef_ idx_r, = coef.nonzero() plt.subplot(4, 1, 2) plt.xlim(0, 512) plt.title("Recovered signal from noise-free measurements") plt.stem(idx_r, coef[idx_r]) # plot the noisy reconstruction ############################### omp.fit(X, y_noisy) coef = omp.coef_ idx_r, = coef.nonzero() plt.subplot(4, 1, 3) plt.xlim(0, 512) plt.title("Recovered signal from noisy measurements") plt.stem(idx_r, coef[idx_r]) # plot the noisy reconstruction with number of non-zeros set by CV ################################################################## omp_cv = OrthogonalMatchingPursuitCV() omp_cv.fit(X, y_noisy) coef = omp_cv.coef_ idx_r, = coef.nonzero() plt.subplot(4, 1, 4) plt.xlim(0, 512) plt.title("Recovered signal from noisy measurements with CV") plt.stem(idx_r, coef[idx_r]) plt.subplots_adjust(0.06, 0.04, 0.94, 0.90, 0.20, 0.38) plt.suptitle('Sparse signal recovery with Orthogonal Matching Pursuit', fontsize=16) plt.show()
bsd-3-clause
williamFalcon/pytorch-lightning
tests/accelerators/ddp_model.py
1
2010
# Copyright The PyTorch Lightning team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. """ Runs either `.fit()` or `.test()` on a single node across multiple gpus. """ import os from argparse import ArgumentParser import torch from pytorch_lightning import seed_everything, Trainer from tests.helpers.datamodules import ClassifDataModule from tests.helpers.simple_models import ClassificationModel def main(): seed_everything(4321) parser = ArgumentParser(add_help=False) parser = Trainer.add_argparse_args(parser) parser.add_argument("--trainer_method", default="fit") parser.add_argument("--tmpdir") parser.add_argument("--workdir") parser.set_defaults(gpus=2) parser.set_defaults(accelerator="ddp") args = parser.parse_args() dm = ClassifDataModule() model = ClassificationModel() trainer = Trainer.from_argparse_args(args) if args.trainer_method == "fit": trainer.fit(model, datamodule=dm) result = None elif args.trainer_method == "test": result = trainer.test(model, datamodule=dm) elif args.trainer_method == "fit_test": trainer.fit(model, datamodule=dm) result = trainer.test(model, datamodule=dm) else: raise ValueError(f"Unsupported: {args.trainer_method}") result_ext = {"status": "complete", "method": args.trainer_method, "result": result} file_path = os.path.join(args.tmpdir, "ddp.result") torch.save(result_ext, file_path) if __name__ == "__main__": main()
apache-2.0
jorge2703/scikit-learn
examples/ensemble/plot_adaboost_hastie_10_2.py
352
3576
""" ============================= Discrete versus Real AdaBoost ============================= This example is based on Figure 10.2 from Hastie et al 2009 [1] and illustrates the difference in performance between the discrete SAMME [2] boosting algorithm and real SAMME.R boosting algorithm. Both algorithms are evaluated on a binary classification task where the target Y is a non-linear function of 10 input features. Discrete SAMME AdaBoost adapts based on errors in predicted class labels whereas real SAMME.R uses the predicted class probabilities. .. [1] T. Hastie, R. Tibshirani and J. Friedman, "Elements of Statistical Learning Ed. 2", Springer, 2009. .. [2] J. Zhu, H. Zou, S. Rosset, T. Hastie, "Multi-class AdaBoost", 2009. """ print(__doc__) # Author: Peter Prettenhofer <peter.prettenhofer@gmail.com>, # Noel Dawe <noel.dawe@gmail.com> # # License: BSD 3 clause import numpy as np import matplotlib.pyplot as plt from sklearn import datasets from sklearn.tree import DecisionTreeClassifier from sklearn.metrics import zero_one_loss from sklearn.ensemble import AdaBoostClassifier n_estimators = 400 # A learning rate of 1. may not be optimal for both SAMME and SAMME.R learning_rate = 1. X, y = datasets.make_hastie_10_2(n_samples=12000, random_state=1) X_test, y_test = X[2000:], y[2000:] X_train, y_train = X[:2000], y[:2000] dt_stump = DecisionTreeClassifier(max_depth=1, min_samples_leaf=1) dt_stump.fit(X_train, y_train) dt_stump_err = 1.0 - dt_stump.score(X_test, y_test) dt = DecisionTreeClassifier(max_depth=9, min_samples_leaf=1) dt.fit(X_train, y_train) dt_err = 1.0 - dt.score(X_test, y_test) ada_discrete = AdaBoostClassifier( base_estimator=dt_stump, learning_rate=learning_rate, n_estimators=n_estimators, algorithm="SAMME") ada_discrete.fit(X_train, y_train) ada_real = AdaBoostClassifier( base_estimator=dt_stump, learning_rate=learning_rate, n_estimators=n_estimators, algorithm="SAMME.R") ada_real.fit(X_train, y_train) fig = plt.figure() ax = fig.add_subplot(111) ax.plot([1, n_estimators], [dt_stump_err] * 2, 'k-', label='Decision Stump Error') ax.plot([1, n_estimators], [dt_err] * 2, 'k--', label='Decision Tree Error') ada_discrete_err = np.zeros((n_estimators,)) for i, y_pred in enumerate(ada_discrete.staged_predict(X_test)): ada_discrete_err[i] = zero_one_loss(y_pred, y_test) ada_discrete_err_train = np.zeros((n_estimators,)) for i, y_pred in enumerate(ada_discrete.staged_predict(X_train)): ada_discrete_err_train[i] = zero_one_loss(y_pred, y_train) ada_real_err = np.zeros((n_estimators,)) for i, y_pred in enumerate(ada_real.staged_predict(X_test)): ada_real_err[i] = zero_one_loss(y_pred, y_test) ada_real_err_train = np.zeros((n_estimators,)) for i, y_pred in enumerate(ada_real.staged_predict(X_train)): ada_real_err_train[i] = zero_one_loss(y_pred, y_train) ax.plot(np.arange(n_estimators) + 1, ada_discrete_err, label='Discrete AdaBoost Test Error', color='red') ax.plot(np.arange(n_estimators) + 1, ada_discrete_err_train, label='Discrete AdaBoost Train Error', color='blue') ax.plot(np.arange(n_estimators) + 1, ada_real_err, label='Real AdaBoost Test Error', color='orange') ax.plot(np.arange(n_estimators) + 1, ada_real_err_train, label='Real AdaBoost Train Error', color='green') ax.set_ylim((0.0, 0.5)) ax.set_xlabel('n_estimators') ax.set_ylabel('error rate') leg = ax.legend(loc='upper right', fancybox=True) leg.get_frame().set_alpha(0.7) plt.show()
bsd-3-clause
williamFalcon/pytorch-lightning
tests/core/test_lightning_module.py
1
12519
# Copyright The PyTorch Lightning team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from unittest.mock import Mock import pytest import torch import torch.distributed as dist from torch import nn from torch.optim import Adam, SGD from pytorch_lightning import Trainer from pytorch_lightning.loggers import TensorBoardLogger from pytorch_lightning.utilities import _TORCH_SHARDED_TENSOR_AVAILABLE from tests.helpers import BoringModel from tests.helpers.runif import RunIf def test_property_current_epoch(): """Test that the current_epoch in LightningModule is accessible via the Trainer.""" model = BoringModel() assert model.current_epoch == 0 trainer = Mock(current_epoch=123) model.trainer = trainer assert model.current_epoch == 123 def test_property_global_step(): """Test that the global_step in LightningModule is accessible via the Trainer.""" model = BoringModel() assert model.global_step == 0 trainer = Mock(global_step=123) model.trainer = trainer assert model.global_step == 123 def test_property_global_rank(): """Test that the global rank in LightningModule is accessible via the Trainer.""" model = BoringModel() assert model.global_rank == 0 trainer = Mock(global_rank=123) model.trainer = trainer assert model.global_rank == 123 def test_property_local_rank(): """Test that the local rank in LightningModule is accessible via the Trainer.""" model = BoringModel() assert model.local_rank == 0 trainer = Mock(local_rank=123) model.trainer = trainer assert model.local_rank == 123 def test_property_logger(tmpdir): """Test that the logger in LightningModule is accessible via the Trainer.""" model = BoringModel() assert model.logger is None logger = TensorBoardLogger(tmpdir) trainer = Mock(logger=logger) model.trainer = trainer assert model.logger == logger def test_params_groups_and_state_are_accessible(tmpdir): class TestModel(BoringModel): def training_step(self, batch, batch_idx, optimizer_idx): output = self.layer(batch) loss = self.loss(batch, output) return {"loss": loss} def configure_optimizers(self): optimizer = SGD(self.layer.parameters(), lr=0.1) optimizer_2 = Adam(self.layer.parameters(), lr=0.1) return [optimizer, optimizer_2] def optimizer_step( self, epoch, batch_idx, optimizer, optimizer_idx, optimizer_closure, on_tpu=False, using_native_amp=False, using_lbfgs=False, ): # warm up lr if self.trainer.global_step < 500: lr_scale = min(1.0, float(self.trainer.global_step + 1) / 500.0) for pg in optimizer.param_groups: pg["lr"] = lr_scale * 0.01 optimizer.step(closure=optimizer_closure) model = TestModel() model.training_epoch_end = None trainer = Trainer( max_epochs=1, default_root_dir=tmpdir, limit_train_batches=8, limit_val_batches=1, accumulate_grad_batches=1 ) trainer.fit(model) def test_toggle_untoggle_2_optimizers_no_shared_parameters(tmpdir): class TestModel(BoringModel): def training_step(self, batch, batch_idx, optimizer_idx=None): return super().training_step(batch, batch_idx) def __init__(self): super().__init__() self.layer_1 = nn.Sequential(nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32)) self.layer_2 = nn.Sequential( nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 2) ) # set some weights to False to check untoggle works as expected. self.layer_1[2].weight.requires_grad = False self.layer_1[4].weight.requires_grad = False self.layer_2[1].weight.requires_grad = False self.layer_2[3].weight.requires_grad = False def configure_optimizers(self): optimizer = SGD(self.layer_1.parameters(), lr=0.1) optimizer_2 = Adam(self.layer_2.parameters(), lr=0.1) return [optimizer, optimizer_2] def optimizer_step( self, current_epoch, batch_nb, optimizer, optimizer_idx, closure, on_tpu=False, using_native_amp=False, using_lbfgs=False, ): if optimizer_idx == 0: assert self.layer_1[0].weight.requires_grad is True assert self.layer_1[2].weight.requires_grad is False assert self.layer_1[4].weight.requires_grad is False assert self.layer_2[1].weight.requires_grad is False assert self.layer_2[3].weight.requires_grad is False assert self.layer_2[5].weight.requires_grad is False if optimizer_idx == 1: assert self.layer_1[0].weight.requires_grad is False assert self.layer_1[2].weight.requires_grad is False assert self.layer_1[4].weight.requires_grad is False assert self.layer_2[1].weight.requires_grad is False assert self.layer_2[3].weight.requires_grad is False assert self.layer_2[5].weight.requires_grad is True optimizer.step(closure=closure) model = TestModel() model.training_epoch_end = None trainer = Trainer( max_epochs=1, default_root_dir=tmpdir, limit_train_batches=8, accumulate_grad_batches=2, limit_val_batches=0 ) trainer.fit(model) def test_toggle_untoggle_3_optimizers_shared_parameters(tmpdir): class TestModel(BoringModel): def __init__(self): super().__init__() self.layer_1 = nn.Sequential(nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32)) self.layer_2 = nn.Sequential( nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 2) ) self.layer_3 = nn.Sequential( nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 32), nn.ReLU(), nn.Linear(32, 2) ) # set some weights to False to check untoggle works as expected. self.layer_1[2].weight.requires_grad = False self.layer_1[4].weight.requires_grad = False self.layer_2[1].weight.requires_grad = False self.layer_2[3].weight.requires_grad = False self.layer_3[1].weight.requires_grad = False self.layer_3[5].weight.requires_grad = False def optimizer_step( self, current_epoch, batch_nb, optimizer, optimizer_idx, closure, on_tpu=False, using_native_amp=False, using_lbfgs=False, ): if optimizer_idx == 0: assert self.layer_1[0].weight.requires_grad is True assert self.layer_1[2].weight.requires_grad is False assert self.layer_1[4].weight.requires_grad is False assert self.layer_2[1].weight.requires_grad is False assert self.layer_2[3].weight.requires_grad is False assert self.layer_2[5].weight.requires_grad is True assert self.layer_3[1].weight.requires_grad is False assert self.layer_3[3].weight.requires_grad is False assert self.layer_3[5].weight.requires_grad is False if optimizer_idx == 1: assert self.layer_1[0].weight.requires_grad is False assert self.layer_1[2].weight.requires_grad is False assert self.layer_1[4].weight.requires_grad is False assert self.layer_2[1].weight.requires_grad is False assert self.layer_2[3].weight.requires_grad is False assert self.layer_2[5].weight.requires_grad is True assert self.layer_3[1].weight.requires_grad is False assert self.layer_3[3].weight.requires_grad is True assert self.layer_3[5].weight.requires_grad is False if optimizer_idx == 2: assert self.layer_1[0].weight.requires_grad is True assert self.layer_1[2].weight.requires_grad is False assert self.layer_1[4].weight.requires_grad is False assert self.layer_2[1].weight.requires_grad is False assert self.layer_2[3].weight.requires_grad is False assert self.layer_2[5].weight.requires_grad is False assert self.layer_3[1].weight.requires_grad is False assert self.layer_3[3].weight.requires_grad is True assert self.layer_3[5].weight.requires_grad is False optimizer.step(closure=closure) def training_step(self, batch, batch_idx, optimizer_idx=None): loss = super().training_step(batch, batch_idx) # make sure the model is untoggle when returning None return loss if batch_idx % 2 == 0 else None @staticmethod def combine_generators(gen_1, gen_2): yield from gen_1 yield from gen_2 def configure_optimizers(self): optimizer_1 = SGD(self.combine_generators(self.layer_1.parameters(), self.layer_2.parameters()), lr=0.1) optimizer_2 = Adam(self.combine_generators(self.layer_2.parameters(), self.layer_3.parameters()), lr=0.1) optimizer_3 = SGD(self.combine_generators(self.layer_3.parameters(), self.layer_1.parameters()), lr=0.1) return [optimizer_1, optimizer_2, optimizer_3] model = TestModel() model.training_epoch_end = None trainer = Trainer(max_epochs=1, default_root_dir=tmpdir, limit_train_batches=8, accumulate_grad_batches=2) trainer.fit(model) @RunIf(min_gpus=1) def test_device_placement(tmpdir): model = BoringModel() trainer = Trainer(default_root_dir=tmpdir, fast_dev_run=True, gpus=1) trainer.fit(model) def assert_device(device: torch.device) -> None: assert model.device == device for p in model.parameters(): assert p.device == device assert_device(torch.device("cpu")) model.to(torch.device("cuda:0")) assert_device(torch.device("cuda:0")) trainer.test(model) assert_device(torch.device("cpu")) trainer.predict(model, dataloaders=model.train_dataloader()) assert_device(torch.device("cpu")) class BoringModelWithShardedTensor(BoringModel): def __init__(self, spec): super().__init__() self.sharded_tensor = dist._sharded_tensor.empty(spec, 10, 20) self.sharded_tensor.local_shards()[0].tensor.fill_(0) @pytest.mark.skipif( not _TORCH_SHARDED_TENSOR_AVAILABLE, reason="Test requires the torch version to support `ShardedTensor`" ) def test_sharded_tensor_state_dict(tmpdir, single_process_pg): spec = dist._sharding_spec.ChunkShardingSpec( dim=0, placements=[ "rank:0/cpu", ], ) m_0 = BoringModelWithShardedTensor(spec) m_0.sharded_tensor.local_shards()[0].tensor.fill_(1) assert "sharded_tensor" in m_0.state_dict(), 'Expect "sharded_tensor" to appear in the state dict' m_1 = BoringModelWithShardedTensor(spec) assert not torch.allclose( m_1.sharded_tensor.local_shards()[0].tensor, m_0.sharded_tensor.local_shards()[0].tensor ), "Expect the shards to be different before `m_1` loading `m_0`'s state dict" m_1.load_state_dict(m_0.state_dict(), strict=False) assert torch.allclose( m_1.sharded_tensor.local_shards()[0].tensor, m_0.sharded_tensor.local_shards()[0].tensor ), "Expect the shards to be same after `m_1` loading `m_0`'s state dict"
apache-2.0
Impactstory/oadoi
queue_separate_table.py
2
25621
import os import argparse from time import time from time import sleep from sqlalchemy import sql from sqlalchemy import exc from subprocess import call import heroku3 import boto.ec2 from boto.manage.cmdshell import sshclient_from_instance from pprint import pprint import datetime from app import db from app import logger from jobs import update_registry import jobs_defs # needs to be imported so the definitions get loaded into the registry from util import elapsed from util import run_sql from util import get_sql_answer from util import get_sql_answers from util import clean_doi from app import HEROKU_APP_NAME from pub import Pub # to get the clarivate dois in # date; grep "WOS:" DOI_Output.txt | sed 's:\\:\\\\:g' | psql postgres://uc1l3d6vod6nsk:p5f54c0e9c8bb4067420ab6e6eb78a4a93234db67fbd3eede893a9a86781a484d@ec2-34-204-251-168.compute-1.amazonaws.com:5432/dds97qbhb1bu4i?ssl=true -c "copy dois_from_wos (wos_id) from STDIN;"; date; def monitor_till_done(job_type): logger.info(u"collecting data. will have some stats soon...") logger.info(u"\n\n") num_total = number_total_on_queue(job_type) print "num_total", num_total num_unfinished = number_unfinished(job_type) print "num_unfinished", num_unfinished loop_thresholds = {"short": 30, "long": 10*60, "medium": 60} loop_unfinished = {"short": num_unfinished, "long": num_unfinished} loop_start_time = {"short": time(), "long": time()} # print_idle_dynos(job_type) while all(loop_unfinished.values()): for loop in ["short", "long"]: if elapsed(loop_start_time[loop]) > loop_thresholds[loop]: if loop in ["short", "long"]: num_unfinished_now = number_unfinished(job_type) num_finished_this_loop = loop_unfinished[loop] - num_unfinished_now loop_unfinished[loop] = num_unfinished_now # if loop=="long": # logger.info(u"\n****"), logger.info(u" {} finished in the last {} seconds, {} of {} are now finished ({}%). ".format( num_finished_this_loop, loop_thresholds[loop], num_total - num_unfinished_now, num_total, int(100*float(num_total - num_unfinished_now)/num_total) )), # comma so the next part will stay on the same line if num_finished_this_loop: minutes_left = float(num_unfinished_now) / num_finished_this_loop * loop_thresholds[loop] / 60 logger.info(u"{} estimate: done in {} mins, which is {} hours".format( loop, round(minutes_left, 1), round(minutes_left/60, 1))) else: print loop_start_time[loop] = time() # print_idle_dynos(job_type) print".", sleep(3) logger.info(u"everything is done. turning off all the dynos") scale_dyno(0, job_type) def number_total_on_queue(job_type): num = get_sql_answer(db, "select count(*) from {}".format(table_name(job_type))) return num def number_waiting_on_queue(job_type): num = get_sql_answer(db, "select count(*) from {} where started is null".format(table_name(job_type))) return num def number_unfinished(job_type): num = get_sql_answer(db, "select count(*) from {} where finished is null".format(table_name(job_type))) return num def print_status(job_type): num_dois = number_total_on_queue(job_type) num_waiting = number_waiting_on_queue(job_type) if num_dois: logger.info(u"There are {} dois in the queue, of which {} ({}%) are waiting to run".format( num_dois, num_waiting, int(100*float(num_waiting)/num_dois))) def kick(job_type): q = u"""update {table_name} set started=null, finished=null where finished is null""".format( table_name=table_name(job_type)) run_sql(db, q) print_status(job_type) def reset_enqueued(job_type): q = u"update {} set started=null, finished=null".format(table_name(job_type)) run_sql(db, q) def truncate(job_type): q = "truncate table {}".format(table_name(job_type)) run_sql(db, q) def table_name(job_type): table_name = "doi_queue" if job_type=="hybrid": table_name += "_with_hybrid" elif job_type=="dates": table_name += "_dates" return table_name def process_name(job_type): # process_name = "run" # formation name is from Procfile process_name = "update" # formation name is from Procfile if job_type=="hybrid": process_name += "_with_hybrid" elif job_type=="dates": process_name += "_dates" return process_name def num_dynos(job_type): heroku_conn = heroku3.from_key(os.getenv("HEROKU_API_KEY")) num_dynos = 0 try: dynos = heroku_conn.apps()[HEROKU_APP_NAME].dynos()[process_name(job_type)] num_dynos = len(dynos) except (KeyError, TypeError) as e: pass return num_dynos def print_idle_dynos(job_type): heroku_conn = heroku3.from_key(os.getenv("HEROKU_API_KEY")) app = heroku_conn.apps()[HEROKU_APP_NAME] running_dynos = [] try: running_dynos = [dyno for dyno in app.dynos() if dyno.name.startswith(process_name(job_type))] except (KeyError, TypeError) as e: pass dynos_still_working = get_sql_answers(db, "select dyno from {} where started is not null and finished is null".format(table_name(job_type))) dynos_still_working_names = [n for n in dynos_still_working] logger.info(u"dynos still running: {}".format([d.name for d in running_dynos if d.name in dynos_still_working_names])) # logger.info(u"dynos stopped:", [d.name for d in running_dynos if d.name not in dynos_still_working_names]) # kill_list = [d.kill() for d in running_dynos if d.name not in dynos_still_working_names] def scale_dyno(n, job_type): logger.info(u"starting with {} dynos".format(num_dynos(job_type))) logger.info(u"setting to {} dynos".format(n)) heroku_conn = heroku3.from_key(os.getenv("HEROKU_API_KEY")) app = heroku_conn.apps()[HEROKU_APP_NAME] app.process_formation()[process_name(job_type)].scale(n) logger.info(u"sleeping for 2 seconds while it kicks in") sleep(2) logger.info(u"verifying: now at {} dynos".format(num_dynos(job_type))) def login_to_aws(): logger.info(u"logging in to aws") conn = boto.ec2.connect_to_region('us-west-2') # instance = conn.get_all_instances()[0].instances[0] ssh_client = None for reservation in conn.get_all_instances(): instance = reservation.instances[0] try: if not ssh_client: ssh_client = sshclient_from_instance(instance, "data/key.pem", user_name="ec2-user") print u"this instance worked: {}".format(instance) except Exception: pass return (conn, ssh_client) # clarivate # python queue_separate_table.py --export_with_versions --week # or, run this on aws # create table export_main_changed_with_versions_20170118 as (select * from export_main_changed_with_versions where last_changed_date > '2018-01-10'::timestamp) # it takes about 45 minutes # then this # python queue_separate_table.py --export --view=export_main_changed_with_versions_20180118 # which takes about 5 minutes # mv all_dois*.csv datasets_for_clarivate # mv all_dois*.csv.gz datasets_for_clarivate def export_with_versions(do_all=False, job_type="normal", filename=None, view=None, week=False, json=False): # ssh -i /Users/hpiwowar/Dropbox/ti/certificates/aws-data-export.pem ec2-user@ec2-13-59-23-54.us-east-2.compute.amazonaws.com # aws s3 cp test.txt s3://mpr-ims-harvestor/mpr-ims-dev/harvestor_staging_bigBatch/OA/test.txt # connect to our bucket (conn, ssh_client) = login_to_aws() # to connect to clarivate's bucket # clarivate_conn = boto.ec2.connect_to_region('us-east-2') # clarivate_instance = clarivate_conn.get_all_instances()[0].instances[0] # clarivate_ssh_client = sshclient_from_instance(clarivate_instance, "/Users/hpiwowar/Dropbox/ti/certificates/aws-data-export.pem", user_name="ec2-user") logger.info(u"log in done") now_timestamp = datetime.datetime.utcnow().isoformat()[0:19].replace(":", "") if not filename: filename = "all_dois_{}.csv".format(now_timestamp) today = datetime.datetime.utcnow() if week: last_week = today - datetime.timedelta(days=9) view = "export_main_changed_with_versions where last_changed_date >= '{}'::timestamp and updated > '1043-01-01'::timestamp".format(last_week.isoformat()[0:19]) filename = "changed_dois_with_versions_{}_to_{}.csv".format(last_week.isoformat()[0:19], today.isoformat()[0:19]).replace(":", "") else: filename = "dois_with_versions_{}.csv".format(today.isoformat()[0:19]).replace(":", "") if not view: view = "export_main_changed_with_versions" command = """psql {}?ssl=true -c "\copy (select * from {}) to '{}' WITH (FORMAT CSV, HEADER);" """.format( os.getenv("DATABASE_URL"), view, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) command = """gzip -c {} > {}.gz;""".format( filename, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) command = """date -r {}.gz;""".format( filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) gz_modified = stdout.strip() # command = """aws s3 cp {}.gz s3://mpr-ims-harvestor/mpr-ims-dev/harvestor_staging_bigBatch/OA/{}.gz --acl public-read --metadata "modifiedtimestamp='{}'";""".format( # filename, filename, gz_modified) command = """aws s3 cp {}.gz s3://oadoi-for-clarivate/{}.gz --acl public-read --metadata "modifiedtimestamp='{}'";""".format( filename, filename, gz_modified) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) # also make a .DONE file # how to calculate a checksum http://www.heatware.net/linux-unix/how-to-create-md5-checksums-and-validate-a-file-in-linux/ command = """md5sum {}.gz > {}.gz.DONE;""".format( filename, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) command = """date -r {}.gz;""".format( filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) gz_done_modified = stdout.strip() # copy up the .DONE file # command = """aws s3 cp {}.gz.DONE s3://mpr-ims-harvestor/mpr-ims-dev/harvestor_staging_bigBatch/OA/{}.gz.DONE --acl public-read --metadata "modifiedtimestamp='{}'";""".format( # filename, filename, gz_done_modified) command = """aws s3 cp {}.gz.DONE s3://oadoi-for-clarivate/{}.gz.DONE --acl public-read --metadata "modifiedtimestamp='{}'";""".format( filename, filename, gz_done_modified) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) # logger.info(u"now go to *** https://console.aws.amazon.com/s3/object/mpr-ims-harvestor/mpr-ims-dev/harvestor_staging_bigBatch/OA/{}.gz?region=us-east-1&tab=overview ***".format( # filename)) logger.info(u"public link is at *** https://s3-us-west-2.amazonaws.com/oadoi-for-clarivate/{}.gz ***".format( filename)) conn.close() # for weekly update # python queue_separate_table.py --export_no_versions --week --json # 2 steps # this step took 5.5 hours for a table of 93540542 rows # on aws: create table export_main_no_versions_20180116 as (select * from export_main_no_versions) # then from my prompt # python queue_separate_table.py --export_no_versions --view export_main_no_versions_20180116 # aws s3 cp all_dois_20180122T165326.csv.gz s3://oadoi-datasets/oa_status_by_doi.csv.gz --acl public-read; date; # or, for just the changed one # python queue_separate_table.py --export_no_versions --view="export_main_changed_no_versions where last_changed_date >= '2018-01-21'::timestamp" def export_no_versions(do_all=False, job_type="normal", filename=None, view="export_main_no_versions", week=False, json=False): (conn, ssh_client) = login_to_aws() logger.info(u"log in done") today = datetime.datetime.utcnow() if week: last_week = today - datetime.timedelta(days=9) if json: view = "pub where last_changed_date >= '{}'::timestamp and updated > '1043-01-01'::timestamp".format(last_week.isoformat()[0:19]) filename = "changed_dois_{}_to_{}.jsonl".format(last_week.isoformat()[0:19], today.isoformat()[0:19]).replace(":", "") else: view = "export_main_changed_no_versions where last_changed_date >= '{}'::timestamp and updated > '1043-01-01'::timestamp".format(last_week.isoformat()[0:19]) filename = "changed_dois_{}_to_{}.csv".format(last_week.isoformat()[0:19], today.isoformat()[0:19]).replace(":", "") else: if json: filename = "full_dois_{}.jsonl".format(today.isoformat()[0:19]).replace(":", "") else: filename = "full_dois_{}.csv".format(today.isoformat()[0:19]).replace(":", "") if json: command = """psql {}?ssl=true -c "\copy (select response_jsonb from {}) to '{}';" """.format( os.getenv("DATABASE_URL"), view, filename) else: command = """psql {}?ssl=true -c "\copy (select * from {}) to '{}' WITH (FORMAT CSV, HEADER);" """.format( os.getenv("DATABASE_URL"), view, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) if json: command = """sed -i 's/"publishedVersion"/null/g; s/"submittedVersion"/null/g; s/"acceptedVersion"/null/g' {}""".format(filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) command = """gzip -c {} > {}.gz; date;""".format( filename, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) command = """aws s3 cp {}.gz s3://unpaywall-data-updates/{}.gz --acl public-read; date; """.format( filename, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) # also make a .DONE file # how to calculate a checksum http://www.heatware.net/linux-unix/how-to-create-md5-checksums-and-validate-a-file-in-linux/ command = """md5sum {}.gz > {}.gz.DONE; date;""".format( filename, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) # copy up the .DONE file command = """aws s3 cp {}.gz.DONE s3://unpaywall-data-updates/{}.gz.DONE --acl public-read; date;""".format( filename, filename) logger.info(command) status, stdout, stderr = ssh_client.run(command) logger.info(u"{} {} {}".format(status, stdout, stderr)) logger.info(u"now go to *** https://console.aws.amazon.com/s3/object/unpaywall-data-updates/{}.gz?region=us-east-1&tab=overview ***".format( filename)) logger.info(u"public link is at *** https://s3-us-west-2.amazonaws.com/unpaywall-data-updates/{}.gz ***".format( filename)) conn.close() def print_logs(job_type): command = "heroku logs -t --dyno={}".format(process_name(job_type)) call(command, shell=True) def add_dois_to_queue_from_file(filename, job_type): start = time() command = """psql `heroku config:get DATABASE_URL`?ssl=true -c "\copy {table_name} (id) FROM '{filename}' WITH CSV DELIMITER E'|';" """.format( table_name=table_name(job_type), filename=filename) call(command, shell=True) q = "update {} set id=lower(id)".format(table_name(job_type)) run_sql(db, q) logger.info(u"add_dois_to_queue_from_file done in {} seconds".format(elapsed(start, 1))) print_status(job_type) def add_dois_to_queue_from_query(where, job_type): logger.info(u"adding all dois, this may take a while") start = time() table_name = "doi_queue" # run_sql(db, "drop table {} cascade".format(table_name(job_type))) # create_table_command = "CREATE TABLE {} as (select id, random() as rand, null::timestamp as finished, null::timestamp as started, null::text as dyno from crossref)".format( # table_name(job_type)) create_table_command = "CREATE TABLE {} as (select id, random() as rand, null::timestamp as finished, null::timestamp as started from pub);".format( table_name) if where: create_table_command = create_table_command.replace("from pub)", "from pub where {})".format(where)) run_sql(db, create_table_command) create_table_command += """ alter table {table_name} alter column rand set default random(); CREATE INDEX {table_name}_id_idx ON {table_name} USING btree (id); CREATE INDEX {table_name}_finished_null_rand_idx on {table_name} (rand) where finished is null; CREATE INDEX {table_name}_started_null_rand_idx ON {table_name} USING btree (rand, started) WHERE started is null; -- from https://lob.com/blog/supercharge-your-postgresql-performance -- vacuums and analyzes every ten million rows ALTER TABLE {table_name} SET (autovacuum_vacuum_scale_factor = 0.0); ALTER TABLE {table_name} SET (autovacuum_vacuum_threshold = 10000000); ALTER TABLE {table_name} SET (autovacuum_analyze_scale_factor = 0.0); ALTER TABLE {table_name} SET (autovacuum_analyze_threshold = 10000000); """.format( table_name=table_name) for command in create_table_command.split(";"): run_sql(db, command) command = """create or replace view export_queue as SELECT id AS doi, updated AS updated, response_jsonb->>'evidence' AS evidence, response_jsonb->>'oa_status' AS oa_color, response_jsonb->>'free_fulltext_url' AS best_open_url, response_jsonb->>'year' AS year, response_jsonb->>'found_hybrid' AS found_hybrid, response_jsonb->>'found_green' AS found_green, response_jsonb->>'error' AS error, response_jsonb->>'is_boai_license' AS is_boai_license, replace(api->'_source'->>'journal', ' ', '') AS journal, replace(api->'_source'->>'publisher', ' ', '') AS publisher, api->'_source'->>'title' AS title, api->'_source'->>'subject' AS subject, response_jsonb->>'license' AS license FROM pub where id in (select id from {table_name})""".format( table_name=table_name(job_type)) # if job_type: # command_with_hybrid = command.replace("response_jsonb", "response_with_hybrid").replace("export_queue", "export_queue_with_hybrid") run_sql(db, command) # they are already lowercased logger.info(u"add_dois_to_queue_from_query done in {} seconds".format(elapsed(start, 1))) print_status(job_type) def run(parsed_args, job_type): start = time() if job_type in ("normal", "hybrid"): update = update_registry.get("Pub."+process_name(job_type)) if parsed_args.doi: parsed_args.id = clean_doi(parsed_args.doi) parsed_args.doi = None else: update = update_registry.get("DateRange.get_unpaywall_events") # update = update_registry.get("DateRange.get_pmh_events") update.run(**vars(parsed_args)) logger.info(u"finished update in {} seconds".format(elapsed(start))) resp = None if job_type in ("normal", "hybrid"): my_pub = Pub.query.get(parsed_args.id) resp = my_pub.response_jsonb pprint(resp) return resp # python doi_queue.py --hybrid --filename=data/dois_juan_accuracy.csv --dynos=40 --soup if __name__ == "__main__": parser = argparse.ArgumentParser(description="Run stuff.") parser.add_argument('--id', nargs="?", type=str, help="id of the one thing you want to update (case sensitive)") parser.add_argument('--doi', nargs="?", type=str, help="id of the one thing you want to update (case insensitive)") parser.add_argument('--filename', nargs="?", type=str, help="filename with dois, one per line") parser.add_argument('--addall', default=False, action='store_true', help="add everything") parser.add_argument('--where', nargs="?", type=str, default=None, help="""where string for addall (eg --where="response_jsonb->>'oa_status'='green'")""") parser.add_argument('--hybrid', default=False, action='store_true', help="if hybrid, else don't include") parser.add_argument('--dates', default=False, action='store_true', help="use date queue") parser.add_argument('--all', default=False, action='store_true', help="do everything") parser.add_argument('--week', default=False, action='store_true', help="for the last week") parser.add_argument('--json', default=False, action='store_true', help="as json not csv") parser.add_argument('--view', nargs="?", type=str, default=None, help="view name to export from") parser.add_argument('--reset', default=False, action='store_true', help="do you want to just reset?") parser.add_argument('--run', default=False, action='store_true', help="to run the queue") parser.add_argument('--status', default=False, action='store_true', help="to logger.info(the status") parser.add_argument('--dynos', default=None, type=int, help="scale to this many dynos") parser.add_argument('--export_with_versions', default=False, action='store_true', help="export the results") parser.add_argument('--export_no_versions', default=False, action='store_true', help="export the results") parser.add_argument('--logs', default=False, action='store_true', help="logger.info(out logs") parser.add_argument('--monitor', default=False, action='store_true', help="monitor till done, then turn off dynos") parser.add_argument('--soup', default=False, action='store_true', help="soup to nuts") parser.add_argument('--kick', default=False, action='store_true', help="put started but unfinished dois back to unstarted so they are retried") parsed_args = parser.parse_args() job_type = "normal" if parsed_args.hybrid: job_type = "hybrid" if parsed_args.dates: job_type = "dates" if parsed_args.filename: if num_dynos(job_type) > 0: scale_dyno(0, job_type) truncate(job_type) add_dois_to_queue_from_file(parsed_args.filename, job_type) if parsed_args.addall or parsed_args.where: if num_dynos(job_type) > 0: scale_dyno(0, job_type) add_dois_to_queue_from_query(parsed_args.where, job_type) if parsed_args.soup: if num_dynos(job_type) > 0: scale_dyno(0, job_type) if parsed_args.dynos: scale_dyno(parsed_args.dynos, job_type) else: logger.info(u"no number of dynos specified, so setting 1") scale_dyno(1, job_type) monitor_till_done(job_type) scale_dyno(0, job_type) export_with_versions(parsed_args.all, job_type, parsed_args.filename, parsed_args.view) else: if parsed_args.dynos != None: # to tell the difference from setting to 0 scale_dyno(parsed_args.dynos, job_type) # if parsed_args.dynos > 0: # print_logs(job_type) if parsed_args.reset: reset_enqueued(job_type) if parsed_args.status: print_status(job_type) if parsed_args.monitor: monitor_till_done(job_type) scale_dyno(0, job_type) if parsed_args.logs: print_logs(job_type) if parsed_args.export_with_versions: export_with_versions(parsed_args.all, job_type, parsed_args.filename, parsed_args.view, parsed_args.week, parsed_args.json) if parsed_args.export_no_versions: export_no_versions(parsed_args.all, job_type, parsed_args.filename, parsed_args.view, parsed_args.week, parsed_args.json) if parsed_args.kick: kick(job_type) if parsed_args.id or parsed_args.doi or parsed_args.run: run(parsed_args, job_type) # takes 4 hours # \copy (select response_jsonb from pub) to 'jsonb_export_20180329_113154.jsonl # takes 10 mins each # date; sed -i 's/"publishedVersion"/null/g' jsonb_export_20180329_113154.jsonl; date # date; sed -i 's/"submittedVersion"/null/g' jsonb_export_20180329_113154.jsonl; date # date; sed -i 's/"acceptedVersion"/null/g' jsonb_export_20180329_113154.jsonl; date # date; sed -i 's/\\\\/\\/g' jsonb_export_20180329_113154.jsonl; date # date; sed -i 's/\n\n/\n/g' jsonb_export_20180329_113154.jsonl; date # takes 40 minutes # date; gzip -c jsonb_export_20180329_113154.jsonl > jsonb_export_20180329_113154.jsonl.gz; date; # date; aws s3 cp jsonb_export_20180329_113154.jsonl.gz s3://unpaywall-data-updates/jsonb_export_20180329_113154.jsonl.gz --acl public-read; date;
mit
electronicvisions/deep-spike
lib/baseline.py
1
1652
from sklearn.datasets import load_digits from sklearn import cross_validation from sklearn import preprocessing import tensorflow as tf def weight_variable(shape): initial = tf.truncated_normal(shape, stddev=0.1) return tf.Variable(initial) def bias_variable(shape): initial = tf.constant(0.1, shape=shape) return tf.Variable(initial) def main(): digits = load_digits() x_train, x_test, y_train_, y_test_ = cross_validation.train_test_split(digits.data, digits.target, test_size=0.2, random_state=0) lb = preprocessing.LabelBinarizer() lb.fit(digits.target) y_train = lb.transform(y_train_) y_test = lb.transform(y_test_) sess = tf.InteractiveSession() x = tf.placeholder(tf.float32, shape=[None, 64]) y_ = tf.placeholder(tf.float32, shape=[None, 10]) w_1 = weight_variable([64, 32]) b_1 = bias_variable([32]) h_1 = tf.nn.relu(tf.matmul(x, w_1) + b_1) w_2 = weight_variable([32, 10]) b_2 = bias_variable([10]) y = tf.nn.softmax(tf.matmul(h_1, w_2) + b_2) cross_entropy = tf.reduce_mean(-tf.reduce_sum(y_ * tf.log(y), reduction_indices=[1])) train_step = tf.train.AdamOptimizer(1e-4).minimize(cross_entropy) sess.run(tf.initialize_all_variables()) for i in range(1000): train_step.run(feed_dict={x: x_train, y_: y_train}) correct_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1)) accuracy = tf.reduce_mean(tf.cast(correct_prediction, tf.float32)) print(accuracy.eval(feed_dict={x: x_test, y_: y_test})) if __name__ == '__main__': main()
gpl-2.0
Clyde-fare/scikit-learn
sklearn/metrics/regression.py
174
16953
"""Metrics to assess performance on regression task Functions named as ``*_score`` return a scalar value to maximize: the higher the better Function named as ``*_error`` or ``*_loss`` return a scalar value to minimize: the lower the better """ # Authors: Alexandre Gramfort <alexandre.gramfort@inria.fr> # Mathieu Blondel <mathieu@mblondel.org> # Olivier Grisel <olivier.grisel@ensta.org> # Arnaud Joly <a.joly@ulg.ac.be> # Jochen Wersdorfer <jochen@wersdoerfer.de> # Lars Buitinck <L.J.Buitinck@uva.nl> # Joel Nothman <joel.nothman@gmail.com> # Noel Dawe <noel@dawe.me> # Manoj Kumar <manojkumarsivaraj334@gmail.com> # Michael Eickenberg <michael.eickenberg@gmail.com> # Konstantin Shmelkov <konstantin.shmelkov@polytechnique.edu> # License: BSD 3 clause from __future__ import division import numpy as np from ..utils.validation import check_array, check_consistent_length from ..utils.validation import column_or_1d import warnings __ALL__ = [ "mean_absolute_error", "mean_squared_error", "median_absolute_error", "r2_score", "explained_variance_score" ] def _check_reg_targets(y_true, y_pred, multioutput): """Check that y_true and y_pred belong to the same regression task Parameters ---------- y_true : array-like, y_pred : array-like, multioutput : array-like or string in ['raw_values', uniform_average', 'variance_weighted'] or None None is accepted due to backward compatibility of r2_score(). Returns ------- type_true : one of {'continuous', continuous-multioutput'} The type of the true target data, as output by 'utils.multiclass.type_of_target' y_true : array-like of shape = (n_samples, n_outputs) Ground truth (correct) target values. y_pred : array-like of shape = (n_samples, n_outputs) Estimated target values. multioutput : array-like of shape = (n_outputs) or string in ['raw_values', uniform_average', 'variance_weighted'] or None Custom output weights if ``multioutput`` is array-like or just the corresponding argument if ``multioutput`` is a correct keyword. """ check_consistent_length(y_true, y_pred) y_true = check_array(y_true, ensure_2d=False) y_pred = check_array(y_pred, ensure_2d=False) if y_true.ndim == 1: y_true = y_true.reshape((-1, 1)) if y_pred.ndim == 1: y_pred = y_pred.reshape((-1, 1)) if y_true.shape[1] != y_pred.shape[1]: raise ValueError("y_true and y_pred have different number of output " "({0}!={1})".format(y_true.shape[1], y_pred.shape[1])) n_outputs = y_true.shape[1] multioutput_options = (None, 'raw_values', 'uniform_average', 'variance_weighted') if multioutput not in multioutput_options: multioutput = check_array(multioutput, ensure_2d=False) if n_outputs == 1: raise ValueError("Custom weights are useful only in " "multi-output cases.") elif n_outputs != len(multioutput): raise ValueError(("There must be equally many custom weights " "(%d) as outputs (%d).") % (len(multioutput), n_outputs)) y_type = 'continuous' if n_outputs == 1 else 'continuous-multioutput' return y_type, y_true, y_pred, multioutput def mean_absolute_error(y_true, y_pred, sample_weight=None, multioutput='uniform_average'): """Mean absolute error regression loss Read more in the :ref:`User Guide <mean_absolute_error>`. Parameters ---------- y_true : array-like of shape = (n_samples) or (n_samples, n_outputs) Ground truth (correct) target values. y_pred : array-like of shape = (n_samples) or (n_samples, n_outputs) Estimated target values. sample_weight : array-like of shape = (n_samples), optional Sample weights. multioutput : string in ['raw_values', 'uniform_average'] or array-like of shape (n_outputs) Defines aggregating of multiple output values. Array-like value defines weights used to average errors. 'raw_values' : Returns a full set of errors in case of multioutput input. 'uniform_average' : Errors of all outputs are averaged with uniform weight. Returns ------- loss : float or ndarray of floats If multioutput is 'raw_values', then mean absolute error is returned for each output separately. If multioutput is 'uniform_average' or an ndarray of weights, then the weighted average of all output errors is returned. MAE output is non-negative floating point. The best value is 0.0. Examples -------- >>> from sklearn.metrics import mean_absolute_error >>> y_true = [3, -0.5, 2, 7] >>> y_pred = [2.5, 0.0, 2, 8] >>> mean_absolute_error(y_true, y_pred) 0.5 >>> y_true = [[0.5, 1], [-1, 1], [7, -6]] >>> y_pred = [[0, 2], [-1, 2], [8, -5]] >>> mean_absolute_error(y_true, y_pred) 0.75 >>> mean_absolute_error(y_true, y_pred, multioutput='raw_values') array([ 0.5, 1. ]) >>> mean_absolute_error(y_true, y_pred, multioutput=[0.3, 0.7]) ... # doctest: +ELLIPSIS 0.849... """ y_type, y_true, y_pred, multioutput = _check_reg_targets( y_true, y_pred, multioutput) output_errors = np.average(np.abs(y_pred - y_true), weights=sample_weight, axis=0) if multioutput == 'raw_values': return output_errors elif multioutput == 'uniform_average': # pass None as weights to np.average: uniform mean multioutput = None return np.average(output_errors, weights=multioutput) def mean_squared_error(y_true, y_pred, sample_weight=None, multioutput='uniform_average'): """Mean squared error regression loss Read more in the :ref:`User Guide <mean_squared_error>`. Parameters ---------- y_true : array-like of shape = (n_samples) or (n_samples, n_outputs) Ground truth (correct) target values. y_pred : array-like of shape = (n_samples) or (n_samples, n_outputs) Estimated target values. sample_weight : array-like of shape = (n_samples), optional Sample weights. multioutput : string in ['raw_values', 'uniform_average'] or array-like of shape (n_outputs) Defines aggregating of multiple output values. Array-like value defines weights used to average errors. 'raw_values' : Returns a full set of errors in case of multioutput input. 'uniform_average' : Errors of all outputs are averaged with uniform weight. Returns ------- loss : float or ndarray of floats A non-negative floating point value (the best value is 0.0), or an array of floating point values, one for each individual target. Examples -------- >>> from sklearn.metrics import mean_squared_error >>> y_true = [3, -0.5, 2, 7] >>> y_pred = [2.5, 0.0, 2, 8] >>> mean_squared_error(y_true, y_pred) 0.375 >>> y_true = [[0.5, 1],[-1, 1],[7, -6]] >>> y_pred = [[0, 2],[-1, 2],[8, -5]] >>> mean_squared_error(y_true, y_pred) # doctest: +ELLIPSIS 0.708... >>> mean_squared_error(y_true, y_pred, multioutput='raw_values') ... # doctest: +ELLIPSIS array([ 0.416..., 1. ]) >>> mean_squared_error(y_true, y_pred, multioutput=[0.3, 0.7]) ... # doctest: +ELLIPSIS 0.824... """ y_type, y_true, y_pred, multioutput = _check_reg_targets( y_true, y_pred, multioutput) output_errors = np.average((y_true - y_pred) ** 2, axis=0, weights=sample_weight) if multioutput == 'raw_values': return output_errors elif multioutput == 'uniform_average': # pass None as weights to np.average: uniform mean multioutput = None return np.average(output_errors, weights=multioutput) def median_absolute_error(y_true, y_pred): """Median absolute error regression loss Read more in the :ref:`User Guide <median_absolute_error>`. Parameters ---------- y_true : array-like of shape = (n_samples) Ground truth (correct) target values. y_pred : array-like of shape = (n_samples) Estimated target values. Returns ------- loss : float A positive floating point value (the best value is 0.0). Examples -------- >>> from sklearn.metrics import median_absolute_error >>> y_true = [3, -0.5, 2, 7] >>> y_pred = [2.5, 0.0, 2, 8] >>> median_absolute_error(y_true, y_pred) 0.5 """ y_type, y_true, y_pred, _ = _check_reg_targets(y_true, y_pred, 'uniform_average') if y_type == 'continuous-multioutput': raise ValueError("Multioutput not supported in median_absolute_error") return np.median(np.abs(y_pred - y_true)) def explained_variance_score(y_true, y_pred, sample_weight=None, multioutput='uniform_average'): """Explained variance regression score function Best possible score is 1.0, lower values are worse. Read more in the :ref:`User Guide <explained_variance_score>`. Parameters ---------- y_true : array-like of shape = (n_samples) or (n_samples, n_outputs) Ground truth (correct) target values. y_pred : array-like of shape = (n_samples) or (n_samples, n_outputs) Estimated target values. sample_weight : array-like of shape = (n_samples), optional Sample weights. multioutput : string in ['raw_values', 'uniform_average', \ 'variance_weighted'] or array-like of shape (n_outputs) Defines aggregating of multiple output scores. Array-like value defines weights used to average scores. 'raw_values' : Returns a full set of scores in case of multioutput input. 'uniform_average' : Scores of all outputs are averaged with uniform weight. 'variance_weighted' : Scores of all outputs are averaged, weighted by the variances of each individual output. Returns ------- score : float or ndarray of floats The explained variance or ndarray if 'multioutput' is 'raw_values'. Notes ----- This is not a symmetric function. Examples -------- >>> from sklearn.metrics import explained_variance_score >>> y_true = [3, -0.5, 2, 7] >>> y_pred = [2.5, 0.0, 2, 8] >>> explained_variance_score(y_true, y_pred) # doctest: +ELLIPSIS 0.957... >>> y_true = [[0.5, 1], [-1, 1], [7, -6]] >>> y_pred = [[0, 2], [-1, 2], [8, -5]] >>> explained_variance_score(y_true, y_pred, multioutput='uniform_average') ... # doctest: +ELLIPSIS 0.983... """ y_type, y_true, y_pred, multioutput = _check_reg_targets( y_true, y_pred, multioutput) y_diff_avg = np.average(y_true - y_pred, weights=sample_weight, axis=0) numerator = np.average((y_true - y_pred - y_diff_avg) ** 2, weights=sample_weight, axis=0) y_true_avg = np.average(y_true, weights=sample_weight, axis=0) denominator = np.average((y_true - y_true_avg) ** 2, weights=sample_weight, axis=0) nonzero_numerator = numerator != 0 nonzero_denominator = denominator != 0 valid_score = nonzero_numerator & nonzero_denominator output_scores = np.ones(y_true.shape[1]) output_scores[valid_score] = 1 - (numerator[valid_score] / denominator[valid_score]) output_scores[nonzero_numerator & ~nonzero_denominator] = 0. if multioutput == 'raw_values': # return scores individually return output_scores elif multioutput == 'uniform_average': # passing to np.average() None as weights results is uniform mean avg_weights = None elif multioutput == 'variance_weighted': avg_weights = denominator else: avg_weights = multioutput return np.average(output_scores, weights=avg_weights) def r2_score(y_true, y_pred, sample_weight=None, multioutput=None): """R^2 (coefficient of determination) regression score function. Best possible score is 1.0 and it can be negative (because the model can be arbitrarily worse). A constant model that always predicts the expected value of y, disregarding the input features, would get a R^2 score of 0.0. Read more in the :ref:`User Guide <r2_score>`. Parameters ---------- y_true : array-like of shape = (n_samples) or (n_samples, n_outputs) Ground truth (correct) target values. y_pred : array-like of shape = (n_samples) or (n_samples, n_outputs) Estimated target values. sample_weight : array-like of shape = (n_samples), optional Sample weights. multioutput : string in ['raw_values', 'uniform_average', 'variance_weighted'] or None or array-like of shape (n_outputs) Defines aggregating of multiple output scores. Array-like value defines weights used to average scores. Default value correponds to 'variance_weighted', but will be changed to 'uniform_average' in next versions. 'raw_values' : Returns a full set of scores in case of multioutput input. 'uniform_average' : Scores of all outputs are averaged with uniform weight. 'variance_weighted' : Scores of all outputs are averaged, weighted by the variances of each individual output. Returns ------- z : float or ndarray of floats The R^2 score or ndarray of scores if 'multioutput' is 'raw_values'. Notes ----- This is not a symmetric function. Unlike most other scores, R^2 score may be negative (it need not actually be the square of a quantity R). References ---------- .. [1] `Wikipedia entry on the Coefficient of determination <http://en.wikipedia.org/wiki/Coefficient_of_determination>`_ Examples -------- >>> from sklearn.metrics import r2_score >>> y_true = [3, -0.5, 2, 7] >>> y_pred = [2.5, 0.0, 2, 8] >>> r2_score(y_true, y_pred) # doctest: +ELLIPSIS 0.948... >>> y_true = [[0.5, 1], [-1, 1], [7, -6]] >>> y_pred = [[0, 2], [-1, 2], [8, -5]] >>> r2_score(y_true, y_pred, multioutput='variance_weighted') # doctest: +ELLIPSIS 0.938... """ y_type, y_true, y_pred, multioutput = _check_reg_targets( y_true, y_pred, multioutput) if sample_weight is not None: sample_weight = column_or_1d(sample_weight) weight = sample_weight[:, np.newaxis] else: weight = 1. numerator = (weight * (y_true - y_pred) ** 2).sum(axis=0, dtype=np.float64) denominator = (weight * (y_true - np.average( y_true, axis=0, weights=sample_weight)) ** 2).sum(axis=0, dtype=np.float64) nonzero_denominator = denominator != 0 nonzero_numerator = numerator != 0 valid_score = nonzero_denominator & nonzero_numerator output_scores = np.ones([y_true.shape[1]]) output_scores[valid_score] = 1 - (numerator[valid_score] / denominator[valid_score]) # arbitrary set to zero to avoid -inf scores, having a constant # y_true is not interesting for scoring a regression anyway output_scores[nonzero_numerator & ~nonzero_denominator] = 0. if multioutput is None and y_true.shape[1] != 1: # @FIXME change in 0.18 warnings.warn("Default 'multioutput' behavior now corresponds to " "'variance_weighted' value, it will be changed " "to 'uniform_average' in 0.18.", DeprecationWarning) multioutput = 'variance_weighted' if multioutput == 'raw_values': # return scores individually return output_scores elif multioutput == 'uniform_average': # passing None as weights results is uniform mean avg_weights = None elif multioutput == 'variance_weighted': avg_weights = denominator # avoid fail on constant y or one-element arrays if not np.any(nonzero_denominator): if not np.any(nonzero_numerator): return 1.0 else: return 0.0 else: avg_weights = multioutput return np.average(output_scores, weights=avg_weights)
bsd-3-clause
Clyde-fare/scikit-learn
examples/svm/plot_separating_hyperplane_unbalanced.py
326
1850
""" ================================================= SVM: Separating hyperplane for unbalanced classes ================================================= Find the optimal separating hyperplane using an SVC for classes that are unbalanced. We first find the separating plane with a plain SVC and then plot (dashed) the separating hyperplane with automatically correction for unbalanced classes. .. currentmodule:: sklearn.linear_model .. note:: This example will also work by replacing ``SVC(kernel="linear")`` with ``SGDClassifier(loss="hinge")``. Setting the ``loss`` parameter of the :class:`SGDClassifier` equal to ``hinge`` will yield behaviour such as that of a SVC with a linear kernel. For example try instead of the ``SVC``:: clf = SGDClassifier(n_iter=100, alpha=0.01) """ print(__doc__) import numpy as np import matplotlib.pyplot as plt from sklearn import svm #from sklearn.linear_model import SGDClassifier # we create 40 separable points rng = np.random.RandomState(0) n_samples_1 = 1000 n_samples_2 = 100 X = np.r_[1.5 * rng.randn(n_samples_1, 2), 0.5 * rng.randn(n_samples_2, 2) + [2, 2]] y = [0] * (n_samples_1) + [1] * (n_samples_2) # fit the model and get the separating hyperplane clf = svm.SVC(kernel='linear', C=1.0) clf.fit(X, y) w = clf.coef_[0] a = -w[0] / w[1] xx = np.linspace(-5, 5) yy = a * xx - clf.intercept_[0] / w[1] # get the separating hyperplane using weighted classes wclf = svm.SVC(kernel='linear', class_weight={1: 10}) wclf.fit(X, y) ww = wclf.coef_[0] wa = -ww[0] / ww[1] wyy = wa * xx - wclf.intercept_[0] / ww[1] # plot separating hyperplanes and samples h0 = plt.plot(xx, yy, 'k-', label='no weights') h1 = plt.plot(xx, wyy, 'k--', label='with weights') plt.scatter(X[:, 0], X[:, 1], c=y, cmap=plt.cm.Paired) plt.legend() plt.axis('tight') plt.show()
bsd-3-clause
predicador37/pyjstat
pyjstat/pyjstat.py
1
36310
# -*- coding: utf-8 -*- """pyjstat is a python module for JSON-stat formatted data manipulation. This module allows reading and writing JSON-stat [1]_ format with python, using data frame structures provided by the widely accepted pandas library [2]_. The JSON-stat format is a simple lightweight JSON format for data dissemination. Pyjstat is inspired in rjstat [3]_, a library to read and write JSON-stat with R, by ajschumacher. pyjstat is written and maintained by `Miguel Expósito Martín <https://twitter.com/predicador37>`_ and is distributed under the Apache 2.0 License (see LICENSE file). .. [1] http://json-stat.org/ for JSON-stat information .. [2] http://pandas.pydata.org for Python Data Analysis Library information .. [3] https://github.com/ajschumacher/rjstat for rjstat library information Example: Importing a JSON-stat file into a pandas data frame can be done as follows:: import urllib2 import json import pyjstat results = pyjstat.from_json_stat(json.load(urllib2.urlopen( 'http://json-stat.org/samples/oecd-canada.json'))) print results """ import inspect import json import logging import warnings from collections import OrderedDict from datetime import datetime import numpy as np import pandas as pd import requests LOGGER = logging.getLogger(__name__) LOGGER.setLevel(logging.INFO) try: basestring except NameError: basestring = str class NumpyEncoder(json.JSONEncoder): """Custom JSON encoder class for Numpy data types.""" def default(self, obj): """Encode by default.""" if isinstance(obj, np.integer) or isinstance(obj, np.int64): return int(obj) elif isinstance(obj, np.floating): return float(obj) elif isinstance(obj, np.ndarray): return obj.tolist() else: return super(NumpyEncoder, self).default(obj) def to_int(variable): """Convert variable to integer or string depending on the case. Args: variable (string): a string containing a real string or an integer. Returns: variable(int, string): an integer or a string, depending on the content of variable. """ try: return int(variable) except ValueError: return variable def to_str(variable): """Convert variable to integer or string depending on the case. Args: variable (string): a string containing a real string or an integer. Returns: variable(int, string): an integer or a string, depending on the content of variable. """ try: int(variable) return str(variable) except ValueError: return variable def check_version_2(dataset): """Check for json-stat version. Check if json-stat version attribute exists and is equal or greater than 2.0 for a given dataset. Args: dataset (OrderedDict): data in JSON-stat format, previously deserialized to a python object by json.load() or json.loads(), Returns: bool: True if version exists and is equal or greater than 2.0, False otherwise. For datasets without the version attribute, always return False. """ if float(dataset.get('version')) >= 2.0 \ if dataset.get('version') else False: if 'id' not in dataset: # Some datasets claim to be 2.0, but don't have version 2 structure. return False return True else: return False def unnest_collection(collection, df_list): """Unnest collection extracting its datasets and converting them to df. Args: collection (OrderedDict): data in JSON-stat format, previously deserialized to a python object by json.load() or json.loads(), df_list (list): list variable which will contain the converted datasets. Returns: Nothing. """ for item in collection['link']['item']: if item['class'] == 'dataset': df_list.append(Dataset.read(item['href']).write('dataframe')) elif item['class'] == 'collection': nested_collection = request(item['href']) unnest_collection(nested_collection, df_list) def check_input(naming): """Check and validate input params. Args: naming (string): a string containing the naming type (label or id). Returns: Nothing Raises: ValueError: if the parameter is not in the allowed list. """ if naming not in ['label', 'id']: raise ValueError('naming must be "label" or "id"') def get_dimensions(js_dict, naming): """Get dimensions from input data. Args: js_dict (dict): dictionary containing dataset data and metadata. naming (string, optional): dimension naming. Possible values: 'label' or 'id'. Returns: dimensions (list): list of pandas data frames with dimension category data. dim_names (list): list of strings with dimension names. """ dimensions = [] dim_names = [] if check_version_2(js_dict): dimension_dict = js_dict else: dimension_dict = js_dict['dimension'] for dim in dimension_dict['id']: if 'label' in js_dict['dimension'][dim]: dim_name = js_dict['dimension'][dim]['label'] else: # All datasets don't have labels for dimensions dim_name = dim if not dim_name: dim_name = dim if naming == 'label': dim_label = get_dim_label(js_dict, dim) dimensions.append(dim_label) dim_names.append(dim_name) else: dim_index = get_dim_index(js_dict, dim) dimensions.append(dim_index) dim_names.append(dim) return dimensions, dim_names def get_dim_label(js_dict, dim, dim_input="dataset"): """Get label from a given dimension. Args: js_dict (dict): dictionary containing dataset data and metadata. dim (string): dimension name obtained from JSON file. Returns: dim_label(pandas.DataFrame): DataFrame with label-based dimension data. """ if dim_input == 'dataset': dim_input = js_dict['dimension'][dim] label_col = 'label' elif dim_input == 'dimension': label_col = js_dict['label'] dim_input = js_dict else: raise ValueError try: dim_label = dim_input['category']['label'] except KeyError: dim_index = get_dim_index(js_dict, dim) dim_label = pd.concat([dim_index['id'], dim_index['id']], axis=1) dim_label.columns = ['id', 'label'] else: dim_label = pd.DataFrame(list(zip(dim_label.keys(), dim_label.values())), index=dim_label.keys(), columns=['id', label_col]) # index must be added to dim label so that it can be sorted try: dim_index = dim_input['category']['index'] except KeyError: dim_index = pd.DataFrame(list(zip([dim_label['id'][0]], [0])), index=[0], columns=['id', 'index']) else: if type(dim_index) is list: dim_index = pd.DataFrame(list(zip(dim_index, range(0, len(dim_index)))), index=dim_index, columns=['id', 'index']) else: dim_index = pd.DataFrame(list(zip(dim_index.keys(), dim_index.values())), index=dim_index.keys(), columns=['id', 'index']) dim_label = pd.merge(dim_label, dim_index, on='id').sort_values(by='index') return dim_label def get_dim_index(js_dict, dim): """Get index from a given dimension. Args: js_dict (dict): dictionary containing dataset data and metadata. dim (string): dimension name obtained from JSON file. Returns: dim_index (pandas.DataFrame): DataFrame with index-based dimension data. """ try: dim_index = js_dict['dimension'][dim]['category']['index'] except KeyError: dim_label = get_dim_label(js_dict, dim) dim_index = pd.DataFrame(list(zip([dim_label['id'][0]], [0])), index=[0], columns=['id', 'index']) else: if type(dim_index) is list: dim_index = pd.DataFrame(list(zip(dim_index, range(0, len(dim_index)))), index=dim_index, columns=['id', 'index']) else: dim_index = pd.DataFrame(list(zip(dim_index.keys(), dim_index.values())), index=dim_index.keys(), columns=['id', 'index']) dim_index = dim_index.sort_values(by='index') return dim_index def get_values(js_dict, value='value'): """Get values from input data. Args: js_dict (dict): dictionary containing dataset data and metadata. value (string, optional): name of the value column. Defaults to 'value'. Returns: values (list): list of dataset values. """ values = js_dict[value] if type(values) is list: if type(values[0]) is not dict or tuple: return values # being not a list of dicts or tuples leaves us with a dict... values = {int(key): value for (key, value) in values.items()} if js_dict.get('size'): max_val = np.prod(np.array((js_dict['size']))) else: max_val = np.prod(np.array((js_dict['dimension']['size']))) vals = max_val * [None] for (key, value) in values.items(): vals[key] = value values = vals return values def get_df_row(dimensions, naming='label', i=0, record=None): """Generate row dimension values for a pandas dataframe. Args: dimensions (list): list of pandas dataframes with dimension labels generated by get_dim_label or get_dim_index methods. naming (string, optional): dimension naming. Possible values: 'label' or 'id'. i (int): dimension list iteration index. Default is 0, it's used in the recursive calls to the method. record (list): list of values representing a pandas dataframe row, except for the value column. Default is empty, it's used in the recursive calls to the method. Yields: list: list with pandas dataframe column values except for value column """ check_input(naming) if i == 0 or record is None: record = [] for dimension in dimensions[i][naming]: record.append(dimension) if len(record) == len(dimensions): yield record if i + 1 < len(dimensions): for row in get_df_row(dimensions, naming, i + 1, record): yield row if len(record) == i + 1: record.pop() def uniquify(seq): """Return unique values in a list in the original order. See: http://www.peterbe.com/plog/uniqifiers-benchmark Args: seq (list): original list. Returns: list: list without duplicates preserving original order. """ seen = set() seen_add = seen.add return [x for x in seq if x not in seen and not seen_add(x)] def generate_df(js_dict, naming, value="value"): """Decode JSON-stat dict into pandas.DataFrame object. Helper method that should be called inside from_json_stat(). Args: js_dict(OrderedDict): OrderedDict with data in JSON-stat format, previously deserialized into a python object by json.load() or json.loads(), for example. naming(string): dimension naming. Possible values: 'label' or 'id.' value (string, optional): name of the value column. Defaults to 'value'. Returns: output(DataFrame): pandas.DataFrame with converted data. """ values = [] dimensions, dim_names = get_dimensions(js_dict, naming) values = get_values(js_dict, value=value) output = pd.DataFrame([category + [values[i]] for i, category in enumerate(get_df_row(dimensions, naming))]) output.columns = dim_names + [value] output.index = range(0, len(values)) return output def from_json_stat(datasets, naming='label', value='value'): """Decode JSON-stat formatted data into pandas.DataFrame object. Args: datasets(OrderedDict, list): data in JSON-stat format, previously deserialized to a python object by json.load() or json.loads(), for example. Both List and OrderedDict are accepted as inputs. naming(string, optional): dimension naming. Possible values: 'label' or 'id'.Defaults to 'label'. value (string, optional): name of the value column. Defaults to 'value'. Returns: results(list): list of pandas.DataFrame with imported data. """ warnings.warn( "Shouldn't use this function anymore! Now use read() methods of" "Dataset, Collection or Dimension.", DeprecationWarning ) check_input(naming) results = [] if type(datasets) is list: for idx, element in enumerate(datasets): for dataset in element: js_dict = datasets[idx][dataset] results.append(generate_df(js_dict, naming, value)) elif isinstance(datasets, OrderedDict) or type(datasets) is dict or \ isinstance(datasets, Dataset): if 'class' in datasets: if datasets['class'] == 'dataset': js_dict = datasets results.append(generate_df(js_dict, naming, value)) else: # 1.00 bundle type for dataset in datasets: js_dict = datasets[dataset] results.append(generate_df(js_dict, naming, value)) return results def _round_decimals(dataframe, units, roles, value): """Round values according to units definition.""" if not isinstance(dataframe, pd.DataFrame): return dataframe if not isinstance(units, dict): return dataframe if not isinstance(roles, dict): return dataframe if not isinstance(value, str): return dataframe df = dataframe.copy(deep=True) for unit in units.keys(): if unit in roles['metric']: if '*' in units[unit].keys(): decimals = units[unit]['*'].get('decimals') if decimals is not None: df[value] = df[value].round(decimals) else: for label in units[unit].keys(): decimals = units[unit][label].get('decimals') if decimals is not None: for idx, row in df.iterrows(): if row[unit] == label: df.at[ idx, value] = df.at[ idx, value].round(decimals) return df def _add_units_to_categories(categories, units, roles): """Add units to categories according to units definition.""" if not isinstance(categories, list): return categories if not isinstance(units, dict): return categories if not isinstance(roles, dict): return categories for unit in units.keys(): if unit in roles['metric']: for idx, category in enumerate(categories): if unit == list(category)[0]: if '*' in units[unit].keys(): units_updated = {} for c in categories[idx][unit]['category']['label']: units_updated.update( {c: { 'label': units[ unit]['*'].get('label'), 'decimals': units[ unit]['*'].get('decimals') }} ) categories[idx][unit]['category'].update( {"unit": units_updated}) else: categories[idx][unit]['category'].update( {"unit": units[unit]}) return categories def _get_categories(data, unit=None, role=None, value='value'): """Return a list of categories according to dimensions. When unit, role and value are included in parameters, decimals are rounded, also adds units dictionary to result. Args: data(pandas.Dataframe): must have exactly one value column. value (string, optional): name of the value column. Defaults to 'value'. role(dict, optional): roles for dimensions. unit(dict, optional): unit for variables, if there is only one element named '*' it will repeated for all. """ dims = data.filter([item for item in data.columns.values if item not in value]) if isinstance(unit, dict) and isinstance(role, dict): data = _round_decimals(data, unit, role, value) categories_without_units = [ {to_int(i): {"label": to_str(i), "category": {"index": OrderedDict([(to_str(j), to_int(k)) for k, j in enumerate(uniquify(dims[i]))]), "label": OrderedDict([(to_str(j), to_str(j)) for k, j in enumerate(uniquify(dims[i]))]) }}} for i in dims.columns.values] categories = _add_units_to_categories( categories_without_units, unit, role) else: categories = [{to_int(i): {"label": to_str(i), "category": {"index": OrderedDict([(to_str(j), to_int(k)) for k, j in enumerate(uniquify(dims[i]))]), "label": OrderedDict([(to_str(j), to_str(j)) for k, j in enumerate(uniquify(dims[i]))])}}} for i in dims.columns.values] return categories def to_json_stat(input_df, value='value', output='list', version='1.3', updated=datetime.today(), source='Self-elaboration', note=None, role=None, unit=None): """Encode pandas.DataFrame object into JSON-stat format. The DataFrames must have exactly one value column. Args: df(pandas.DataFrame): pandas data frame (or list of data frames) to encode. value (string, optional): name of the value column. Defaults to 'value'. output(string): accepts two values: 'list' or 'dict'. Produce list of dicts or dict of dicts as output. version(string): desired json-stat version. 2.0 is preferred now. Apart from this, only older 1.3 format is accepted, which is the default parameter in order to preserve backwards compatibility. updated(datetime): updated metadata in JSON-stat standard. Must be a datetime in ISO format. source(string, optional): data source in JSON-stat standard. note(string, optional): information for metadata. role(dict, optional): roles for dimensions. unit(dict, optional): unit for variables, if there is only one element named '*' it will repeated for all. Returns: output(string): String with JSON-stat object. """ warnings.warn( "Shouldn't use this function anymore! Now use write() methods of" "Dataset, Collection or Dimension.", DeprecationWarning ) data = [] if output == 'list': result = [] elif output == 'dict': result = OrderedDict({}) if isinstance(input_df, pd.DataFrame): data.append(input_df) else: data = input_df for row, dataframe in enumerate(data): dims = data[row].filter([item for item in data[row].columns.values if item not in value]) if len(dims.columns.values) != len(set(dims.columns.values)): raise ValueError('Non-value columns must constitute a unique ID') dim_names = list(dims) if isinstance(role, dict): for metric in role.get('metric'): uniques_dimensions = dataframe[metric].unique() for dimension in uniques_dimensions: tmp_df = dataframe.query(metric+" == '"+dimension+"'") time_column = tmp_df.loc[:, role.get('time')[0]] if time_column.duplicated().any(): warnings.warn( "Data duplicated in time dimension." "Doesn't exist unique values for each dimension. ", UserWarning ) categories = _get_categories(dataframe, unit, role, value) if float(version) >= 2.0: dataset = {"dimension": OrderedDict(), value: [None if pd.isnull(x) else x for x in dataframe[value].values]} dataset["version"] = version dataset["class"] = "dataset" dataset["updated"] = updated.isoformat() dataset["source"] = source if isinstance(role, dict): dataset["role"] = role if isinstance(note, str): dataset["note"] = [note] for category in categories: dataset["dimension"].update(category) dataset.update({"id": dim_names}) dataset.update({"size": [len(dims[i].unique()) for i in dims.columns.values]}) for category in categories: dataset["dimension"].update(category) else: dataset = {"dataset" + str(row + 1): {"dimension": OrderedDict(), value: [None if pd.isnull(x) else x for x in dataframe[value].values]}} for category in categories: dataset["dataset" + str(row + 1)][ "dimension"].update(category) dataset["dataset" + str(row + 1)][ "dimension"].update({"id": dim_names}) dataset["dataset" + str(row + 1)][ "dimension"].update({"size": [len(dims[i].unique()) for i in dims.columns.values]}) for category in categories: dataset["dataset" + str(row + 1)][ "dimension"].update(category) if output == 'list': result.append(dataset) elif output == 'dict': result.update(dataset) else: result = None return json.dumps(result, cls=NumpyEncoder) def request(path, verify=True): """Send a request to a given URL accepting JSON format. Args: path (str): The URI to be requested. Returns: response: Deserialized JSON Python object. Raises: HTTPError: the HTTP error returned by the requested server. InvalidURL: an invalid URL has been requested. Exception: generic exception. """ headers = {'Accept': 'application/json'} try: requested_object = requests.get(path, headers=headers, verify=verify) requested_object.raise_for_status() except requests.exceptions.HTTPError as exception: LOGGER.error((inspect.stack()[0][3]) + ': HTTPError = ' + str(exception.response.status_code) + ' ' + str(exception.response.reason) + ' ' + str(path)) raise except requests.exceptions.InvalidURL as exception: LOGGER.error('URLError = ' + str(exception.reason) + ' ' + str(path)) raise except Exception: import traceback LOGGER.error('Generic exception: ' + traceback.format_exc()) raise else: response = requested_object.json() return response class Dataset(OrderedDict): """A class representing a JSONstat dataset.""" def __init__(self, *args, **kwargs): """Initialize object.""" super(Dataset, self).__init__(*args, **kwargs) @ classmethod def read(cls, data, verify=True, **kwargs): """Read data from URL, Dataframe, JSON string/file or OrderedDict. Args: data: can be a Pandas Dataframe, a JSON file, a JSON string, an OrderedDict or a URL pointing to a JSONstat file. verify: whether to host's SSL certificate. kwargs: optional arguments for to_json_stat(). Returns: An object of class Dataset populated with data. """ if isinstance(data, pd.DataFrame): return cls((json.loads( to_json_stat(data, output='dict', version='2.0', **kwargs), object_pairs_hook=OrderedDict))) elif isinstance(data, OrderedDict): return cls(data) elif (isinstance(data, basestring) and data.startswith(("http://", "https://", "ftp://", "ftps://"))): # requests will do the rest... return cls(request(data, verify=verify)) elif isinstance(data, basestring): try: json_dict = json.loads(data, object_pairs_hook=OrderedDict) return cls(json_dict) except ValueError: raise else: try: json_dict = json.load(data, object_pairs_hook=OrderedDict) return cls(json_dict) except ValueError: raise def write(self, output='jsonstat', naming="label", value='value'): """Write data from a Dataset object to JSONstat or Pandas Dataframe. Args: output(string): can accept 'jsonstat' or 'dataframe'. Default to 'jsonstat'. naming (string): optional, ingored if output = 'jsonstat'. Dimension naming. Possible values: 'label' or 'id'. Defaults to 'label'. value (string): optional, ignored if output = 'jsonstat'. Name of value column. Defaults to 'value'. Returns: Serialized JSONstat or a Pandas Dataframe,depending on the 'output' parameter. """ if output == 'jsonstat': return json.dumps(OrderedDict(self), cls=NumpyEncoder) elif output == 'dataframe': return from_json_stat(self, naming=naming, value=value)[0] else: raise ValueError("Allowed arguments are 'jsonstat' or 'dataframe'") def get_dimension_index(self, name, value): """Get a dimension index from its name. Convert a dimension ID string and a category ID string into the numeric index of that category in that dimension Args: name(string): ID string of the dimension. value(string): ID string of the category. Returns: ndx[value](int): index of the category in the dimension. """ if 'index' not in self.get('dimension', {}). \ get(name, {}).get('category', {}): return 0 ndx = self['dimension'][name]['category']['index'] if isinstance(ndx, list): return ndx.index(value) else: return ndx[value] def get_dimension_indices(self, query): """Get dimension indices. Converts a dimension/category list of dicts into a list of dimension indices. Args: query(list): dimension/category list of dicts. Returns: indices(list): list of dimensions' indices. """ ids = self['id'] if self.get('id') else self['dimension']['id'] indices = [] for idx, ident in enumerate(ids): indices.append(self.get_dimension_index( ident, [d.get(ident) for d in query if ident in d][0])) return indices def get_value_index(self, indices): """Convert a list of dimension indices into a numeric value index. Args: indices(list): list of dimension's indices. Returns: num(int): numeric value index. """ size = self['size'] if self.get('size') else self['dimension']['size'] ndims = len(size) mult = 1 num = 0 for idx, dim in enumerate(size): mult *= size[ndims - idx] if (idx > 0) else 1 num += mult * indices[ndims - idx - 1] return num def get_value_by_index(self, index): """Convert a numeric value index into its data value. Args: index(int): numeric value index. Returns: self['value'][index](float): Numeric data value. """ return self['value'][index] def get_value(self, query): """Get data value. Convert a dimension/category list of dicts into a data value in three steps. Args: query(list): list of dicts with the desired query. Returns: value(float): numeric data value. """ indices = self.get_dimension_indices(query) index = self.get_value_index(indices) value = self.get_value_by_index(index) return value class Dimension(OrderedDict): """A class representing a JSONstat dimension.""" def __init__(self, *args, **kwargs): """Initialize object.""" super(Dimension, self).__init__(*args, **kwargs) @ classmethod def read(cls, data): """Read data from URL, Dataframe, JSON string/file or OrderedDict. Args: data: can be a Pandas Dataframe, a JSON string, a JSON file, an OrderedDict or a URL pointing to a JSONstat file. Returns: An object of class Dimension populated with data. """ if isinstance(data, pd.DataFrame): output = OrderedDict({}) output['version'] = '2.0' output['class'] = 'dimension' [label] = [x for x in list(data.columns.values) if x not in ['id', 'index']] output['label'] = label output['category'] = OrderedDict({}) output['category']['index'] = data.id.tolist() output['category']['label'] = OrderedDict( zip(data.id.values, data[label].values)) return cls(output) elif isinstance(data, OrderedDict): return cls(data) elif isinstance(data, basestring) and data.startswith(("http://", "https://", "ftp://", "ftps://")): return cls(request(data)) elif isinstance(data, basestring): try: json_dict = json.loads(data, object_pairs_hook=OrderedDict) return cls(json_dict) except ValueError: raise else: try: json_dict = json.load(data, object_pairs_hook=OrderedDict) return cls(json_dict) except ValueError: raise def write(self, output='jsonstat'): """Write data from a Dataset object to JSONstat or Pandas Dataframe. Args: output(string): can accept 'jsonstat' or 'dataframe' Returns: Serialized JSONstat or a Pandas Dataframe,depending on the 'output' parameter. """ if output == 'jsonstat': return json.dumps(OrderedDict(self), cls=NumpyEncoder) elif output == 'dataframe': return get_dim_label(self, self['label'], 'dimension') else: raise ValueError("Allowed arguments are 'jsonstat' or 'dataframe'") class Collection(OrderedDict): """A class representing a JSONstat collection.""" def __init__(self, *args, **kwargs): """Initialize object.""" super(Collection, self).__init__(*args, **kwargs) @ classmethod def read(cls, data): """Read data from URL or OrderedDict. Args: data: can be a URL pointing to a JSONstat file, a JSON string or an OrderedDict. Returns: An object of class Collection populated with data. """ if isinstance(data, OrderedDict): return cls(data) elif isinstance(data, basestring) and data.startswith(("http://", "https://", "ftp://", "ftps://")): return cls(request(data)) elif isinstance(data, basestring): try: json_dict = json.loads(data, object_pairs_hook=OrderedDict) return cls(json_dict) except ValueError: raise else: try: json_dict = json.load(data, object_pairs_hook=OrderedDict) return cls(json_dict) except ValueError: raise def write(self, output='jsonstat'): """Write to JSON-stat or list of df. Writes data from a Collection object to JSONstat or list of Pandas Dataframes. Args: output(string): can accept 'jsonstat' or 'dataframe_list' Returns: Serialized JSONstat or a list of Pandas Dataframes,depending on the 'output' parameter. """ if output == 'jsonstat': return json.dumps(self) elif output == 'dataframe_list': df_list = [] unnest_collection(self, df_list) return df_list else: raise ValueError( "Allowed arguments are 'jsonstat' or 'dataframe_list'") def get(self, element): """Get element from collection. Get ith element from a collection in an object of the corresponding class. Args: output(string): can accept 'jsonstat' or 'dataframe_list' Returns: Serialized JSONstat or a list of Pandas Dataframes,depending on the 'output' parameter. """ if self['link']['item'][element]['class'] == 'dataset': return Dataset.read(self['link']['item'][element]['href']) elif self['link']['item'][element]['class'] == 'collection': return Collection.read(self['link']['item'][element]['href']) elif self['link']['item'][element]['class'] == 'dimension': return Dimension.read(self['link']['item'][element]['href']) else: raise ValueError( "Class not allowed. Please use dataset, collection or " "dimension'")
apache-2.0
yukisakurai/hhntup
higgstautau/jetcalibration.py
1
4797
""" See instructions here: https://twiki.cern.ch/twiki/bin/viewauth/AtlasProtected/JetCalibrationToolsForPhysicsAnalyses https://twiki.cern.ch/twiki/bin/viewauth/AtlasProtected/ApplyJetCalibration2011 https://twiki.cern.ch/twiki/bin/viewauth/AtlasProtected/ApplyJetCalibration2012 """ from rootpy.tree.filtering import EventFilter from rootpy import ROOTError from externaltools import ApplyJetCalibration from ROOT import JetCalibrationTool from . import log; log = log[__name__] from . import datasets class JetCalibration(EventFilter): """ This class applies jet calibrations """ def __init__(self, datatype, year, verbose=False, passthrough=False, **kwargs): super(JetCalibration, self).__init__( passthrough=passthrough, **kwargs) if not passthrough: self.year = year self.datatype = datatype self.isdata = datatype in (datasets.DATA, datasets.EMBED) self.verbose = verbose self.algo = 'AntiKt4LCTopo' if year == 2011: config = 'InsituJES_2011_Preliminary.config' # use Rel17_JES_AFII.config for fastsim MC elif year == 2012: config = 'JES_Full2012dataset_Preliminary_Jan13.config' # use JES_Full2012dataset_Preliminary_AFII_Jan13.config for fastsim MC else: raise ValueError( "No JES calibration defined for year %d" % year) log.info("Using JES config %s" % config) self.config_file = ApplyJetCalibration.get_resource( 'CalibrationConfigs/%s' % config) self.jes_tool = JetCalibrationTool( self.algo, self.config_file, self.isdata) def passes(self, event): # For the pile-up correction, we need mu and NPV(2+ tracks) mu = event.averageIntPerXing # count the number of vertices with 2 or more tracks NPV = 0 for vertex in event.vertices: if vertex.nTracks >= 2: NPV += 1 if self.verbose: print "JETS BEFORE RECALIBRATION" self.print_jets(event) if self.year == 2011: for jet in event.jets: Eraw = jet.constscale_E eta_det = jet.constscale_eta eta = jet.EtaOrigin phi = jet.PhiOrigin m = jet.MOrigin calib_jet = self.jes_tool.ApplyOffsetEtaJES( Eraw, eta_det, eta, phi, m, mu, NPV) jet.E = calib_jet.E() jet.m = calib_jet.M() jet.pt = calib_jet.Pt() jet.eta = calib_jet.Eta() jet.phi = calib_jet.Phi() elif self.year == 2012: rho = event.Eventshape_rhoKt4LC for jet in event.jets: Eraw = jet.constscale_E eta = jet.constscale_eta phi = jet.constscale_phi m = jet.constscale_m Ax = jet.ActiveAreaPx Ay = jet.ActiveAreaPy Az = jet.ActiveAreaPz Ae = jet.ActiveAreaE try: calib_jet = self.jes_tool.ApplyJetAreaOffsetEtaJES( Eraw, eta, phi, m, Ax, Ay, Az, Ae, rho, mu, NPV) jet.E = calib_jet.E() jet.m = calib_jet.M() jet.pt = calib_jet.Pt() jet.eta = calib_jet.Eta() jet.phi = calib_jet.Phi() except ROOTError as e: print "JET ERROR" print "Run: ", event.RunNumber print "Event: ", event.EventNumber print "Eraw", Eraw print "eta", eta print "phi", phi print "m", m print "Ax", Ax print "Ay", Ay print "Az", Az print "Ae", Ae raise e else: raise ValueError('Invalid year in jet calibration: %d' % self.year) if self.verbose: print "JETS AFTER RECALIBRATION" self.print_jets(event) return True def print_jets(self, event): for i in xrange(event.jet_n): # use raw access to D3PD branches as an extra check print "E: %.3f pT: %.3f eta: %.5f phi: %.5f M: %.3f" % ( event.jet_E[i], event.jet_pt[i], event.jet_eta[i], event.jet_phi[i], event.jet_m[i])
gpl-3.0
Ventrosky/python-scripts
nlp-scripts/project2.py
1
18812
#!/usr/bin/python # -*- coding: utf-8 -*- # Progetto di Linguistica Computazionale - A.A. 2016/2017 # Programma 2 # Salvatore Ventrone - 539872 import sys, codecs, nltk, re, math from nltk import bigrams, trigrams from decimal import Decimal, ROUND_DOWN def usage(): print '-'*80 print "Progetto di Linguistica Computazionale - Programma 2" print print "Usage: project2.py text_file1 text_file2" print print "Estraete ed ordinate in ordine di frequenza decrescente, indicando la relativa frequenza:" print "- le 10 PoS (Part-of-Speech) più frequenti;" print "- i 20 token più frequenti escludendo la punteggiatura;" print "- i 20 bigrammi di token più frequenti che non contengono punteggiatura, articoli e congiunzioni;" print "- i 20 trigrammi di token più frequenti che non contengono punteggiatura, articoli e congiunzioni;" print "Estraete ed ordinate i 20 bigrammi (Aggettivo, Sostantivo) dove ogni frequenza(token) > 2:" print "- con probabilità congiunta massima, indicandone la probabilità;" print "- con probabilità condizionata massima, indicandone la probabilità;" print "- con forza associativa (Local Mutual Information) massima, indicandone forza associativa;" print "Le due frasi con probabilità più alta:" print "- prima frase calcolata attraverso un modello di Markov di ordine 0;" print "- seconda con un modello di Markov di ordine 1;" print "- i due modelli devono usare le statistiche estratte dal corpus che contiene le frasi;" print "- frasi lunghe almeno 10 token, ogni token deve avere una frequenza maggiore di 2;" print "Dopo aver individuato e classificato le Entità Nominate (NE) presenti nel testo, estraete:" print "- i 20 nomi propri di persona più frequenti (tipi), ordinati per frequenza;" print "- i 20 nomi propri di luogo più frequenti (tipi), ordinati per frequenza." print print "Examples: " print "python project2.py clinton.txt trump.txt" print "./project2.py clinton.txt trump.txt > output2.txt" print "" print '-'*80 sys.exit(0) # tutti tokens con almeno freq. 2 def frasiPerMarkov(frasi, tokensTOT): distrFreq = nltk.FreqDist(tokensTOT) frasiMarkov = [] for frase in frasi: # frasi gia di len >= 10 freq = list(map(lambda x: distrFreq[x], frase)) # creo vettore di frequenze dei token if not 1 in freq: # controllo se nessun token appare solo 1 volta nel testo frasiMarkov.append(frase) return frasiMarkov # tokenizza frasi def estraiTokens(frasi): tokensTOT = [] frasiLunghe = [] # vettore frasi almeno 10 token for frase in frasi: tokens = nltk.word_tokenize(frase) if len(tokens) > 9: frasiLunghe.append(tokens) tokensTOT = tokensTOT + tokens # costruisco vettore tokens frasiMarkov = frasiPerMarkov(frasiLunghe, tokensTOT) # ogni token deve avere una frequenza maggiore di 2 return tokensTOT, frasiMarkov # apre e tokenizza file di testo, restituisce tokens def openTextFile(file1): fileInput = codecs.open(file1, "r", "utf-8") raw = fileInput.read() sent_tokenizer = nltk.data.load('tokenizers/punkt/english.pickle') frasi = sent_tokenizer.tokenize(raw) tokensTesto, frasiMarkov = estraiTokens(frasi) # creo il vettore con tokens, restituisco frasi per esercizio Markov return tokensTesto, frasiMarkov, frasi #inserisce elementi POS in una lista def estraiSeqPOS(testoPOS): listaPOS = [] for bigramma in testoPOS: listaPOS.append(bigramma[1]) return listaPOS # analisi morfosintattica ed Entità Nominate (NE) def analisiLing(frasi): namedEntityDict = { "PERSON" : [], "GPE" : []} tokensPOStot=[] for frase in frasi: tokens = nltk.word_tokenize(frase) tokensPOS = nltk.pos_tag(tokens) analisi = nltk.ne_chunk(tokensPOS) for nodo in analisi: # ciclo albero scorrendo nodi NE = '' if hasattr(nodo, 'label'): #controlla se chunk è un nodo intermedio if nodo.label() in ["PERSON", "GPE"]: # nomi propri di persona o luogo for partNE in nodo.leaves(): # ciclo foglie nodo selezionato NE = NE+' '+partNE[0] namedEntityDict[nodo.label()].append(NE) tokensPOStot = tokensPOStot + tokensPOS return tokensPOStot, namedEntityDict # 10 PoS (Part-of-Speech) più frequenti;" def top10POS(tokensPOS): seqPOS = estraiSeqPOS(tokensPOS) freqDist = nltk.FreqDist(seqPOS) return freqDist.most_common(10) # restituisce i bigrammi def getBigrams(tokens): bigrams1 = list(bigrams(tokens)) return bigrams1 # restituisce i trigrammi def getTrigrams(tokens): trigrams1 = list(trigrams(tokens)) return trigrams1 # 20 token più frequenti def top20Tokens(tokens1): esclusi = [',','.',':',';'] #non contenenti punteggiatura nonPunteggiatura = [ a[0] for (a, b) in tokens1 if not (a[1] in esclusi)] fdist = nltk.FreqDist(nonPunteggiatura) return fdist.most_common(20) # 20 bigrammi di token più frequenti def top20Bigrams(bigrams1): esclusi = [',','.',':',';','DT','CC'] #non contenenti punteggiatura, articoli e congiunzioni nonPunteggiatura = [(a[0], b[0]) for (a, b) in bigrams1 if not (b[1] in esclusi) and not (a[1] in esclusi)] fdist = nltk.FreqDist(nonPunteggiatura) return fdist.most_common(20) # 20 trigrammi di token più frequenti def top20Trigrams(trigrams1): esclusi = [',','.',':',';','DT','CC'] #non contenenti punteggiatura, articoli e congiunzioni nonPunteggiatura = [(a[0], b[0], c[0]) for (a, b, c) in trigrams1 if not (b[1] in esclusi) and not (a[1] in esclusi) and not (c[1] in esclusi)] fdist = nltk.FreqDist(nonPunteggiatura) return fdist.most_common(20) # restituisce vero se il PoS tag si riferisce ad aggettivo e sostantivo def isAggAndSos(tag1, tag2): return (re.search(r'^JJ', tag1) and re.search(r'^NN', tag2)) # bigrammi aggettivo e sostantivo, frequenza(token) > 2 def bigrammiAggSos(tokensPOS): bigramsAggSos = [(a[0], b[0]) for (a, b) in tokensPOS if isAggAndSos(a[1],b[1])] return bigramsAggSos # dizionario {"token" : (freq_as, freq_rel)} def dictVocabFreq(vocab, t_tokens): v = {} c = len(t_tokens) freq = 0 for tok in vocab: freq=t_tokens.count(tok) v[tok] = (freq, (freq *1.0 / c *1.0)) return v # dato dizionario ordina per valore def ordinaDict(dictFreq): return sorted(dictFreq.items(), key = lambda x: x[1], reverse = True) # dato dizionario ordina per valore v[4] # P(u,v) def ordinaProbCongiunta(dictFreq): return sorted(dictFreq.items(), key = lambda x: x[1][4], reverse = True) # dato dizionario ordina per valore v[3] # P(v|u) def ordinaProbCondizionata(dictFreq): return sorted(dictFreq.items(), key = lambda x: x[1][3], reverse = True) # crea dizionario {"bigramma" : (F(u,v), F(u), F(v), P(v|u), P(u,v))} def infoBigrams(bigrams1, setBigramsAggSost,vocabFreq): b_infos = {} freq = 0 for b in setBigramsAggSost: freq = bigrams1.count(b) u = b[0] v = b[1] f_u = vocabFreq[u][0] #freq. assoluta di u f_u_r = vocabFreq[u][1] #freq. relativa di u f_v = vocabFreq[v][0] p_uv1 = (freq *1.0 / f_u *1.0) # P(v|u) probabilità condizionata p_uv2 = (f_u_r * p_uv1) # P(u,v) probabilità congiunta b_infos[b] = (freq, f_u, f_v, p_uv1, p_uv2) # memorizzo F(u,v), F(u), F(v), P(v|u), P(u,v) return b_infos # calcola Local Mutual Information dei bigrammi def getLocalMutualInformation(bigramsDict, vocabFreq): mi = {} for k,v in bigramsDict.items(): u1 = k[0] u2 = k[1] p_uv = v[4] # P(u,v) mi1 = (p_uv / (vocabFreq[u1][1] * vocabFreq[u2][1])) # mi1 = P(u,v)/(P(u)*P(v)) mi[k] = math.log( mi1, 2) * v[0] # log2(mi1) * f(<u,v>) = Local Mutual Information return mi # Calcola Probabilita Frase Markov 0 def probabilitaMarkov0(lenCorpus, distrFreq, frase): probabilita = 1.0 for tok in frase: probabilitaToken = (distrFreq[tok]*1.0 / lenCorpus*1.0) probabilita = probabilita * probabilitaToken # P(w1, w2,...,wn)=P(w1)*P(w2)*...*P(wn) return probabilita # restituisce la frase Markov 0 con probabilità più alta def maxProbMarkov0(lenCorpus, distrFreq, frasi): probFraseMax = 0 topFrase = [] for frase in frasi: p = probabilitaMarkov0(lenCorpus, distrFreq, frase) # Probabilita Frase Markov 0 if p > probFraseMax: probFraseMax = p topFrase = frase return topFrase, probFraseMax # Calcola Probabilita Frase Markov 1; bigramInfos = { bigramma : (F(u,v), F(u), F(v), P(v|u), P(u,v))} def probabilitaMarkov1(lenCorpus, frase, bigramInfos): probabilita = 1 w1 = frase[0] primaParola = True for tok in frase[1:]: w2 = tok if primaParola: probabilita = ( bigramInfos[(w1,w2)][2] *1.0 / lenCorpus*1.0) #calcolo prob prima parola primaParola = False probabilitaBigramma = bigramInfos[(w1,w2)][3] # P(v|u) probabilita = probabilita * probabilitaBigramma #P(w1, w2,...,wn)=P(w1)*P(w2|w1)*P(w3|w2)*...*P(wn|wn-1) w1 = w2 return probabilita # restituisce la frase Markov 1 con probabilità più alta def maxProbMarkov1(lenCorpus, frasi, bigramInfos): probFraseMax = 0 topFrase = [] for frase in frasi: p = probabilitaMarkov1(lenCorpus, frase, bigramInfos) # Probabilita Frase Markov 1 if p > probFraseMax: probFraseMax = p topFrase = frase return topFrase, probFraseMax def main(): if not len(sys.argv[1:]): usage() # nomi dei file passati come argomenti file1 = sys.argv[1] file2 = sys.argv[2] print '-'*80 print " Progetto di Linguistica Computazionale" print " Programma 2 " print '-'*80 tokensText1, frasiMarkov1, frasi1 = openTextFile(file1) # tokens del testo, frasi per es. Markov tokensText2, frasiMarkov2, frasi2 = openTextFile(file2) tokensPOS1, namedEntityDict1 = analisiLing(frasi1) # processo di annotazione ed NE tokensPOS2, namedEntityDict2 = analisiLing(frasi2) top10POS1 = top10POS(tokensPOS1) #10 PoS più frequenti top10POS2 = top10POS(tokensPOS2) print '-'*80 print " 10 PoS (Part-of-Speech) più frequenti" print '-'*80 print ' Testo:', file1,' '*12, '| Testo:', file2 print '-'*80 for i in range(min(len(top10POS1),len(top10POS2))): # stampa il confronto pos1, freq1 = top10POS1[i] pos2, freq2 = top10POS2[i] print " {: <20}{: <12}| {: <20}{: <12}".format(pos1, freq1, pos2, freq2) print '-'*80 print " 20 Token più frequenti" print '-'*80 print ' Testo:', file1,' '*12, '| Testo:', file2 print '-'*80 topTokens1 = top20Tokens(getBigrams(tokensPOS1)) #20 Token più frequenti topTokens2 = top20Tokens(getBigrams(tokensPOS2)) for i in range(min(len(topTokens1),len(topTokens2))): # stampa il confronto tok1, freq1 = topTokens1[i] tok2, freq2 = topTokens2[i] print " {: <25}{: <7}| {: <25}{: <7}".format(tok1.encode('utf-8'), freq1, tok2.encode('utf-8'), freq2) print '-'*80 print '-'*80 print " 20 Bigrammi più frequenti" print '-'*80 print ' Testo:', file1,' '*12, '| Testo:', file2 print '-'*80 bigrammi1 = getBigrams(tokensPOS1) # Bigrammi del testo annotati bigrammi2 = getBigrams(tokensPOS2) topBigrams1 = top20Bigrams(bigrammi1) #20 Bigrammi più frequenti topBigrams2 = top20Bigrams(bigrammi2) for i in range(min(len(topBigrams1),len(topBigrams2))): # stampa il confronto big1, freq1 = topBigrams1[i] big2, freq2 = topBigrams2[i] print " {: <25}{: <7}| {: <25}{: <7}".format(big1[0].encode('utf-8') + " " +big1[1].encode('utf-8'), freq1, big2[0].encode('utf-8') + " " +big2[1].encode('utf-8'), freq2) print '-'*80 print " 20 Trigrammi più frequenti" print '-'*80 print ' Testo:', file1,' '*18, '| Testo:', file2 print '-'*80 topTrigrams1 = top20Trigrams(getTrigrams(tokensPOS1)) #20 Trigrammi più frequenti topTrigrams2 = top20Trigrams(getTrigrams(tokensPOS2)) for i in range(min(len(topTrigrams1),len(topTrigrams2))): # stampa il confronto tri1, freq1 = topTrigrams1[i] tri2, freq2 = topTrigrams2[i] print " {: <35}{: <3}| {: <35}{: <3}".format(tri1[0].encode('utf-8')+" "+tri1[1].encode('utf-8')+" "+tri1[2].encode('utf-8'), freq1, tri2[0].encode('utf-8') +" "+tri2[1].encode('utf-8')+" "+tri2[2].encode('utf-8'), freq2) print '-'*80 print '-'*80 print " 20 Bigrammi - Aggettivo e Sostantivo" print '-'*80 setBigramsAggSost1 = bigrammiAggSos(bigrammi1) # Set di Bigrammi: aggettivo , sostantivo setBigramsAggSost2 = bigrammiAggSos(bigrammi2) vocabFreq1 = dictVocabFreq(set(tokensText1), tokensText1) # dizionario con tokens e frequenze vocabFreq2 = dictVocabFreq(set(tokensText2), tokensText2) bigrams1 = getBigrams(tokensText1) # Bigrammi del testo non annotati bigrams2 = getBigrams(tokensText2) dictBigrammi1 = infoBigrams(bigrams1, setBigramsAggSost1, vocabFreq1) # dizionario con info bigrammi_AggSost : (F(u,v), F(u), F(v), P(v|u), P(u,v)) dictBigrammi2 = infoBigrams(bigrams2, setBigramsAggSost2, vocabFreq2) forzaAssoc1 = getLocalMutualInformation(dictBigrammi1, vocabFreq1) # Local Mutual Information forzaAssoc2 = getLocalMutualInformation(dictBigrammi2, vocabFreq2) print " Con probabilità congiunta massima P(u,v):" print ' Testo:', file1,' '*12, '| Testo:', file2 print '-'*80 probCongiunta1 = ordinaProbCongiunta(dictBigrammi1)[:20] probCongiunta2 = ordinaProbCongiunta(dictBigrammi2)[:20] for i in range(min(len(probCongiunta1), len(probCongiunta2))): # stampa il confronto big1, p1 = probCongiunta1[i] big2, p2 = probCongiunta2[i] p1 = Decimal(str(p1[4])).quantize(Decimal('.00001'), rounding=ROUND_DOWN) p2 = Decimal(str(p2[4])).quantize(Decimal('.00001'), rounding=ROUND_DOWN) print " {: <25}{: <7}| {: <25}{: <7}".format(big1[0].encode('utf-8') + " " +big1[1].encode('utf-8'), p1, big2[0].encode('utf-8') + " " +big2[1].encode('utf-8'), p2) print '-'*80 print " Con probabilità condizionata massima P(v|u):" print ' Testo:', file1,' '*12, '| Testo:', file2 print '-'*80 probCondizionata1 = ordinaProbCondizionata(dictBigrammi1)[:20] probCondizionata2 = ordinaProbCondizionata(dictBigrammi2)[:20] for i in range(min(len(probCondizionata1),len(probCondizionata2))): # stampa il confronto big1, p1 = probCondizionata1[i] big2, p2 = probCondizionata2[i] p1 = Decimal(str(p1[3])).quantize(Decimal('.0001'), rounding=ROUND_DOWN) p2 = Decimal(str(p2[3])).quantize(Decimal('.0001'), rounding=ROUND_DOWN) print " {: <25}{: <7}| {: <25}{: <7}".format(big1[0].encode('utf-8') + " " +big1[1].encode('utf-8'), p1, big2[0].encode('utf-8') + " " +big2[1].encode('utf-8'), p2) print '-'*80 print " Con forza associativa massima (LMI):" print ' Testo:', file1,' '*12, '| Testo:', file2 print '-'*80 topLMI1 = ordinaDict(forzaAssoc1)[:20] topLMI2 = ordinaDict(forzaAssoc2)[:20] for i in range(min(len(topLMI1),len(topLMI2))): # stampa il confronto big1, lmi1 = topLMI1[i] big2, lmi2 = topLMI2[i] lmi1 = Decimal(str(lmi1)).quantize(Decimal('.001'), rounding=ROUND_DOWN) lmi2 = Decimal(str(lmi2)).quantize(Decimal('.001'), rounding=ROUND_DOWN) print " {: <25}{: <7}| {: <25}{: <7}".format(big1[0].encode('utf-8') + " " +big1[1].encode('utf-8'), lmi1, big2[0].encode('utf-8') + " " +big2[1].encode('utf-8'), lmi2) print '-'*80 print '-'*80 print " Le due frasi con probabilità più alta" print '-'*80 distrFreq1 = nltk.FreqDist(tokensText1) topFrase1, probFraseMax1 = maxProbMarkov0(len(tokensText1),distrFreq1, frasiMarkov1) # frase Markov 0 con probabilità più alta print " 1° Frase calcolata attraverso un modello di Markov di ordine 0:" print '-'*80 print ' Testo:', file1 print ' "'," ".join(topFrase1).encode('utf-8'),'"' print " Probabilità:", probFraseMax1 print distrFreq2 = nltk.FreqDist(tokensText2) topFrase2, probFraseMax2 = maxProbMarkov0(len(tokensText2),distrFreq2, frasiMarkov2) # frase Markov 0 con probabilità più alta print ' Testo:', file2 print ' "'," ".join(topFrase2).encode('utf-8'),'"' print " Probabilità:", probFraseMax2 print '-'*80 infoBigrammi1 = infoBigrams(bigrams1, set(bigrams1), vocabFreq1) # dizionario con info bigrammi : (F(u,v), F(u), F(v), P(v|u), P(u,v)) infoBigrammi2 = infoBigrams(bigrams2, set(bigrams2), vocabFreq2) topFrase1, probFraseMax1 = maxProbMarkov1(len(tokensText2),frasiMarkov1, infoBigrammi1) # frase Markov 1 con probabilità più alta print " 2° Frase calcolata attraverso un modello di Markov di ordine 1:" print '-'*80 print ' Testo:', file1 print ' "'," ".join(topFrase1).encode('utf-8'),'"' print " Probabilità:", probFraseMax1 print distrFreq2 = nltk.FreqDist(tokensText2) topFrase2, probFraseMax2 = maxProbMarkov1(len(tokensText2),frasiMarkov2, infoBigrammi2) # frase Markov 1 con probabilità più alta print ' Testo:', file2 print ' "'," ".join(topFrase2).encode('utf-8'),'"' print " Probabilità:", probFraseMax2 print '-'*80 print '-'*80 print " 20 nomi propri di persona più frequenti" print ' Testo:', file1,' '*18, '| Testo:', file2 print '-'*80 topPerson1 = nltk.FreqDist(namedEntityDict1["PERSON"]).most_common(20) #i 20 nomi propri di persona più frequenti topPerson2 = nltk.FreqDist(namedEntityDict2["PERSON"]).most_common(20) for i in range(min(len(topPerson1),len(topPerson2))): # stampa il confronto tok1, freq1 = topPerson1[i] tok2, freq2 = topPerson2[i] print " {: <35}{: <3}| {: <35}{: <3}".format(tok1.encode('utf-8'), freq1, tok2.encode('utf-8'), freq2) print '-'*80 print " 20 nomi propri di luogo più frequenti" print ' Testo:', file1,' '*18, '| Testo:', file2 print '-'*80 topGpe1 = nltk.FreqDist(namedEntityDict1["GPE"]).most_common(20) #i 20 nomi propri di luogo più frequenti topGpe2 = nltk.FreqDist(namedEntityDict2["GPE"]).most_common(20) for i in range(min(len(topGpe1),len(topGpe2))): # stampa il confronto tok1, freq1 = topGpe1[i] tok2, freq2 = topGpe2[i] print " {: <35}{: <3}| {: <35}{: <3}".format(tok1.encode('utf-8'), freq1, tok2.encode('utf-8'), freq2) print '-'*80 sys.exit(2) main()
gpl-3.0
savelov/radar-wms
get_single.py
1
5612
#!/usr/bin/env python3 # script fetches FMI Open data and imports it to DB from tendo import singleton me = singleton.SingleInstance() # will sys.exit(-1) if other instance is running from db_setup import * from cleaner import * import configparser from configurator import * import os.path tiff_dir_base = config.get("locations","wms_data_dir") api_key = config.get( "settings","fmi_api_key") # set logger logger = set_logger( "fmi_open" ) from datetime import datetime,timedelta import os from urllib.request import urlopen,urlparse from xml.etree import ElementTree gml_namespace = "http://www.opengis.net/gml/3.2" # sections in config file must match with layer names wfs_layers = { 'fmi_radar_single_dbz': 'http://opendata.fmi.fi/wfs?request=GetFeature&storedquery_id=fmi::radar::single::dbz', 'fmi_radar_single_vrad': 'http://opendata.fmi.fi/wfs?request=GetFeature&storedquery_id=fmi::radar::single::vrad', 'fmi_radar_single_etop_20': 'http://opendata.fmi.fi/wfs?request=GetFeature&storedquery_id=fmi::radar::single::etop_20', 'fmi_radar_single_hclass': 'http://opendata.fmi.fi/wfs?request=GetFeature&storedquery_id=fmi::radar::single::hclass' } config_dataset_names,config_sections = get_sections_from_config() def update(): add_datasets = [] return_datasets = [] logger.debug( "Start updating of DB" ) for layer in wfs_layers: if not layer in config_dataset_names: continue else: logger.debug( "Found layer %s from config" % layer ) section = config_sections[config_dataset_names.index(layer)] # check that tiff directory exists tiff_dir = "%s/%s" % (tiff_dir_base,layer) if not os.path.exists(tiff_dir): logger.debug( "GeoTIFF directory does not exist. Create it." ) os.makedirs(tiff_dir) # get WFS to get WMS urls try: wfs_url = wfs_layers[layer].replace("{key}",api_key) response = urlopen( wfs_url ) logger.debug( "Data from url %s fetched" % wfs_url ) # ignore network related problems except: logger.error( "Network error occurred while fetching url %s" % wfs_url ) continue logger.debug( "Parse WFS response for layer %s" % layer ) wfs_response = ElementTree.fromstring(response.read()) file_references = wfs_response.findall('.//{%s}fileReference' % gml_namespace) for ref in file_references: url = ref.text query = urlparse(url).query query = query.split("&") for q in query: if q[0:4].lower()=="time": time_value = q.split("=")[-1] elif q[0:3].lower()=="srs": projdef = q.split("=")[-1] elif q[0:4].lower()=="bbox": bbox = q.split("=")[-1] elif q[0:6].lower()=="layers": radar_name = q.split("=")[-1] elif q[0:9].lower()=="elevation": radar_elevation = q.split("=")[-1] timestamp = datetime.strptime(time_value,\ "%Y-%m-%dT%H:%M:%SZ") # search if dataset already exists if (radar_name.split("_")[0] != "Radar:kesalahti") : continue if (layer!='fmi_radar_single_etop_20' and float(radar_elevation) > 0.5) : continue output_filename = tiff_dir + "/" + radar_name.replace("Radar:","")+ time_value.replace(":","")\ .replace("-","") + "_"+radar_elevation+ ".tif" # skip file fetching if it already exists if os.path.isfile(output_filename): continue # save file to disk try: response = urlopen( url ) logger.debug( "Fetched data from url %s" % url ) # ignore network related problems except: logger.error( "Network error or invalid api-key occurred while fetching url %s" % url ) continue f = open(output_filename,"wb") f.write( response.read() ) f.close() # import dataset to db logger.info( "Add new dataset: %s:%s to DB." % (layer,str(timestamp)) ) add_datasets.append( RadarDataset( name = layer, timestamp = timestamp, geotiff_path = output_filename, projdef = projdef, bbox_original = bbox, dataset_type = config.get(section,"dataset_type"), unit = config.get(section,"unit"), style = config.get(section,"style"), title = config.get(section,"title") ) ) return_datasets.append({"name": layer, "timestamp": timestamp }) # finally add new datasets to DB if (len(add_datasets)>0): session.add_all(add_datasets) session.commit() logger.info ( "Added %i results." % len(add_datasets) ) logger.debug( "Updating of DB finished" ) session.close() return return_datasets if __name__ == '__main__': update() # delete old for layer in wfs_layers: if not layer in config_dataset_names: continue else: section = config_sections[config_dataset_names.index(layer)] clean_up(config.get(section,"name"), int( config.get(section,"cleanup_time") ))
lgpl-3.0
ipashchenko/ml4vs
ml4vs/xgb.py
1
10817
import os import numpy as np from sklearn.metrics import (accuracy_score, f1_score, precision_recall_curve, precision_score, recall_score) from xgboost import XGBClassifier from sklearn.preprocessing import Imputer from sklearn.pipeline import Pipeline from sklearn.grid_search import GridSearchCV from sklearn.cross_validation import StratifiedKFold, cross_val_score, \ train_test_split, StratifiedShuffleSplit from matplotlib import pyplot from data_load import load_data, load_data_tgt import xgboost as xgb import pandas as pd # load data data_dir = '/home/ilya/code/ml4vs/data/dataset_OGLE/indexes_normalized' file_1 = 'vast_lightcurve_statistics_normalized_variables_only.log' file_0 = 'vast_lightcurve_statistics_normalized_constant_only.log' file_0 = os.path.join(data_dir, file_0) file_1 = os.path.join(data_dir, file_1) names = ['Magnitude', 'clipped_sigma', 'meaningless_1', 'meaningless_2', 'star_ID', 'weighted_sigma', 'skew', 'kurt', 'I', 'J', 'K', 'L', 'Npts', 'MAD', 'lag1', 'RoMS', 'rCh2', 'Isgn', 'Vp2p', 'Jclp', 'Lclp', 'Jtim', 'Ltim', 'CSSD', 'Ex', 'inv_eta', 'E_A', 'S_B', 'NXS', 'IQR'] names_to_delete = ['Magnitude', 'meaningless_1', 'meaningless_2', 'star_ID', 'Npts'] X, y, df, feature_names, delta = load_data([file_0, file_1], names, names_to_delete) # names_to_delete = ['Magnitude', 'meaningless_1', 'meaningless_2', 'star_ID', # 'Npts'] # X_c, y, df, feature_names3, delta = load_data([file_0, file_1], names, names_to_delete) imp = Imputer(missing_values='NaN', strategy='median', axis=0, verbose=2) steps = [('imputation', imp), ('classification', XGBClassifier(max_depth=5, min_child_weight=1, gamma=0, subsample=0.8, colsample_bytree=0.8, scale_pos_weight=150, learning_rate=0.03, n_estimators=1000))] pipeline = Pipeline(steps) # steps2 = [('imputation', imp), # ('classification', XGBClassifier(max_depth=5, min_child_weight=1, # gamma=0, subsample=0.8, # colsample_bytree=0.8, # scale_pos_weight=1, # learning_rate=0.03, # n_estimators=250))] # # pipeline2 = Pipeline(steps2) imp3 = Imputer(missing_values='NaN', strategy='median', axis=0, verbose=2) steps3 = [('imputation', imp3), ('classification', XGBClassifier(max_depth=5, min_child_weight=10, gamma=0, subsample=0.8, colsample_bytree=0.8, colsample_bylevel=1., scale_pos_weight=150, learning_rate=0.03, n_estimators=950))] pipeline3 = Pipeline(steps3) ########################################################## # First check default parameters and check learning curves sss = StratifiedShuffleSplit(y, n_iter=1, test_size=0.25, random_state=7) for train_index, test_index in sss: X_train, X_test = X[train_index], X[test_index] y_train, y_test = y[train_index], y[test_index] # X_train_c, X_test_c = X_c[train_index], X_c[test_index] # FIXME: Problem with evaluating pipeline imp.fit(X_train) X_trained_scaled = imp.transform(X_train) # Use the same transformation & imputation for testing data! X_test_scaled = imp.transform(X_test) eval_set = [(X_trained_scaled, y_train), (X_test_scaled, y_test)] # imp3.fit(X_train_c) # X_trained_scaled_c = imp3.transform(X_train_c) # # Use the same transformation & imputation for testing data! # X_test_scaled_c = imp3.transform(X_test_c) # eval_set3 = [(X_trained_scaled_c, y_train), (X_test_scaled_c, y_test)] model = pipeline.named_steps['classification'] model.fit(X_trained_scaled, y_train, eval_metric=["error", "auc", "logloss"], eval_set=eval_set, verbose=True, early_stopping_rounds=50) # model2 = pipeline2.named_steps['classification'] # model2.fit(X_trained_scaled, y_train, eval_metric=["error", "logloss", "auc"], # eval_set=eval_set, verbose=False) # model3 = pipeline3.named_steps['classification'] # model3.fit(X_trained_scaled_c, y_train, eval_metric=["auc", "error", "logloss"], # eval_set=eval_set3, verbose=False, early_stopping_rounds=30) # make predictions for test data - now using pipeline y_pred = pipeline.predict(X_test) y_probapred = pipeline.predict_proba(X_test) predictions = [round(value) for value in y_pred] # y_pred2 = pipeline2.predict(X_test) # y_probapred2 = pipeline2.predict_proba(X_test) # predictions2 = [round(value) for value in y_pred2] # y_pred3 = pipeline3.predict(X_test_c) # y_probapred3 = pipeline3.predict_proba(X_test_c) # predictions3 = [round(value) for value in y_pred3] # evaluate predictions accuracy = accuracy_score(y_test, predictions) print("Model baseline") print("Accuracy: %.2f%%" % (accuracy * 100.0)) f1 = f1_score(y_test, predictions) print("F1-score: %.2f%%" % (f1 * 100.0)) precision = precision_score(y_test, y_pred) print("Precision: %.2f%%" % (precision * 100.0)) recall = recall_score(y_test, predictions) print("Recall: %.2f%%" % (recall * 100.0)) # print("Model with modification") # accuracy3 = accuracy_score(y_test, predictions3) # print("Accuracy: %.2f%%" % (accuracy3 * 100.0)) # f13 = f1_score(y_test, predictions3) # print("F1-score: %.2f%%" % (f13 * 100.0)) # precision3 = precision_score(y_test, y_pred3) # print("Precision: %.2f%%" % (precision3 * 100.0)) # recall3 = recall_score(y_test, predictions3) # print("Recall: %.2f%%" % (recall3 * 100.0)) # print("Model with scale_pos_weight=1") # accuracy2 = accuracy_score(y_test, predictions2) # print("Accuracy: %.2f%%" % (accuracy2 * 100.0)) # f12 = f1_score(y_test, predictions2) # print("F1-score: %.2f%%" % (f12 * 100.0)) # precision2 = precision_score(y_test, y_pred2) # print("Precision: %.2f%%" % (precision2 * 100.0)) # recall2 = recall_score(y_test, predictions2) # print("Recall: %.2f%%" % (recall2 * 100.0)) precisions, recalls, _ = precision_recall_curve(y_test, y_probapred[:, 1]) # precisions2, recalls2, _ = precision_recall_curve(y_test, y_probapred2[:, 1]) # precisions3, recalls3, _ = precision_recall_curve(y_test, y_probapred3[:, 1]) # Plot Precision-Recall curve fig, ax = pyplot.subplots() ax.plot(recalls, precisions, label='Baseline') # ax.plot(recalls3, precisions3, label='With modifications') # ax.plot(recalls2, precisions2, label='scale_pos_weight=1') ax.set_xlabel('Recall') ax.set_ylabel('Precision') ax.set_ylim([0.0, 1.05]) ax.set_xlim([0.0, 1.0]) ax.set_title('XGBoost P-R curve') ax.legend(loc='lower left') fig.show() # retrieve performance metrics results = pipeline.named_steps['classification'].evals_result() epochs = len(results['validation_0']['error']) x_axis = range(0, epochs) # plot log loss fig, ax = pyplot.subplots() ax.plot(x_axis, results['validation_0']['logloss'], label='Train') ax.plot(x_axis, results['validation_1']['logloss'], label='Test') ax.legend() pyplot.ylabel('Log Loss') pyplot.title('XGBoost Log Loss') pyplot.show() # plot classification error fig, ax = pyplot.subplots() ax.plot(x_axis, results['validation_0']['error'], label='Train') ax.plot(x_axis, results['validation_1']['error'], label='Test') ax.legend() pyplot.ylabel('Classification Error') pyplot.title('XGBoost Classification Error') pyplot.show() # plot auc fig, ax = pyplot.subplots() ax.plot(x_axis, results['validation_0']['auc'], label='Train') ax.plot(x_axis, results['validation_1']['auc'], label='Test') ax.legend(loc='lower left') pyplot.ylabel('AUC') pyplot.title('XGBoost AUC') pyplot.show() scores_dict = model.booster().get_fscore() scores_dict_ = dict() for i, feature in enumerate(feature_names): scores_dict_[feature] = scores_dict['f{}'.format(i)] feat_imp = pd.Series(scores_dict_).sort_values(ascending=False) feat_imp.plot(kind='bar', title='Feature Importances') pyplot.ylabel('Feature Importance Score') pyplot.show() ########################################################### # kfold = StratifiedKFold(y, n_folds=4, shuffle=True, random_state=7) # scores = cross_val_score(pipeline, X, y, cv=kfold, scoring='f1', n_jobs=-1) # print("CV scores: ", scores) model = XGBClassifier(max_depth=5, min_child_weight=1, gamma=0, subsample=0.8, colsample_bytree=0.8, scale_pos_weight=1, learning_rate=0.03, n_estimators=450) imp = Imputer(missing_values='NaN', strategy='median', axis=0, verbose=2) imp.fit(X) X_scaled = imp.transform(X) model.fit(X_scaled, y, verbose=True, eval_metric='auc') file_tgt = 'LMC_SC19_PSF_Pgood98__vast_lightcurve_statistics_normalized.log' file_tgt = os.path.join(data_dir, file_tgt) X_tgt, feature_names, df = load_data_tgt(file_tgt, names, names_to_delete, delta) X_tgt_scaled = imp.transform(X_tgt) y_pred = model.predict(X_tgt_scaled) proba_pred = model.predict_proba(X_tgt_scaled) idx = proba_pred[:, 1] > 0.25 print("Found {} variables".format(np.count_nonzero(idx))) with open('first_results.txt', 'w') as fo: for line in list(df['star_ID'][idx]): fo.write(line + '\n') # kfold = StratifiedKFold(y, n_folds=4, shuffle=True, random_state=7) # scores = cross_val_score(pipeline, X, y, cv=kfold, scoring='f1', n_jobs=-1) # print("CV scores: ", scores) # # # param_grid = {'classification__n_estimators': [5, 100, 150, 200], # 'classification__max_depth': [2, 4, 6, 8]} # # print("Searching best parameters...") # result = GridSearchCV(pipeline, param_grid, cv=kfold, n_jobs=-1, verbose=1, # scoring='f1').fit(X, y) # print("The best parameters are %s with a score of %0.2f" # % (result.best_params_, result.best_score_)) # # # summarize results # print("Best: %f using %s" % (result.best_score_, result.best_params_)) # means, stdevs = [], [] # for params, mean_score, scores in result.grid_scores_: # stdev = scores.std() # means.append(mean_score) # stdevs.append(stdev) # print("%f (%f) with: %r" % (mean_score, stdev, params)) # # plot results # scores = [x[1] for x in result.grid_scores_] # max_depth = param_grid['classification__max_depth'] # n_estimators = param_grid['classification__n_estimators'] # scores = np.array(scores).reshape(len(max_depth), len(n_estimators)) # for i, value in enumerate(max_depth): # pyplot.plot(n_estimators, scores[i], label='depth: ' + str(value)) # pyplot.legend() # pyplot.xlabel('n_estimators') # pyplot.ylabel('F1-score') # pyplot.show()
mit
hfp/libxsmm
samples/deeplearning/sparse_training/fairseq/fairseq/models/fconv_self_att.py
1
24306
# Copyright (c) Facebook, Inc. and its affiliates. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. import logging import math import os import torch import torch.nn as nn import torch.nn.functional as F from fairseq import checkpoint_utils from fairseq.models import ( CompositeEncoder, FairseqDecoder, FairseqEncoder, FairseqEncoderDecoderModel, register_model, register_model_architecture, ) from fairseq.modules import ( FairseqDropout, DownsampledMultiHeadAttention, GradMultiply, LayerNorm, LearnedPositionalEmbedding, LinearizedConvolution, ) from fairseq.incremental_decoding_utils import with_incremental_state logger = logging.getLogger(__name__) @register_model('fconv_self_att') class FConvModelSelfAtt(FairseqEncoderDecoderModel): @classmethod def hub_models(cls): return { 'conv.stories.pretrained': { 'path': 'https://dl.fbaipublicfiles.com/fairseq/models/stories_checkpoint.tar.gz', 'checkpoint_file': 'pretrained_checkpoint.pt', 'tokenizer': 'nltk', }, 'conv.stories': { 'path': 'https://dl.fbaipublicfiles.com/fairseq/models/stories_checkpoint.tar.gz', 'checkpoint_file': 'fusion_checkpoint.pt', 'tokenizer': 'nltk', 'pretrained': 'True', 'pretrained_checkpoint': './pretrained_checkpoint.pt', }, # Test set containing dictionaries 'data.stories': 'https://dl.fbaipublicfiles.com/fairseq/data/stories_test.tar.bz2', } def __init__(self, encoder, decoder, pretrained_encoder=None): super().__init__(encoder, decoder) self.encoder.num_attention_layers = sum(layer is not None for layer in decoder.attention) self.pretrained_encoder = pretrained_encoder if self.pretrained_encoder is None: encoders = {'encoder': encoder} else: encoders = {'encoder': encoder, 'pretrained': self.pretrained_encoder} # for fusion model, CompositeEncoder contains both pretrained and training encoders # these are forwarded and then combined in the decoder self.encoder = CompositeEncoder(encoders) @staticmethod def add_args(parser): """Add model-specific arguments to the parser.""" # fmt: off parser.add_argument('--dropout', type=float, metavar='D', help='dropout probability') parser.add_argument('--encoder-embed-dim', type=int, metavar='N', help='encoder embedding dimension') parser.add_argument('--encoder-layers', type=str, metavar='EXPR', help='encoder layers [(dim, kernel_size), ...]') parser.add_argument('--decoder-embed-dim', type=int, metavar='N', help='decoder embedding dimension') parser.add_argument('--decoder-layers', type=str, metavar='EXPR', help='decoder layers [(dim, kernel_size), ...]') parser.add_argument('--decoder-out-embed-dim', type=int, metavar='N', help='decoder output embedding dimension') parser.add_argument('--decoder-attention', type=str, metavar='EXPR', help='decoder attention [True, ...]') parser.add_argument('--self-attention', type=str, metavar='EXPR', help='decoder self-attention layers, ex: [True] + [False]*5') parser.add_argument('--multihead-attention-nheads', type=int, help='Number of heads to use in attention') parser.add_argument('--multihead-self-attention-nheads', type=int, help='Number of heads to use in self-attention') parser.add_argument('--encoder-attention', type=str, metavar='EXPR', help='encoder attention [True, ...]') parser.add_argument('--encoder-attention-nheads', type=int, help='Number of heads to use in encoder attention') parser.add_argument('--project-input', type=str, metavar='EXPR', help='Use projections in self-attention [True, ...]') parser.add_argument('--gated-attention', type=str, metavar='EXPR', help='Use GLU layers in self-attention projections [True, ...]') parser.add_argument('--downsample', type=str, metavar='EXPR', help='Use downsampling in self-attention [True, ...]') parser.add_argument('--pretrained-checkpoint', metavar='DIR', help='path to load checkpoint from pretrained model') parser.add_argument('--pretrained', type=str, metavar='EXPR', help='use pretrained model when training [True, ...]') # fmt: on @classmethod def build_model(cls, args, task): """Build a new model instance.""" trained_encoder, trained_decoder = None, None pretrained = eval(args.pretrained) if pretrained: logger.info('loading pretrained model') if not os.path.exists(args.pretrained_checkpoint): new_pretrained_checkpoint = os.path.join(args.data, args.pretrained_checkpoint) if os.path.exists(new_pretrained_checkpoint): args.pretrained_checkpoint = new_pretrained_checkpoint trained_model = checkpoint_utils.load_model_ensemble( filenames=[args.pretrained_checkpoint], task=task, )[0][0] trained_decoder = list(trained_model.children())[1] trained_encoder = list(trained_model.children())[0] # freeze pretrained model for param in trained_decoder.parameters(): param.requires_grad = False for param in trained_encoder.parameters(): param.requires_grad = False encoder = FConvEncoder( task.source_dictionary, embed_dim=args.encoder_embed_dim, convolutions=eval(args.encoder_layers), dropout=args.dropout, max_positions=args.max_source_positions, attention=eval(args.encoder_attention), attention_nheads=args.encoder_attention_nheads, ) decoder = FConvDecoder( task.target_dictionary, embed_dim=args.decoder_embed_dim, convolutions=eval(args.decoder_layers), out_embed_dim=args.decoder_out_embed_dim, attention=eval(args.decoder_attention), dropout=args.dropout, max_positions=args.max_target_positions, selfattention=eval(args.self_attention), attention_nheads=args.multihead_attention_nheads, selfattention_nheads=args.multihead_self_attention_nheads, project_input=eval(args.project_input), gated_attention=eval(args.gated_attention), downsample=eval(args.downsample), pretrained=pretrained, trained_decoder=trained_decoder, ) model = FConvModelSelfAtt(encoder, decoder, trained_encoder) return model @property def pretrained(self): return self.pretrained_encoder is not None class FConvEncoder(FairseqEncoder): """Convolutional encoder""" def __init__( self, dictionary, embed_dim=512, max_positions=1024, convolutions=((512, 3),) * 20, dropout=0.1, attention=False, attention_nheads=1, ): super().__init__(dictionary) self.dropout_module = FairseqDropout( dropout, module_name=self.__class__.__name__ ) self.num_attention_layers = None num_embeddings = len(dictionary) self.padding_idx = dictionary.pad() self.embed_tokens = Embedding(num_embeddings, embed_dim, self.padding_idx) self.embed_positions = PositionalEmbedding( max_positions, embed_dim, self.padding_idx, ) def expand_bool_array(val): if isinstance(val, bool): # expand True into [True, True, ...] and do the same with False return [val] * len(convolutions) return val attention = expand_bool_array(attention) in_channels = convolutions[0][0] self.fc1 = Linear(embed_dim, in_channels, dropout=dropout) self.projections = nn.ModuleList() self.convolutions = nn.ModuleList() self.attention = nn.ModuleList() self.attproj = nn.ModuleList() for i, (out_channels, kernel_size) in enumerate(convolutions): self.projections.append( Linear(in_channels, out_channels) if in_channels != out_channels else None ) self.convolutions.append( ConvTBC(in_channels, out_channels * 2, kernel_size, dropout=dropout) ) self.attention.append( SelfAttention(out_channels, embed_dim, attention_nheads) if attention[i] else None ) in_channels = out_channels self.fc2 = Linear(in_channels, embed_dim) def forward(self, src_tokens, src_lengths): # embed tokens and positions x = self.embed_tokens(src_tokens) + self.embed_positions(src_tokens) x = self.dropout_module(x) input_embedding = x.transpose(0, 1) # project to size of convolution x = self.fc1(x) encoder_padding_mask = src_tokens.eq(self.padding_idx).t() # -> T x B if not encoder_padding_mask.any(): encoder_padding_mask = None # B x T x C -> T x B x C x = x.transpose(0, 1) # temporal convolutions for proj, conv, attention in zip(self.projections, self.convolutions, self.attention): residual = x if proj is None else proj(x) if encoder_padding_mask is not None: x = x.masked_fill(encoder_padding_mask.unsqueeze(-1), 0) x = self.dropout_module(x) padding_l = (conv.kernel_size[0] - 1) // 2 padding_r = conv.kernel_size[0] // 2 x = F.pad(x, (0, 0, 0, 0, padding_l, padding_r)) x = conv(x) x = F.glu(x, dim=2) if attention is not None: x = attention(x) x = (x + residual) * math.sqrt(0.5) # T x B x C -> B x T x C x = x.transpose(1, 0) # project back to size of embedding x = self.fc2(x) if encoder_padding_mask is not None: encoder_padding_mask = encoder_padding_mask.t() # -> B x T x = x.masked_fill(encoder_padding_mask.unsqueeze(-1), 0) # scale gradients (this only affects backward, not forward) x = GradMultiply.apply(x, 1.0 / (2.0 * self.num_attention_layers)) # add output to input embedding for attention y = (x + input_embedding.transpose(0, 1)) * math.sqrt(0.5) return { 'encoder_out': (x, y), 'encoder_padding_mask': encoder_padding_mask, # B x T } def reorder_encoder_out(self, encoder_out, new_order): encoder_out['encoder_out'] = tuple( eo.index_select(0, new_order) for eo in encoder_out['encoder_out'] ) if encoder_out['encoder_padding_mask'] is not None: encoder_out['encoder_padding_mask'] = \ encoder_out['encoder_padding_mask'].index_select(0, new_order) if 'pretrained' in encoder_out: encoder_out['pretrained']['encoder_out'] = tuple( eo.index_select(0, new_order) for eo in encoder_out['pretrained']['encoder_out'] ) return encoder_out def max_positions(self): """Maximum input length supported by the encoder.""" return self.embed_positions.max_positions @with_incremental_state class FConvDecoder(FairseqDecoder): """Convolutional decoder""" def __init__( self, dictionary, embed_dim=512, out_embed_dim=256, max_positions=1024, convolutions=((512, 3),) * 8, attention=True, dropout=0.1, selfattention=False, attention_nheads=1, selfattention_nheads=1, project_input=False, gated_attention=False, downsample=False, pretrained=False, trained_decoder=None, ): super().__init__(dictionary) self.register_buffer('version', torch.Tensor([2])) self.pretrained = pretrained self.pretrained_decoder = trained_decoder self.dropout_module = FairseqDropout( dropout, module_name=self.__class__.__name__ ) self.need_attn = True in_channels = convolutions[0][0] def expand_bool_array(val): if isinstance(val, bool): # expand True into [True, True, ...] and do the same with False return [val] * len(convolutions) return val attention = expand_bool_array(attention) selfattention = expand_bool_array(selfattention) if not isinstance(attention, list) or len(attention) != len(convolutions): raise ValueError('Attention is expected to be a list of booleans of ' 'length equal to the number of layers.') num_embeddings = len(dictionary) padding_idx = dictionary.pad() self.embed_tokens = Embedding(num_embeddings, embed_dim, padding_idx) self.embed_positions = PositionalEmbedding( max_positions, embed_dim, padding_idx, ) self.fc1 = Linear(embed_dim, in_channels, dropout=dropout) self.projections = nn.ModuleList() self.convolutions = nn.ModuleList() self.attention = nn.ModuleList() self.selfattention = nn.ModuleList() self.attproj = nn.ModuleList() for i, (out_channels, kernel_size) in enumerate(convolutions): self.projections.append( Linear(in_channels, out_channels) if in_channels != out_channels else None ) self.convolutions.append( LinearizedConv1d( in_channels, out_channels * 2, kernel_size, padding=(kernel_size - 1), dropout=dropout, ) ) self.attention.append( DownsampledMultiHeadAttention( out_channels, embed_dim, attention_nheads, project_input=project_input, gated=False, downsample=False, ) if attention[i] else None ) self.attproj.append( Linear(out_channels, embed_dim, dropout=dropout) if attention[i] else None ) self.selfattention.append( SelfAttention( out_channels, embed_dim, selfattention_nheads, project_input=project_input, gated=gated_attention, downsample=downsample, ) if selfattention[i] else None ) in_channels = out_channels self.fc2 = Linear(in_channels, out_embed_dim) self.fc3 = Linear(out_embed_dim, num_embeddings, dropout=dropout) # model fusion if self.pretrained: # independent gates are learned from the concatenated input self.gate1 = nn.Sequential(Linear(out_embed_dim*2, out_embed_dim), nn.Sigmoid()) self.gate2 = nn.Sequential(Linear(out_embed_dim*2, out_embed_dim), nn.Sigmoid()) # pretrained and trained models are joined self.joining = nn.Sequential( Linear(out_embed_dim*2, out_embed_dim*2), LayerNorm(out_embed_dim*2), nn.GLU(), Linear(out_embed_dim, out_embed_dim*2), LayerNorm(out_embed_dim*2), nn.GLU(), Linear(out_embed_dim, out_embed_dim), LayerNorm(out_embed_dim) ) # pretrained model contains an output layer that is nhid -> vocab size # but the models are combined in their hidden state # the hook stores the output of the pretrained model forward self.pretrained_outputs = {} def save_output(): def hook(a, b, output): self.pretrained_outputs["out"] = output return hook self.pretrained_decoder.fc2.register_forward_hook(save_output()) def forward(self, prev_output_tokens, encoder_out): trained_encoder_out = encoder_out['pretrained'] if self.pretrained else None encoder_out = encoder_out['encoder']['encoder_out'] encoder_a, encoder_b = self._split_encoder_out(encoder_out) # embed positions positions = self.embed_positions(prev_output_tokens) # embed tokens and positions x = self.embed_tokens(prev_output_tokens) + positions x = self.dropout_module(x) target_embedding = x.transpose(0, 1) # project to size of convolution x = self.fc1(x) # B x T x C -> T x B x C x = x.transpose(0, 1) # temporal convolutions avg_attn_scores = None for proj, conv, attention, selfattention, attproj in zip( self.projections, self.convolutions, self.attention, self.selfattention, self.attproj ): residual = x if proj is None else proj(x) x = self.dropout_module(x) x = conv(x) x = F.glu(x, dim=2) # attention if attention is not None: r = x x, attn_scores = attention(attproj(x) + target_embedding, encoder_a, encoder_b) x = x + r if not self.training and self.need_attn: if avg_attn_scores is None: avg_attn_scores = attn_scores else: avg_attn_scores.add_(attn_scores) if selfattention is not None: x = selfattention(x) x = (x + residual) * math.sqrt(0.5) # T x B x C -> B x T x C x = x.transpose(0, 1) # project back to size of vocabulary x = self.fc2(x) x = self.dropout_module(x) if not self.pretrained: x = self.fc3(x) # fusion gating if self.pretrained: trained_x, _ = self.pretrained_decoder.forward(prev_output_tokens, trained_encoder_out) y = torch.cat([x, self.pretrained_outputs["out"]], dim=-1) gate1 = self.gate1(y) gate2 = self.gate2(y) gated_x1 = gate1 * x gated_x2 = gate2 * self.pretrained_outputs["out"] fusion = torch.cat([gated_x1, gated_x2], dim=-1) fusion = self.joining(fusion) fusion_output = self.fc3(fusion) return fusion_output, avg_attn_scores else: return x, avg_attn_scores def max_positions(self): """Maximum output length supported by the decoder.""" return self.embed_positions.max_positions def make_generation_fast_(self, need_attn=False, **kwargs): self.need_attn = need_attn def _split_encoder_out(self, encoder_out): """Split and transpose encoder outputs.""" # transpose only once to speed up attention layers encoder_a, encoder_b = encoder_out encoder_a = encoder_a.transpose(0, 1).contiguous() encoder_b = encoder_b.transpose(0, 1).contiguous() result = (encoder_a, encoder_b) return result class SelfAttention(nn.Module): def __init__(self, out_channels, embed_dim, num_heads, project_input=False, gated=False, downsample=False): super().__init__() self.attention = DownsampledMultiHeadAttention( out_channels, embed_dim, num_heads, dropout=0, bias=True, project_input=project_input, gated=gated, downsample=downsample, ) self.in_proj_q = Linear(out_channels, embed_dim) self.in_proj_k = Linear(out_channels, embed_dim) self.in_proj_v = Linear(out_channels, embed_dim) self.ln = LayerNorm(out_channels) def forward(self, x): residual = x query = self.in_proj_q(x) key = self.in_proj_k(x) value = self.in_proj_v(x) x, _ = self.attention(query, key, value, mask_future_timesteps=True, use_scalar_bias=True) return self.ln(x + residual) def Embedding(num_embeddings, embedding_dim, padding_idx): m = nn.Embedding(num_embeddings, embedding_dim, padding_idx=padding_idx) m.weight.data.normal_(0, 0.1) return m def PositionalEmbedding(num_embeddings, embedding_dim, padding_idx): m = LearnedPositionalEmbedding(num_embeddings, embedding_dim, padding_idx) m.weight.data.normal_(0, 0.1) return m def Linear(in_features, out_features, dropout=0.): """Weight-normalized Linear layer (input: N x T x C)""" m = nn.Linear(in_features, out_features) m.weight.data.normal_(mean=0, std=math.sqrt((1 - dropout) / in_features)) m.bias.data.zero_() return m def LinearizedConv1d(in_channels, out_channels, kernel_size, dropout=0., **kwargs): """Weight-normalized Conv1d layer optimized for decoding""" m = LinearizedConvolution(in_channels, out_channels, kernel_size, **kwargs) std = math.sqrt((4 * (1.0 - dropout)) / (m.kernel_size[0] * in_channels)) m.weight.data.normal_(mean=0, std=std) m.bias.data.zero_() return m def ConvTBC(in_channels, out_channels, kernel_size, dropout=0., **kwargs): """Weight-normalized Conv1d layer""" from fairseq.modules import ConvTBC m = ConvTBC(in_channels, out_channels, kernel_size, **kwargs) std = math.sqrt((4 * (1.0 - dropout)) / (m.kernel_size[0] * in_channels)) m.weight.data.normal_(mean=0, std=std) m.bias.data.zero_() return m @register_model_architecture('fconv_self_att', 'fconv_self_att') def base_architecture(args): args.dropout = getattr(args, 'dropout', 0.1) args.encoder_embed_dim = getattr(args, 'encoder_embed_dim', 512) args.encoder_layers = getattr(args, 'encoder_layers', '[(512, 3)] * 3') args.decoder_embed_dim = getattr(args, 'decoder_embed_dim', 512) args.decoder_layers = getattr(args, 'decoder_layers', '[(512, 3)] * 8') args.decoder_out_embed_dim = getattr(args, 'decoder_out_embed_dim', 256) args.decoder_attention = getattr(args, 'decoder_attention', 'True') args.self_attention = getattr(args, 'self_attention', 'False') args.encoder_attention = getattr(args, 'encoder_attention', 'False') args.multihead_attention_nheads = getattr(args, 'multihead_attention_nheads', 1) args.multihead_self_attention_nheads = getattr(args, 'multihead_self_attention_nheads', 1) args.encoder_attention_nheads = getattr(args, 'encoder_attention_nheads', 1) args.project_input = getattr(args, 'project_input', 'False') args.gated_attention = getattr(args, 'gated_attention', 'False') args.downsample = getattr(args, 'downsample', 'False') args.pretrained_checkpoint = getattr(args, 'pretrained_checkpoint', '') args.pretrained = getattr(args, 'pretrained', 'False') @register_model_architecture('fconv_self_att', 'fconv_self_att_wp') def fconv_self_att_wp(args): args.encoder_embed_dim = getattr(args, 'encoder_embed_dim', 256) args.encoder_layers = getattr(args, 'encoder_layers', '[(128, 3)] * 2 + [(512,3)] * 1') args.decoder_embed_dim = getattr(args, 'decoder_embed_dim', 256) args.decoder_layers = getattr(args, 'decoder_layers', '[(512, 4)] * 4 + [(768, 4)] * 2 + [(1024, 4)] * 1') args.decoder_out_embed_dim = getattr(args, 'decoder_out_embed_dim', 256) args.self_attention = getattr(args, 'self_attention', 'True') args.multihead_self_attention_nheads = getattr(args, 'multihead_self_attention_nheads', 4) args.project_input = getattr(args, 'project_input', 'True') args.gated_attention = getattr(args, 'gated_attention', 'True') args.downsample = getattr(args, 'downsample', 'True') base_architecture(args)
bsd-3-clause
thomasantony/CarND-Projects
Exercises/Term1/alexnet-feature-extraction/caffe_classes.py
24
21706
class_names = '''tench, Tinca tinca goldfish, Carassius auratus great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias tiger shark, Galeocerdo cuvieri hammerhead, hammerhead shark electric ray, crampfish, numbfish, torpedo stingray cock hen ostrich, Struthio camelus brambling, Fringilla montifringilla goldfinch, Carduelis carduelis house finch, linnet, Carpodacus mexicanus junco, snowbird indigo bunting, indigo finch, indigo bird, Passerina cyanea robin, American robin, Turdus migratorius bulbul jay magpie chickadee water ouzel, dipper kite bald eagle, American eagle, Haliaeetus leucocephalus vulture great grey owl, great gray owl, Strix nebulosa European fire salamander, Salamandra salamandra common newt, Triturus vulgaris eft spotted salamander, Ambystoma maculatum axolotl, mud puppy, Ambystoma mexicanum bullfrog, Rana catesbeiana tree frog, tree-frog tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui loggerhead, loggerhead turtle, Caretta caretta leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea mud turtle terrapin box turtle, box tortoise banded gecko common iguana, iguana, Iguana iguana American chameleon, anole, Anolis carolinensis whiptail, whiptail lizard agama frilled lizard, Chlamydosaurus kingi alligator lizard Gila monster, Heloderma suspectum green lizard, Lacerta viridis African chameleon, Chamaeleo chamaeleon Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis African crocodile, Nile crocodile, Crocodylus niloticus American alligator, Alligator mississipiensis triceratops thunder snake, worm snake, Carphophis amoenus ringneck snake, ring-necked snake, ring snake hognose snake, puff adder, sand viper green snake, grass snake king snake, kingsnake garter snake, grass snake water snake vine snake night snake, Hypsiglena torquata boa constrictor, Constrictor constrictor rock python, rock snake, Python sebae Indian cobra, Naja naja green mamba sea snake horned viper, cerastes, sand viper, horned asp, Cerastes cornutus diamondback, diamondback rattlesnake, Crotalus adamanteus sidewinder, horned rattlesnake, Crotalus cerastes trilobite harvestman, daddy longlegs, Phalangium opilio scorpion black and gold garden spider, Argiope aurantia barn spider, Araneus cavaticus garden spider, Aranea diademata black widow, Latrodectus mactans tarantula wolf spider, hunting spider tick centipede black grouse ptarmigan ruffed grouse, partridge, Bonasa umbellus prairie chicken, prairie grouse, prairie fowl peacock quail partridge African grey, African gray, Psittacus erithacus macaw sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita lorikeet coucal bee eater hornbill hummingbird jacamar toucan drake red-breasted merganser, Mergus serrator goose black swan, Cygnus atratus tusker echidna, spiny anteater, anteater platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus wallaby, brush kangaroo koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus wombat jellyfish sea anemone, anemone brain coral flatworm, platyhelminth nematode, nematode worm, roundworm conch snail slug sea slug, nudibranch chiton, coat-of-mail shell, sea cradle, polyplacophore chambered nautilus, pearly nautilus, nautilus Dungeness crab, Cancer magister rock crab, Cancer irroratus fiddler crab king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica American lobster, Northern lobster, Maine lobster, Homarus americanus spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish crayfish, crawfish, crawdad, crawdaddy hermit crab isopod white stork, Ciconia ciconia black stork, Ciconia nigra spoonbill flamingo little blue heron, Egretta caerulea American egret, great white heron, Egretta albus bittern crane limpkin, Aramus pictus European gallinule, Porphyrio porphyrio American coot, marsh hen, mud hen, water hen, Fulica americana bustard ruddy turnstone, Arenaria interpres red-backed sandpiper, dunlin, Erolia alpina redshank, Tringa totanus dowitcher oystercatcher, oyster catcher pelican king penguin, Aptenodytes patagonica albatross, mollymawk grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus killer whale, killer, orca, grampus, sea wolf, Orcinus orca dugong, Dugong dugon sea lion Chihuahua Japanese spaniel Maltese dog, Maltese terrier, Maltese Pekinese, Pekingese, Peke Shih-Tzu Blenheim spaniel papillon toy terrier Rhodesian ridgeback Afghan hound, Afghan basset, basset hound beagle bloodhound, sleuthhound bluetick black-and-tan coonhound Walker hound, Walker foxhound English foxhound redbone borzoi, Russian wolfhound Irish wolfhound Italian greyhound whippet Ibizan hound, Ibizan Podenco Norwegian elkhound, elkhound otterhound, otter hound Saluki, gazelle hound Scottish deerhound, deerhound Weimaraner Staffordshire bullterrier, Staffordshire bull terrier American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier Bedlington terrier Border terrier Kerry blue terrier Irish terrier Norfolk terrier Norwich terrier Yorkshire terrier wire-haired fox terrier Lakeland terrier Sealyham terrier, Sealyham Airedale, Airedale terrier cairn, cairn terrier Australian terrier Dandie Dinmont, Dandie Dinmont terrier Boston bull, Boston terrier miniature schnauzer giant schnauzer standard schnauzer Scotch terrier, Scottish terrier, Scottie Tibetan terrier, chrysanthemum dog silky terrier, Sydney silky soft-coated wheaten terrier West Highland white terrier Lhasa, Lhasa apso flat-coated retriever curly-coated retriever golden retriever Labrador retriever Chesapeake Bay retriever German short-haired pointer vizsla, Hungarian pointer English setter Irish setter, red setter Gordon setter Brittany spaniel clumber, clumber spaniel English springer, English springer spaniel Welsh springer spaniel cocker spaniel, English cocker spaniel, cocker Sussex spaniel Irish water spaniel kuvasz schipperke groenendael malinois briard kelpie komondor Old English sheepdog, bobtail Shetland sheepdog, Shetland sheep dog, Shetland collie Border collie Bouvier des Flandres, Bouviers des Flandres Rottweiler German shepherd, German shepherd dog, German police dog, alsatian Doberman, Doberman pinscher miniature pinscher Greater Swiss Mountain dog Bernese mountain dog Appenzeller EntleBucher boxer bull mastiff Tibetan mastiff French bulldog Great Dane Saint Bernard, St Bernard Eskimo dog, husky malamute, malemute, Alaskan malamute Siberian husky dalmatian, coach dog, carriage dog affenpinscher, monkey pinscher, monkey dog basenji pug, pug-dog Leonberg Newfoundland, Newfoundland dog Great Pyrenees Samoyed, Samoyede Pomeranian chow, chow chow keeshond Brabancon griffon Pembroke, Pembroke Welsh corgi Cardigan, Cardigan Welsh corgi toy poodle miniature poodle standard poodle Mexican hairless timber wolf, grey wolf, gray wolf, Canis lupus white wolf, Arctic wolf, Canis lupus tundrarum red wolf, maned wolf, Canis rufus, Canis niger coyote, prairie wolf, brush wolf, Canis latrans dingo, warrigal, warragal, Canis dingo dhole, Cuon alpinus African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus hyena, hyaena red fox, Vulpes vulpes kit fox, Vulpes macrotis Arctic fox, white fox, Alopex lagopus grey fox, gray fox, Urocyon cinereoargenteus tabby, tabby cat tiger cat Persian cat Siamese cat, Siamese Egyptian cat cougar, puma, catamount, mountain lion, painter, panther, Felis concolor lynx, catamount leopard, Panthera pardus snow leopard, ounce, Panthera uncia jaguar, panther, Panthera onca, Felis onca lion, king of beasts, Panthera leo tiger, Panthera tigris cheetah, chetah, Acinonyx jubatus brown bear, bruin, Ursus arctos American black bear, black bear, Ursus americanus, Euarctos americanus ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus sloth bear, Melursus ursinus, Ursus ursinus mongoose meerkat, mierkat tiger beetle ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle ground beetle, carabid beetle long-horned beetle, longicorn, longicorn beetle leaf beetle, chrysomelid dung beetle rhinoceros beetle weevil fly bee ant, emmet, pismire grasshopper, hopper cricket walking stick, walkingstick, stick insect cockroach, roach mantis, mantid cicada, cicala leafhopper lacewing, lacewing fly dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk damselfly admiral ringlet, ringlet butterfly monarch, monarch butterfly, milkweed butterfly, Danaus plexippus cabbage butterfly sulphur butterfly, sulfur butterfly lycaenid, lycaenid butterfly starfish, sea star sea urchin sea cucumber, holothurian wood rabbit, cottontail, cottontail rabbit hare Angora, Angora rabbit hamster porcupine, hedgehog fox squirrel, eastern fox squirrel, Sciurus niger marmot beaver guinea pig, Cavia cobaya sorrel zebra hog, pig, grunter, squealer, Sus scrofa wild boar, boar, Sus scrofa warthog hippopotamus, hippo, river horse, Hippopotamus amphibius ox water buffalo, water ox, Asiatic buffalo, Bubalus bubalis bison ram, tup bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis ibex, Capra ibex hartebeest impala, Aepyceros melampus gazelle Arabian camel, dromedary, Camelus dromedarius llama weasel mink polecat, fitch, foulmart, foumart, Mustela putorius black-footed ferret, ferret, Mustela nigripes otter skunk, polecat, wood pussy badger armadillo three-toed sloth, ai, Bradypus tridactylus orangutan, orang, orangutang, Pongo pygmaeus gorilla, Gorilla gorilla chimpanzee, chimp, Pan troglodytes gibbon, Hylobates lar siamang, Hylobates syndactylus, Symphalangus syndactylus guenon, guenon monkey patas, hussar monkey, Erythrocebus patas baboon macaque langur colobus, colobus monkey proboscis monkey, Nasalis larvatus marmoset capuchin, ringtail, Cebus capucinus howler monkey, howler titi, titi monkey spider monkey, Ateles geoffroyi squirrel monkey, Saimiri sciureus Madagascar cat, ring-tailed lemur, Lemur catta indri, indris, Indri indri, Indri brevicaudatus Indian elephant, Elephas maximus African elephant, Loxodonta africana lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca barracouta, snoek eel coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch rock beauty, Holocanthus tricolor anemone fish sturgeon gar, garfish, garpike, billfish, Lepisosteus osseus lionfish puffer, pufferfish, blowfish, globefish abacus abaya academic gown, academic robe, judge's robe accordion, piano accordion, squeeze box acoustic guitar aircraft carrier, carrier, flattop, attack aircraft carrier airliner airship, dirigible altar ambulance amphibian, amphibious vehicle analog clock apiary, bee house apron ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin assault rifle, assault gun backpack, back pack, knapsack, packsack, rucksack, haversack bakery, bakeshop, bakehouse balance beam, beam balloon ballpoint, ballpoint pen, ballpen, Biro Band Aid banjo bannister, banister, balustrade, balusters, handrail barbell barber chair barbershop barn barometer barrel, cask barrow, garden cart, lawn cart, wheelbarrow baseball basketball bassinet bassoon bathing cap, swimming cap bath towel bathtub, bathing tub, bath, tub beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon beacon, lighthouse, beacon light, pharos beaker bearskin, busby, shako beer bottle beer glass bell cote, bell cot bib bicycle-built-for-two, tandem bicycle, tandem bikini, two-piece binder, ring-binder binoculars, field glasses, opera glasses birdhouse boathouse bobsled, bobsleigh, bob bolo tie, bolo, bola tie, bola bonnet, poke bonnet bookcase bookshop, bookstore, bookstall bottlecap bow bow tie, bow-tie, bowtie brass, memorial tablet, plaque brassiere, bra, bandeau breakwater, groin, groyne, mole, bulwark, seawall, jetty breastplate, aegis, egis broom bucket, pail buckle bulletproof vest bullet train, bullet butcher shop, meat market cab, hack, taxi, taxicab caldron, cauldron candle, taper, wax light cannon canoe can opener, tin opener cardigan car mirror carousel, carrousel, merry-go-round, roundabout, whirligig carpenter's kit, tool kit carton car wheel cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM cassette cassette player castle catamaran CD player cello, violoncello cellular telephone, cellular phone, cellphone, cell, mobile phone chain chainlink fence chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour chain saw, chainsaw chest chiffonier, commode chime, bell, gong china cabinet, china closet Christmas stocking church, church building cinema, movie theater, movie theatre, movie house, picture palace cleaver, meat cleaver, chopper cliff dwelling cloak clog, geta, patten, sabot cocktail shaker coffee mug coffeepot coil, spiral, volute, whorl, helix combination lock computer keyboard, keypad confectionery, confectionary, candy store container ship, containership, container vessel convertible corkscrew, bottle screw cornet, horn, trumpet, trump cowboy boot cowboy hat, ten-gallon hat cradle crane crash helmet crate crib, cot Crock Pot croquet ball crutch cuirass dam, dike, dyke desk desktop computer dial telephone, dial phone diaper, nappy, napkin digital clock digital watch dining table, board dishrag, dishcloth dishwasher, dish washer, dishwashing machine disk brake, disc brake dock, dockage, docking facility dogsled, dog sled, dog sleigh dome doormat, welcome mat drilling platform, offshore rig drum, membranophone, tympan drumstick dumbbell Dutch oven electric fan, blower electric guitar electric locomotive entertainment center envelope espresso maker face powder feather boa, boa file, file cabinet, filing cabinet fireboat fire engine, fire truck fire screen, fireguard flagpole, flagstaff flute, transverse flute folding chair football helmet forklift fountain fountain pen four-poster freight car French horn, horn frying pan, frypan, skillet fur coat garbage truck, dustcart gasmask, respirator, gas helmet gas pump, gasoline pump, petrol pump, island dispenser goblet go-kart golf ball golfcart, golf cart gondola gong, tam-tam gown grand piano, grand greenhouse, nursery, glasshouse grille, radiator grille grocery store, grocery, food market, market guillotine hair slide hair spray half track hammer hamper hand blower, blow dryer, blow drier, hair dryer, hair drier hand-held computer, hand-held microcomputer handkerchief, hankie, hanky, hankey hard disc, hard disk, fixed disk harmonica, mouth organ, harp, mouth harp harp harvester, reaper hatchet holster home theater, home theatre honeycomb hook, claw hoopskirt, crinoline horizontal bar, high bar horse cart, horse-cart hourglass iPod iron, smoothing iron jack-o'-lantern jean, blue jean, denim jeep, landrover jersey, T-shirt, tee shirt jigsaw puzzle jinrikisha, ricksha, rickshaw joystick kimono knee pad knot lab coat, laboratory coat ladle lampshade, lamp shade laptop, laptop computer lawn mower, mower lens cap, lens cover letter opener, paper knife, paperknife library lifeboat lighter, light, igniter, ignitor limousine, limo liner, ocean liner lipstick, lip rouge Loafer lotion loudspeaker, speaker, speaker unit, loudspeaker system, speaker system loupe, jeweler's loupe lumbermill, sawmill magnetic compass mailbag, postbag mailbox, letter box maillot maillot, tank suit manhole cover maraca marimba, xylophone mask matchstick maypole maze, labyrinth measuring cup medicine chest, medicine cabinet megalith, megalithic structure microphone, mike microwave, microwave oven military uniform milk can minibus miniskirt, mini minivan missile mitten mixing bowl mobile home, manufactured home Model T modem monastery monitor moped mortar mortarboard mosque mosquito net motor scooter, scooter mountain bike, all-terrain bike, off-roader mountain tent mouse, computer mouse mousetrap moving van muzzle nail neck brace necklace nipple notebook, notebook computer obelisk oboe, hautboy, hautbois ocarina, sweet potato odometer, hodometer, mileometer, milometer oil filter organ, pipe organ oscilloscope, scope, cathode-ray oscilloscope, CRO overskirt oxcart oxygen mask packet paddle, boat paddle paddlewheel, paddle wheel padlock paintbrush pajama, pyjama, pj's, jammies palace panpipe, pandean pipe, syrinx paper towel parachute, chute parallel bars, bars park bench parking meter passenger car, coach, carriage patio, terrace pay-phone, pay-station pedestal, plinth, footstall pencil box, pencil case pencil sharpener perfume, essence Petri dish photocopier pick, plectrum, plectron pickelhaube picket fence, paling pickup, pickup truck pier piggy bank, penny bank pill bottle pillow ping-pong ball pinwheel pirate, pirate ship pitcher, ewer plane, carpenter's plane, woodworking plane planetarium plastic bag plate rack plow, plough plunger, plumber's helper Polaroid camera, Polaroid Land camera pole police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria poncho pool table, billiard table, snooker table pop bottle, soda bottle pot, flowerpot potter's wheel power drill prayer rug, prayer mat printer prison, prison house projectile, missile projector puck, hockey puck punching bag, punch bag, punching ball, punchball purse quill, quill pen quilt, comforter, comfort, puff racer, race car, racing car racket, racquet radiator radio, wireless radio telescope, radio reflector rain barrel recreational vehicle, RV, R.V. reel reflex camera refrigerator, icebox remote control, remote restaurant, eating house, eating place, eatery revolver, six-gun, six-shooter rifle rocking chair, rocker rotisserie rubber eraser, rubber, pencil eraser rugby ball rule, ruler running shoe safe safety pin saltshaker, salt shaker sandal sarong sax, saxophone scabbard scale, weighing machine school bus schooner scoreboard screen, CRT screen screw screwdriver seat belt, seatbelt sewing machine shield, buckler shoe shop, shoe-shop, shoe store shoji shopping basket shopping cart shovel shower cap shower curtain ski ski mask sleeping bag slide rule, slipstick sliding door slot, one-armed bandit snorkel snowmobile snowplow, snowplough soap dispenser soccer ball sock solar dish, solar collector, solar furnace sombrero soup bowl space bar space heater space shuttle spatula speedboat spider web, spider's web spindle sports car, sport car spotlight, spot stage steam locomotive steel arch bridge steel drum stethoscope stole stone wall stopwatch, stop watch stove strainer streetcar, tram, tramcar, trolley, trolley car stretcher studio couch, day bed stupa, tope submarine, pigboat, sub, U-boat suit, suit of clothes sundial sunglass sunglasses, dark glasses, shades sunscreen, sunblock, sun blocker suspension bridge swab, swob, mop sweatshirt swimming trunks, bathing trunks swing switch, electric switch, electrical switch syringe table lamp tank, army tank, armored combat vehicle, armoured combat vehicle tape player teapot teddy, teddy bear television, television system tennis ball thatch, thatched roof theater curtain, theatre curtain thimble thresher, thrasher, threshing machine throne tile roof toaster tobacco shop, tobacconist shop, tobacconist toilet seat torch totem pole tow truck, tow car, wrecker toyshop tractor trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi tray trench coat tricycle, trike, velocipede trimaran tripod triumphal arch trolleybus, trolley coach, trackless trolley trombone tub, vat turnstile typewriter keyboard umbrella unicycle, monocycle upright, upright piano vacuum, vacuum cleaner vase vault velvet vending machine vestment viaduct violin, fiddle volleyball waffle iron wall clock wallet, billfold, notecase, pocketbook wardrobe, closet, press warplane, military plane washbasin, handbasin, washbowl, lavabo, wash-hand basin washer, automatic washer, washing machine water bottle water jug water tower whiskey jug whistle wig window screen window shade Windsor tie wine bottle wing wok wooden spoon wool, woolen, woollen worm fence, snake fence, snake-rail fence, Virginia fence wreck yawl yurt web site, website, internet site, site comic book crossword puzzle, crossword street sign traffic light, traffic signal, stoplight book jacket, dust cover, dust jacket, dust wrapper menu plate guacamole consomme hot pot, hotpot trifle ice cream, icecream ice lolly, lolly, lollipop, popsicle French loaf bagel, beigel pretzel cheeseburger hotdog, hot dog, red hot mashed potato head cabbage broccoli cauliflower zucchini, courgette spaghetti squash acorn squash butternut squash cucumber, cuke artichoke, globe artichoke bell pepper cardoon mushroom Granny Smith strawberry orange lemon fig pineapple, ananas banana jackfruit, jak, jack custard apple pomegranate hay carbonara chocolate sauce, chocolate syrup dough meat loaf, meatloaf pizza, pizza pie potpie burrito red wine espresso cup eggnog alp bubble cliff, drop, drop-off coral reef geyser lakeside, lakeshore promontory, headland, head, foreland sandbar, sand bar seashore, coast, seacoast, sea-coast valley, vale volcano ballplayer, baseball player groom, bridegroom scuba diver rapeseed daisy yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum corn acorn hip, rose hip, rosehip buckeye, horse chestnut, conker coral fungus agaric gyromitra stinkhorn, carrion fungus earthstar hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa bolete ear, spike, capitulum toilet tissue, toilet paper, bathroom tissue'''.split("\n")
mit
microsoft/onnxruntime
orttraining/pytorch_frontend_examples/mnist_training.py
1
6831
## This code is from https://github.com/pytorch/examples/blob/master/mnist/main.py ## with modification to do training using onnxruntime as backend on cuda device. ## A private PyTorch build from https://aiinfra.visualstudio.com/Lotus/_git/pytorch (ORTTraining branch) is needed to run the demo. ## Model testing is not complete. from __future__ import print_function import argparse import torch import torch.nn as nn import torch.nn.functional as F import torch.optim as optim from torchvision import datasets, transforms import numpy as np import os from onnxruntime.capi.ort_trainer import IODescription, ModelDescription, ORTTrainer from mpi4py import MPI try: from onnxruntime.capi._pybind_state import set_cuda_device_id except ImportError: pass class NeuralNet(nn.Module): def __init__(self, input_size, hidden_size, num_classes): super(NeuralNet, self).__init__() self.fc1 = nn.Linear(input_size, hidden_size) self.relu = nn.ReLU() self.fc2 = nn.Linear(hidden_size, num_classes) def forward(self, x): out = self.fc1(x) out = self.relu(out) out = self.fc2(out) return out def my_loss(x, target): return F.nll_loss(F.log_softmax(x, dim=1), target) def train_with_trainer(args, trainer, device, train_loader, epoch): for batch_idx, (data, target) in enumerate(train_loader): data, target = data.to(device), target.to(device) data = data.reshape(data.shape[0], -1) learning_rate = torch.tensor([args.lr]) loss = trainer.train_step(data, target, learning_rate) # Since the output corresponds to [loss_desc, probability_desc], the first value is taken as loss. if batch_idx % args.log_interval == 0: print( "Train Epoch: {} [{}/{} ({:.0f}%)]\tLoss: {:.6f}".format( epoch, batch_idx * len(data), len(train_loader.dataset), 100.0 * batch_idx / len(train_loader), loss[0], ) ) # TODO: comple this once ORT training can do evaluation. def test_with_trainer(args, trainer, device, test_loader): test_loss = 0 correct = 0 with torch.no_grad(): for data, target in test_loader: data, target = data.to(device), target.to(device) data = data.reshape(data.shape[0], -1) output = F.log_softmax(trainer.eval_step(data, fetches=["probability"]), dim=1) test_loss += F.nll_loss(output, target, reduction="sum").item() # sum up batch loss pred = output.argmax(dim=1, keepdim=True) # get the index of the max log-probability correct += pred.eq(target.view_as(pred)).sum().item() test_loss /= len(test_loader.dataset) print( "\nTest set: Average loss: {:.4f}, Accuracy: {}/{} ({:.0f}%)\n".format( test_loss, correct, len(test_loader.dataset), 100.0 * correct / len(test_loader.dataset) ) ) def mnist_model_description(): input_desc = IODescription("input1", ["batch", 784], torch.float32) label_desc = IODescription( "label", [ "batch", ], torch.int64, num_classes=10, ) loss_desc = IODescription("loss", [], torch.float32) probability_desc = IODescription("probability", ["batch", 10], torch.float32) return ModelDescription([input_desc, label_desc], [loss_desc, probability_desc]) def main(): # Training settings parser = argparse.ArgumentParser(description="PyTorch MNIST Example") parser.add_argument( "--batch-size", type=int, default=64, metavar="N", help="input batch size for training (default: 64)" ) parser.add_argument( "--test-batch-size", type=int, default=1000, metavar="N", help="input batch size for testing (default: 1000)" ) parser.add_argument("--epochs", type=int, default=10, metavar="N", help="number of epochs to train (default: 10)") parser.add_argument("--lr", type=float, default=0.01, metavar="LR", help="learning rate (default: 0.01)") parser.add_argument("--no-cuda", action="store_true", default=False, help="disables CUDA training") parser.add_argument("--seed", type=int, default=1, metavar="S", help="random seed (default: 1)") parser.add_argument( "--log-interval", type=int, default=10, metavar="N", help="how many batches to wait before logging training status", ) args = parser.parse_args() use_cuda = not args.no_cuda and torch.cuda.is_available() torch.manual_seed(args.seed) kwargs = {"num_workers": 0, "pin_memory": True} train_loader = torch.utils.data.DataLoader( datasets.MNIST( "../data", train=True, download=True, transform=transforms.Compose([transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,))]), ), batch_size=args.batch_size, shuffle=True, **kwargs, ) test_loader = torch.utils.data.DataLoader( datasets.MNIST( "../data", train=False, transform=transforms.Compose([transforms.ToTensor(), transforms.Normalize((0.1307,), (0.3081,))]), ), batch_size=args.test_batch_size, shuffle=True, **kwargs, ) comm = MPI.COMM_WORLD args.local_rank = ( int(os.environ["OMPI_COMM_WORLD_LOCAL_RANK"]) if ("OMPI_COMM_WORLD_LOCAL_RANK" in os.environ) else 0 ) args.world_rank = int(os.environ["OMPI_COMM_WORLD_RANK"]) if ("OMPI_COMM_WORLD_RANK" in os.environ) else 0 args.world_size = comm.Get_size() if use_cuda: torch.cuda.set_device(args.local_rank) device = torch.device("cuda", args.local_rank) args.n_gpu = 1 set_cuda_device_id(args.local_rank) else: device = torch.device("cpu") input_size = 784 hidden_size = 500 num_classes = 10 model = NeuralNet(input_size, hidden_size, num_classes) model_desc = mnist_model_description() # use log_interval as gradient accumulate steps trainer = ORTTrainer( model, my_loss, model_desc, "SGDOptimizer", None, IODescription( "Learning_Rate", [ 1, ], torch.float32, ), device, 1, args.world_rank, args.world_size, use_mixed_precision=False, allreduce_post_accumulation=True, ) print("\nBuild ort model done.") for epoch in range(1, args.epochs + 1): train_with_trainer(args, trainer, device, train_loader, epoch) import pdb test_with_trainer(args, trainer, device, test_loader) if __name__ == "__main__": main()
mit
hfp/libxsmm
samples/deeplearning/sparse_training/fairseq/fairseq/optim/fused_adam.py
1
13372
# Copyright (c) Facebook, Inc. and its affiliates. # # This source code is licensed under the MIT license found in the # LICENSE file in the root directory of this source tree. import types import torch def get_fused_adam_class(): """ Look for the FusedAdam optimizer from apex. We first try to load the "contrib" interface, which is a bit faster than the main interface, but is technically deprecated. """ try: # The "deprecated" interface in recent versions of apex is a bit # faster than the main interface, since we don't use the apex # optimizer. This can be installed by passing the # `--deprecated_fused_adam` option when building apex. global fused_adam_cuda import importlib fused_adam_cuda = importlib.import_module("fused_adam_cuda") return FusedAdamV1 except ImportError: try: # fallback to the newer interface from apex.optimizers import FusedAdam as _FusedAdam # noqa from apex.multi_tensor_apply import multi_tensor_applier if multi_tensor_applier.available: return FusedAdamV2 except ImportError: pass return None class FusedAdamV1(torch.optim.Optimizer): """ Implements Adam algorithm. Currently GPU-only. Requires Apex to be installed via ``python setup.py install --cuda_ext --cpp_ext``. It has been proposed in `Adam: A Method for Stochastic Optimization`_. Compared to the original version in Apex, the fairseq version casts grads and params to FP32 internally to support ``--memory-efficient-fp16``. Arguments: params (iterable): iterable of parameters to optimize or dicts defining parameter groups. lr (float, optional): learning rate. (default: 1e-3) betas (Tuple[float, float], optional): coefficients used for computing running averages of gradient and its square. (default: (0.9, 0.999)) eps (float, optional): term added to the denominator to improve numerical stability. (default: 1e-8) weight_decay (float, optional): weight decay (L2 penalty) (default: 0) amsgrad (boolean, optional): whether to use the AMSGrad variant of this algorithm from the paper `On the Convergence of Adam and Beyond`_ (default: False) NOT SUPPORTED in FusedAdam! eps_inside_sqrt (boolean, optional): in the 'update parameters' step, adds eps to the bias-corrected second moment estimate before evaluating square root instead of adding it to the square root of second moment estimate as in the original paper. (default: False) .. _Adam: A Method for Stochastic Optimization: https://arxiv.org/abs/1412.6980 .. _On the Convergence of Adam and Beyond: https://openreview.net/forum?id=ryQu7f-RZ """ def __init__(self, params, lr=1e-3, bias_correction=True, betas=(0.9, 0.999), eps=1e-8, eps_inside_sqrt=False, weight_decay=0., max_grad_norm=0., amsgrad=False): global fused_adam_cuda import importlib fused_adam_cuda = importlib.import_module("fused_adam_cuda") if amsgrad: raise RuntimeError('FusedAdam does not support the AMSGrad variant.') defaults = { 'lr': lr, 'bias_correction': bias_correction, 'betas': betas, 'eps': eps, 'weight_decay': weight_decay, 'max_grad_norm': max_grad_norm, } super().__init__(params, defaults) self.eps_mode = 0 if eps_inside_sqrt else 1 @property def supports_memory_efficient_fp16(self): return True @property def supports_flat_params(self): return True @property def supports_step_with_scale(self): return True def step(self, closure=None, grads=None, scale=1., grad_norms=None): """Performs a single optimization step. Arguments: closure (callable, optional): A closure that reevaluates the model and returns the loss. grads (list of tensors, optional): weight gradient to use for the optimizer update. If gradients have type torch.half, parameters are expected to be in type torch.float. (default: None) output params (list of tensors, optional): A reduced precision copy of the updated weights written out in addition to the regular updated weights. Have to be of same type as gradients. (default: None) scale (float, optional): factor to divide gradient tensor values by before applying to weights. (default: 1) """ loss = None if closure is not None: loss = closure() if grads is None: grads_group = [None] * len(self.param_groups) # backward compatibility # assuming a list/generator of parameter means single group elif isinstance(grads, types.GeneratorType): grads_group = [grads] elif type(grads[0]) != list: grads_group = [grads] else: grads_group = grads if grad_norms is None: grad_norms = [None]*len(self.param_groups) for group, grads_this_group, grad_norm in zip(self.param_groups, grads_group, grad_norms): if grads_this_group is None: grads_this_group = [None]*len(group['params']) # compute combined scale factor for this group combined_scale = scale if group.get('max_grad_norm', 0) > 0: # norm is in fact norm*scale clip = ((grad_norm / scale) + 1e-6) / group['max_grad_norm'] if clip > 1: combined_scale = clip * scale bias_correction = 1 if group.get('bias_correction', 1) else 0 for p, grad in zip(group['params'], grads_this_group): # note: p.grad should not ever be set for correct # operation of mixed precision optimizer that sometimes # sends None gradients if p.grad is None and grad is None: continue if grad is None: grad = p.grad.data if grad.is_sparse: raise RuntimeError( 'FusedAdam does not support sparse gradients, ' 'please consider SparseAdam instead' ) p_data_fp32 = p.data.float() state = self.state[p] # State initialization if len(state) == 0: state['step'] = 0 # Exponential moving average of gradient values state['exp_avg'] = torch.zeros_like(p_data_fp32) # Exponential moving average of squared gradient values state['exp_avg_sq'] = torch.zeros_like(p_data_fp32) else: state['exp_avg'] = state['exp_avg'].to(p_data_fp32) state['exp_avg_sq'] = state['exp_avg_sq'].to(p_data_fp32) exp_avg = state['exp_avg'] exp_avg_sq = state['exp_avg_sq'] beta1, beta2 = group['betas'] state['step'] += 1 out_p = p.data with torch.cuda.device(p.device): fused_adam_cuda.adam(p_data_fp32, out_p, exp_avg, exp_avg_sq, grad, group['lr'], beta1, beta2, group['eps'], combined_scale, state['step'], self.eps_mode, bias_correction, group['weight_decay']) return loss try: from apex.optimizers import FusedAdam from apex.multi_tensor_apply import multi_tensor_applier class FusedAdamV2(FusedAdam): """ Compared to the original version in Apex, the fairseq version casts grads and params to FP32 internally to support ``--memory-efficient-fp16``. """ def __init__(self, *args, **kwargs): super().__init__(*args, **kwargs) if not hasattr(self, 'multi_tensor_adam'): raise Exception('Apex installation is outdated. Please install an updated version of apex.') @property def supports_memory_efficient_fp16(self): return True @property def supports_flat_params(self): return True def step(self, closure=None, grads=None, output_params=None, scale=None, grad_norms=None): """Performs a single optimization step.""" loss = None if closure is not None: loss = closure() for group in self.param_groups: bias_correction = 1 if group['bias_correction'] else 0 beta1, beta2 = group['betas'] # assume same step across group now to simplify things # per parameter step can be easily support by making it tensor, or pass list into kernel if 'step' in group: group['step'] += 1 else: group['step'] = 1 # create lists for multi-tensor apply g_16, p_16, orig_p_16, m_16, v_16 = [], [], [], [], [] g_32, p_32, m_32, v_32 = [], [], [], [] for p in group['params']: if p.grad is None: continue if p.grad.data.is_sparse: raise RuntimeError( 'FusedAdam does not support sparse gradients, ' 'please consider SparseAdam instead' ) state = self.state[p] # State initialization if len(state) == 0: # Exponential moving average of gradient values state['exp_avg'] = torch.zeros_like(p.data, dtype=torch.float) # Exponential moving average of squared gradient values state['exp_avg_sq'] = torch.zeros_like(p.data, dtype=torch.float) else: state['exp_avg'] = state['exp_avg'].to(device=p.data.device, dtype=torch.float) state['exp_avg_sq'] = state['exp_avg_sq'].to(device=p.data.device, dtype=torch.float) if p.dtype == torch.float16: g_16.append(p.grad.data.float()) p_16.append(p.data.float()) orig_p_16.append(p.data) m_16.append(state['exp_avg']) v_16.append(state['exp_avg_sq']) elif p.dtype == torch.float32: g_32.append(p.grad.data) p_32.append(p.data) m_32.append(state['exp_avg']) v_32.append(state['exp_avg_sq']) else: raise RuntimeError('FusedAdam only support fp16 and fp32.') with torch.cuda.device(p.device): if(len(g_16) > 0): multi_tensor_applier(self.multi_tensor_adam, self._dummy_overflow_buf, [g_16, p_16, m_16, v_16], group['lr'], beta1, beta2, group['eps'], group['step'], self.adam_w_mode, bias_correction, group['weight_decay']) for orig_p, p in zip(orig_p_16, p_16): orig_p.copy_(p.data) if(len(g_32) > 0): multi_tensor_applier(self.multi_tensor_adam, self._dummy_overflow_buf, [g_32, p_32, m_32, v_32], group['lr'], beta1, beta2, group['eps'], group['step'], self.adam_w_mode, bias_correction, group['weight_decay']) return loss except ImportError: pass
bsd-3-clause
Clyde-fare/scikit-learn
sklearn/datasets/tests/test_base.py
204
5878
import os import shutil import tempfile import warnings import nose import numpy from pickle import loads from pickle import dumps from sklearn.datasets import get_data_home from sklearn.datasets import clear_data_home from sklearn.datasets import load_files from sklearn.datasets import load_sample_images from sklearn.datasets import load_sample_image from sklearn.datasets import load_digits from sklearn.datasets import load_diabetes from sklearn.datasets import load_linnerud from sklearn.datasets import load_iris from sklearn.datasets import load_boston from sklearn.datasets.base import Bunch from sklearn.externals.six import b, u from sklearn.utils.testing import assert_false from sklearn.utils.testing import assert_true from sklearn.utils.testing import assert_equal from sklearn.utils.testing import assert_raises DATA_HOME = tempfile.mkdtemp(prefix="scikit_learn_data_home_test_") LOAD_FILES_ROOT = tempfile.mkdtemp(prefix="scikit_learn_load_files_test_") TEST_CATEGORY_DIR1 = "" TEST_CATEGORY_DIR2 = "" def _remove_dir(path): if os.path.isdir(path): shutil.rmtree(path) def teardown_module(): """Test fixture (clean up) run once after all tests of this module""" for path in [DATA_HOME, LOAD_FILES_ROOT]: _remove_dir(path) def setup_load_files(): global TEST_CATEGORY_DIR1 global TEST_CATEGORY_DIR2 TEST_CATEGORY_DIR1 = tempfile.mkdtemp(dir=LOAD_FILES_ROOT) TEST_CATEGORY_DIR2 = tempfile.mkdtemp(dir=LOAD_FILES_ROOT) sample_file = tempfile.NamedTemporaryFile(dir=TEST_CATEGORY_DIR1, delete=False) sample_file.write(b("Hello World!\n")) sample_file.close() def teardown_load_files(): _remove_dir(TEST_CATEGORY_DIR1) _remove_dir(TEST_CATEGORY_DIR2) def test_data_home(): # get_data_home will point to a pre-existing folder data_home = get_data_home(data_home=DATA_HOME) assert_equal(data_home, DATA_HOME) assert_true(os.path.exists(data_home)) # clear_data_home will delete both the content and the folder it-self clear_data_home(data_home=data_home) assert_false(os.path.exists(data_home)) # if the folder is missing it will be created again data_home = get_data_home(data_home=DATA_HOME) assert_true(os.path.exists(data_home)) def test_default_empty_load_files(): res = load_files(LOAD_FILES_ROOT) assert_equal(len(res.filenames), 0) assert_equal(len(res.target_names), 0) assert_equal(res.DESCR, None) @nose.tools.with_setup(setup_load_files, teardown_load_files) def test_default_load_files(): res = load_files(LOAD_FILES_ROOT) assert_equal(len(res.filenames), 1) assert_equal(len(res.target_names), 2) assert_equal(res.DESCR, None) assert_equal(res.data, [b("Hello World!\n")]) @nose.tools.with_setup(setup_load_files, teardown_load_files) def test_load_files_w_categories_desc_and_encoding(): category = os.path.abspath(TEST_CATEGORY_DIR1).split('/').pop() res = load_files(LOAD_FILES_ROOT, description="test", categories=category, encoding="utf-8") assert_equal(len(res.filenames), 1) assert_equal(len(res.target_names), 1) assert_equal(res.DESCR, "test") assert_equal(res.data, [u("Hello World!\n")]) @nose.tools.with_setup(setup_load_files, teardown_load_files) def test_load_files_wo_load_content(): res = load_files(LOAD_FILES_ROOT, load_content=False) assert_equal(len(res.filenames), 1) assert_equal(len(res.target_names), 2) assert_equal(res.DESCR, None) assert_equal(res.get('data'), None) def test_load_sample_images(): try: res = load_sample_images() assert_equal(len(res.images), 2) assert_equal(len(res.filenames), 2) assert_true(res.DESCR) except ImportError: warnings.warn("Could not load sample images, PIL is not available.") def test_load_digits(): digits = load_digits() assert_equal(digits.data.shape, (1797, 64)) assert_equal(numpy.unique(digits.target).size, 10) def test_load_digits_n_class_lt_10(): digits = load_digits(9) assert_equal(digits.data.shape, (1617, 64)) assert_equal(numpy.unique(digits.target).size, 9) def test_load_sample_image(): try: china = load_sample_image('china.jpg') assert_equal(china.dtype, 'uint8') assert_equal(china.shape, (427, 640, 3)) except ImportError: warnings.warn("Could not load sample images, PIL is not available.") def test_load_missing_sample_image_error(): have_PIL = True try: try: from scipy.misc import imread except ImportError: from scipy.misc.pilutil import imread except ImportError: have_PIL = False if have_PIL: assert_raises(AttributeError, load_sample_image, 'blop.jpg') else: warnings.warn("Could not load sample images, PIL is not available.") def test_load_diabetes(): res = load_diabetes() assert_equal(res.data.shape, (442, 10)) assert_true(res.target.size, 442) def test_load_linnerud(): res = load_linnerud() assert_equal(res.data.shape, (20, 3)) assert_equal(res.target.shape, (20, 3)) assert_equal(len(res.target_names), 3) assert_true(res.DESCR) def test_load_iris(): res = load_iris() assert_equal(res.data.shape, (150, 4)) assert_equal(res.target.size, 150) assert_equal(res.target_names.size, 3) assert_true(res.DESCR) def test_load_boston(): res = load_boston() assert_equal(res.data.shape, (506, 13)) assert_equal(res.target.size, 506) assert_equal(res.feature_names.size, 13) assert_true(res.DESCR) def test_loads_dumps_bunch(): bunch = Bunch(x="x") bunch_from_pkl = loads(dumps(bunch)) bunch_from_pkl.x = "y" assert_equal(bunch_from_pkl['x'], bunch_from_pkl.x)
bsd-3-clause
williamFalcon/pytorch-lightning
pytorch_lightning/trainer/configuration_validator.py
1
10445
# Copyright The PyTorch Lightning team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import pytorch_lightning as pl from pytorch_lightning.trainer.states import TrainerFn from pytorch_lightning.utilities.exceptions import MisconfigurationException from pytorch_lightning.utilities.model_helpers import is_overridden from pytorch_lightning.utilities.signature_utils import is_param_in_hook_signature from pytorch_lightning.utilities.warnings import rank_zero_deprecation, rank_zero_warn class ConfigValidator: def __init__(self, trainer: "pl.Trainer") -> None: self.trainer = trainer def verify_loop_configurations(self, model: "pl.LightningModule") -> None: r""" Checks that the model is configured correctly before the run is started. Args: model: The model to check the configuration. """ if self.trainer.state.fn in (TrainerFn.FITTING, TrainerFn.TUNING): self.__verify_train_loop_configuration(model) self.__verify_eval_loop_configuration(model, "val") self.__verify_manual_optimization_support(model) self.__check_training_step_requires_dataloader_iter(model) elif self.trainer.state.fn == TrainerFn.VALIDATING: self.__verify_eval_loop_configuration(model, "val") elif self.trainer.state.fn == TrainerFn.TESTING: self.__verify_eval_loop_configuration(model, "test") elif self.trainer.state.fn == TrainerFn.PREDICTING: self.__verify_predict_loop_configuration(model) self.__verify_dp_batch_transfer_support(model) def __verify_train_loop_configuration(self, model: "pl.LightningModule") -> None: # ----------------------------------- # verify model has a training step # ----------------------------------- has_training_step = is_overridden("training_step", model) if not has_training_step: raise MisconfigurationException( "No `training_step()` method defined. Lightning `Trainer` expects as minimum a" " `training_step()`, `train_dataloader()` and `configure_optimizers()` to be defined." ) # ----------------------------------- # verify model has a train dataloader # ----------------------------------- has_train_dataloader = is_overridden("train_dataloader", model) if not has_train_dataloader: raise MisconfigurationException( "No `train_dataloader()` method defined. Lightning `Trainer` expects as minimum a" " `training_step()`, `train_dataloader()` and `configure_optimizers()` to be defined." ) # ----------------------------------- # verify model has optimizer # ----------------------------------- has_optimizers = is_overridden("configure_optimizers", model) if not has_optimizers: raise MisconfigurationException( "No `configure_optimizers()` method defined. Lightning `Trainer` expects as minimum a" " `training_step()`, `train_dataloader()` and `configure_optimizers()` to be defined." ) # ---------------------------------------------- # verify model does not have # - on_train_dataloader # - on_val_dataloader # ---------------------------------------------- has_on_train_dataloader = is_overridden("on_train_dataloader", model) if has_on_train_dataloader: rank_zero_deprecation( "Method `on_train_dataloader` in DataHooks is deprecated and will be removed in v1.7.0." " Please use `train_dataloader()` directly." ) has_on_val_dataloader = is_overridden("on_val_dataloader", model) if has_on_val_dataloader: rank_zero_deprecation( "Method `on_val_dataloader` in DataHooks is deprecated and will be removed in v1.7.0." " Please use `val_dataloader()` directly." ) trainer = self.trainer trainer.overriden_optimizer_step = is_overridden("optimizer_step", model) trainer.overriden_optimizer_zero_grad = is_overridden("optimizer_zero_grad", model) automatic_optimization = model.automatic_optimization going_to_accumulate_grad_batches = trainer.accumulation_scheduler.going_to_accumulate_grad_batches() has_overriden_optimization_functions = trainer.overriden_optimizer_step or trainer.overriden_optimizer_zero_grad if has_overriden_optimization_functions and going_to_accumulate_grad_batches and automatic_optimization: rank_zero_warn( "When using `Trainer(accumulate_grad_batches != 1)` and overriding" "`LightningModule.optimizer_{step,zero_grad}`, the hooks will not be called on every batch" "(rather, they are called on every optimization step)." ) def __verify_eval_loop_configuration(self, model: "pl.LightningModule", stage: str) -> None: loader_name = f"{stage}_dataloader" step_name = "validation_step" if stage == "val" else "test_step" has_loader = is_overridden(loader_name, model) has_step = is_overridden(step_name, model) if has_loader and not has_step: rank_zero_warn(f"you passed in a {loader_name} but have no {step_name}. Skipping {stage} loop") if has_step and not has_loader: rank_zero_warn(f"you defined a {step_name} but have no {loader_name}. Skipping {stage} loop") # ---------------------------------------------- # verify model does not have # - on_val_dataloader # - on_test_dataloader # ---------------------------------------------- has_on_val_dataloader = is_overridden("on_val_dataloader", model) if has_on_val_dataloader: rank_zero_deprecation( "Method `on_val_dataloader` in DataHooks is deprecated and will be removed in v1.7.0." " Please use `val_dataloader()` directly." ) has_on_test_dataloader = is_overridden("on_test_dataloader", model) if has_on_test_dataloader: rank_zero_deprecation( "Method `on_test_dataloader` in DataHooks is deprecated and will be removed in v1.7.0." " Please use `test_dataloader()` directly." ) def __verify_predict_loop_configuration(self, model: "pl.LightningModule") -> None: has_predict_dataloader = is_overridden("predict_dataloader", model) if not has_predict_dataloader: raise MisconfigurationException("Dataloader not found for `Trainer.predict`") # ---------------------------------------------- # verify model does not have # - on_predict_dataloader # ---------------------------------------------- has_on_predict_dataloader = is_overridden("on_predict_dataloader", model) if has_on_predict_dataloader: rank_zero_deprecation( "Method `on_predict_dataloader` in DataHooks is deprecated and will be removed in v1.7.0." " Please use `predict_dataloader()` directly." ) def __verify_dp_batch_transfer_support(self, model: "pl.LightningModule") -> None: """Raise Misconfiguration exception since these hooks are not supported in DP mode""" # TODO: Remove this blocker once batch transfer to device is integrated in Lightning for DP mode. batch_transfer_hooks = ("on_before_batch_transfer", "transfer_batch_to_device", "on_after_batch_transfer") for hook in batch_transfer_hooks: if self.trainer.accelerator_connector.use_dp and is_overridden(hook, model): raise MisconfigurationException(f"Overriding `{hook}` is not supported in DP mode.") def __verify_manual_optimization_support(self, model: "pl.LightningModule") -> None: if model.automatic_optimization: return if self.trainer.gradient_clip_val > 0: raise MisconfigurationException( "Automatic gradient clipping is not supported for manual optimization." f" Remove `Trainer(gradient_clip_val={self.trainer.gradient_clip_val})`" " or switch to automatic optimization." ) if self.trainer.accumulate_grad_batches != 1: raise MisconfigurationException( "Automatic gradient accumulation is not supported for manual optimization." f" Remove `Trainer(accumulate_grad_batches={self.trainer.accumulate_grad_batches})`" " or switch to automatic optimization." ) def __check_training_step_requires_dataloader_iter(self, model: "pl.LightningModule"): """Check if the current `training_step` is requesting `dataloader_iter`.""" training_step_fx = getattr(model, "training_step") if is_param_in_hook_signature(training_step_fx, "dataloader_iter", explicit=True): if is_overridden("on_train_batch_start", model): raise MisconfigurationException( "The model hook `on_train_batch_start` is not compatible with " "taking a `dataloader_iter` argument in your `training_step`." ) if is_overridden("on_train_batch_end", model): raise MisconfigurationException( "The model hook `on_train_batch_end` is not compatible with " "taking a `dataloader_iter` argument in your `training_step`." ) if model.truncated_bptt_steps > 0: raise MisconfigurationException( "The model taking a `dataloader_iter` argument in your `training_step` " "is incompatible with `truncated_bptt_steps > 0`." )
apache-2.0
williamFalcon/pytorch-lightning
pytorch_lightning/loops/base.py
1
8803
# Copyright The PyTorch Lightning team. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from abc import ABC, abstractmethod from typing import Any, Dict, Optional from deprecate import void from torchmetrics import Metric import pytorch_lightning as pl from pytorch_lightning.trainer.connectors.logger_connector.result import ResultCollection from pytorch_lightning.trainer.progress import BaseProgress, Progress from pytorch_lightning.utilities.apply_func import apply_to_collection from pytorch_lightning.utilities.exceptions import MisconfigurationException class Loop(ABC): """ Basic Loops interface. All classes derived from this must implement the following properties and methods: * :attr:`done` (property): Condition to break the loop * :attr:`reset` (method): Resets the internal state between multiple calls of :attr:`run` * :attr:`advance` (method): Implements one step of the loop This class implements the following loop structure: .. codeblock:: python on_run_start() while not done: on_advance_start() advance() on_advance_end() on_run_end() """ def __init__(self) -> None: self.restarting = False self._trainer: Optional["pl.Trainer"] = None @property def trainer(self) -> Optional["pl.Trainer"]: return self._trainer @trainer.setter def trainer(self, trainer: "pl.Trainer"): """Connects this loop's trainer and its children""" if not isinstance(trainer, pl.Trainer): raise MisconfigurationException( f"Loop {self.__class__.__name__} should be connected to a `Trainer`, found: {trainer}." ) self._trainer = trainer for v in self.__dict__.values(): if isinstance(v, Loop): v.trainer = trainer @property @abstractmethod def done(self) -> bool: """Property indicating when loop is finished""" @property def skip(self) -> bool: """Determine whether to return immediately from the call to :meth:`run`.""" return False def connect(self, **kwargs: "Loop") -> None: """Optionally connect one or multiple loops to this one. Linked loops should form a tree.""" def on_skip(self) -> Optional[Any]: """ The function to run when :meth:`run` should be skipped, determined by the condition in :attr:`skip`. Returns: the default output value of :meth:`on_run_end` """ def run(self, *args: Any, **kwargs: Any) -> Optional[Any]: """ The main entry point to the loop. Will frequently check the :attr:`done` condition and calls :attr:`advance` until :attr:`done` evaluates to ``True``. Returns: the output of :attr:`on_run_end` (often outputs collected from each step of the loop) """ if self.skip: return self.on_skip() self.reset() self.on_run_start(*args, **kwargs) while not self.done: try: self.on_advance_start(*args, **kwargs) self.advance(*args, **kwargs) self.on_advance_end() self.restarting = False except StopIteration: break output = self.on_run_end() return output @abstractmethod def reset(self) -> None: """Resets the internal state of the loop at the beginning of each call to :attr:`run`.""" def on_run_start(self, *args: Any, **kwargs: Any) -> None: """ Hook to be called as the first thing after entering :attr:`run` (except the state reset). Accepts all arguments passed to :attr:`run`. """ void(*args, **kwargs) def on_advance_start(self, *args: Any, **kwargs: Any) -> None: """ Hook to be called each time before :attr:`advance` is called. Accepts all arguments passed to :attr`run`. """ void(*args, **kwargs) @abstractmethod def advance(self, *args: Any, **kwargs: Any) -> None: """Performs a single step. Accepts all arguments passed to :attr:`run`.""" def on_advance_end(self) -> None: """Hook to be called each time after :attr:`advance` is called.""" def on_run_end(self) -> Any: """Hook to be called at the end of the run. Its return argument is returned from :attr:`run`.""" def teardown(self) -> None: """Use to release memory etc.""" def on_save_checkpoint(self) -> Dict: """ Called when saving a model checkpoint, use to persist loop state. Returns: The current loop state. """ return {} def on_load_checkpoint(self, state_dict: Dict) -> None: """Called when loading a model checkpoint, use to reload loop state.""" def state_dict(self, destination: Optional[Dict] = None, prefix: Optional[str] = "") -> Dict: """ The state dict is determined by the state and progress of this loop and all its children. Args: destination: An existing dictionary to update with this loop's state. By default a new dictionary is returned. prefix: A prefix for each key in the state dictionary """ if destination is None: destination = {} destination[prefix + "state_dict"] = self.on_save_checkpoint() for k, v in self.__dict__.items(): key = prefix + k if isinstance(v, BaseProgress): destination[key] = v.state_dict() elif isinstance(v, Loop): v.state_dict(destination, key + ".") elif isinstance(v, ResultCollection): # sync / unsync metrics v.sync() destination[key] = v.state_dict() v.unsync() return destination def load_state_dict( self, state_dict: Dict, prefix: str = "", restart_progress: bool = True, metrics: Optional[Dict[str, Metric]] = None, ) -> None: """Loads the state of this loop and all its children.""" self._load_from_state_dict(state_dict.copy(), prefix, restart_progress, metrics) for k, v in self.__dict__.items(): if isinstance(v, Loop): v.load_state_dict(state_dict.copy(), prefix + k + ".", restart_progress) def _load_from_state_dict( self, state_dict: Dict, prefix: str, restart_progress: bool, metrics: Optional[Dict[str, Metric]] = None ) -> None: for k, v in self.__dict__.items(): key = prefix + k if isinstance(v, BaseProgress): v.load_state_dict(state_dict[key]) if restart_progress: apply_to_collection(v, Progress, lambda p: p.current.reset_on_restart()) elif ( isinstance(v, ResultCollection) and self.trainer is not None and getattr(self.trainer, "lightning_module", None) is not None ): metric_attributes = { name: module for name, module in self.trainer.lightning_module.named_modules() if isinstance(module, Metric) } if metrics: metric_attributes.update(metrics) # The `ResultCollection` objects have 2 types of metrics: `Tensor` and `torchmetrics.Metric`. # When creating a checkpoint, the `Metric`s are dropped from the loop `state_dict` to serialize only # Python primitives. However, their states are saved with the model's `state_dict`. # On reload, we need to re-attach the `Metric`s back to the `ResultCollection`. # The references are provided through the `metric_attributes` dictionary. v.load_state_dict( state_dict[prefix + k], metrics=metric_attributes, sync_fn=self.trainer.training_type_plugin.reduce ) if not self.trainer.is_global_zero: v.reset(metrics=False) self.on_load_checkpoint(state_dict[prefix + "state_dict"]) self.restarting = True
apache-2.0
evansd/django
tests/generic_views/test_list.py
29
12000
import datetime from django.core.exceptions import ImproperlyConfigured from django.test import TestCase, override_settings from django.views.generic.base import View from .models import Artist, Author, Book, Page @override_settings(ROOT_URLCONF='generic_views.urls') class ListViewTests(TestCase): @classmethod def setUpTestData(cls): cls.artist1 = Artist.objects.create(name='Rene Magritte') cls.author1 = Author.objects.create(name='Roberto Bolaño', slug='roberto-bolano') cls.author2 = Author.objects.create(name='Scott Rosenberg', slug='scott-rosenberg') cls.book1 = Book.objects.create(name='2066', slug='2066', pages=800, pubdate=datetime.date(2008, 10, 1)) cls.book1.authors.add(cls.author1) cls.book2 = Book.objects.create( name='Dreaming in Code', slug='dreaming-in-code', pages=300, pubdate=datetime.date(2006, 5, 1) ) cls.page1 = Page.objects.create( content='I was once bitten by a moose.', template='generic_views/page_template.html' ) def test_items(self): res = self.client.get('/list/dict/') self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/list.html') self.assertEqual(res.context['object_list'][0]['first'], 'John') def test_queryset(self): res = self.client.get('/list/authors/') self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/author_list.html') self.assertEqual(list(res.context['object_list']), list(Author.objects.all())) self.assertIsInstance(res.context['view'], View) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertIsNone(res.context['paginator']) self.assertIsNone(res.context['page_obj']) self.assertFalse(res.context['is_paginated']) def test_paginated_queryset(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/') self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/author_list.html') self.assertEqual(len(res.context['object_list']), 30) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertTrue(res.context['is_paginated']) self.assertEqual(res.context['page_obj'].number, 1) self.assertEqual(res.context['paginator'].num_pages, 4) self.assertEqual(res.context['author_list'][0].name, 'Author 00') self.assertEqual(list(res.context['author_list'])[-1].name, 'Author 29') def test_paginated_queryset_shortdata(self): # Short datasets also result in a paginated view. res = self.client.get('/list/authors/paginated/') self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/author_list.html') self.assertEqual(list(res.context['object_list']), list(Author.objects.all())) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertEqual(res.context['page_obj'].number, 1) self.assertEqual(res.context['paginator'].num_pages, 1) self.assertFalse(res.context['is_paginated']) def test_paginated_get_page_by_query_string(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/', {'page': '2'}) self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/author_list.html') self.assertEqual(len(res.context['object_list']), 30) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertEqual(res.context['author_list'][0].name, 'Author 30') self.assertEqual(res.context['page_obj'].number, 2) def test_paginated_get_last_page_by_query_string(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/', {'page': 'last'}) self.assertEqual(res.status_code, 200) self.assertEqual(len(res.context['object_list']), 10) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertEqual(res.context['author_list'][0].name, 'Author 90') self.assertEqual(res.context['page_obj'].number, 4) def test_paginated_get_page_by_urlvar(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/3/') self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/author_list.html') self.assertEqual(len(res.context['object_list']), 30) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertEqual(res.context['author_list'][0].name, 'Author 60') self.assertEqual(res.context['page_obj'].number, 3) def test_paginated_page_out_of_range(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/42/') self.assertEqual(res.status_code, 404) def test_paginated_invalid_page(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/?page=frog') self.assertEqual(res.status_code, 404) def test_paginated_custom_paginator_class(self): self._make_authors(7) res = self.client.get('/list/authors/paginated/custom_class/') self.assertEqual(res.status_code, 200) self.assertEqual(res.context['paginator'].num_pages, 1) # Custom pagination allows for 2 orphans on a page size of 5 self.assertEqual(len(res.context['object_list']), 7) def test_paginated_custom_page_kwarg(self): self._make_authors(100) res = self.client.get('/list/authors/paginated/custom_page_kwarg/', {'pagina': '2'}) self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/author_list.html') self.assertEqual(len(res.context['object_list']), 30) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertEqual(res.context['author_list'][0].name, 'Author 30') self.assertEqual(res.context['page_obj'].number, 2) def test_paginated_custom_paginator_constructor(self): self._make_authors(7) res = self.client.get('/list/authors/paginated/custom_constructor/') self.assertEqual(res.status_code, 200) # Custom pagination allows for 2 orphans on a page size of 5 self.assertEqual(len(res.context['object_list']), 7) def test_paginated_orphaned_queryset(self): self._make_authors(92) res = self.client.get('/list/authors/paginated-orphaned/') self.assertEqual(res.status_code, 200) self.assertEqual(res.context['page_obj'].number, 1) res = self.client.get( '/list/authors/paginated-orphaned/', {'page': 'last'}) self.assertEqual(res.status_code, 200) self.assertEqual(res.context['page_obj'].number, 3) res = self.client.get( '/list/authors/paginated-orphaned/', {'page': '3'}) self.assertEqual(res.status_code, 200) self.assertEqual(res.context['page_obj'].number, 3) res = self.client.get( '/list/authors/paginated-orphaned/', {'page': '4'}) self.assertEqual(res.status_code, 404) def test_paginated_non_queryset(self): res = self.client.get('/list/dict/paginated/') self.assertEqual(res.status_code, 200) self.assertEqual(len(res.context['object_list']), 1) def test_verbose_name(self): res = self.client.get('/list/artists/') self.assertEqual(res.status_code, 200) self.assertTemplateUsed(res, 'generic_views/list.html') self.assertEqual(list(res.context['object_list']), list(Artist.objects.all())) self.assertIs(res.context['artist_list'], res.context['object_list']) self.assertIsNone(res.context['paginator']) self.assertIsNone(res.context['page_obj']) self.assertFalse(res.context['is_paginated']) def test_allow_empty_false(self): res = self.client.get('/list/authors/notempty/') self.assertEqual(res.status_code, 200) Author.objects.all().delete() res = self.client.get('/list/authors/notempty/') self.assertEqual(res.status_code, 404) def test_template_name(self): res = self.client.get('/list/authors/template_name/') self.assertEqual(res.status_code, 200) self.assertEqual(list(res.context['object_list']), list(Author.objects.all())) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertTemplateUsed(res, 'generic_views/list.html') def test_template_name_suffix(self): res = self.client.get('/list/authors/template_name_suffix/') self.assertEqual(res.status_code, 200) self.assertEqual(list(res.context['object_list']), list(Author.objects.all())) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertTemplateUsed(res, 'generic_views/author_objects.html') def test_context_object_name(self): res = self.client.get('/list/authors/context_object_name/') self.assertEqual(res.status_code, 200) self.assertEqual(list(res.context['object_list']), list(Author.objects.all())) self.assertNotIn('authors', res.context) self.assertIs(res.context['author_list'], res.context['object_list']) self.assertTemplateUsed(res, 'generic_views/author_list.html') def test_duplicate_context_object_name(self): res = self.client.get('/list/authors/dupe_context_object_name/') self.assertEqual(res.status_code, 200) self.assertEqual(list(res.context['object_list']), list(Author.objects.all())) self.assertNotIn('authors', res.context) self.assertNotIn('author_list', res.context) self.assertTemplateUsed(res, 'generic_views/author_list.html') def test_missing_items(self): with self.assertRaises(ImproperlyConfigured): self.client.get('/list/authors/invalid/') def test_paginated_list_view_does_not_load_entire_table(self): # Regression test for #17535 self._make_authors(3) # 1 query for authors with self.assertNumQueries(1): self.client.get('/list/authors/notempty/') # same as above + 1 query to test if authors exist + 1 query for pagination with self.assertNumQueries(3): self.client.get('/list/authors/notempty/paginated/') def test_explicitly_ordered_list_view(self): Book.objects.create(name="Zebras for Dummies", pages=800, pubdate=datetime.date(2006, 9, 1)) res = self.client.get('/list/books/sorted/') self.assertEqual(res.status_code, 200) self.assertEqual(res.context['object_list'][0].name, '2066') self.assertEqual(res.context['object_list'][1].name, 'Dreaming in Code') self.assertEqual(res.context['object_list'][2].name, 'Zebras for Dummies') res = self.client.get('/list/books/sortedbypagesandnamedec/') self.assertEqual(res.status_code, 200) self.assertEqual(res.context['object_list'][0].name, 'Dreaming in Code') self.assertEqual(res.context['object_list'][1].name, 'Zebras for Dummies') self.assertEqual(res.context['object_list'][2].name, '2066') @override_settings(DEBUG=True) def test_paginated_list_view_returns_useful_message_on_invalid_page(self): # test for #19240 # tests that source exception's message is included in page self._make_authors(1) res = self.client.get('/list/authors/paginated/2/') self.assertEqual(res.status_code, 404) self.assertEqual(res.context.get('reason'), "Invalid page (2): That page contains no results") def _make_authors(self, n): Author.objects.all().delete() for i in range(n): Author.objects.create(name='Author %02i' % i, slug='a%s' % i)
bsd-3-clause
hfp/libxsmm
samples/deeplearning/sparse_training/dlrm/test_roc.py
1
1915
import numpy as np from bottleneck import rankdata import time from roc_auc_score import roc_auc_score import sklearn.metrics def roc_auc_score_bottleneck(actual, predicted, approx = False): if approx: r = np.argsort(predicted) else: r = rankdata(predicted) n_pos = np.sum(actual) n_neg = len(actual) - n_pos sum1 = (np.sum(r[actual==1]) - n_pos*(n_pos+1)/2) print(f"bottleneck nPos {n_pos} nNeg {n_neg}, sum {sum1}") return sum1 / (n_pos*n_neg) d = np.load('targets_scores.npz') t = d['targets'].reshape([-1]) s = d['scores'].reshape([-1]) #t = t[:2000000] #s = s[:2000000] # t = np.array([0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]).astype(np.float32) # s = np.array([0.1, 0.3, 0.7, 0.2, 0.1, 0.3, 0.4, 0.9, 0.2, 0.7]).astype(np.float32) # t = np.array([0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]).astype(np.float32) # s = np.array([0.1, 0.1, 0.2, 0.2, 0.3, 0.3, 0.4, 0.7, 0.7, 0.9]).astype(np.float32) # #[1.5 1.5 3.5 3.5 5.5 5.5 7.0 8.5 8.5 10.0 # #[ 0 1 2 3 4 print(f"# pairs: {t.shape}") roc = roc_auc_score(t, s) t1 = time.time() roc = roc_auc_score(t, s) t2 = time.time() print(f"{'C++:':12s} roc: {roc} Time: {t2-t1:.4f} sec") t1 = time.time() roc = roc_auc_score(t, s) t2 = time.time() print(f"{'C++:':12s} roc: {roc} Time: {t2-t1:.4f} sec") t1 = time.time() #roc = sklearn.metrics.roc_auc_score(t, s) acc = sklearn.metrics.accuracy_score(t, np.round(s)) t2 = time.time() #print(f"{'sklearn:':12s} roc: {roc:.7f} Time: {t2-t1:.4f} sec") print(f"{'sklearn acc:':12s} acc: {acc:.7f} Time: {t2-t1:.4f} sec") t1 = time.time() loss = sklearn.metrics.log_loss(t, s) t2 = time.time() print(f"{'sklearn:':12s} loss: {loss:.7f} Time: {t2-t1:.4f} sec") t1 = time.time() roc = roc_auc_score_bottleneck(t, s) t2 = time.time() print(f"{'bottleneck:':12s} roc: {roc:.7f} Time: {t2-t1:.4f} sec")
bsd-3-clause
microsoft/onnxruntime
onnxruntime/python/tools/transformers/models/gpt2/gpt2_tester.py
1
19606
# ------------------------------------------------------------------------- # Copyright (c) Microsoft Corporation. All rights reserved. # Licensed under the MIT License. See License.txt in the project root for # license information. # -------------------------------------------------------------------------- # This script helps evaluation of GPT-2 model. import logging import math import os import statistics import sys import timeit import numpy import torch from gpt2_helper import Gpt2Helper, Gpt2Inputs sys.path.append(os.path.join(os.path.dirname(__file__), "..", "..")) from benchmark_helper import Precision logger = logging.getLogger(__name__) class Gpt2Metric: def __init__(self, treatment_name, baseline_name="Torch", top_k=20): assert top_k > 1 and top_k <= 100 self.baseline = baseline_name self.treatment = treatment_name self.name: str = f"{treatment_name} vs {baseline_name}" self.top_k = top_k self.top_1_error: int = 0 self.top_k_error: int = 0 self.total_samples: int = 0 self.max_logits_diff: float = 0 # for non-empty past state self.max_logits_diff_no_past: float = 0 # for empty past state self.batch_top1_error: torch.FloatTensor = None # top 1 error for current batch self.batch_topk_error: torch.FloatTensor = None # top k error for current batch self.seq_len_latency = {} def print(self): if self.baseline != self.treatment: print("---") print(f"Metrics for {self.treatment} (baseline={self.baseline}):") if self.total_samples > 0: top_1_error_rate = 100.0 * self.top_1_error / self.total_samples top_k_error_rate = 100.0 * self.top_k_error / self.total_samples print( f"Total={self.total_samples} Top1Error={self.top_1_error} ({top_1_error_rate:.2f}%) Top{self.top_k}Error={self.top_k_error} ({top_k_error_rate:.2f}%)" ) print("Max logits diffs:") print(f"\twith past = {self.max_logits_diff:.6f}") print(f"\tempty past = {self.max_logits_diff_no_past:.6f}") else: print(f"Metrics for {self.treatment} (baseline):") if self.seq_len_latency: print("Past sequence length range and average latency:") total = 0 count = 0 for key in sorted(self.seq_len_latency.keys()): average = statistics.mean(self.seq_len_latency[key]) * 1000.0 if key == 0: print("\t{}: \t{:.2f} ms".format(key, average)) else: print("\t[{}, {}]:\t{:.2f} ms".format(2**key, 2 ** (key + 1) - 1, average)) total += average * len(self.seq_len_latency[key]) count += len(self.seq_len_latency[key]) print("Average Latency: {:.2f} ms".format(total / count)) def diff_logits(self, baseline_logits, treatment_logits, is_empty_past: bool): diff = (baseline_logits - treatment_logits).abs().max() if is_empty_past: self.max_logits_diff_no_past = max(self.max_logits_diff_no_past, diff) else: self.max_logits_diff = max(self.max_logits_diff, diff) return diff def start_batch(self, batch_size: int): self.total_samples += batch_size self.batch_top1_error = torch.zeros((batch_size, 1), dtype=torch.bool) self.batch_topk_error = torch.zeros((batch_size, 1), dtype=torch.bool) def eval_batch(self, baseline, treatment, past_seq_len, verbose=True): self._eval_topk(baseline.top_1_tokens, treatment.top_1_tokens, 1, verbose) self._eval_topk(baseline.top_k_tokens, treatment.top_k_tokens, self.top_k, verbose) max_diff = self.diff_logits(baseline.logits, treatment.logits, past_seq_len == 0) if verbose: print(f"Max logits diffs of {self.name}: {max_diff}") def _eval_topk(self, baseline_topk, treatment_topk, top_k, verbose=True): if not torch.all(torch.eq(baseline_topk, treatment_topk)): if top_k == 1: if verbose: print(f"Generated tokens not matched for {self.name}") self.batch_top1_error |= torch.eq(baseline_topk, treatment_topk).logical_not() else: if verbose: print( f"Top {top_k} tokens not matched for {self.name}. This will lead to wrong beam search results" ) self.batch_topk_error |= ( torch.eq(baseline_topk, treatment_topk).logical_not().sum(1).unsqueeze(dim=1) > 0 ) def end_batch(self): self.top_1_error += self.batch_top1_error.sum() self.top_k_error += self.batch_topk_error.sum() def add_latency(self, past_seq_len, latency): key = int(math.log2(past_seq_len)) + 1 if past_seq_len > 0 else 0 if key not in self.seq_len_latency: self.seq_len_latency[key] = [] self.seq_len_latency[key].append(latency) class Gpt2Tester: def __init__( self, input_ids, position_ids, attention_mask, num_attention_heads, hidden_size, num_layer, device, is_fp16=False, top_k=20, top_k_required_order=False, ): self.batch_size = input_ids.shape[0] self.input_length = input_ids.shape[1] self.n_layer = num_layer self.input_ids = input_ids self.position_ids = position_ids self.attention_mask = attention_mask self.has_position_ids = position_ids is not None self.has_attention_mask = attention_mask is not None # Emtpy past state for first inference self.past = [] past_shape = [ 2, self.batch_size, num_attention_heads, 0, hidden_size // num_attention_heads, ] for i in range(num_layer): empty_past = torch.empty(past_shape).type(torch.float16 if is_fp16 else torch.float32) self.past.append(empty_past.to(device)) self.logits = None self.top_1_tokens = None self.top_k_tokens = None self.top_k = top_k self.top_k_required_order = top_k_required_order def get_inputs(self) -> Gpt2Inputs: return Gpt2Inputs(self.input_ids, self.position_ids, self.attention_mask, self.past) def save_test_data(self, session, output, save_test_data_dir, test_case_id): from onnx import numpy_helper path = os.path.join(save_test_data_dir, "test_data_set_" + str(test_case_id)) if os.path.exists(path): print(f"Directory {path} existed. Skip saving test data") return os.makedirs(path, exist_ok=True) def add_tensor(input_tensors, torch_tensor, name): input_tensors.append(numpy_helper.from_array(torch_tensor.clone().cpu().numpy(), name)) input_tensors = [] add_tensor(input_tensors, self.input_ids, "input_ids") if self.has_position_ids: add_tensor(input_tensors, self.position_ids, "position_ids") if self.has_attention_mask: add_tensor(input_tensors, self.attention_mask, "attention_mask") for i in range(self.n_layer): add_tensor(input_tensors, self.past[i], "past_" + str(i)) for i, tensor in enumerate(input_tensors): with open(os.path.join(path, "input_{}.pb".format(i)), "wb") as f: f.write(tensor.SerializeToString()) output_names = [output.name for output in session.get_outputs()] for i, name in enumerate(output_names): tensor = numpy_helper.from_array( output[i] if isinstance(output[i], numpy.ndarray) else output[i].clone().cpu().numpy() ) with open(os.path.join(path, "output_{}.pb".format(i)), "wb") as f: f.write(tensor.SerializeToString()) print(f"Test data saved to directory {path}") def update(self, output, step, device): """ Update the inputs for next inference. """ self.logits = ( torch.from_numpy(output[0]) if isinstance(output[0], numpy.ndarray) else output[0].clone().detach().cpu() ) self.top_1_tokens = Gpt2Tester.predict_next_token(self.logits) self.top_k_tokens = Gpt2Tester.predict_next_token(self.logits, self.top_k, self.top_k_required_order) self.input_ids = self.top_1_tokens.clone().detach().reshape([self.batch_size, 1]).to(device) if self.has_position_ids: self.position_ids = ( torch.tensor([self.input_length + step - 1]).unsqueeze(0).repeat(self.batch_size, 1).to(device) ) if self.has_attention_mask: self.attention_mask = torch.cat( [ self.attention_mask, torch.ones([self.batch_size, 1]).type_as(self.attention_mask), ], 1, ).to(device) self.past = [] if isinstance(output[1], tuple): # past in torch output is tuple self.past = list(output[1]) else: for i in range(self.n_layer): past_i = ( torch.from_numpy(output[i + 1]) if isinstance(output[i + 1], numpy.ndarray) else output[i + 1].clone().detach() ) self.past.append(past_i.to(device)) def diff(self, baseline): """ Compare inputs and logits output. """ print("start diff...") if self.logits is not None: max_io_diff = (self.logits - baseline.logits).abs().max() if max_io_diff > 1e-4: print(f"Max logits difference is too large: {max_io_diff}") if not torch.all(self.input_ids == baseline.input_ids): print("Input_ids is different", self.input_ids, baseline.input_ids) if self.has_position_ids: if not torch.all(self.position_ids == baseline.position_ids): print( "position_ids is different", self.position_ids, baseline.position_ids, ) if self.has_attention_mask: if not torch.all(self.attention_mask == baseline.attention_mask): print( "attention_mask is different", self.attention_mask, baseline.attention_mask, ) assert len(self.past) == len(baseline.past) for i, past_i in enumerate(self.past): assert past_i.shape == baseline.past[i].shape if past_i.nelement() > 0: max_past_diff = (past_i - baseline.past[i]).abs().max() if max_past_diff > 1e-4: print(f"max_past_diff[{i}]={max_past_diff}") @staticmethod def predict_next_token(logits, top_k=1, required_order=False): """ Get top k topkens based on logits. """ # logits has shape (batch_size, seq_len, vocab_size) # last token logits has shape (batch_size, vocab_size) lastTokenLogits = logits[:, -1] if top_k == 1: generatedTokens = torch.argmax(lastTokenLogits, 1, True) return generatedTokens else: topk = torch.argsort(lastTokenLogits, -1, descending=True)[:, :top_k] if not required_order: sorted_topk, _ = topk.sort() return sorted_topk return topk @staticmethod def diff_present(onnx_output, onnx_io_output, n_layer): """ Compare the present outputs of two outputs from ONNX Runtime. """ present_diff_max = [] for i in range(n_layer): onnx_present_i = ( torch.from_numpy(onnx_output[i + 1]) if isinstance(onnx_output[i + 1], numpy.ndarray) else onnx_output[i + 1] ) onnx_io_present_i = ( torch.from_numpy(onnx_io_output[i + 1]) if isinstance(onnx_io_output[i + 1], numpy.ndarray) else onnx_io_output[i + 1] ) max_diff = (onnx_present_i - onnx_io_present_i).abs().max() present_diff_max.append(max_diff) print(f"present_diff_max={present_diff_max}") @staticmethod def is_quantized_onnx_model(onnx_model_path): """ Returns True if the ONNX model is quantized. """ from onnx import load model = load(onnx_model_path) from onnxruntime.quantization.quantize import __producer__ as quantize_producer return model.producer_name == quantize_producer @staticmethod def test_generation( session, model, device, test_inputs, precision=Precision.FLOAT32, model_class="Gpt2LMHeadModel", top_k=20, top_k_no_order=True, max_steps=24, max_inputs=0, verbose=False, save_test_data=0, save_test_data_dir=".", ): """ Test Generation using greedy beam search (without sampling) to compare PyTorch and ONNX model. It will print top 1 and top k errors on the given test inputs. """ print( f"start test generation: (top_k={top_k} top_k_no_order={top_k_no_order} max_steps={max_steps} test_inputs={len(test_inputs)} max_inputs={max_inputs})" ) n_layer = model.config.n_layer n_head = model.config.n_head n_embd = model.config.n_embd eos_token_id = model.config.eos_token_id test_data_saved = 0 is_float16 = precision == Precision.FLOAT16 if is_float16: assert "float16" in session.get_outputs()[0].type # We will still use fp32 torch model as baseline when onnx model if fp16 model.eval().to(device) # Allocate initial buffers for IO Binding of ONNX Runtimne. The buffer size will automatically increase later. init_output_shapes = Gpt2Helper.get_output_shapes( batch_size=4, past_sequence_length=128, sequence_length=32, config=model.config, model_class=model_class, ) output_buffers = Gpt2Helper.get_output_buffers(init_output_shapes, device, is_float16=is_float16) baseline_name = "Torch" treatment_name = "Quantized Onnx" if precision == Precision.INT8 else "Onnx" torch_metric = Gpt2Metric(baseline_name, baseline_name, top_k) onnx_metric = Gpt2Metric(treatment_name, baseline_name, top_k) onnx_io_metric = Gpt2Metric(treatment_name + " with IO Binding", baseline_name, top_k) for i, inputs in enumerate(test_inputs): if max_inputs > 0 and i == max_inputs: break if i % 10 == 0: print(f"{i}") input_ids = inputs["input_ids"] position_ids = inputs["position_ids"] if "position_ids" in inputs else None attention_mask = inputs["attention_mask"] if "attention_mask" in inputs else None onnx_runner = Gpt2Tester( input_ids, position_ids, attention_mask, n_head, n_embd, n_layer, device, is_float16, top_k, not top_k_no_order, ) onnx_io_runner = Gpt2Tester( input_ids, position_ids, attention_mask, n_head, n_embd, n_layer, device, is_float16, top_k, not top_k_no_order, ) torch_runner = Gpt2Tester( input_ids, position_ids, attention_mask, n_head, n_embd, n_layer, device, False, top_k, not top_k_no_order, ) # Torch model baseline is fp32 batch_size = torch_runner.batch_size onnx_metric.start_batch(batch_size) onnx_io_metric.start_batch(batch_size) with torch.no_grad(): done = torch.zeros(batch_size, dtype=torch.bool) for step in range(max_steps): seq_len = list(onnx_runner.input_ids.size())[1] past_seq_len = list(onnx_runner.past[0].size())[3] start_time = timeit.default_timer() pytorch_output = Gpt2Helper.pytorch_inference(model, torch_runner.get_inputs()) torch_metric.add_latency(past_seq_len, timeit.default_timer() - start_time) torch_runner.update(pytorch_output, step, device) onnx_output, avg_latency_ms = Gpt2Helper.onnxruntime_inference( session, onnx_runner.get_inputs(), total_runs=1 ) onnx_metric.add_latency(past_seq_len, avg_latency_ms / 1000.0) onnx_runner.update(onnx_output, step, device) output_shapes = Gpt2Helper.get_output_shapes( batch_size, past_seq_len, seq_len, model.config, model_class=model_class, ) Gpt2Helper.auto_increase_buffer_size(output_buffers, output_shapes) (onnx_io_output, avg_latency_ms,) = Gpt2Helper.onnxruntime_inference_with_binded_io( session, onnx_io_runner.get_inputs(), output_buffers, output_shapes, total_runs=1, return_numpy=False, include_copy_output_latency=True, ) onnx_io_metric.add_latency(past_seq_len, avg_latency_ms / 1000.0) if test_data_saved < save_test_data: onnx_io_runner.save_test_data(session, onnx_io_output, save_test_data_dir, test_data_saved) test_data_saved += 1 onnx_io_runner.update(onnx_io_output, step, device) if verbose: onnx_runner.diff(onnx_io_runner) Gpt2Tester.diff_present(onnx_output, onnx_io_output, n_layer) print("Top 1 tokens:") print("\tTorch", torch_runner.top_1_tokens) print("\tONNX", onnx_runner.top_1_tokens) print("\tONNX with IO binding", onnx_io_runner.top_1_tokens) onnx_metric.eval_batch(torch_runner, onnx_runner, past_seq_len, verbose=verbose) onnx_io_metric.eval_batch(torch_runner, onnx_io_runner, past_seq_len, verbose=verbose) done = done | (torch_runner.top_1_tokens == eos_token_id).any() if torch.all(done): break onnx_metric.end_batch() onnx_io_metric.end_batch() torch_metric.print() onnx_metric.print() onnx_io_metric.print()
mit
FGRibreau/mailchecker
platform/python/MailChecker.py
1
970358
import re import sys if sys.version_info[0] >= 3: xrange = range class MailChecker(object): blacklist = { "0-00.usa.cc","0-30-24.com","0-attorney.com","0-mail.com","00-tv.com","00.0.gmail.com.gmail.8.3.gmail.35.cad.creou.dev","00.msk.ru","00.pe","000777.info","000email.com","001.igg.biz","001gmail.com","002gmail.com","003271.com","0033.pl","0039.cf","0039.ga","0039.gq","0039.ml","0058.ru","007game.ru","007gmail.com","008gmail.com","009gmail.com","00b2bcr51qv59xst2.cf","00b2bcr51qv59xst2.ga","00b2bcr51qv59xst2.gq","00b2bcr51qv59xst2.ml","00b2bcr51qv59xst2.tk","010gmail.com","011gmail.com","012gmail.com","017gmail.com","01852990.ga","019gmail.com","01bktwi2lzvg05.cf","01bktwi2lzvg05.ga","01bktwi2lzvg05.gq","01bktwi2lzvg05.ml","01bktwi2lzvg05.tk","01g.cloud","01gmail.com","01hosting.biz","02.pl","020gmail.com","020yiren.com","020zlgc.com","022gmail.com","023gmail.com","024024.cf","02466.cf","02466.ga","02466.gq","02466.ml","025gmail.com","027168.com","029gmail.com","02gmail.com","02hotmail.com","03-genkzmail.ga","030gmail.com","0317123.cn","031gmail.com","032gmail.com","0335g.com","036gmail.com","039gmail.com","03gmail.com","041gmail.com","042gmail.com","043gmail.com","047gmail.com","04gmail.com","050gmail.com","0530fk.com","0543sh.com","057gmail.com","058gmail.com","059gmail.com","05gmail.com","05hotmail.com","060gmail.com","0623456.com","062gmail.com","063gmail.com","065gmail.com","0662dq.com","066gmail.com","067gmail.com","068gmail.com","06gmail.com","07157.com","071gmail.com","07819.cf","07819.ga","07819.gq","07819.ml","07819.tk","078gmail.com","079gmail.com","079i080nhj.info","07gmail.com","080mail.com","0815.ru","0815.su","0845.ru","0854445.com","086gmail.com","087gmail.com","089563.quest","089gmail.com","08gmail.com","090gmail.com","091gmail.com","092gmail.com","0934445.com","093gmail.com","095gmail.com","096gmail.com","097gmail.com","098gmail.com","099gmail.com","09gmail.com","09ojsdhad.info","09stees.online","0accounts.com","0ak.org","0an.ru","0box.eu","0box.net","0celot.com","0cindcywrokv.cf","0cindcywrokv.ga","0cindcywrokv.gq","0cindcywrokv.ml","0cindcywrokv.tk","0clickemail.com","0clock.net","0clock.org","0costofivf.com","0cv23qjrvmcpt.cf","0cv23qjrvmcpt.ga","0cv23qjrvmcpt.gq","0cv23qjrvmcpt.ml","0cv23qjrvmcpt.tk","0ehtkltu0sgd.ga","0ehtkltu0sgd.ml","0ehtkltu0sgd.tk","0f590da1.bounceme.net","0fru8te0xkgfptti.cf","0fru8te0xkgfptti.ga","0fru8te0xkgfptti.gq","0fru8te0xkgfptti.ml","0fru8te0xkgfptti.tk","0h26le75d.pl","0hboy.com","0hcow.com","0hdear.com","0hio.net","0hio.org","0hio0ak.com","0hiolce.com","0hioln.com","0ils.net","0ils.org","0ioi.net","0jralz2qipvmr3n.ga","0jralz2qipvmr3n.ml","0jralz2qipvmr3n.tk","0jylaegwalss9m6ilvq.cf","0jylaegwalss9m6ilvq.ga","0jylaegwalss9m6ilvq.gq","0jylaegwalss9m6ilvq.ml","0jylaegwalss9m6ilvq.tk","0kok.net","0kok.org","0ld0ak.com","0ld0x.com","0live.org","0ll2au4c8.pl","0mel.com","0mfs0mxufjpcfc.cf","0mfs0mxufjpcfc.ga","0mfs0mxufjpcfc.gq","0mfs0mxufjpcfc.ml","0mfs0mxufjpcfc.tk","0mixmail.info","0n0ff.net","0n24.com","0nb9zti01sgz8u2a.cf","0nb9zti01sgz8u2a.ga","0nb9zti01sgz8u2a.gq","0nb9zti01sgz8u2a.ml","0nb9zti01sgz8u2a.tk","0nce.net","0ne.lv","0ne0ak.com","0ne0ut.com","0nedrive.cf","0nedrive.ga","0nedrive.gq","0nedrive.ml","0nedrive.tk","0nelce.com","0nes.net","0nes.org","0nly.org","0oxgvfdufyydergd.cf","0oxgvfdufyydergd.ga","0oxgvfdufyydergd.gq","0oxgvfdufyydergd.ml","0oxgvfdufyydergd.tk","0pppp.com","0r0wfuwfteqwmbt.cf","0r0wfuwfteqwmbt.ga","0r0wfuwfteqwmbt.gq","0r0wfuwfteqwmbt.ml","0r0wfuwfteqwmbt.tk","0ranges.com","0rdered.com","0rdering.com","0regon.net","0regon.org","0sg.net","0sx.ru","0tinak9zyvf.cf","0tinak9zyvf.ga","0tinak9zyvf.gq","0tinak9zyvf.ml","0tinak9zyvf.tk","0to6oiry4ghhscmlokt.cf","0to6oiry4ghhscmlokt.ga","0to6oiry4ghhscmlokt.gq","0to6oiry4ghhscmlokt.ml","0to6oiry4ghhscmlokt.tk","0u.ro","0ulook.com","0utln.com","0uxpgdvol9n.cf","0uxpgdvol9n.ga","0uxpgdvol9n.gq","0uxpgdvol9n.ml","0uxpgdvol9n.tk","0v.ro","0w.ro","0wn3d.pl","0wnd.net","0wnd.org","0wos8czt469.ga","0wos8czt469.gq","0wos8czt469.tk","0x00.name","0x000.cf","0x000.ga","0x000.gq","0x000.ml","0x01.gq","0x01.tk","0x02.cf","0x02.ga","0x02.gq","0x02.ml","0x02.tk","0x03.cf","0x03.ga","0x03.gq","0x03.ml","0x03.tk","0x207.info","0za7vhxzpkd.cf","0za7vhxzpkd.ga","0za7vhxzpkd.gq","0za7vhxzpkd.ml","0za7vhxzpkd.tk","0zc7eznv3rsiswlohu.cf","0zc7eznv3rsiswlohu.ml","0zc7eznv3rsiswlohu.tk","0zspgifzbo.cf","0zspgifzbo.ga","0zspgifzbo.gq","0zspgifzbo.ml","0zspgifzbo.tk","1-3-3-7.net","1-8.biz","1-box.ru","1-million-rubley.xyz","1-tm.com","1-up.cf","1-up.ga","1-up.gq","1-up.ml","1-up.tk","1.a.z.1.gmail.i.0.83.y.9.aiot.ptcu.dev","1.atm-mi.cf","1.atm-mi.ga","1.atm-mi.gq","1.atm-mi.ml","1.atm-mi.tk","1.batikbantul.com","1.emaile.org","1.emailfake.ml","1.fackme.gq","1.kerl.cf","10-minute-mail.com","10-minute-mail.de","10-minuten-mail.de","10-tube.ru","10.dns-cloud.net","10000websites.miasta.pl","1000gay.com","1000gmail.com","1000kti.xyz","1000mail.com","1000mail.tk","1000rebates.stream","1000rub.com","1000xbetslots.xyz","1001gmail.com","100bet.online","100gmail.com","100hot.ru","100kti.xyz","100lat.com.pl","100likers.com","100lvl.com","100m.hl.cninfo.net","100pet.ru","100ss.ru","100tb-porno.ru","100vesov24.ru","100xbit.com","10100.ml","1012.com","1012gmail.com","101gmail.com","101peoplesearches.com","101pl.us","101price.co","1020pay.com","102gmail.com","1050.gq","1056windtreetrace.com","105gmail.com","105kg.ru","106gmail.com","107punto7.com","1092df.com","10bir.com","10dk.email","10host.top","10launcheds.com","10m.email","10mail.com","10mail.org","10mail.tk","10mi.org","10minmail.de","10minut.com.pl","10minut.xyz","10minute-email.com","10minute.cf","10minutemail.be","10minutemail.cf","10minutemail.co.uk","10minutemail.co.za","10minutemail.com","10minutemail.de","10minutemail.ga","10minutemail.gq","10minutemail.info","10minutemail.ml","10minutemail.net","10minutemail.nl","10minutemail.org","10minutemail.pl","10minutemail.pro","10minutemail.ru","10minutemail.us","10minutemailbox.com","10minutemails.in","10minutenemail.de","10minutenmail.xyz","10minutesemail.net","10minutesmail.com","10minutesmail.fr","10minutesmail.net","10minutesmail.ru","10minutetempemail.com","10minutmail.pl","10mt.cc","10pmdesign.com","10vpn.info","10x.es","10x9.com","11-32.cf","11-32.ga","11-32.gq","11-32.ml","11-32.tk","110202.com","110mail.net","1111.ru","111222.pl","11163.com","111gmail.com","111vt.com","112gmail.com","112oank.com","113gmail.com","114207.com","114gmail.com","115200.xyz","115gmail.com","115mail.net","116.vn","116gmail.com","117.yyolf.net","119mail.com","11a-klass.ru","11b-klass.ru","11booting.com","11cows.com","11fortune.com","11gmail.com","11lu.org","11top.xyz","11xz.com","11yahoo.com","12-znakov.ru","120gmail.com","120mail.com","1212gmail.com","1213gmail.com","121gmail.com","1221locust.com","122gmail.com","123-m.com","123.dns-cloud.net","1231254.com","123321asedad.info","12345gmail.com","1234gmail.com","1234yahoo.com","1236456.com","123amateucam.com","123anddone.com","123box.org","123coupons.com","123gmail.com","123hummer.com","123mail.ml","123market.com","123moviesonline.club","123salesreps.com","123tech.site","124gmail.com","125gmail.com","125hour.online","126.com.com","126.com.org","126sell.com","127.life","127gmail.com","128gmail.com","129.in","129aastersisyii.info","129gmail.com","12ab.info","12blogwonders.com","12hosting.net","12houremail.com","12minutemail.com","12minutemail.net","12monthsloan1.co.uk","12search.com","12shoe.com","12storage.com","12ur8rat.pl","12wqeza.com","13.1955gmail.com","130gmail.com","1313gmail.com","1337.email","1337.no","134gmail.com","1369.ru","138gmail.com","139.com","139gmail.com","13dk.net","13gmail.com","13hotmail.com","13sasytkgb0qobwxat.cf","13sasytkgb0qobwxat.ga","13sasytkgb0qobwxat.gq","13sasytkgb0qobwxat.ml","13sasytkgb0qobwxat.tk","13yahoo.com","14-8000.ru","140gmail.com","140unichars.com","141gmail.com","143gmail.com","1444.us","144gmail.com","145gmail.com","146gmail.com","147.cl","147gmail.com","1490wntj.com","149gmail.com","14gmail.com","14n.co.uk","14p.in","14yahoo.com","15.02gmail.com","1500klass.ru","150gmail.com","151gmail.com","152gmail.com","153gmail.com","154884.com","154gmail.com","155gmail.com","156gmail.com","157gmail.com","15gmail.com","15qm-mail.red","15qm.com","161gmail.com","163.com.com","163.com.org","163fy.com","164gmail.com","164qq.com","1655mail.com","166gmail.com","1676.ru","167gmail.com","167mail.com","1688daogou.com","168cyg.com","168gmail.com","16gmail.com","16ik7egctrkxpn9okr.ga","16ik7egctrkxpn9okr.ml","16ik7egctrkxpn9okr.tk","16yahoo.com","1701host.com","170gmail.com","171gmail.com","172tuan.com","174gmail.com","1758indianway.com","175gmail.com","1766258.com","176gmail.com","178gmail.com","179bet.club","179gmail.com","17gmail.com","17hotmail.com","17tgo.com","17tgy.com","17upay.com","17yahoo.com","18-19.cf","18-19.ga","18-19.gq","18-19.ml","18-19.tk","18-9-2.cf","18-9-2.ga","18-9-2.gq","18-9-2.ml","18-9-2.tk","1800-americas.info","1800banks.com","1800endo.net","182100.ru","182gmail.com","183carlton.changeip.net","183gmail.com","185gmail.com","1866sailobx.com","186gmail.com","186site.com","1871188.net","187gmail.com","188.com","188gmail.com","189.cn","1895photography.com","189gmail.com","18a8q82bc.pl","18am.ru","18chiks.com","18dewa.fun","18dewa.live","18gmail.com","18ladies.com","1909.com","190gmail.com","1919-2009ch.pl","1944gmail.com","194gmail.com","1950gmail.com","1953gmail.com","1956gmail.com","1957gmail.com","1959gmail.com","1960gmail.com","1961.com","1961gmail.com","1962.com","1963gmail.com","1964.com","1964gmail.com","1969.com","1969gmail.com","196gmail.com","1970gmail.com","1974gmail.com","1975gmail.com","1978.com","1978gmail.com","1979gmail.com","1980gmail.com","1981gmail.com","1981pc.com","1982gmail.com","1983gmail.com","1984gmail.com","1985abc.com","1985gmail.com","1985ken.net","1986gmail.com","1987.com","1987gmail.com","1988gmail.com","1989gmail.com","198funds.com","198gmail.com","1990gmail.com","1991gmail.com","19922.cf","19922.ga","19922.gq","19922.ml","1992gmail.com","1993gmail.com","1994gmail.com","1995gmail.com","1996gmail.com","1997gmail.com","1998gmail.com","1999gmail.com","199gmail.com","19gmail.com","19quotes.com","19yahoo.com","1a-flashgames.info","1ac.xyz","1adir.com","1afbwqtl8bcimxioz.cf","1afbwqtl8bcimxioz.ga","1afbwqtl8bcimxioz.gq","1afbwqtl8bcimxioz.ml","1afbwqtl8bcimxioz.tk","1ank6cw.gmina.pl","1aolmail.com","1asdasd.com","1automovers.info","1ayj8yi7lpiksxawav.cf","1ayj8yi7lpiksxawav.ga","1ayj8yi7lpiksxawav.gq","1ayj8yi7lpiksxawav.ml","1ayj8yi7lpiksxawav.tk","1bedpage.com","1bi.email-temp.com","1blackmoon.com","1blueymail.gq","1c-spec.ru","1ce.us","1chsdjk7f.pl","1chuan.com","1clck2.com","1click-me.info","1cmmit.ru","1cocosmail.co.cc","1cw1mszn.pl","1datingintheusa.com","1dds23.com","1dmedical.com","1dne.com","1drive.cf","1drive.ga","1drive.gq","1e72.com","1e80.com","1errz9femsvhqao6.cf","1errz9femsvhqao6.ga","1errz9femsvhqao6.gq","1errz9femsvhqao6.ml","1errz9femsvhqao6.tk","1euqhmw9xmzn.cf","1euqhmw9xmzn.ga","1euqhmw9xmzn.gq","1euqhmw9xmzn.ml","1euqhmw9xmzn.tk","1f3t.com","1fsdfdsfsdf.tk","1gatwickaccommodation.info","1gmail.com","1googlemail.com","1heizi.com","1hermesbirkin0.com","1hmoxs72qd.cf","1hmoxs72qd.ga","1hmoxs72qd.ml","1hmoxs72qd.tk","1hotmail.co.uk","1hotmail.com","1hours.com","1hsoagca2euowj3ktc.ga","1hsoagca2euowj3ktc.gq","1hsoagca2euowj3ktc.ml","1hsoagca2euowj3ktc.tk","1intimshop.ru","1jypg93t.orge.pl","1ki.co","1liqu1d.gq","1load-fiiliiies.ru","1lv.in","1mail.ml","1mail.site","1mail.uk.to","1mail.x24hr.com","1maschio.site","1milliondollars.xyz","1mojadieta.ru","1moresurvey.com","1mspkvfntkn9vxs1oit.cf","1mspkvfntkn9vxs1oit.ga","1mspkvfntkn9vxs1oit.gq","1mspkvfntkn9vxs1oit.ml","1mspkvfntkn9vxs1oit.tk","1nnex.com","1nppx7ykw.pl","1nut.com","1om.co","1ouboutinshoes.com","1ouisvuitton1.com","1ouisvuittonborseit.com","1ouisvuittonfr.com","1pad.de","1penceauction.co.uk","1qpatglchm1.cf","1qpatglchm1.ga","1qpatglchm1.gq","1qpatglchm1.ml","1qpatglchm1.tk","1qwezaa.com","1rentcar.top","1rererer.ru","1resep.art","1riladg.mil.pl","1rmgqwfno8wplt.cf","1rmgqwfno8wplt.ga","1rmgqwfno8wplt.gq","1rmgqwfno8wplt.ml","1rmgqwfno8wplt.tk","1rnydobtxcgijcfgl.cf","1rnydobtxcgijcfgl.ga","1rnydobtxcgijcfgl.gq","1rnydobtxcgijcfgl.ml","1rnydobtxcgijcfgl.tk","1rumk9woxp1.pl","1rzk1ufcirxtg.ga","1rzk1ufcirxtg.ml","1rzk1ufcirxtg.tk","1rzpdv6y4a5cf5rcmxg.cf","1rzpdv6y4a5cf5rcmxg.ga","1rzpdv6y4a5cf5rcmxg.gq","1rzpdv6y4a5cf5rcmxg.ml","1rzpdv6y4a5cf5rcmxg.tk","1s.fr","1s1uasxaqhm9.cf","1s1uasxaqhm9.ga","1s1uasxaqhm9.gq","1s1uasxaqhm9.ml","1s1uasxaqhm9.tk","1sad.com","1secmail.com","1secmail.net","1secmail.org","1secmail.xyz","1shivom.com","1sj2003.com","1slate.com","1spcziorgtfpqdo.cf","1spcziorgtfpqdo.ga","1spcziorgtfpqdo.gq","1spcziorgtfpqdo.ml","1spcziorgtfpqdo.tk","1ss.noip.me","1st-forms.com","1stbest.info","1stcallsecurity.com","1stdibs.icu","1stimmobilien.eu","1stpatrol.info","1sydney.net","1syn.info","1thecity.biz","1tmail.club","1tmail.ltd","1to1mail.org","1turkeyfarmlane.com","1tware.com","1up.orangotango.gq","1upserve.com","1uscare.com","1usemail.com","1usweb.com","1vitsitoufficiale.com","1vsitoit.com","1vtvga6.orge.pl","1webmail.gdn","1webmail.info","1webmail.net","1webmail.xyz","1website.net","1x1zsv9or.pl","1xkfe3oimup4gpuop.cf","1xkfe3oimup4gpuop.ga","1xkfe3oimup4gpuop.gq","1xkfe3oimup4gpuop.ml","1xkfe3oimup4gpuop.tk","1xrecruit.online","1xstabka.ru","1xy86py.top","1zhuan.com","1zl.org","1zxzhoonfaia3.cf","1zxzhoonfaia3.ga","1zxzhoonfaia3.gq","1zxzhoonfaia3.ml","1zxzhoonfaia3.tk","2-attorney.com","2-bee.tk","2-ch.space","2-l.net","2.0-00.usa.cc","2.batikbantul.com","2.emailfake.ml","2.fackme.gq","2.kerl.cf","2.safemail.cf","2.safemail.tk","2.sexymail.ooo","2.tebwinsoi.ooo","2.vvsmail.com","20-20pathways.com","20.dns-cloud.net","20.gov","2000-plus.pl","2000gmail.com","2000rebates.stream","2001gmail.com","2002gmail.com","2003gmail.com","2004gmail.com","200555.com","2005gmail.com","2006gmail.com","2007gmail.com","2008firecode.info","2008gmail.com","2008radiochat.info","2009gmail.com","200cai.com","200gmail.com","2010gmail.com","2010tour.info","2011cleanermail.info","2011gmail.com","2011rollover.info","2012-2016.ru","2012ajanda.com","2012burberryhandbagsjp.com","2012casquebeatsbydre.info","2012moncleroutletjacketssale.com","2012nflnews.com","2012pandoracharms.net","2013-ddrvers.ru","2013-lloadboxxx.ru","2013cheapnikeairjordan.org","2013dietsfromoz.com","2013fitflopoutlet.com","2013longchamppaschere.com","2013louboutinoutlets.com","2013mercurialshoeusa.com","2013nikeairmaxv.com","2014gmail.com","2014mail.ru","2016gmail.com","2017gmail.com","2018-12-23.ga","2018gmail.com","2019gmail.com","2019x.cf","2019x.ga","2019x.gq","2019x.ml","2019y.cf","2019y.ga","2019y.gq","2019y.ml","2019z.cf","2019z.ga","2019z.gq","2019z.ml","2019z.tk","201gmail.com","2020.gimal.com","2020gmail.com","202qs.com","204gmail.com","2050.com","20520.com","206gmail.com","2084-antiutopia.ru","208gmail.com","20boxme.org","20email.eu","20email.it","20mail.eu","20mail.in","20mail.it","20minute.email","20minutemail.com","20minutemail.it","20mm.eu","20twelvedubstep.com","2100.com","210gmail.com","210ms.com","211gmail.com","2120001.net","2121gmail.com","212gmail.com","212staff.com","214.pl","2166ddf0-db94-460d-9558-191e0a3b86c0.ml","2166tow6.mil.pl","216gmail.com","218gmail.com","219gmail.com","21cn.com","21daysugardetoxreview.org","21email4now.info","21hotmail.com","21jag.com","21lr12.cf","21mail.xyz","21yearsofblood.com","22-bet.org","220gmail.com","220w.net","221gmail.com","2222gmail.com","222gmail.com","223gmail.com","224gmail.com","225522.ml","2266av.com","22794.com","227gmail.com","22ffnrxk11oog.cf","22ffnrxk11oog.ga","22ffnrxk11oog.gq","22ffnrxk11oog.tk","22jharots.com","22meds.com","22office.com","22ov17gzgebhrl.cf","22ov17gzgebhrl.gq","22ov17gzgebhrl.ml","22ov17gzgebhrl.tk","22zollmonitor.com","23-february-posdrav.ru","23.8.dnsabr.com","231gmail.com","2323bryanstreet.com","2323gmail.com","232gmail.com","2336900.com","234.pl","234asdadsxz.info","234gmail.com","235francisco.com","235gmail.com","237bets.com","238gmail.com","239gmail.com","23fanofknives.com","23hotmail.com","23sfeqazx.com","23thingstodoxz.com","23w.com","24-7-demolition-adelaide.com","24-7-fencer-brisbane.com","24-7-plumber-brisbane.com","24-7-retaining-walls-brisbane.com","242gmail.com","245gmail.com","246gmail.com","246hltwog9utrzsfmj.cf","246hltwog9utrzsfmj.ga","246hltwog9utrzsfmj.gq","246hltwog9utrzsfmj.ml","246hltwog9utrzsfmj.tk","247demo.online","247gmail.com","247jockey.com","247mail.xyz","247web.net","2488682.ru","248gmail.com","24cable.ru","24cheapdrugsonline.ru","24ddw6hy4ltg.cf","24ddw6hy4ltg.ga","24ddw6hy4ltg.gq","24ddw6hy4ltg.ml","24ddw6hy4ltg.tk","24facet.com","24fm.org","24gmail.com","24hbanner.com","24hinbox.com","24hotesl.com","24hourfitness.com","24hourloans.us","24hourmail.com","24hourmail.net","24hrsofsales.com","24hrsshipping.com","24hschool.xyz","24mail.top","24mail.xyz","24mailpro.top","24meds.com","24news24.ru","24prm.ru","24sm.tech","24vlk.xyz","24volcano.net","250hz.com","252gmail.com","253gmail.com","255gmail.com","256gmail.com","258gmail.com","259gmail.com","25gmail.com","25mails.com","262gmail.com","265ne.com","266gmail.com","268gmail.com","26evbkf6n.aid.pl","26gmail.com","26llxdhttjb.cf","26llxdhttjb.ga","26llxdhttjb.gq","26llxdhttjb.ml","26llxdhttjb.tk","26pg.com","26yahoo.com","273gmail.com","274gmail.com","275gmail.com","27gmail.com","27hotesl.com","27yahoo.com","2820666hyby.com","288gmail.com","289gmail.com","28c1122.com","28gmail.com","28hotmail.com","28musicbaran.us","28onnae92bleuiennc1.cf","28onnae92bleuiennc1.ga","28onnae92bleuiennc1.gq","28onnae92bleuiennc1.ml","28onnae92bleuiennc1.tk","28woman.com","290gmail.com","291.usa.cc","2911.net","29296819.xyz","292gmail.com","293gmail.com","295gmail.com","2990303.ru","299gmail.com","29gmail.com","29hotmail.com","29wrzesnia.pl","29yahoo.com","2aitycnhnno6.cf","2aitycnhnno6.ga","2aitycnhnno6.gq","2aitycnhnno6.ml","2aitycnhnno6.tk","2all.xyz","2and2mail.tk","2anime.org","2anom.com","2brutus.com","2ch.coms.hk","2ch.daemon.asia","2ch.orgs.hk","2chmail.net","2cny2bstqhouldn.cf","2cny2bstqhouldn.ga","2cny2bstqhouldn.gq","2cny2bstqhouldn.ml","2cny2bstqhouldn.tk","2coolchops.info","2cor9.com","2ctech.net","2d-art.ru","2damaxagency.com","2dfmail.ga","2dfmail.ml","2dfmail.tk","2dollopsofautism.com","2dsectv.ru","2edgklfs9o5i.cf","2edgklfs9o5i.ga","2edgklfs9o5i.gq","2edgklfs9o5i.ml","2edgklfs9o5i.tk","2emailock.com","2emea.com","2eq8eaj32sxi.cf","2eq8eaj32sxi.ga","2eq8eaj32sxi.gq","2eq8eaj32sxi.ml","2eq8eaj32sxi.tk","2ether.net","2ez6l4oxx.pl","2f2tisxv.bij.pl","2fdgdfgdfgdf.tk","2gear.ru","2gep2ipnuno4oc.cf","2gep2ipnuno4oc.ga","2gep2ipnuno4oc.gq","2gep2ipnuno4oc.ml","2gep2ipnuno4oc.tk","2go-mail.com","2gufaxhuzqt2g1h.cf","2gufaxhuzqt2g1h.ga","2gufaxhuzqt2g1h.gq","2gufaxhuzqt2g1h.ml","2gufaxhuzqt2g1h.tk","2gurmana.ru","2hand.xyz","2hermesbirkin0.com","2hotmail.com","2iikwltxabbkofa.cf","2iikwltxabbkofa.ga","2iikwltxabbkofa.gq","2iikwltxabbkofa.ml","2iuzngbdujnf3e.cf","2iuzngbdujnf3e.ga","2iuzngbdujnf3e.gq","2iuzngbdujnf3e.ml","2iuzngbdujnf3e.tk","2k18.mailr.eu","2kcr.win","2kpda46zg.ml","2kwebserverus.info","2la.info","2listen.ru","2lyvui3rlbx9.cf","2lyvui3rlbx9.ga","2lyvui3rlbx9.gq","2lyvui3rlbx9.ml","2mail.2waky.com","2mail.com","2mailcloud.com","2mailnext.com","2mailnext.top","2nd-mail.xyz","2nd.world","2ndamendmenttactical.com","2ndchancesyouthservices.com","2nf.org","2nnex.com","2o3ffrm7pm.cf","2o3ffrm7pm.ga","2o3ffrm7pm.gq","2o3ffrm7pm.ml","2o3ffrm7pm.tk","2odem.com","2oqqouxuruvik6zzw9.cf","2oqqouxuruvik6zzw9.ga","2oqqouxuruvik6zzw9.gq","2oqqouxuruvik6zzw9.ml","2oqqouxuruvik6zzw9.tk","2p-mail.com","2p.pl","2p7u8ukr6pksiu.cf","2p7u8ukr6pksiu.ga","2p7u8ukr6pksiu.gq","2p7u8ukr6pksiu.ml","2p7u8ukr6pksiu.tk","2pays.ru","2prong.com","2ptech.info","2sbcglobal.net","2sea.org","2sea.xyz","2sharp.com","2skjqy.pl","2tl2qamiivskdcz.cf","2tl2qamiivskdcz.ga","2tl2qamiivskdcz.gq","2tl2qamiivskdcz.ml","2tl2qamiivskdcz.tk","2umail.org","2ursxg0dbka.cf","2ursxg0dbka.ga","2ursxg0dbka.gq","2ursxg0dbka.ml","2ursxg0dbka.tk","2v3vjqapd6itot8g4z.cf","2v3vjqapd6itot8g4z.ga","2v3vjqapd6itot8g4z.gq","2v3vjqapd6itot8g4z.ml","2v3vjqapd6itot8g4z.tk","2viewerl.com","2vznqascgnfgvwogy.cf","2vznqascgnfgvwogy.ga","2vznqascgnfgvwogy.gq","2vznqascgnfgvwogy.ml","2vznqascgnfgvwogy.tk","2wc.info","2web.com.pl","2wjxak4a4te.cf","2wjxak4a4te.ga","2wjxak4a4te.gq","2wjxak4a4te.ml","2wjxak4a4te.tk","2wm3yhacf4fvts.ga","2wm3yhacf4fvts.gq","2wm3yhacf4fvts.ml","2wm3yhacf4fvts.tk","2world.pl","2wslhost.com","2xd.ru","2yh6uz.bee.pl","2yigoqolrmfjoh.gq","2yigoqolrmfjoh.ml","2yigoqolrmfjoh.tk","2young4u.ru","2zozbzcohz3sde.cf","2zozbzcohz3sde.gq","2zozbzcohz3sde.ml","2zozbzcohz3sde.tk","2zpph1mgg70hhub.cf","2zpph1mgg70hhub.ga","2zpph1mgg70hhub.gq","2zpph1mgg70hhub.ml","2zpph1mgg70hhub.tk","3-attorney.com","3-debt.com","3.batikbantul.com","3.emailfake.com","3.emailfake.ml","3.fackme.gq","3.kerl.cf","3.vvsmail.com","30.dns-cloud.net","300-lukoil.ru","300book.info","300gmail.com","301er.com","301gmail.com","301url.info","3027a.com","302gmail.com","303.ai","303030.ru","303gmail.com","304gmail.com","3055.com","305gmail.com","307gmail.com","308980.com","308gmail.com","309gmail.com","30daycycle.com","30daygoldmine.com","30daystothinreview.org","30gmail.com","30it.ru","30mail.ir","30minutemail.com","30minutenmail.eu","30rip.ru","30secondsmile-review.info","30wave.com","310gmail.com","312gmail.com","314gmail.com","315gmail.com","318gmail.com","318tuan.com","31gmail.com","31k.it","31lossweibox.com","31yahoo.com","32.biz","3202.com","321-email.com","321dasdjioadoi.info","321gmail.com","325designcentre.xyz","326herry.com","327designexperts.xyz","328herry.com","328hetty.com","329wo.com","32core.live","32gmail.com","32inchledtvreviews.com","32y.ru","32yahoo.com","330gmail.com","331main.com","333.igg.biz","333gmail.com","333uh.com","333vk.com","334gmail.com","335gmail.com","336gmail.com","337gmail.com","338gmail.com","33gmail.com","33m.co","33mail.com","341gmail.com","342gmail.com","343gmail.com","344gmail.com","344vip31.com","345.pl","345gmail.com","345v345t34t.cf","345v345t34t.ga","345v345t34t.gq","345v345t34t.ml","345v345t34t.tk","346gmail.com","347gmail.com","348es7arsy2.cf","348es7arsy2.ga","348es7arsy2.gq","348es7arsy2.ml","348es7arsy2.tk","34gmail.com","34rf6y.as","34rfwef2sdf.co.pl","34rutor.site","350gmail.com","350qs.com","351gmail.com","351qs.com","353gmail.com","356gmail.com","357merry.com","35gmail.com","35yuan.com","360.band","360.black","360.camp","360.catering","360.church","360.clinic","360.contractors","360.dance","360.delivery","360.directory","360.education","360.equipment","360.exposed","360.express","360.forsale","360.furniture","360.gives","360.institute","360.irish","360.limo","360.markets","360.melbourne","360.monster","360.moscow","360.museum","360.navy","360.partners","360.pics","360.recipes","360.soccer","360.study","360.surgery","360.tires","360.toys","360.vet","360discountgames.info","360gmail.com","360onefirm.com","360shopat.com","360spel.se","360yu.site","362gmail.com","363.net","364.pl","364gmail.com","3657she.com","365jjs.com","365live7m.com","365me.info","3675.mooo.com","368herry.com","368hetty.com","369gmail.com","369hetty.com","36gmail.com","36ru.com","372gmail.com","374gmail.com","374kj.com","377gmail.com","3782wqk.targi.pl","37gmail.com","380gmail.com","381gmail.com","383gmail.com","38528.com","385gmail.com","386gmail.com","386herry.com","386hetty.com","389production.com","38gmail.com","38yahoo.com","390gmail.com","391881.com","392gmail.com","394gmail.com","396hetty.com","398gmail.com","39gmail.com","39hotmail.com","3agg8gojyj.ga","3agg8gojyj.gq","3agg8gojyj.ml","3bez.com","3bo1grwl36e9q.cf","3bo1grwl36e9q.ga","3bo1grwl36e9q.gq","3bo1grwl36e9q.ml","3bo1grwl36e9q.tk","3c0zpnrhdv78n.ga","3c0zpnrhdv78n.gq","3c0zpnrhdv78n.ml","3c0zpnrhdv78n.tk","3ce5jbjog.pl","3d-films.ru","3d-live.ru","3d-painting.com","3d180.com","3d4o.com","3darchitekci.com.pl","3db7.xyz","3dheadsets.net","3dhome26.ru","3diifwl.mil.pl","3dinews.com","3dlab.tech","3dmail.top","3dmasti.com","3dnevvs.ru","3drc.com","3drugs.com","3dsculpter.com","3dsculpter.net","3dsgateway.eu","3dwg.com","3dwstudios.net","3etvi1zbiuv9n.cf","3etvi1zbiuv9n.ga","3etvi1zbiuv9n.gq","3etvi1zbiuv9n.ml","3etvi1zbiuv9n.tk","3ew.usa.cc","3fhjcewk.pl","3fsv.site","3fy1rcwevwm4y.cf","3fy1rcwevwm4y.ga","3fy1rcwevwm4y.gq","3fy1rcwevwm4y.ml","3fy1rcwevwm4y.tk","3g24.pl","3g2bpbxdrbyieuv9n.cf","3g2bpbxdrbyieuv9n.ga","3g2bpbxdrbyieuv9n.gq","3g2bpbxdrbyieuv9n.ml","3g2bpbxdrbyieuv9n.tk","3gauto.co.uk","3gk2yftgot.cf","3gk2yftgot.ga","3gk2yftgot.gq","3gk2yftgot.ml","3gk2yftgot.tk","3gmtlalvfggbl3mxm.cf","3gmtlalvfggbl3mxm.ga","3gmtlalvfggbl3mxm.gq","3gmtlalvfggbl3mxm.ml","3gmtlalvfggbl3mxm.tk","3h5gdraa.xzzy.info","3h73.com","3hackers.com","3hermesbirkin0.com","3j4rnelenwrlvni1t.ga","3j4rnelenwrlvni1t.gq","3j4rnelenwrlvni1t.ml","3j4rnelenwrlvni1t.tk","3kbyueliyjkrfhsg.ga","3kbyueliyjkrfhsg.gq","3kbyueliyjkrfhsg.ml","3kbyueliyjkrfhsg.tk","3ker23i7vpgxt2hp.cf","3ker23i7vpgxt2hp.ga","3ker23i7vpgxt2hp.gq","3ker23i7vpgxt2hp.ml","3ker23i7vpgxt2hp.tk","3kh990rrox.cf","3kh990rrox.ml","3kh990rrox.tk","3kk43.com","3knloiai.mil.pl","3kqvns1s1ft7kenhdv8.cf","3kqvns1s1ft7kenhdv8.ga","3kqvns1s1ft7kenhdv8.gq","3kqvns1s1ft7kenhdv8.ml","3kqvns1s1ft7kenhdv8.tk","3krtqc2fr7e.cf","3krtqc2fr7e.ga","3krtqc2fr7e.gq","3krtqc2fr7e.ml","3krtqc2fr7e.tk","3l6.com","3m4i1s.pl","3m73.com","3mail.ga","3mail.gq","3mail.rocks","3mailapp.net","3million3.com","3mir4osvd.pl","3monthloanseveryday.co.uk","3mx.biz","3nixmail.com","3ntongm4il.ga","3ntxtrts3g4eko.cf","3ntxtrts3g4eko.ga","3ntxtrts3g4eko.gq","3ntxtrts3g4eko.ml","3ntxtrts3g4eko.tk","3pleasantgentlemen.com","3pscsr94r3dct1a7.cf","3pscsr94r3dct1a7.ga","3pscsr94r3dct1a7.gq","3pscsr94r3dct1a7.ml","3pscsr94r3dct1a7.tk","3pxsport.com","3qp6a6d.media.pl","3qpplo4avtreo4k.cf","3qpplo4avtreo4k.ga","3qpplo4avtreo4k.gq","3qpplo4avtreo4k.ml","3qpplo4avtreo4k.tk","3raspberryketonemonster.com","3ssfif.pl","3starhotelsinamsterdam.com","3steam.digital","3suisses-3pagen.com","3trtretgfrfe.tk","3url.xyz","3utasmqjcv.cf","3utasmqjcv.ga","3utasmqjcv.gq","3utasmqjcv.ml","3utasmqjcv.tk","3utilities.com","3wmnivgb8ng6d.cf","3wmnivgb8ng6d.ga","3wmnivgb8ng6d.gq","3wmnivgb8ng6d.ml","3wmnivgb8ng6d.tk","3wxoiia16pb9ck4o.cf","3wxoiia16pb9ck4o.ga","3wxoiia16pb9ck4o.ml","3wxoiia16pb9ck4o.tk","3x0ex1x2yx0.cf","3x0ex1x2yx0.ga","3x0ex1x2yx0.gq","3x0ex1x2yx0.ml","3x0ex1x2yx0.tk","3xk.xyz","3xophlbc5k3s2d6tb.cf","3xophlbc5k3s2d6tb.ga","3xophlbc5k3s2d6tb.gq","3xophlbc5k3s2d6tb.ml","3xophlbc5k3s2d6tb.tk","3xpl0it.vip","3zumchngf2t.cf","3zumchngf2t.ga","3zumchngf2t.gq","3zumchngf2t.ml","3zumchngf2t.tk","4-boy.com","4-credit.com","4-debt.com","4-n.us","4.batikbantul.com","4.emailfake.ml","4.fackme.gq","40.volvo-xc.ml","40.volvo-xc.tk","4006444444.com","4006633333.com","4006677777.com","400gmail.com","401gmail.com","402gmail.com","404box.com","4057.com","4059.com","405gmail.com","40daikonkatsu-kisarazusi.xyz","411gmail.com","411reversedirectory.com","413gmail.com","416gmail.com","417gmail.com","418.dk","4188019.com","41gmail.com","41plusphotography.xyz","41uno.com","41uno.net","41v1relaxn.com","420blaze.it","420gmail.com","420pure.com","423gmail.com","424gmail.com","425gmail.com","425inc.com","427gmail.com","428gmail.com","42gmail.com","42o.org","430gmail.com","432gmail.com","435gmail.com","436gmail.com","439gmail.com","43adsdzxcz.info","43dayone.xyz","43gmail.com","43sdvs.com","43yahoo.com","43zblo.com","43zen.pl","440gmail.com","442gmail.com","443gmail.com","4444gmail.com","4445jinsha.com","4445n.com","4445v.com","44556677.igg.biz","445t6454545ty4.cf","445t6454545ty4.ga","445t6454545ty4.gq","445t6454545ty4.ml","445t6454545ty4.tk","447gmail.com","448gmail.com","449gmail.com","44gmail.com","450gmail.com","451gmail.com","453gmail.com","4545.a.hostable.me","45460703.xyz","455gmail.com","456.dns-cloud.net","45656753.xyz","456b4564.cf","456b4564.ga","456b4564.gq","456b4564.ml","456b4564ev4.ga","456b4564ev4.gq","456b4564ev4.ml","456b4564ev4.tk","456gmail.com","4580.com","459gmail.com","45hotesl.com","45kti.xyz","45up.com","460gmail.com","465gmail.com","466453.usa.cc","466gmail.com","467gmail.com","467uph4b5eezvbzdx.cf","467uph4b5eezvbzdx.ga","467uph4b5eezvbzdx.gq","467uph4b5eezvbzdx.ml","46designhotel.xyz","46gmail.com","46lclee29x6m02kz.cf","46lclee29x6m02kz.ga","46lclee29x6m02kz.gq","46lclee29x6m02kz.ml","46lclee29x6m02kz.tk","471gmail.com","473gmail.com","474gmail.com","475829487mail.net","475gmail.com","4785541001882360.com","47gmail.com","47hotmail.com","47t.de","47yahoo.com","47zen.pl","481gmail.com","484.pl","486gmail.com","487.nut.cc","487gmail.com","488gmail.com","4899w.com","48gmail.com","48m.info","48plusclub.xyz","48yahoo.com","4900.com","490gmail.com","491gmail.com","499gmail.com","49com.com","49designone.xyz","49ersproteamshop.com","49erssuperbowlproshop.com","49ersuperbowlshop.com","49gmail.com","49qoyzl.aid.pl","49xq.com","4alphapro.com","4b5yt45b4.cf","4b5yt45b4.ga","4b5yt45b4.gq","4b5yt45b4.ml","4b5yt45b4.tk","4bettergolf.com","4blogers.com","4bver2tkysutf.cf","4bver2tkysutf.ga","4bver2tkysutf.gq","4bver2tkysutf.ml","4bver2tkysutf.tk","4bvm5o8wc.pl","4c1jydiuy.pl","4c5kzxhdbozk1sxeww.cf","4c5kzxhdbozk1sxeww.gq","4c5kzxhdbozk1sxeww.ml","4c5kzxhdbozk1sxeww.tk","4cheaplaptops.com","4chnan.org","4dentalsolutions.com","4diabetes.ru","4dm.4dy.org","4drad.com","4easyemail.com","4eofbxcphifsma.cf","4eofbxcphifsma.ga","4eofbxcphifsma.gq","4eofbxcphifsma.ml","4eofbxcphifsma.tk","4fda.club","4fdfff3ef.com","4fdvnfdrtf.com","4fly.ga","4fly.ml","4fou.com","4free.li","4freemail.org","4funpedia.com","4gei7vonq5buvdvsd8y.cf","4gei7vonq5buvdvsd8y.ga","4gei7vonq5buvdvsd8y.gq","4gei7vonq5buvdvsd8y.ml","4gei7vonq5buvdvsd8y.tk","4gfdsgfdgfd.tk","4gmail.com","4gwpencfprnmehx.cf","4gwpencfprnmehx.ga","4gwpencfprnmehx.gq","4gwpencfprnmehx.ml","4gwpencfprnmehx.tk","4hd8zutuircto.cf","4hd8zutuircto.ga","4hd8zutuircto.gq","4hd8zutuircto.ml","4hd8zutuircto.tk","4hsxniz4fpiuwoma.ga","4hsxniz4fpiuwoma.ml","4hsxniz4fpiuwoma.tk","4invision.com","4k5.net","4kmovie.ru","4kqk58d4y.pl","4mail.cf","4mail.ga","4mail.top","4mispc8ou3helz3sjh.cf","4mispc8ou3helz3sjh.ga","4mispc8ou3helz3sjh.gq","4mispc8ou3helz3sjh.ml","4mispc8ou3helz3sjh.tk","4mnsuaaluts.cf","4mnsuaaluts.ga","4mnsuaaluts.gq","4mnsuaaluts.ml","4mnsuaaluts.tk","4mnvi.ru","4mobile.pw","4more.lv","4movierulzfree.com","4mwgfceokw83x1y7o.cf","4mwgfceokw83x1y7o.ga","4mwgfceokw83x1y7o.gq","4mwgfceokw83x1y7o.ml","4mwgfceokw83x1y7o.tk","4na3.pl","4nextmail.com","4nmv.ru","4ocmmk87.pl","4of671adx.pl","4ofqb4hq.pc.pl","4oi.ru","4orty.com","4ozqi.us","4padpnhp5hs7k5no.cf","4padpnhp5hs7k5no.ga","4padpnhp5hs7k5no.gq","4padpnhp5hs7k5no.ml","4padpnhp5hs7k5no.tk","4pass.tk","4pet.ro","4pkr15vtrpwha.cf","4pkr15vtrpwha.ga","4pkr15vtrpwha.gq","4pkr15vtrpwha.ml","4pkr15vtrpwha.tk","4prkrmmail.net","4qmail.com","4red.ru","4rfv6qn1jwvl.cf","4rfv6qn1jwvl.ga","4rfv6qn1jwvl.gq","4rfv6qn1jwvl.ml","4rfv6qn1jwvl.tk","4senditnow.com","4serial.com","4shizzleyo.com","4shots.club","4simpleemail.com","4softsite.info","4starmaids.com","4stroy.info","4stroy.pl","4struga.com","4su.one","4suf6rohbfglzrlte.cf","4suf6rohbfglzrlte.ga","4suf6rohbfglzrlte.gq","4suf6rohbfglzrlte.ml","4suf6rohbfglzrlte.tk","4sumki.org.ua","4tb.host","4timesover.com","4tmail.com","4tmail.net","4tphy5m.pl","4ufo.info","4up3vtaxujpdm2.cf","4up3vtaxujpdm2.ga","4up3vtaxujpdm2.gq","4up3vtaxujpdm2.ml","4up3vtaxujpdm2.tk","4vlasti.net","4vq19hhmxgaruka.cf","4vq19hhmxgaruka.ga","4vq19hhmxgaruka.gq","4vq19hhmxgaruka.ml","4vq19hhmxgaruka.tk","4w.io","4warding.com","4warding.net","4warding.org","4wide.fun","4wristbands.com","4x10.ru","4x4-team-usm.pl","4x4man.com","4x4n.ru","4x5aecxibj4.cf","4x5aecxibj4.ga","4x5aecxibj4.gq","4x5aecxibj4.ml","4x5aecxibj4.tk","4xmail.net","4xmail.org","4xzotgbunzq.cf","4xzotgbunzq.ga","4xzotgbunzq.gq","4xzotgbunzq.ml","4xzotgbunzq.tk","4you.de","4ywzd.xyz","4zbt9rqmvqf.cf","4zbt9rqmvqf.ga","4zbt9rqmvqf.gq","4zbt9rqmvqf.ml","4zbt9rqmvqf.tk","4ze1hnq6jjok.cf","4ze1hnq6jjok.ga","4ze1hnq6jjok.gq","4ze1hnq6jjok.ml","4ze1hnq6jjok.tk","4zhens.info","4zm1fjk8hpn.cf","4zm1fjk8hpn.ga","4zm1fjk8hpn.gq","4zm1fjk8hpn.ml","4zm1fjk8hpn.tk","5-attorney.com","5-mail.info","5.emailfake.ml","5.fackme.gq","500-0-501.ru","500.mg","50000z.com","500loan-payday.com","500obyavlenii.ru","501gmail.com","502gmail.com","504gmail.com","505gmail.com","506gmail.com","507gmail.com","508gmail.com","509journey.com","50c0bnui7wh.cf","50c0bnui7wh.ga","50c0bnui7wh.gq","50c0bnui7wh.ml","50c0bnui7wh.tk","50gmail.com","50mad.com","50mb.ml","50offsale.com","50sale.club","50saleclub.com","50set.ru","51.com","510520.org","510gmail.com","510md.com","510sc.com","511gmail.com","512gmail.com","514gmail.com","517dnf.com","517gmail.com","519art.com","51icq.com","51jiaju.net","51ttkx.com","51vic.com","51xh.fun","51xoyo.com","5200001.top","5202011.com","5202012.com","520gmail.com","521gmail.com","5225b4d0pi3627q9.privatewhois.net","522gmail.com","523gmail.com","524gmail.com","5258v.com","525gmail.com","525kou.com","526gmail.com","528gmail.com","529qs.com","52gmail.com","52subg.org","52tbao.com","52tour.com","530run.com","535gmail.com","536gmail.com","53gmail.com","53vtbcwxf91gcar.cf","53vtbcwxf91gcar.ga","53vtbcwxf91gcar.gq","53vtbcwxf91gcar.ml","53vtbcwxf91gcar.tk","53yahoo.com","540gmail.com","541gmail.com","543dsadsdawq.info","545gmail.com","547gmail.com","549gmail.com","54artistry.com","54gmail.com","54np.club","54tiljt6dz9tcdryc2g.cf","54tiljt6dz9tcdryc2g.ga","54tiljt6dz9tcdryc2g.gq","54tiljt6dz9tcdryc2g.ml","54tiljt6dz9tcdryc2g.tk","550gmail.com","551gmail.com","553gmail.com","5555gmail.com","555gmail.com","555ur.com","5566178.com","5566528.com","556gmail.com","559ai.com","55gmail.com","55hosting.net","55hotmail.com","55yahoo.com","560gmail.com","563gmail.com","565gmail.com","566dh.com","566gmail.com","56787.com","567gmail.com","568gmail.com","569gmail.com","56gmail.com","570gmail.com","5717.ru","573gmail.com","574gmail.com","575gmail.com","576gmail.com","577gmail.com","578gmail.com","57gmail.com","57hotmail.com","57up.com","57yahoo.com","580gmail.com","581gmail.com","587gmail.com","588-11.net","588gmail.com","5897f.com","58as.com","58gmail.com","58h.de","58hotmail.com","58k.ru","58yahoo.com","590gmail.com","594gmail.com","594qs.com","595gmail.com","597j.com","59gmail.com","59o.net","59solo.com","5a58wijv3fxctgputir.cf","5a58wijv3fxctgputir.ga","5a58wijv3fxctgputir.gq","5a58wijv3fxctgputir.ml","5a58wijv3fxctgputir.tk","5acmkg8cgud5ky.cf","5acmkg8cgud5ky.ga","5acmkg8cgud5ky.gq","5acmkg8cgud5ky.ml","5acmkg8cgud5ky.tk","5am5ung.cf","5am5ung.ga","5am5ung.gq","5am5ung.ml","5am5ung.tk","5biya2otdnpkd7llam.cf","5biya2otdnpkd7llam.ga","5biya2otdnpkd7llam.gq","5biya2otdnpkd7llam.ml","5btxankuqtlmpg5.cf","5btxankuqtlmpg5.ga","5btxankuqtlmpg5.gq","5btxankuqtlmpg5.ml","5btxankuqtlmpg5.tk","5cbc.com","5ddgrmk3f2dxcoqa3.cf","5ddgrmk3f2dxcoqa3.ga","5ddgrmk3f2dxcoqa3.gq","5ddgrmk3f2dxcoqa3.ml","5ddgrmk3f2dxcoqa3.tk","5dsmartstore.com","5el5nhjf.pl","5fingershoesoutlet.com","5gags.com","5ghgfhfghfgh.tk","5gmail.com","5gr6v4inzp8l.cf","5gr6v4inzp8l.ga","5gr6v4inzp8l.gq","5gr6v4inzp8l.ml","5gramos.com","5hcc9hnrpqpe.cf","5hcc9hnrpqpe.ga","5hcc9hnrpqpe.gq","5hcc9hnrpqpe.ml","5hcc9hnrpqpe.tk","5hfmczghlkmuiduha8t.cf","5hfmczghlkmuiduha8t.ga","5hfmczghlkmuiduha8t.gq","5hfmczghlkmuiduha8t.ml","5hfmczghlkmuiduha8t.tk","5iznnnr6sabq0b6.cf","5iznnnr6sabq0b6.ga","5iznnnr6sabq0b6.gq","5iznnnr6sabq0b6.ml","5iznnnr6sabq0b6.tk","5jir9r4j.pl","5july.org","5k2u.com","5ketonemastery.com","5mail.cf","5mail.ga","5mail.xyz","5mails.xyz","5minutemail.net","5minutetrip.com","5music.info","5music.top","5nqkxprvoctdc0.cf","5nqkxprvoctdc0.ga","5nqkxprvoctdc0.gq","5nqkxprvoctdc0.ml","5nqkxprvoctdc0.tk","5osjrktwc5pzxzn.cf","5osjrktwc5pzxzn.ga","5osjrktwc5pzxzn.gq","5osjrktwc5pzxzn.ml","5osjrktwc5pzxzn.tk","5ouhkf8v4vr6ii1fh.cf","5ouhkf8v4vr6ii1fh.ga","5ouhkf8v4vr6ii1fh.gq","5ouhkf8v4vr6ii1fh.ml","5ouhkf8v4vr6ii1fh.tk","5oz.ru","5quq5vbtzswx.cf","5quq5vbtzswx.ga","5quq5vbtzswx.gq","5quq5vbtzswx.ml","5quq5vbtzswx.tk","5r6atirlv.pl","5rof.cf","5se17.com","5se24.com","5se30.com","5se43.com","5se46.com","5se48.com","5se50.com","5se56.com","5se57.com","5se63.com","5se68.com","5se79.com","5se81.com","5se85.com","5so1mammwlf8c.cf","5so1mammwlf8c.ga","5so1mammwlf8c.gq","5so1mammwlf8c.ml","5so1mammwlf8c.tk","5starimport.com","5sun.net","5sword.com","5tb-pix.ru","5tb-video.ru","5tb.in","5u4nms.us","5ubo.com","5uet4izbel.cf","5uet4izbel.ga","5uet4izbel.gq","5uet4izbel.ml","5uet4izbel.tk","5vcxwmwtq62t5.cf","5vcxwmwtq62t5.ga","5vcxwmwtq62t5.gq","5vcxwmwtq62t5.ml","5vcxwmwtq62t5.tk","5vib.com","5vlimcrvbyurmmllcw0.cf","5vlimcrvbyurmmllcw0.ga","5vlimcrvbyurmmllcw0.gq","5vlimcrvbyurmmllcw0.ml","5vlimcrvbyurmmllcw0.tk","5x25.com","5y5u.com","5yi9xi9.mil.pl","5yk.idea-makers.tk","5ymail.com","5ytff56753kkk.cf","5ytff56753kkk.ga","5ytff56753kkk.gq","5ytff56753kkk.ml","5ytff56753kkk.tk","6-6-6.cf","6-6-6.ga","6-6-6.igg.biz","6-6-6.ml","6-6-6.nut.cc","6-6-6.usa.cc","6-attorney.com","6-debt.com","6.emailfake.ml","6.fackme.gq","60-minuten-mail.de","60.volvo-xc.ml","60.volvo-xc.tk","600pro.com","602gmail.com","603gmail.com","605gmail.com","608gmail.com","609k23.pl","60dayworkoutdvd.info","60gmail.com","60minutemail.com","60paydayloans.co.uk","611gmail.com","613gmail.com","619gmail.com","61gmail.com","61yahoo.com","620gmail.com","622gmail.com","623gmail.com","624gmail.com","625gmail.com","626gmail.com","627gmail.com","628gmail.com","62gmail.com","62it.ru","631gmail.com","634gmail.com","638gmail.com","639gmail.com","63gmail.com","63hotmail.com","640gmail.com","641gmail.com","644gmail.com","645gmail.com","646gmail.com","648gmail.com","649gmail.com","64ge.com","64gmail.com","64hotmail.com","650dialup.com","651gmail.com","652gmail.com","6530508.com","654gmail.com","655gmail.com","656gmail.com","657gmail.com","65gmail.com","65nryny6y7.cf","65nryny6y7.ga","65nryny6y7.gq","65nryny6y7.ml","65nryny6y7.tk","65uwtobxcok66.cf","65uwtobxcok66.ga","65uwtobxcok66.gq","65uwtobxcok66.ml","65uwtobxcok66.tk","65yahoo.com","65zblo.com","65zen.pl","6624445.com","663gmail.com","665gmail.com","666-evil.com","666-satan.cf","666-satan.ga","666-satan.gq","666-satan.ml","666-satan.tk","6666gmail.com","6667988.com","6668288.com","6669188.com","666gmail.com","666mai.com","666zagrusssski.ru","667gmail.com","668gmail.com","6690288.com","6690588.com","66hotmail.com","66tower.com","671gmail.com","672643.net","672gmail.com","673gmail.com","675gmail.com","675hosting.com","675hosting.net","675hosting.org","676gmail.com","67832.cf","67832.ga","67832.ml","67832.tk","6789v.com","678gmail.com","678nu.com","67azck3y6zgtxfoybdm.cf","67azck3y6zgtxfoybdm.ga","67azck3y6zgtxfoybdm.gq","67azck3y6zgtxfoybdm.ml","67azck3y6zgtxfoybdm.tk","67gmail.com","67rzpjb2im3fuehh9gp.cf","67rzpjb2im3fuehh9gp.ga","67rzpjb2im3fuehh9gp.gq","67rzpjb2im3fuehh9gp.ml","67rzpjb2im3fuehh9gp.tk","67xxzwhzv5fr.cf","67xxzwhzv5fr.ga","67xxzwhzv5fr.gq","67xxzwhzv5fr.tk","682653.com","683gmail.com","684gmail.com","684hh.com","687gmail.com","688as.org","689gmail.com","68azpqh.pl","68gmail.com","68mail.com","68yahoo.com","69-ew.tk","693gmail.com","694gmail.com","6969gmail.com","697av.com","697gmail.com","698054.com","698264.com","698309.com","698424.com","698425.com","698497.com","698549.com","698742.com","698gmail.com","699gmail.com","69gmail.com","69postix.info","69t03rpsl4.cf","69t03rpsl4.ga","69t03rpsl4.gq","69t03rpsl4.ml","69t03rpsl4.tk","69z.com","6a24bzvvu.pl","6a81fostts.cf","6a81fostts.ga","6a81fostts.gq","6a81fostts.ml","6a81fostts.tk","6brmwv.cf","6brmwv.ga","6brmwv.gq","6brmwv.ml","6brmwv.tk","6ceqs4enix.co19.kr","6cq9epnn.edu.pl","6ed9cit4qpxrcngbq.cf","6ed9cit4qpxrcngbq.ga","6ed9cit4qpxrcngbq.gq","6ed9cit4qpxrcngbq.ml","6ed9cit4qpxrcngbq.tk","6ekk.com","6elkf86.pl","6en9mail2.ga","6eng-zma1lz.ga","6eogvwbma.pl","6f.pl","6hermesbirkin0.com","6hjgjhgkilkj.tk","6ip.us","6j.j6.org","6kg8ddf6mtlyzzi5mm.cf","6kg8ddf6mtlyzzi5mm.ga","6kg8ddf6mtlyzzi5mm.gq","6kg8ddf6mtlyzzi5mm.ml","6kg8ddf6mtlyzzi5mm.tk","6lhp5tembvpl.cf","6lhp5tembvpl.ga","6lhp5tembvpl.gq","6lhp5tembvpl.ml","6lhp5tembvpl.tk","6mail.cc","6mail.cf","6mail.ga","6mail.ml","6mail.top","6mails.com","6monthscarinsurance.co.uk","6nns09jw.bee.pl","6ox.com","6paq.com","6q70sdpgjzm2irltn.cf","6q70sdpgjzm2irltn.ga","6q70sdpgjzm2irltn.gq","6q70sdpgjzm2irltn.ml","6q70sdpgjzm2irltn.tk","6qssmefkx.pl","6qstz1fsm8hquzz.cf","6qstz1fsm8hquzz.ga","6qstz1fsm8hquzz.gq","6qstz1fsm8hquzz.ml","6qstz1fsm8hquzz.tk","6qwkvhcedxo85fni.cf","6qwkvhcedxo85fni.ga","6qwkvhcedxo85fni.gq","6qwkvhcedxo85fni.ml","6qwkvhcedxo85fni.tk","6ra8wqulh.pl","6rndtguzgeajcce.cf","6rndtguzgeajcce.ga","6rndtguzgeajcce.gq","6rndtguzgeajcce.ml","6rndtguzgeajcce.tk","6rrtk52.mil.pl","6s5z.com","6scwis5lamcv.gq","6somok.ru","6tumdl.site","6twkd1jggp9emimfya8.cf","6twkd1jggp9emimfya8.ga","6twkd1jggp9emimfya8.gq","6twkd1jggp9emimfya8.ml","6twkd1jggp9emimfya8.tk","6ugzob6xpyzwt.cf","6ugzob6xpyzwt.ga","6ugzob6xpyzwt.gq","6ugzob6xpyzwt.ml","6ugzob6xpyzwt.tk","6url.com","6v9haqno4e.cf","6v9haqno4e.ga","6v9haqno4e.gq","6v9haqno4e.ml","6v9haqno4e.tk","6vgflujwsc.cf","6vgflujwsc.ga","6vgflujwsc.gq","6vgflujwsc.ml","6xtx.com","7-attorney.com","7.1.gmail.com.gmail.com.5.01.cad.edu.gr","7.emailfake.ml","7.fackme.gq","700gmail.com","701gmail.com","702gmail.com","703xanmf2tk5lny.cf","703xanmf2tk5lny.ga","703xanmf2tk5lny.gq","703xanmf2tk5lny.ml","703xanmf2tk5lny.tk","706gmail.com","707gmail.com","708gmail.com","708ugg-boots.com","70gmail.com","70k6ylzl2aumii.cf","70k6ylzl2aumii.ga","70k6ylzl2aumii.gq","70k6ylzl2aumii.ml","70k6ylzl2aumii.tk","710gmail.com","7119.net","713705.xyz","713gmail.com","715gmail.com","716gmail.com","719gmail.com","719x.com","71btdutk.blogrtui.ru","71compete.com","71gmail.com","71hotmail.com","71yahoo.com","720gmail.com","721gmail.com","723gmail.com","724sky.mobi","726xhknin96v9oxdqa.cf","726xhknin96v9oxdqa.gq","726xhknin96v9oxdqa.ml","726xhknin96v9oxdqa.tk","727gmail.com","728gmail.com","72gmail.com","72w.com","730gmail.com","733gmail.com","735gmail.com","738gmail.com","739gmail.com","73gmail.com","73up.com","73wire.com","73xk2p39p.pl","73yahoo.com","743gmail.com","745gmail.com","747gmail.com","74gmail.com","74hotmail.com","74jw.com","74zblo.com","755gmail.com","7567fdcvvghw2.cf","7567fdcvvghw2.ga","7567fdcvvghw2.gq","7567fdcvvghw2.ml","7567fdcvvghw2.tk","756gmail.com","758gmail.com","75gmail.com","75happy.com","75hosting.com","75hosting.net","75hosting.org","75yahoo.com","760gmail.com","765gmail.com","766gmail.com","767gmail.com","768916594.asanatest1.us","768gmail.com","76gmail.com","76hotmail.com","76jdafbnde38cd.cf","76jdafbnde38cd.ga","76jdafbnde38cd.gq","76jdafbnde38cd.ml","76jdafbnde38cd.tk","76up.com","76yahoo.com","770gmail.com","7728ccc.com","7752050.ru","776gmail.com","777-university.ru","777.net.cn","777fortune.com","777gmail.com","777slots-online.com","779gmail.com","77hotmail.com","77q8m.com","77yahoo.com","7814445.com","782gmail.com","783gmail.com","784gmail.com","785gmail.com","786gambling.com","786gmail.com","787gmail.com","787y849s.bij.pl","789.dns-cloud.net","789456123mail.ml","7899w.top","789gmail.com","78gmail.com","790gmail.com","792646.com","794gmail.com","798gmail.com","79966.xyz","799fu.com","799gmail.com","79gmail.com","79mail.com","7ag83mwrabz.ga","7ag83mwrabz.ml","7ag83mwrabz.tk","7aw.ru","7bafilmy.ru","7be.org","7bhmsthext.cf","7bhmsthext.ga","7bhmsthext.gq","7bhmsthext.ml","7bhmsthext.tk","7bhtm0suwklftwx7.cf","7bhtm0suwklftwx7.ga","7bhtm0suwklftwx7.gq","7bhtm0suwklftwx7.ml","7bhtm0suwklftwx7.tk","7d7ebci63.pl","7days-printing.com","7ddf32e.info","7dmail.com","7gmail.com","7go.info","7gpvegspglb8x8bczws.cf","7gpvegspglb8x8bczws.ga","7gpvegspglb8x8bczws.gq","7gpvegspglb8x8bczws.ml","7gpvegspglb8x8bczws.tk","7gr.pl","7hotmail.com","7ihd9vh6.edu.pl","7ijabi.com","7kuiqff4ay.cf","7kuiqff4ay.ga","7kuiqff4ay.gq","7kuiqff4ay.ml","7kuiqff4ay.tk","7m3aq2e9chlicm.cf","7m3aq2e9chlicm.ga","7m3aq2e9chlicm.gq","7m3aq2e9chlicm.ml","7m3aq2e9chlicm.tk","7magazinov.ru","7mail.ga","7mail.io","7mail.ml","7mail.xyz","7mail7.com","7med24.co.uk","7nation.com","7nglhuzdtv.cf","7nglhuzdtv.ga","7nglhuzdtv.gq","7nglhuzdtv.ml","7nglhuzdtv.tk","7oicpwgcc8trzcvvfww.cf","7oicpwgcc8trzcvvfww.ga","7oicpwgcc8trzcvvfww.gq","7oicpwgcc8trzcvvfww.ml","7oicpwgcc8trzcvvfww.tk","7opp2romngiww8vto.cf","7opp2romngiww8vto.ga","7opp2romngiww8vto.gq","7opp2romngiww8vto.ml","7opp2romngiww8vto.tk","7p6kz0omk2kb6fs8lst.cf","7p6kz0omk2kb6fs8lst.ga","7p6kz0omk2kb6fs8lst.gq","7p6kz0omk2kb6fs8lst.ml","7p6kz0omk2kb6fs8lst.tk","7pccf.cf","7pccf.ga","7pccf.gq","7pccf.ml","7pccf.tk","7pdqpb96.pl","7qrtbew5cigi.cf","7qrtbew5cigi.ga","7qrtbew5cigi.gq","7qrtbew5cigi.ml","7qrtbew5cigi.tk","7rent.top","7rtay.info","7rx24.com","7seatercarsz.com","7startruckdrivingschool.com","7tags.com","7thpeggroup.com","7tiqqxsfmd2qx5.cf","7tiqqxsfmd2qx5.ga","7tiqqxsfmd2qx5.gq","7tiqqxsfmd2qx5.ml","7tiqqxsfmd2qx5.tk","7tsrslgtclz.pl","7twlev.bij.pl","7u7rdldlbvcnklclnpx.cf","7u7rdldlbvcnklclnpx.ga","7u7rdldlbvcnklclnpx.gq","7u7rdldlbvcnklclnpx.ml","7u7rdldlbvcnklclnpx.tk","7uy35p.cf","7uy35p.ga","7uy35p.gq","7uy35p.ml","7uy35p.tk","7vcntir8vyufqzuqvri.cf","7vcntir8vyufqzuqvri.ga","7vcntir8vyufqzuqvri.gq","7vcntir8vyufqzuqvri.ml","7vcntir8vyufqzuqvri.tk","7wd45do5l.pl","7wzctlngbx6fawlv.cf","7wzctlngbx6fawlv.ga","7wzctlngbx6fawlv.gq","7wzctlngbx6fawlv.ml","7wzctlngbx6fawlv.tk","7xnk9kv.pl","7ymail.com","8-mail.com","8.dnsabr.com","8.emailfake.ml","8.fackme.gq","800gmail.com","800hotspots.info","800sacramento.tk","803gmail.com","804m66.pl","806.flu.cc","80600.net","80665.com","806gmail.com","807gmail.com","808app.com","808gmail.com","80gmail.com","80pu.info","80r0zc5fxpmuwczzxl.cf","80r0zc5fxpmuwczzxl.ga","80r0zc5fxpmuwczzxl.gq","80r0zc5fxpmuwczzxl.ml","80r0zc5fxpmuwczzxl.tk","80ro.eu","80zooiwpz1nglieuad8.cf","80zooiwpz1nglieuad8.ga","80zooiwpz1nglieuad8.gq","80zooiwpz1nglieuad8.ml","80zooiwpz1nglieuad8.tk","810gmail.com","811gmail.com","8127ep.com","81519gcu.orge.pl","816206.com","816mail.com","816qs.com","817gmail.com","818gmail.com","8191.at","819978f0-0b0f-11e2-892e-0800200c9a66.com","819gmail.com","81gmail.com","81mail.com","820gmail.com","821gmail.com","821mail.com","823gmail.com","825gmail.com","825mail.com","8260613.com","8264513.com","827gmail.com","8290.com","82c8.com","82j2we.pl","830gmail.com","832group.com","833gmail.com","834gmail.com","8352p.com","835gmail.com","835qs.com","8363199.com","839gmail.com","83gd90qriawwf.cf","83gd90qriawwf.ga","83gd90qriawwf.gq","83gd90qriawwf.ml","83gd90qriawwf.tk","83gmail.com","840gmail.com","841gmail.com","842gmail.com","845276.com","845297.com","845418.com","845gmail.com","847gmail.com","848gmail.com","849gmail.com","84gmail.com","84hotmail.com","84mce5gufev8.cf","84mce5gufev8.ga","84mce5gufev8.gq","84mce5gufev8.ml","84mce5gufev8.tk","84rhilv8mm3xut2.cf","84rhilv8mm3xut2.ga","84rhilv8mm3xut2.gq","84rhilv8mm3xut2.ml","84rhilv8mm3xut2.tk","84yahoo.com","850gmail.com","852gmail.com","8539927.com","853gmail.com","854gmail.com","855gmail.com","857gmail.com","859gmail.com","85gmail.com","860gmail.com","866303.com","868757.com","86cnb.space","86d14866fx.ml","86gmail.com","871gmail.com","8723891.com","873gmail.com","874gmail.com","876gmail.com","87708b.com","87gjgsdre2sv.cf","87gjgsdre2sv.ga","87gjgsdre2sv.gq","87gjgsdre2sv.ml","87gjgsdre2sv.tk","87gmail.com","87mmwdtf63b.cf","87mmwdtf63b.ga","87mmwdtf63b.gq","87mmwdtf63b.ml","87mmwdtf63b.tk","87yhasdasdmail.ru","8808go.com","880gmail.com","881gmail.com","882117711.com","882117722.com","882117733.com","882119900.com","882119911.com","88365.xyz","88388.org","8848.net","885gmail.com","887gmail.com","888.dns-cloud.net","888.gen.in","888008.xyz","8883229.com","8883236.com","8883372.com","8883919.com","8883936.com","8888gmail.com","888gmail.com","888tron.net","888z5.cf","888z5.ga","888z5.gq","888z5.ml","888z5.tk","88998.com","88av.net","88chaye.com","88clean.pro","88cot.info","88hotmail.com","88urtyzty.pl","890gmail.com","891gmail.com","892gmail.com","893gmail.com","894gmail.com","899079.com","89db.com","89ghferrq.com","89gmail.com","89yliughdo89tly.com","8chan.co","8e6d9wk7a19vedntm35.cf","8e6d9wk7a19vedntm35.ga","8e6d9wk7a19vedntm35.gq","8e6d9wk7a19vedntm35.ml","8email.com","8eoqovels2mxnxzwn7a.cf","8eoqovels2mxnxzwn7a.ga","8eoqovels2mxnxzwn7a.gq","8eoqovels2mxnxzwn7a.ml","8eoqovels2mxnxzwn7a.tk","8estcommunity.org","8ev9nir3ilwuw95zp.cf","8ev9nir3ilwuw95zp.ga","8ev9nir3ilwuw95zp.gq","8ev9nir3ilwuw95zp.ml","8ev9nir3ilwuw95zp.tk","8ffn7qixgk3vq4z.cf","8ffn7qixgk3vq4z.ga","8ffn7qixgk3vq4z.gq","8ffn7qixgk3vq4z.ml","8ffn7qixgk3vq4z.tk","8fuur0zzvo8otsk.cf","8fuur0zzvo8otsk.ga","8fuur0zzvo8otsk.gq","8fuur0zzvo8otsk.ml","8fuur0zzvo8otsk.tk","8gnkb3b.sos.pl","8hadrm28w.pl","8hermesbirkin0.com","8hfzqpstkqux.cf","8hfzqpstkqux.ga","8hfzqpstkqux.gq","8hfzqpstkqux.ml","8hfzqpstkqux.tk","8hj3rdieaek.cf","8hj3rdieaek.ga","8hj3rdieaek.gq","8hj3rdieaek.ml","8hj3rdieaek.tk","8i7.net","8imefdzddci.cf","8imefdzddci.ga","8imefdzddci.gq","8imefdzddci.ml","8imefdzddci.tk","8kcpfcer6keqqm.cf","8kcpfcer6keqqm.ml","8kcpfcer6keqqm.tk","8klddrkdxoibtasn3g.cf","8klddrkdxoibtasn3g.ga","8klddrkdxoibtasn3g.gq","8klddrkdxoibtasn3g.ml","8klddrkdxoibtasn3g.tk","8liffwp16.pl","8m1t.com","8mail.cf","8mail.com","8mail.ga","8mail.ml","8mailpro.com","8mnqpys1n.pl","8oboi80bcv1.cf","8oboi80bcv1.ga","8oboi80bcv1.gq","8ouyuy5.ce.ms","8pc2ztkr6.pl","8pukcddnthjql.cf","8pukcddnthjql.ga","8pukcddnthjql.gq","8pukcddnthjql.ml","8pukcddnthjql.tk","8pyda.us","8qdw3jexxncwd.cf","8qdw3jexxncwd.ga","8qdw3jexxncwd.gq","8qdw3jexxncwd.ml","8qdw3jexxncwd.tk","8qwh37kibb6ut7.cf","8qwh37kibb6ut7.ga","8qwh37kibb6ut7.gq","8qwh37kibb6ut7.ml","8qwh37kibb6ut7.tk","8rskf3xpyq.cf","8rskf3xpyq.ga","8rskf3xpyq.gq","8rskf3xpyq.ml","8rskf3xpyq.tk","8t0sznngp6aowxsrj.cf","8t0sznngp6aowxsrj.ga","8t0sznngp6aowxsrj.gq","8t0sznngp6aowxsrj.ml","8t0sznngp6aowxsrj.tk","8u4e3qqbu.pl","8usmwuqxh1s1pw.cf","8usmwuqxh1s1pw.ga","8usmwuqxh1s1pw.gq","8usmwuqxh1s1pw.ml","8usmwuqxh1s1pw.tk","8verxcdkrfal61pfag.cf","8verxcdkrfal61pfag.ga","8verxcdkrfal61pfag.gq","8verxcdkrfal61pfag.ml","8verxcdkrfal61pfag.tk","8wehgc2atizw.cf","8wehgc2atizw.ga","8wehgc2atizw.gq","8wehgc2atizw.ml","8wehgc2atizw.tk","8wkkrizxpphbm3c.cf","8wkkrizxpphbm3c.ga","8wkkrizxpphbm3c.gq","8wkkrizxpphbm3c.ml","8wkkrizxpphbm3c.tk","8wwxmcyntfrf.cf","8wwxmcyntfrf.ga","8wwxmcyntfrf.gq","8wwxmcyntfrf.ml","8xcdzvxgnfztticc.cf","8xcdzvxgnfztticc.ga","8xcdzvxgnfztticc.gq","8xcdzvxgnfztticc.tk","8xyz8.dynu.net","8ythwpz.pl","8zbpmvhxvue.cf","8zbpmvhxvue.ga","8zbpmvhxvue.gq","8zbpmvhxvue.ml","8zbpmvhxvue.tk","9.emailfake.ml","9.fackme.gq","90.volvo-xc.ml","90.volvo-xc.tk","900k.es","902gmail.com","905gmail.com","906gmail.com","908997.com","908gmail.com","909gmail.com","90gmail.com","91000.com","911gmail.com","913gmail.com","914258.ga","916gmail.com","91gmail.com","91gxflclub.info","91sedh.xyz","920gmail.com","9227uu.com","922gmail.com","925gmail.com","926tao.com","928gmail.com","929.be","930gmail.com","9310.ru","933j.com","935gmail.com","936gmail.com","937gmail.com","939gmail.com","93gmail.com","93k0ldakr6uzqe.cf","93k0ldakr6uzqe.ga","93k0ldakr6uzqe.gq","93k0ldakr6uzqe.ml","93k0ldakr6uzqe.tk","93re.com","940qs.com","942gmail.com","943gmail.com","944gmail.com","945gmail.com","94b5.ga","94gmail.com","94hotmail.com","94jo.com","94xtyktqtgsw7c7ljxx.co.cc","950gmail.com","951gmail.com","957gmail.com","958gmail.com","959gmail.com","95gmail.com","95ta.com","963gmail.com","96gmail.com","96hotmail.com","971gmail.com","9722.us","973gmail.com","974gmail.com","975gmail.com","97gmail.com","97so1ubz7g5unsqgt6.cf","97so1ubz7g5unsqgt6.ga","97so1ubz7g5unsqgt6.gq","97so1ubz7g5unsqgt6.ml","97so1ubz7g5unsqgt6.tk","980gmail.com","985box.com","985gmail.com","986gmail.com","987gmail.com","9889927.com","988gmail.com","989192.com","9899w.top","989gmail.com","98gmail.com","98usd.com","98yahoo.com","99-brand.com","99.com","990.net","990ys.com","991gmail.com","99236.xyz","99399.xyz","994gmail.com","996gmail.com","999bjw.com","999intheshade.net","99alternatives.com","99cows.com","99depressionlists.com","99email.xyz","99experts.com","99gamil.com","99hacks.us","99hotmail.com","99mail.cf","99marks.com","99mimpi.com","99pg.group","99price.co","99pubblicita.com","99publicita.com","99x99.com","9ate.com","9cvlhwqrdivi04.cf","9cvlhwqrdivi04.ga","9cvlhwqrdivi04.gq","9cvlhwqrdivi04.ml","9cvlhwqrdivi04.tk","9daqunfzk4x0elwf5k.cf","9daqunfzk4x0elwf5k.ga","9daqunfzk4x0elwf5k.gq","9daqunfzk4x0elwf5k.ml","9daqunfzk4x0elwf5k.tk","9ebrklpoy3h.cf","9ebrklpoy3h.ga","9ebrklpoy3h.gq","9ebrklpoy3h.ml","9ebrklpoy3h.tk","9email.com","9en6mail2.ga","9et1spj7br1ugxrlaa3.cf","9et1spj7br1ugxrlaa3.ga","9et1spj7br1ugxrlaa3.gq","9et1spj7br1ugxrlaa3.ml","9et1spj7br1ugxrlaa3.tk","9fdy8vi.mil.pl","9gals.com","9jw5zdja5nu.pl","9k27djbip0.cf","9k27djbip0.ga","9k27djbip0.gq","9k27djbip0.ml","9k27djbip0.tk","9kfifc2x.pl","9klsh2kz9.pl","9mail.cf","9mail9.cf","9maja.pl","9me.site","9monsters.com","9mot.ru","9nteria.pl","9o04xk8chf7iaspralb.cf","9o04xk8chf7iaspralb.ga","9o04xk8chf7iaspralb.gq","9o04xk8chf7iaspralb.ml","9oul.com","9ox.net","9q.ro","9q402.com","9q8eriqhxvep50vuh3.cf","9q8eriqhxvep50vuh3.ga","9q8eriqhxvep50vuh3.gq","9q8eriqhxvep50vuh3.ml","9q8eriqhxvep50vuh3.tk","9rok.info","9rtkerditoy.info","9rtn5qjmug.cf","9rtn5qjmug.ga","9rtn5qjmug.gq","9rtn5qjmug.ml","9rtn5qjmug.tk","9skcqddzppe4.cf","9skcqddzppe4.ga","9skcqddzppe4.gq","9skcqddzppe4.ml","9skcqddzppe4.tk","9spokesqa.mailinator.com","9t7xuzoxmnwhw.cf","9t7xuzoxmnwhw.ga","9t7xuzoxmnwhw.gq","9t7xuzoxmnwhw.ml","9t7xuzoxmnwhw.tk","9times.club","9times.pro","9toplay.com","9ufveewn5bc6kqzm.cf","9ufveewn5bc6kqzm.ga","9ufveewn5bc6kqzm.gq","9ufveewn5bc6kqzm.ml","9ufveewn5bc6kqzm.tk","9w93z8ul4e.cf","9w93z8ul4e.ga","9w93z8ul4e.gq","9w93z8ul4e.ml","9w93z8ul4e.tk","9xmail.xyz","9ya.de","9ziqmkpzz3aif.cf","9ziqmkpzz3aif.ga","9ziqmkpzz3aif.gq","9ziqmkpzz3aif.ml","9ziqmkpzz3aif.tk","9zjz7suyl.pl","a-b.co.za","a-bc.net","a-glittering-gem-is-not-enough.top","a-kinofilm.ru","a-mule.cf","a-mule.ga","a-mule.gq","a-mule.ml","a-mule.tk","a-nd.info","a-ng.ga","a-rodadmitssteroids.in","a-sound.ru","a-spy.xyz","a-vot-i-ya.net","a.a.fbmail.usa.cc","a.asiamail.website","a.barbiedreamhouse.club","a.beardtrimmer.club","a.bestwrinklecreamnow.com","a.betr.co","a.bettermail.website","a.blatnet.com","a.com","a.flour.icu","a.fm.cloudns.nz","a.garciniacambogia.directory","a.gsamail.website","a.gsasearchengineranker.pw","a.gsasearchengineranker.site","a.gsasearchengineranker.space","a.gsasearchengineranker.top","a.gsasearchengineranker.xyz","a.gsaverifiedlist.download","a.hido.tech","a.kerl.gq","a.mailcker.com","a.marksypark.com","a.martinandgang.com","a.mediaplayer.website","a.mylittlepony.website","a.ouijaboard.club","a.poisedtoshrike.com","a.polosburberry.com","a.ps4.rocks","a.sach.ir","a.safe-mail.gq","a.uditt.cf","a.uhdtv.website","a.virtualmail.website","a.vztc.com","a.waterpurifier.club","a.wxnw.net","a.yertxenor.tk","a.z.1.gmail.i.0.83.y.9.aiot.ptcu.dev","a.z9.cloudns.nz","a0.igg.biz","a02sjv3e4e8jk4liat.cf","a02sjv3e4e8jk4liat.ga","a02sjv3e4e8jk4liat.gq","a02sjv3e4e8jk4liat.ml","a02sjv3e4e8jk4liat.tk","a0f7ukc.com","a0reklama.pl","a1.usa.cc","a10mail.com","a1aemail.win","a1b2.cf","a1b2.cloudns.ph","a1b2.gq","a1b2.ml","a1b31.xyz","a1plumbjax.com","a1zsdz2xc1d2a3sac12.com","a2.flu.cc","a23.buzz","a24hourpharmacy.com","a2mail.com","a2zculinary.com","a3.bigpurses.org","a333yuio.uni.cc","a3auto.com","a3ho7tlmfjxxgy4.cf","a3ho7tlmfjxxgy4.ga","a3ho7tlmfjxxgy4.gq","a3ho7tlmfjxxgy4.ml","a3ho7tlmfjxxgy4.tk","a40.com","a41odgz7jh.com","a41odgz7jh.com.com","a45.in","a458a534na4.cf","a4h4wtikqcamsg.cf","a4h4wtikqcamsg.ga","a4h4wtikqcamsg.gq","a4hk3s5ntw1fisgam.cf","a4hk3s5ntw1fisgam.ga","a4hk3s5ntw1fisgam.gq","a4hk3s5ntw1fisgam.ml","a4hk3s5ntw1fisgam.tk","a4rpeoila5ekgoux.cf","a4rpeoila5ekgoux.ga","a4rpeoila5ekgoux.gq","a4rpeoila5ekgoux.ml","a4rpeoila5ekgoux.tk","a4zerwak0d.cf","a4zerwak0d.ga","a4zerwak0d.gq","a4zerwak0d.ml","a4zerwak0d.tk","a53qgfpde.pl","a54pd15op.com","a5m9aorfccfofd.cf","a5m9aorfccfofd.ga","a5m9aorfccfofd.gq","a5m9aorfccfofd.ml","a6a.nl","a6lrssupliskva8tbrm.cf","a6lrssupliskva8tbrm.ga","a6lrssupliskva8tbrm.gq","a6lrssupliskva8tbrm.ml","a6lrssupliskva8tbrm.tk","a6mail.net","a78tuztfsh.cf","a78tuztfsh.ga","a78tuztfsh.gq","a78tuztfsh.ml","a78tuztfsh.tk","a7996.com","a84doctor.com","a8bl0wo1g5.xorg.pl","a90906.com","a99999.ce.ms","a9jcqnufsawccmtj.cf","a9jcqnufsawccmtj.ga","a9jcqnufsawccmtj.gq","a9jcqnufsawccmtj.ml","a9jcqnufsawccmtj.tk","aa.668mail.top","aa.da.mail-temp.com","aa0318.com","aa5j3uktdeb2gknqx99.ga","aa5j3uktdeb2gknqx99.ml","aa5j3uktdeb2gknqx99.tk","aa5zy64.com","aaa-chemicals.com","aaa117.com","aaa4.pl","aaa5.pl","aaa6.pl","aaaaa1.pl","aaaaa2.pl","aaaaa3.pl","aaaaa4.pl","aaaaa5.pl","aaaaa6.pl","aaaaa7.pl","aaaaa8.pl","aaaaa9.pl","aaaaaaa.de","aaaaaaaaa.com","aaaf.ru","aaamail.online","aaanime.net","aaathats3as.com","aaaw45e.com","aababes.com","aabagfdgks.net","aabbt.com","aabop.tk","aacr.com","aacxb.xyz","aad9qcuezeb2e0b.cf","aad9qcuezeb2e0b.ga","aad9qcuezeb2e0b.gq","aad9qcuezeb2e0b.ml","aad9qcuezeb2e0b.tk","aadidassoccershoes.com","aaeton.emailind.com","aaewr.com","aafddz.ltd","aahs.co.pl","aakk.de","aalianz.com","aaliyah.sydnie.livemailbox.top","aall.de","aallaa.org","aalna.org","aalone.xyz","aals.co.pl","aalyaa.com","aamail.co","aamail.com","aamanah.cf","aaphace.ml","aaphace1.ga","aaphace2.cf","aaphace3.ml","aaphace4.ga","aaphace5.cf","aaphace6.ml","aaphace7.ga","aaphace8.cf","aaphace9.ml","aaquib.cf","aar.emailind.com","aargau.emailind.com","aargonar.emailind.com","aaronboydarts.com","aarons-cause.org","aaronson.cf","aaronson1.onedumb.com","aaronson2.qpoe.com","aaronson3.sendsmtp.com","aaronson4.my03.com","aaronson6.authorizeddns.org","aaronwolford.com","aarway.com","aasgashashashajh.cf","aasgashashashajh.ga","aasgashashashajh.gq","aashapuraenterprise.com","aaskin.fr","aasso.com","aateam.pl","aatgmail.com","aazzn.com","ab-coaster.info","ab-volvo.cf","ab-volvo.ga","ab-volvo.gq","ab-volvo.ml","ab-volvo.tk","ab0.igg.biz","ab1.pl","abaarian.emailind.com","ababmail.ga","abacuswe.us","abafar.emailind.com","abakiss.com","abanksat.us","abaok.com","abar.emailind.com","abarth.ga","abarth.gq","abarth.tk","abaxmail.com","abb.dns-cloud.net","abb.dnsabr.com","abba.co.pl","abbaji.emailind.com","abbelt.com","abbeyrose.info","abbuzz.com","abc-payday-loans.co.uk","abc.yopmail.com","abc1.ch","abc1918.xyz","abc2018.ru","abcda.tech","abcdef1234abc.ml","abciarum.info","abcmail.email","abcmail.men","abcnetworkingu.pl","abcpaydayloans.co.uk","abcremonty.com.pl","abcsport.xyz","abctoto.live","abcv.info","abcz.info.tm","abdiell.xyz","abdulah.xyz","abdullah.ch","abegegr0hl.cf","abegegr0hl.ga","abegegr0hl.gq","abegegr0hl.ml","abegegr0hl.tk","abem.info","abendkleidergunstig.net","abendschoen.com","abenzymes.us","abercrombieepascheresyffr.info","abercrombiefitch-shop.com","abercrombiefitch-store.com","abercrombiefpacherfr.com","abercrombiepascherefrance.fr","abercrombieppascher.com","abercrombiesalejp.com","aberfeldy.pl","abg.nikeshoesoutletforsale.com","abg0i9jbyd.cf","abg0i9jbyd.ga","abg0i9jbyd.gq","abg0i9jbyd.ml","abg0i9jbyd.tk","abhean.emailind.com","abiasa.online","abigail11halligan.ga","abigail69.sexy","abigailbatchelder.com","abikmail.com","abilityskillup.info","abilitywe.us","abimillepattes.com","abincol.com","abingtongroup.com","abista.space","ablacja-nie-zawsze.info","ablacja-nie-zawsze.info.pl","ably.co.pl","abmoney.xyz","abmr.waw.pl","abnamro.usa.cc","abogadanotariapr.com","abogados-divorcio.info","aboh913i2.pl","abol.gq","abonc.com","abooday.top","abookb.site","aborega1.com","abos.co.pl","abosoltan.me","abot5fiilie.ru","abot5zagruz.ru","abot8fffile.ru","about.com-posted.org","about.oldoutnewin.com","about.poisedtoshrike.com","about27.com","aboutbothann.org","aboutfitness.net","aboutgta.x10.mx","above-rh.com","abovewe.us","abqenvironmentalstory.org","abqkravku4x36unnhgu9.co.cc","abrauto.com","abreutravel.com","abri.co.pl","abridon.emailind.com","abrighterfutureday.com","abroadedu.ru","abscessedtoothhomeremedy.com","absensidikjari.com","absent.5amail.top","abshc.com","absit.emailind.com","absolutelyecigs.com","absolutesuccess.win","absolutewe.us","absolution-la.com","absorbacher.xyz","absorbenty.pl","absorblovebed.com","absorbuj.pl","abstraction-is-often-one-floor-above-you.top","abstruses.com","abstruses.net","abt90bet.net","abtw.de","abundantwe.us","abunprodvors.xyz","abuseipdb.ru","abuselist.com","abusemail.de","abuser.eu","abut.co.pl","abvent.com","abyan.art","abybuy.com","abyssemail.com","abyssmail.com","abz101.mooo.com","ac-nation.club","ac20mail.in","ac3d64b9a4n07.cf","ac3d64b9a4n07.ga","ac3d64b9a4n07.gq","ac3d64b9a4n07.tk","ac895.cf","ac895.ga","ac895.gq","ac895.ml","ac9fqq0qh6ucct.cf","ac9fqq0qh6ucct.ga","ac9fqq0qh6ucct.gq","ac9fqq0qh6ucct.ml","ac9fqq0qh6ucct.tk","aca5.com","academail.net","academiccommunity.com","academmail.info","academybankmw.com","academywe.us","acadteh.ru","acai-berry.es","acaihelp.com","acampadaparis.com","acanadianpharmacy.com","acasabianca.com","acc2t9qnrt.cf","acc2t9qnrt.ga","acc2t9qnrt.gq","acc2t9qnrt.ml","acc2t9qnrt.tk","accademiadiscanto.org","accebay.site","acceleratedps.com","acceleratewe.us","accent.home.pl","accentri.com","accentwe.us","acceptbadcredit.ru","acceptmail.net","acceptwe.us","accesorii.info","access.com-posted.org","access995.com","accesschicago.net","accessecurity.com","accesshigh.win","accesslivingllc.net","accessmedia.it","accessori.ru","accessoriesjewelry.co.cc","acciobit.net","accionambiente.org","acclaimwe.us","accmt-servicefundsprefer.com","accnw.com","accordmail.net","accordwe.us","accountant.luk2.com","accountanten.com","accountantruth.cf","accounting11-tw.org","accountingdegree101.com","accountingintaylor.com","accountrainbow.email","accountrainbow.store","accounts-login.ga","accountsadtracker.com","accountsite.me","accountsiteku.tech","accpremium.ga","accreditedwe.us","accuracyis.com","accuratecomp.com","accurateto.com","accurbrinue.biz","accutaneonlinesure.com","ace-mail.net","ace.ace.gy","ace333.info","acebabe.com","aced.co.pl","acem2021.com","acemail.info","acembine.site","acentri.com","acequickloans.co.uk","acer-servisi.com","acetesz.com","acetonic.info","acfddy.ltd","acgapp.hk","acgmetals.com","achatairjordansfrance.com","achatairjordansfrshop.com","achatjordansfrshop.com","achatz.ga","ache.co.pl","acheterairmaxs.com","achetertshirt.com","achievementwe.us","achievewe.us","achterhoekrp.online","achy.co.pl","aciclovir.ru.com","acidalia.ml","acidlsdpyshop.com","acidlsdshop.com","acidrefluxdiseasecure.com","acike.com","acissupersecretmail.ml","acklewinet.store","acklink.com","acmail.com","acmeco.tk","acmenet.org","acmet.com","acmilanbangilan.cf","acmimail.com","acnatu.com","acne.co.pl","acne.com","acnebrufolirime43.eu","acnec.com","acnemethods.com","acnenomorereviewed.info","acnonline.com","acofmail.com","acontenle.eu","acoporthope.org","acornsbristol.com","acornwe.us","acoukr.pw","acousticlive.net","acqm38bmz5atkh3.cf","acqm38bmz5atkh3.ga","acqm38bmz5atkh3.gq","acqm38bmz5atkh3.ml","acqm38bmz5atkh3.tk","acres.asia","acribush.site","acrilicoemosasco.ml","acrilicosemosasco.ml","acrilworld.ml","acroexch.us","acrossgracealley.com","acroyoga.fun","acroyogabook.com","acroyogadance.coach","acrylicchairs.org","acrylicwe.us","acs.net","acsisa.net","acsstudent.com","act4trees.com","acta.co.pl","acting-guide.info","actitz.site","activacs.com","activatewe.us","active.au-burn.net","activesniper.com","activestore.xyz","activilla.com","activities.works","activitysports.ru","activitywe.us","acton-plumber-w3.co.uk","actor.ruimz.com","acts.co.pl","actualizaweb.com","actuallyhere.com","acuarun.com","acucre.com","acuitywe.us","acumendart-forcepeace-darter.com","acumenwe.us","acupuncturenews.org","acx-edu.com","acyclovir-buy.com","acyl.co.pl","acys.de","ad-seo.com","ad2linx.org","ada-duit.ga","ada-janda.ga","adacalabuig.com","adachiu.me","adacplastics.com","adadad.com","adadass.cf","adadass.ga","adadass.gq","adadass.ml","adadass.tk","adallasnews.com","adalowongan.com","adamance.7amail.top","adamastore.co","adamsarchitects.com","adamtraffic.com","adann.xyz","adaov.com","adapdev.com","adapromo.com","adaptempire.site","adaptivesensors.co.uk","adaptivewe.us","adaptwe.us","adaromania.com","adarsh.cf","adarshgoel.me","adasfe.com","adashev.ru","adastars333.com","adastralflying.com","adax.site","adazmail.com","adbet.co","adcloud.us","add3000.pp.ua","add6site.tk","addictingtrailers.com","addidas-group.com","addimail.top","addisonn.xyz","additionaledu.ru","additive.center","addthis.site","addtocurrentlist.com","addyoubooks.com","adeata.com","adec.name","adeha.com","adek.orge.pl","adel.asia","adelaide.bike","adelaideoutsideblinds.com.au","adelinabubulina.com","adelpia.net","adengo.ru","adenose.info","adentaltechnician.com","adeptwe.us","aderispharm.com","adesktop.com","adfilter.org","adfly.comx.cf","adfskj.com","adgento.com","adgloselche.esmtp.biz","adheaminn.xyz","adhong.com","adidas-fitness.eu","adidas-porsche-design-shoes.com","adidasasoccershoes.com","adidasshoesshop.com","adidasto.com","adil.pl","adilub.com","adios.email","adipex7z.com","adiq.eu","adisabeautysalon.com","adit.co.pl","aditus.info","adivava.com","adjun.info","adkchecking.com","adkcontracting.com","adleep.org","adlinks.org","admail.com","admin-ru.ru","admin4cloud.net","administrativo.world","admiralwe.us","admiraq.site","admissiontostudyukraine.com","admmo.com","admt01211.com","admt01212.com","admt01213.com","adnc7mcvmqj0qrb.cf","adnc7mcvmqj0qrb.ga","adnc7mcvmqj0qrb.gq","adnc7mcvmqj0qrb.ml","adnc7mcvmqj0qrb.tk","ado888.biz","adobeccepdm.com","adolf-hitler.cf","adolf-hitler.ga","adolf-hitler.gq","adolf-hitler.ml","adolfhitlerspeeches.com","adonisgoldenratioreviews.info","adoniswe.us","adorable.org","adoratus.buzz","adpings.com","adpmfxh0ta29xp8.cf","adpmfxh0ta29xp8.ga","adpmfxh0ta29xp8.gq","adpmfxh0ta29xp8.ml","adpmfxh0ta29xp8.tk","adpostingjob.com","adprofjub.tk","adprojnante.xyz","adpromot.net","adpugh.org","adpurl.com","adramail.com","adrespocztowy.pl","adresseemailtemporaire.com","adriana.evelin.kyoto-webmail.top","adrianneblackvideo.com","adrianou.gq","adrinks.ru","adriveriep.com","adrmwn.me","adroit.asia","adsas.com","adsbruh.com","adsd.org","adsensekorea.com","adspecials.us","adstreet.es","adtemps.org","adubandar.com","adubiz.info","aduhsakit.ga","adukmail.com","adulktrsvp.com","adult-db.net","adult-free.info","adult-work.info","adultbabybottles.com","adultcamzlive.com","adultchat67.uni.cc","adultesex.net","adultfacebookinfo.info","adultfriendclubs.com","adultmagsfinder.info","adulttoy20117.co.tv","adulttoys.com","adultvidlite.com","aduski.info","adva.net","advancedwebstrategiesinc.com","advantagesofsocialnetworking.com","advantagewe.us","advantimal.com","advantimals.com","advantimo.com","advdesignss.info","adventurewe.us","adventwe.us","adverstudio.com","advertence.com","advertforyou.info","advertiseall.com","advertisingmarketingfuture.info","advew.com","advextreme.com","advidsstudio.co","advisorwe.us","adviva-odsz.com","advocatewe.us","advogadoespecializado.com","advokats.info","advorta.com","advoter.cc","adwaterandstir.com","adwordsopus.com","adx-telecom.com","ady12.design","adze.co.pl","adzillastudio.com","ae-mail.pl","ae.pureskn.com","aeacides.info","aeai.com","aebfish.com","aed-cbdoil.com","aed5lzkevb.cf","aed5lzkevb.ga","aed5lzkevb.gq","aed5lzkevb.ml","aed5lzkevb.tk","aegde.com","aegia.net","aegis-conference.eu","aegiscorp.net","aegiswe.us","aegoneinsurance.cf","aeissy.com","aeliatinos.com","aelo.es","aelup.com","aemail.xyz","aemail4u.com","aengar.ml","aenikaufa.com","aenmail.net","aenterprise.ru","aeon.tk","aeonpsi.com","aeorierewrewt.co.tv","aepc2022.org","aerectiledysfunction.com","aeri.ml","aero-files.net","aero.ilawa.pl","aero1.co.tv","aero2.co.tv","aerobicaerobic.info","aerobicservice.com","aerochart.co.uk","aeroponics.edu","aeroport78.co.tv","aeroshack.com","aerosp.com","aerteur73.co.tv","aertewurtiorie.co.cc","aesamedayloans.co.uk","aeshopshop.xyz","aesopsfables.net","aestrony6.com","aestyria.com","aethiops.com","aetorieutur.tk","aev333.cz.cc","aevtpet.com","aewh.info","aewituerit893.co.cc","aewn.info","aewutyrweot.co.tv","aewy.info","aexa.info","aexd.com","aexd.info","aexf.info","aexg.info","aexk.ru","aexw.info","aexy.info","aeyl.com","aeyq.info","aeze0qhwergah70.cf","aeze0qhwergah70.ga","aeze0qhwergah70.gq","aeze0qhwergah70.ml","aeze0qhwergah70.tk","aezl.info","af2przusu74mjzlkzuk.cf","af2przusu74mjzlkzuk.ga","af2przusu74mjzlkzuk.gq","af2przusu74mjzlkzuk.ml","af2przusu74mjzlkzuk.tk","afaracuspurcatiidintara.com","afarek.com","afat1loaadz.ru","afat2fiilie.ru","afat3sagruz.ru","afat9faiili.ru","afatt3fiilie.ru","afatt7faiili.ru","afcgroup40.com","afenmail.com","aferin.site","aff-marketing-company.info","affcats.com","affecting.org","afferro-mining.com","affgrinder.com","affilialogy.com","affiliate-marketing2012.com","affiliate-nebenjob.info","affiliatedwe.us","affiliatehustle.com","affiliateseeking.biz","affiliatesonline.info","affiliatez.net","affilikingz.de","affinitywe.us","afflictionmc.com","affluentwe.us","affogatgaroth.com","affordable55apartments.com","affordablescrapbook.com","affordablespecs.online","affordablevisitors.com","affordablevoiceguy.com","affordablewe.us","affricca.com","afg-lca.com","afganbaba.com","afiliadoaprendiz.com","afilliyanlizlik.xyz","afisha.biz.ua","afishaonline.info","aflam06.com","aflamyclub.com","afmail.com","afmail.xyz","afopmail.com","aforyzmy.biz","afp.blatnet.com","afp.lakemneadows.com","afr564646emails.com","afranceattraction.com","afre676007mails.com","afre67677mails.com","afremails.com","africanamerican-hairstyles.org","africanmails.com","africanmangoactives.com","africatimes.xyz","afriendship.ru","afro.com-posted.org","afrobacon.com","afrocelts.us","afroprides.com","afsaf.com","afsf.de","afteir.com","after.lakemneadows.com","afteraffair.com","aftereight.pl","afterhourswe.us","afternic.com","afterpeg.com","afterspace.net","afterthediagnosisthebook.com","aftnfeyuwtzm.cf","aftnfeyuwtzm.ga","aftnfeyuwtzm.gq","aftnfeyuwtzm.ml","aftnfeyuwtzm.tk","aftttrwwza.com","afun.com","afunthingtodo.com","afuture.date","afyonbilgisayar.xyz","ag.us.to","ag02dnk.slask.pl","ag163.top","ag95.cf","ag95.ga","ag95.gq","ag95.ml","ag95.tk","agagmail.com","agamail.com","agapetus.info","agar.co.pl","agartstudio.com.pl","agave.buzz","agcd.com","agdrtv.com","agedlist.com","agedmail.com","agemail.com","agenbola.com","agenbola9.com","agencabo.com","agencjaatrakcji.pl","agencjainteraktywna.com","agencjareklamowanestor.pl","agencynet.us","agendawe.us","agendka.mielno.pl","agenimc6.com","agent.blatnet.com","agent.cowsnbullz.com","agent.lakemneadows.com","agent.makingdomes.com","agent.oldoutnewin.com","agent.ploooop.com","agent.poisedtoshrike.com","agent.warboardplace.com","agentogelasia.com","agentshipping.com","agentsosmed.com","agentwithstyle.com","agenzieinvestigativetorino.it","ageokfc.com","agesong.com","agfdgks.com","agger.ro","agget5fiilie.ru","agget6fiilie.ru","agget6loaadz.ru","agh-rip.com","agha.co.pl","agibdd.ru","agilecoding.com","agilekz.com","agilewe.us","agilityforeigntrade.com","aginfolink.com","agistore.co","aglobetony.pl","agma.co.pl","agmail.com","agmial.com","agnxbhpzizxgt1vp.cf","agnxbhpzizxgt1vp.ga","agnxbhpzizxgt1vp.gq","agnxbhpzizxgt1vp.ml","agnxbhpzizxgt1vp.tk","agoda.lk","agoravai.tk","agorawe.us","agpb.com","agpforum.com","agpoker99.uno","agramas.cf","agramas.ml","agreeone.ga","agreetoshop.com","agri.agriturismopavi.it","agri.com-posted.org","agriokss.com","agristyleapparel.us","agrofort.com","agrolaw.ru","agrolivana.com","agrostor.com","agsmechanicalinc.com","agtt.net","agtx.net","aguablancasbr.com","aguamail.com","aguamexico.com.mx","aguardhome.com","aguarios1000.com.mx","aguastinacos.com","ague.co.pl","agung001.com","agung002.com","agustaa.top","agustasportswear.com","agustusmp3.xyz","agwbyfaaskcq.cf","agwbyfaaskcq.ga","agwbyfaaskcq.gq","agwbyfaaskcq.ml","agwbyfaaskcq.tk","agxazvn.pl","agxngcxklmahntob.cf","agxngcxklmahntob.ga","agxngcxklmahntob.gq","agxngcxklmahntob.ml","agxngcxklmahntob.tk","ahaappy0faiili.ru","ahajusthere.com","ahakista.emailind.com","ahappycfffile.ru","ahbz.xyz","ahcsolicitors.co.uk","ahdrone.com","aheadwe.us","ahed.ll47.net","ahem.email","ahgae-crews.us.to","ahhmail.info","ahhos.com","ahhtee.com","ahilleos.com","ahjvgcg.com","ahk.jp","ahketevfn4zx4zwka.cf","ahketevfn4zx4zwka.ga","ahketevfn4zx4zwka.gq","ahketevfn4zx4zwka.ml","ahketevfn4zx4zwka.tk","ahmadidik.cf","ahmadidik.ga","ahmadidik.gq","ahmadidik.ml","ahmail.xyz","ahoj.co.uk","ahojmail.pl","ahomesolution.com","ahomework.ru","ahoo.com.ar","ahoora-band.com","ahopmail.com","ahoxavccj.pl","ahrr59qtdff98asg5k.cf","ahrr59qtdff98asg5k.ga","ahrr59qtdff98asg5k.gq","ahrr59qtdff98asg5k.ml","ahrr59qtdff98asg5k.tk","ahsb.de","ahsozph.tm.pl","ahtubabar.ru","ahyars.site","ai.aax.cloudns.asia","ai.hsfz.info","ai.vcss.eu.org","ai4trade.info","ai6188.com","aiafhg.com","aiauction.xyz","aicanada.xyz","aicasino.xyz","aiclbd.com","aicts.com","aide.co.pl","aiduisoi3456ta.tk","aidweightloss.co.uk","aiebka.com","aieen.com","aifmhymvug7n4.ga","aifmhymvug7n4.gq","aifmhymvug7n4.ml","aifmhymvug7n4.tk","aihtnb.com","aihualiu.com","aiiots.net","aikq.de","aikusy.com","ailem.info","ailicke.com","ailiking.com","ailme.pw","ailoki.com","ailtex.com","aimamhunter.host","aimboss.ru","aimodel.xyz","aims.co.pl","aimserv.com","ainbz.com","ains.co.pl","ainumedia.xyz","aiot.aiphone.eu.org","aiot.creo.site","aiot.creou.dev","aiot.dmtc.dev","aiot.ptcu.dev","aiot.vuforia.us","aiot.ze.cx","aipmail.ga","aips.store","aipuma.com","aiqisp.com","air-blog.com","air-bubble.bedzin.pl","air-inbox.com","air-maxshoesonline.com","air2token.com","airadding.com","airaf.site","aircapitol.net","aircargomax.us","aircolehaan.com","airconditionermaxsale.us","aircourriel.com","airebook.com","airfareswipe.com","airfiltersmax.us","airforceonebuy.net","airforceonesbuy.com","airg.app","airhue.com","airideas.us","airj0ranpascher.com","airj0ranpascher2.com","airjodanpasfranceshoes.com","airjodansshoespascherefr.com","airjoranpasachere.com","airjordan-france-1.com","airjordanacheter.com","airjordanafrance.com","airjordanapascher.com","airjordanapascherfrance.com","airjordanaustraliasale.com","airjordancchaussure.com","airjordaneenlignefr.com","airjordanffemme.com","airjordanfranceeee.com","airjordannpascherr.com","airjordannsoldes.com","airjordanochaussure.com","airjordanoutletcenter.us","airjordanoutletclub.us","airjordanoutletdesign.us","airjordanoutletgroup.us","airjordanoutlethomes.us","airjordanoutletinc.us","airjordanoutletmall.us","airjordanoutletonline.us","airjordanoutletshop.us","airjordanoutletsite.us","airjordanoutletstore.us","airjordanoutletusa.us","airjordanoutletwork.us","airjordanpaschefr.com","airjordanpascher1.com","airjordanpaschereshoes.com","airjordanpascherjordana.com","airjordanpaschermagasinn.com","airjordanpascherrfr.com","airjordanpascherrr.com","airjordanpascherrssoldes.com","airjordanpaschersfr.com","airjordanpaschersoldesjordanfr.com","airjordanpasschemagasin.com","airjordanpasscher.com","airjordanretro2013.org","airjordanscollection.com","airjordanshoesfrfrancepascher.com","airjordansofficiellefrshop.com","airjordanspascher1.com","airjordansshoes2014.com","airjordansstocker.com","airknox.com","airmail.cc","airmail.fun","airmail.nz","airmail.tech","airmailbox.website","airmailhub.com","airmails.info","airmax-sale2013club.us","airmax1s.com","airmaxdesignusa.us","airmaxgroupusa.us","airmaxhomessale2013.us","airmaxnlinesaleinc.us","airmaxonlineoutlet.us","airmaxonlinesaleinc.us","airmaxpower.us","airmaxprooutlet2013.us","airmaxrealtythesale.us","airmaxsaleonlineblog.us","airmaxschuhev.com","airmaxsde.com","airmaxshoessite.com","airmaxshopnike.us","airmaxslocker.com","airmaxsmart.com","airmaxsneaker.us","airmaxspascherfrance.com","airmaxsproshop.com","airmaxsstocker.com","airmaxstoresale2013.us","airmaxstyles.com","airmaxtn1-90paschers.com","airmaxtnmagasin.com","airmaxukproshop.com","airmo.net","airn.co.pl","airold.net","airparkmax.us","airplane2.com","airplay.elk.pl","airportlimoneworleans.com","airpriority.com","airpurifiermax.us","airriveroutlet.us","airshowmax.us","airsi.de","airsoftshooters.com","airsport.top","airtravelmaxblog.us","airturbine.pl","airuc.com","airwayy.us","airweldon.com","airxr.ru","aisaelectronics.com","aisezu.com","aisj.com","aisports.xyz","aistis.xyz","aituvip.com","aiuepd.com","aiv.pl","aivtxkvmzl29cm4gr.cf","aivtxkvmzl29cm4gr.ga","aivtxkvmzl29cm4gr.gq","aivtxkvmzl29cm4gr.ml","aivtxkvmzl29cm4gr.tk","aiwozhongguo.office.gy","aizennsasuke.cf","aizennsasuke.ga","aizennsasuke.gq","aizennsasuke.ml","aizennsasuke.tk","ajabdshown.com","ajarnow.com","ajaxapp.net","ajaxdesign.org","ajbsoftware.com","ajeeb.email","ajengkartika.art","ajeroportvakansii20126.co.tv","ajfldkvmek.com","aji.kr","ajiagustian.com","ajjdf.com","ajllogistik.com","ajmail.com","ajobabroad.ru","ajobfind.ru","ajoxmail.com","ajpapa.net","ajrf.in","ajruqjxdj.pl","ajsd.de","aju.onlysext.com","aka2.pl","akaan.emailind.com","akademiyauspexa.xyz","akainventorysystem.com","akamaiedge.gq","akamail.com","akamaized.cf","akamaized.ga","akamaized.gq","akamarkharris.com","akanshabhatia.com","akapost.com","akapple.com","akara-ise.com","akash9.gq","akazq33.cn","akb007.com","akbqvkffqefksf.cf","akbqvkffqefksf.ga","akbqvkffqefksf.gq","akbqvkffqefksf.ml","akbqvkffqefksf.tk","akcesoria-dolazienki.pl","akcesoria-telefoniczne.pl","akd-k.icu","akedits.com","akee.co.pl","akekee.com","akerd.com","aketospring.biz","akfioixtf.pl","akgaf.orge.pl","akgaming.com","akgq701.com","akhmadi.cf","akhost.trade","akihiro84.downloadism.top","akina.pl","akinesis.info","akio5010.takumi94.investmentweb.xyz","akio7910.takumi12.yourfun.xyz","akiol555.vv.cc","akiowrertutrrewa.co.tv","akira65.dev256.xyz","akjewelery-kr.info","akk.ro","akkecuwa.ga","aklqo.com","akmail.com","akmaila.org","akmandken.tk","akorde.al","akramed.ru","akryn4rbbm8v.cf","akryn4rbbm8v.ga","akryn4rbbm8v.gq","akryn4rbbm8v.tk","aksarat.eu","aksearches.com","aksesorisa.com","aktiefmail.nl","aktifbil.com","aktifplastik.com","akufry.cf","akufry.ga","akufry.gq","akufry.ml","akufry.tk","akula012.vv.cc","akumulatorysamochodowe.com","akumulatoryszczecin.top","akunamatata.site","akunhd.com","akunprm.com","akunvipku.com","akunyd.com","akusayyangkamusangat.ga","akusayyangkamusangat.ml","akusayyangkamusangat.tk","akustyka2012.pl","akutamvan.com","akuudahlelah.com","akvaristlerdunyasi.com","akxpert.com","akxugua0hbednc.cf","akxugua0hbednc.ga","akxugua0hbednc.gq","akxugua0hbednc.ml","akxugua0hbednc.tk","akzwayynl.pl","al-qaeda.us","alabama-get.loan","alabama-nedv.ru","alabamawheelchair.com","alabapestenoi.com","alain-ducasserecipe.site","alainazaisvoyance.com","alaki.ga","alalal.com","alalkamalalka.gq","alalkamalalka.tk","alamedanet.net","alanadi.xyz","alannahtriggs.ga","alanwilliams2008.com","alapage.ru","alappuzhanews.com","alarabi24.com","alaret.ru","alarmsunrise.ml","alarmsysteem.online","alarmydoowectv.com","alaska-nedv.ru","alb-gaming.com","albamail.ga","alban-nedv.ru","albaspecials.com","albayan-magazine.net","albedolab.com","albico.su","albionwe.us","albtelecom.com","alburov.com","albvid.org","alchemywe.us","alchiter.ga","alcohol-rehab-costs.com","alcoholetn.com","alcoholicsanonymoushotline.com","alcyonoid.info","alda.com","aldemimea.xyz","aldephia.net","aldeyaa.ae","aldineisd.com","aldivy.emailind.com","ale35anner.ga","aleagustina724.cf","aleaisyah710.ml","aleamanda606.cf","aleanna704.cf","aleanwisa439.cf","alebutar-butar369.cf","alec.co.pl","alectronik.com","aledestrya671.tk","aledrioroots.youdontcare.com","alee.co.pl","aleelma686.ml","aleen.emailind.com","aleepapalae.gq","alefachria854.ml","alefika98.ga","alegrabrasil.com","alegracia623.cf","alegradijital.com","aleherlin351.tk","alekikhmah967.tk","alemalakra.com","alemaureen164.ga","alemeutia520.cf","alenina729.tk","aleno.com","alenoor903.tk","alenovita373.tk","aleomailo.com","aleqodriyah730.ga","aleramici.eu","alerioncharleston.com","alerionventures.info","alerionventures.org","alerionventures.us","alertslit.top","alesapto153.ga","aleshiami275.ml","alessi9093.co.cc","alessia1818.site","alesulalah854.tk","alesuperaustostrada.eu","aletar.ga","aletasya616.ml","alex.dynamailbox.com","alexa-ranks.com","alexadomain.info","alexandreleclercq.com","alexandria.fund","alexbox.online","alexbrowne.info","alexbtz.com","alexdrivers00.ru","alexdrivers2013.ru","alexecristina.com","alexpeattie.com","alfa-romeo.cf","alfa-romeo.ga","alfa-romeo.gq","alfa-romeo.ml","alfa.papa.wollomail.top","alfa.tricks.pw","alfaceti.com","alfacontabilidadebrasil.com","alfamailr.org","alfaomega24.ru","alfapaper.ru","alfaromeo.igg.biz","alfaromeo147.cf","alfaromeo147.gq","alfaromeo147.ml","alfaromeo147.tk","alfasigma.spithamail.top","alfredo.0amail.top","alga.co.pl","algeria-nedv.ru","algerie-culture.com","algicidal.info","algobot.one","algobot.org","algomau.ga","algreen.com","alhamadealmeria.com","alianzati.com","aliases.tk","aliasnetworks.info","aliaswe.us","alibabao.club","alibabor.com","alibirelax.ru","aliblue.top","alic.info","alicdh.com","alicemail.link","alicemchard.com","alidioa.tk","aliefeince.com","alienware13.com","aliex.co","aliexchangevn.com","alif.co.pl","alifestyle.ru","aligamel.com","aligreen.top","alihkan.com","alilen.pw","alilot-web.com","alilot.com","alimail.bid","alimaseh.space","alimunjaya.xyz","alinalinn.com","alindropromo.com","aline9.com","alinzx.com","alioka759.vv.cc","aliorbaank.pl","alired.top","alisaaliya.istanbul-imap.top","alisaol.com","alisiarininta.art","alisoftued.com","alisongamel.com","alistantravellinert.com","alitma.com","alittle.website","alivance.com","alivewe.us","aliwegwpvd.ga","aliwegwpvd.gq","aliwegwpvd.ml","aliwegwpvd.tk","aliwhite.top","alizof.com","alkila-lo.com","alkoholeupominki.pl","alkomat24h.pl","alky.co.pl","all-about-cars.co.tv","all-about-health-and-wellness.com","all-cats.ru","all-file.site","all-knowledge.ru","all-mail.net","all-store24.ru","all.cowsnbullz.com","all.droidpic.com","all.emailies.com","all.lakemneadows.com","all.marksypark.com","all.ploooop.com","all4mail.cn.pn","all4me.info","all4oneseo.com","allaboutdogstraining.com","allaboutebay2012.com","allaboutemarketing.info","allaboutlabyrinths.com","allaccesswe.us","alladyn.unixstorm.org","allairjordanoutlet.us","allairmaxsaleoutlet.us","allamericanmiss.com","allamericanwe.us","allanimal.ru","allapparel.biz","allaroundwe.us","allartworld.com","allbest-games.ru","allboutiques.com","allcheapjzv.ml","allchristianlouboutinshoesusa.us","allclown.com","alldao.org","alldavirdaresinithesjy.com","alldelhiescort.com","alldirectbuy.com","alldotted.com","alldrys.com","alledoewservices.com","allegiancewe.us","allegro.rzemien.d2.pl","allegrowe.us","allemailyou.com","allemaling.com","allemojikeyboard.com","allen.nom.za","allenelectric.com","allenrothclosetorganizer.com","allerguxfpoq.com","allergypeanut.com","allesgutezumgeburtstag.info","allfactory.com","allfamus.com","allfolk.ru","allfreemail.net","allfrree.xyz","allgaiermogensen.com","allgamemods.name","allgoodwe.us","alliancetraining.com","alliancewe.us","allinonewe.us","alliscasual.org.ua","allkemerovo.ru","allmarkshare.info","allmmogames.com","allmp3stars.com","allmtr.com","allnet.org","allnewsblog.ru","allofthem.net","alloggia.de","allopurinol-online.com","alloutwe.us","allowed.org","alloywe.us","allpaydayloans.info","allpickuplines.info","allpotatoes.ml","allpronetve.ml","allprowe.us","allroundawesome.com","allroundnews.com","allsaintscatholicschool.org","allseasonswe.us","allsets.xyz","allsoftreviews.com","allsquaregolf.com","allstarwe.us","allsuperinfo.com","alltekia.com","alltell.net","alltempmail.com","allthegoodnamesaretaken.org","allthetimeyoudisappear.com","allthingswoodworking.com","alltopmail.com","alltopmovies.biz","alltrozmail.club","allukschools.com","allurewe.us","allute.com","ally.co.pl","allyourcheats.com","almail.com","almail.top","almajedy.com","almanara.info","almaz-beauty.ru","alme.co.pl","almondwe.us","almostfamous.it","almubaroktigaraksa.com","alnewcar.co.uk","alohagroup808.com","alohagroup808.net","alohaziom.pl","alohomora.biz","aloimail.com","alonetry.com","alonzo1121.club","alonzos-end-of-career.online","alook.com","alormbf88nd.cf","alormbf88nd.ga","alormbf88nd.gq","alormbf88nd.ml","alormbf88nd.tk","alotivi.com","alovobasweer.co.tv","aloxy.ga","aloxy.ml","alph.wtf","alpha-web.net","alpha.uniform.livemailbox.top","alphaconquista.com","alphafrau.de","alphaneutron.com","alphaomegahealth.com","alphaomegawe.us","alphaphalpha74.com","alphark.xyz","alphaupsilon.thefreemail.top","alphonsebathrick.com","alpinewe.us","alqy5wctzmjjzbeeb7s.cf","alqy5wctzmjjzbeeb7s.ga","alqy5wctzmjjzbeeb7s.gq","alqy5wctzmjjzbeeb7s.ml","alqy5wctzmjjzbeeb7s.tk","alrmail.com","alrr.com","alsadeqoun.com","alsfw5.bee.pl","alsheim.no-ip.org","also.oldoutnewin.com","altairwe.us","altamed.com","altamontespringspools.com","altamotors.com","altcen.com","altdesign.info","altecnet.gr","altel.net","alterego.life","altern.biz","alternavox.net","although-soft-sharp-nothing.xyz","altinbasaknesriyat.com","altincasino.club","altitudewe.us","altmail.top","altmails.com","altonamobilehomes.com","altpano.com","altrmed.ru","altuswe.us","altwow.ru","alufelgenprs.de","aluminum-rails.com","alumix.cf","alumni.com","alumnimp3.xyz","alumnioffer.com","alunord.com","alunord.pl","alvemi.cf","alvinneo.com","alviory.net","alwaysmail.minemail.in","alwernia.co.pl","alykpa.biz.st","alyssa.allie.wollomail.top","alzhelpnow.com","am-am.su","am-dv.ru","am2g.com","ama-trade.de","ama-trans.de","amadaferig.org","amadamus.com","amadeuswe.us","amail.club","amail.com","amail.gq","amail.men","amail1.com","amail3.com","amail4.me","amaill.ml","amailr.net","amanda-uroda.pl","amantapkun.com","amarkbo.com","amatblog.eu","amateur69.info","amateurbondagesex.com","amateurspot.net","amatriceporno.eu","amav.ro","amazeautism.com","amazetips.com","amazingbagsuk.info","amazingchristmasgiftideas.com","amazinghandbagsoutlet.info","amazingmaroc.com","amazingrem.uni.me","amazingself.net","amazon-aws-us.com","amazon-aws.org","amazon.coms.hk","amazonshopbuy.com","amazonshopsite.com","ambarbeauty.com","ambassadorwe.us","ambaththoor.com","amberofoka.org","amberwe.us","ambiancewe.us","ambitiouswe.us","ambwd.com","amdma.com","amdxgybwyy.pl","ameica.com","ameitech.net","amelabs.com","amentionq.com","ameraldmail.com","ameramortgage.com","amercydas.com","america-sp.com.br","american-image.com","americanawe.us","americangraphicboard.com","americantechit.com","americanwindowsglassrepair.com","americasbestwe.us","americasmorningnews.mobi","americaswe.us","americasyoulikeit.com","ameriech.net","ameriteh.net","amertech.net","amerusa.online","amex-online.ga","amex-online.gq","amex-online.ml","amex-online.tk","ameyprice.com","amfm.de","amg-recycle.com","amhar.asia","amharem.katowice.pl","amharow.cieszyn.pl","amicuswe.us","amid.co.pl","amidevous.tk","amiga-life.ru","amigowe.us","amiksingh.com","amilegit.com","amimail.com","amimu.com","amin.co.pl","aminois.ga","aminoprimereview.info","aminudin.me","amiramov.ru","amirhsvip.ir","amiri.net","amiriindustries.com","amistaff.com","amitywe.us","ammafortech.site","ammazzatempo.com","amnesictampicobrush.org","amokqidwvb630.ga","amoksystems.com","amonscietl.site","amovies.in","amoxicillincaamoxil.com","amoxilonlineatonce.com","amphist.com","amphynode.com","ampicillinpills.net","ampim.com","amplewallet.com","amplewe.us","amplifiedwe.us","amplifywe.us","amplindia.com","ampoules-economie-energie.fr","amprb.com","ampswipe.com","ampsylike.com","amreis.com","amsalebridesmaid.com","amseller.ru","amsgkmzvhc6.cf","amsgkmzvhc6.ga","amsgkmzvhc6.gq","amsgkmzvhc6.tk","amsspecialist.com","amt3security.com","amtex.com.mx","amthuc24.net","amthucvn.net","amtibiff.tk","amule.cf","amule.ga","amule.gq","amule.ml","amymary.us","amyotonic.info","amysink.com","amyxrolest.com","amzgs.com","amzpe.ga","amzpe.tk","amzz.tk","an-uong.net","an.cowsnbullz.com","an.id.au","an.martinandgang.com","an.ploooop.com","an0n.host","anabolicscreworiginal.com","anacronym.info","anaf.com","anafentos.com","anahiem.com","anakjalanan.ga","anakjembutad.cf","anakjembutad.ga","anakjembutad.gq","anakjembutad.ml","anakjembutad.tk","anal.accesscam.org","anal.com","analabeevers.site","analenfo111.eu","analogekameras.com","analogwe.us","analysan.ru","analysiswe.us","analyticalwe.us","analyticauto.com","analyticswe.us","analyticwe.us","analyzerly.com","anandafaturrahman.art","anansou.com","anaploxo.cf","anaploxo.ga","anaploxo.gq","anaploxo.ml","anaploxo.tk","anappfor.com","anappthat.com","anaptanium.com","anarac.com","anatolygroup.com","anayelizavalacitycouncil.com","anayikt.cf","anayikt.ga","anayikt.gq","anayikt.ml","anbinhnet.com","ancc.us","ancestralfields.com","anchrisbaton.acmetoy.com","anchukatie.com","anchukattie.com","anchukaty.com","anchukatyfarms.com","ancientart.co","ancientbank.com","ancreator.com","and.celebrities-duels.com","and.lakemneadows.com","and.marksypark.com","and.oldoutnewin.com","and.ploooop.com","and.poisedtoshrike.com","ander.us","andetne.win","andhani.ml","andoni-luis-aduriz.art","andoniluisaduriz.art","andorra-nedv.ru","andre-chiang.art","andreagilardi.me","andreams.ru","andreasveei.site","andreay.codes","andrechiang.art","andreicutie.com","andreihusanu.ro","andreshampel.com","andrewm.art","andrewmurphy.org","andreych4.host","android-quartet.com","android.lava.mineweb.in","androidevolutions.com","androidinstagram.org","androidmobile.mobi","androidsapps.co","androidworld.tw","andry.de","andsee.org","andthen.us","andy1mail.host","andyes.net","andynugraha.net","andysairsoft.com","andyyxc45.biz","aneaproducciones.com","aneka-resep.art","anemiom.kobierzyce.pl","anes.ll47.net","anesorensen.me","aneuch.info","aneup.site","anew-news.ru","angedly.site","angel-leon.art","angelabacks.com","angelareedfox.com","angeleslid.com","angelicablog.com","angelinthemist.com","angelinway.icu","angelleon.art","angelsoflahore.com","angesti.tech","angi.com","angielski.edu","angielskie.synonimy.com","anginn.site","angioblast.info","angka69.com","angkajitu.site","angmail.com","angola-nedv.ru","angoplengop.cf","angry.favbat.com","angrybirdsforpc.info","angularcheilitisguide.info","angushof.de","anh123.ga","anhalim.me","anhaysuka.com","anhthu.org","anhxyz.ml","ani24.de","anibym.gniezno.pl","anidaw.com","animail.net","animalads.co.uk","animalavianhospital.com","animalextract.com","animalrescueprofessional.com","animalright21.com","animalsneakers.com","animation-studios.com","animatorzywarszawa.pl","animeappeal.com","animekiksazz.com","animeru.tv","animeslatinos.com","animesos.com","animeworld1.cf","animex98.com","aniplay.xyz","aniross.com","anit.ro","anitadarkvideos.net","aniub.com","anjaybgo.com","anjayy.pw","anjing.cool","anjingkokditolak.cf","anjingkokditolak.ga","anjingkokditolak.gq","anjingkokditolak.ml","anjingkokditolak.tk","anjon.com","ankankan.com","ankarapdr.com","ankercoal.com","anketka.de","ankoninc.pw","ankplacing.com","ankt.de","anlubi.com","anmail.com","anmail.xyz","ann.jackeline.101livemail.top","anna-tut.ru","annabismail.com","annabless.co.cc","annafathir.cf","annalisenadia.london-mail.top","annalusi.cf","annamike.org","annanakal.ga","annapayday.net","annarahimah.ml","annasblog.info","annazahra.cf","anneholdenlcsw.com","annesdiary.com","annetteturow.com","annidis.com","anniversarygiftideasnow.com","anno90.nl","annoor.us","annuaire-seotons.com","annualcred8treport.com","annuallyix.com","annuityassistance.com","ano-mail.net","anom.xyz","anomail.com","anomail.us","anon-mail.de","anon.leemail.me","anon.subdavis.com","anonaddy.com","anonaddy.me","anonbox.net","anonemailbox.com","anongirl.com","anonimailer.com","anonimous-email.bid","anonimousemail.bid","anonimousemail.trade","anonimousemail.website","anonimousemail.win","anonmail.top","anonmail.xyz","anonmails.de","anonpop.com","anonymail.dk","anonymbox.com","anonymize.com","anonymized.org","anonymous-email.net","anonymousfeedback.net","anonymousmail.org","anonymousness.com","anonymousspeech.com","anonymstermail.com","another-1drivvers.ru","anotherblast2013.com","anotherdomaincyka.tk","anpolitics.ru","ansaldo.cf","ansaldo.ga","ansaldo.gq","ansaldo.ml","ansaldobreda.cf","ansaldobreda.ga","ansaldobreda.gq","ansaldobreda.ml","ansaldobreda.tk","ansbanks.ru","anschool.ru","anselme.edu","ansgjypcd.pl","ansibleemail.com","ansley27.spicysallads.com","ansomesa.com","anstravel.ru","answerauto.ru","answers.blatnet.com","answers.ploooop.com","answers.xyz","answersfortrivia.ml","answersworld.ru","antalyaescortkizlar.com","antamo.com","antawii.com","antegame.com","anthagine.cf","anthagine.ga","anthagine.gq","anthagine.ml","anthemazrealestate.com","antherdihen.eu","anthony-junkmail.com","anthropologycommunity.com","anti-ronflement.info","antiageingsecrets.net","antiaginggames.com","antiagingserumreview.net","antibioticgeneric.com","anticaosteriavalpolicella.com","anticheatpd.com","antichef.com","antichef.net","antichef.org","antidrinker.com","antigua-nedv.ru","antiguabars.com","antilopa.site","antimalware360.co.uk","antiminer.website","antiprocessee.xyz","antiquerestorationwork.com","antiquestores.us","antireg.com","antireg.ru","antisnoringdevicesupdate.com","antispam.de","antispam24.de","antispammail.de","antistream.cf","antistream.ga","antistream.gq","antistream.ml","antistream.tk","antiviruswiz.com","antonietta1818.site","antonveneta.cf","antonveneta.ga","antonveneta.gq","antonveneta.ml","antonveneta.tk","antykoncepcjabytom.pl","antylichwa.pl","antywirusyonline.pl","anuan.tk","anuefa.com","anultrasoundtechnician.com","anunciacos.net","anuong24h.info","anuong360.com","anuonghanoi.net","anut7gcs.atm.pl","anwintersport.ru","anxietydisorders.biz","anxietyeliminators.com","anxietymeter.com","anxmalls.com","any-gsm-network.top","any.ploooop.com","anyalias.com","anyett.com","anyopoly.com","anypen.accountant","anyqx.com","anythms.site","anytimejob.ru","anywhere.pw","anzeigenschleuder.com","anzy.xyz","ao4ffqty.com","ao5.gallery","aoaib.com","aoaks.com","aoalelgl64shf.ga","aocdoha.com","aoeiualk36g.ml","aoeuhtns.com","aogmoney.xyz","aogservices.com","aol.edu","aol.vo.uk","aolimail.com","aolinemail.cf","aolinemail.ga","aoll.com","aolmail.fun","aolmail.pw","aolmate.com","aolo.com","aoltimewarner.cf","aoltimewarner.ga","aoltimewarner.gq","aoltimewarner.ml","aoltimewarner.tk","aolx.com","aomail.xyz","aomaomm.com","aomejl.pl","aomien.com","aomrock.com","aomvnab.pl","aonbola.biz","aonbola.club","aonbola.org","aonbola.store","aonibn.com","aopconsultants.com","aosdeag.com","ap.maildin.com","apachan.site","apagitu.biz.tm","apagitu.chickenkiller.com","apakahandasiap.com","apalo.tk","apaname.com","apartmentsba.com","apaylofinance.com","apaymail.com","apcleaningjservice.org","apcm29te8vgxwrcqq.cf","apcm29te8vgxwrcqq.ga","apcm29te8vgxwrcqq.gq","apcm29te8vgxwrcqq.ml","apcm29te8vgxwrcqq.tk","apcode.com","apebkxcqxbtk.cf","apebkxcqxbtk.ga","apebkxcqxbtk.gq","apebkxcqxbtk.ml","apel88.com","apemail.com","apexmail.ru","apexsilver.com","apfelkorps.de","aphlog.com","aphm.com","api.cowsnbullz.com","api.emailies.com","api.lakemneadows.com","api.ploooop.com","apidiwo1qa.com","apilasansor.com","apimail.com","apistudio.ru","apklitestore.com","apkmd.com","apkshake.com","apleo.com","aplikacje.com","aplo.me","apluson.xyz","apmp.info","apnastreet.com","apocztaz.com.pl","apoimail.com","apoimail.net","apolishxa.com","apolitions.xyz","apollosclouds.com","apotekberjalan.com","apotekerid.com","apown.com","apoyrwyr.gq","apozemail.com","app-expert.com","app-inc-vol.ml","app-lex-acc.com","app-mailer.com","app.blatnet.com","app.lakemneadows.com","app.marksypark.com","app.ploooop.com","app.poisedtoshrike.com","appakin.com","appbotbsxddf.com","appc.se","appdev.science","appdollars.com","appefforts.com","appfund.biz","appinventor.nl","appixie.com","appl3.cf","appl3.ga","appl3.gq","appl3.ml","appl3.tk","apple-account.app","apple-web.tk","apple.dnsabr.com","appleaccount.app","appledress.net","applegift.xyz","appleparcel.com","appleseedrlty.com","applianceserviceshouston.com","applphone.ru","apply4more.com","applynow0.com","applytome.com","appmail.top","appmail24.com","appmailer.org","appmailer.site","appmaillist.com","appmfc.tk","appmingle.com","appmobile-documentneedtoupload.com","appnode.xyz","appnowl.ml","appnox.com","appolicestate.org","apprendrelepiano.com","approve-thankgenerous.com","approvedinstructor.com","apps.dj","appsfy.com","appsmail.us","apptalker.com","apptip.net","apptonic.tech","apptova.com","appxoly.tk","appzily.com","apqw.info","apraizr.com","apranakikitoto.pw","apreom.site","aprice.co","apriles.ru","aprilmovo.com","aprilsoundbaitshop.com","aprimail.com","aprinta.com","apriver.ru","aproangler.com","aprosti.ru","aprte.com","aprutana.ru","apssdc.ml","aptcha.com","aptee.me","apteka-medyczna.waw.pl","aptel.org","aptronix.com","aputmail.com","apuymail.com","aqamail.com","aqazstnvw1v.cf","aqazstnvw1v.ga","aqazstnvw1v.gq","aqazstnvw1v.ml","aqazstnvw1v.tk","aqgi0vyb98izymp.cf","aqgi0vyb98izymp.ga","aqgi0vyb98izymp.gq","aqgi0vyb98izymp.ml","aqgi0vyb98izymp.tk","aqmail.xyz","aqomail.com","aquafria.org","aquaguide.ru","aquainspiration.com","aquanautsdive.com","aquaponicssupplies.club","aquarians.co.uk","aquarix.tk","aquashieldroofingcorporate.com","aquavante.com","aquilateam.com","aqumad.com","aqumail.com","ar.a2gl.in","ar.szcdn.pl","ar0dc0qrkla.cf","ar0dc0qrkla.ga","ar0dc0qrkla.gq","ar0dc0qrkla.ml","ar0dc0qrkla.tk","ar6j5llqj.pl","arabdemocracy.info","arablawyer.services","arabsalim.com","arak.ml","arakcarpet.ir","aramail.com","aramamotor.net","aramidth.com","aranelab.com","araniera.net","aranjis.com","arasempire.com","arashkarimzadeh.com","arasj.net","arbdigital.com","arbvc.com","arcadein.com","arcadespecialist.com","arcb.site","arcedia.co.uk","arcelormittal-construction.pl","arcengineering.com","archanybook.site","archanybooks.site","archanyfile.site","archanylib.site","archanylibrary.site","archawesomebooks.site","archeage-gold.co.uk","archeage-gold.de","archeage-gold.us","archeagegoldshop.com","archex.pl","archfinancial.com","archfreefile.site","archfreelib.site","archfreshbook.site","archfreshbooks.site","archfreshfiles.site","archfreshlibrary.site","archfreshtext.site","archgoodlib.site","archgoodtext.site","archildrens.com","archine.online","architecture101.com","architektwarszawaa.pl","archivision.pl","archnicebook.site","archnicetext.site","archrarefile.site","archrarefiles.site","archrarelib.site","archraretext.site","arcticside.com","arcu.site","ardavin.ir","ardexamerica.com","arduino.hk","area-thinking.de","arearugsdeals.com","aregods.com","aremania.cf","aremanita.cf","arenda-s-vykupom.info","arenda-yamoburakrana.ru","aresanob.cf","aresanob.ga","aresanob.gq","aresanob.ml","aresanob.tk","aresting.com","areswebstudio.com","arewethere.host","arewhich.com","areyouthere.org","arfamed.com","argand.nl","argentin-nedv.ru","argenttrading.com","arhshtab.ru","arhx1qkhnsirq.cf","arhx1qkhnsirq.ga","arhx1qkhnsirq.gq","arhx1qkhnsirq.ml","arhx1qkhnsirq.tk","ariana.keeley.wollomail.top","ariasexy.tk","ariaz.jetzt","aribeth.ru","aridasarip.ru","arido.ir","ariking.com","arimlog.co.uk","arisecreation.com","aristino.co.uk","aristockphoto.com","ariston.ml","arizona-nedv.ru","arizonaapr.com","arizonablogging.com","arizonachem.com","arkanzas-nedv.ru","arkatech.ml","arkonnide.cf","arkotronic.pl","arktive.com","arlenedunkley-wood.co.uk","arlinc.org","armada4d.com","armada4d.net","armail.com","armail.in","armandwii.me","armatny.augustow.pl","armcams.com","armenik.ru","armiasrodek.pl","armind.com","armormail.net","armp-rdc.cd","armss.site","army.gov","armyan-nedv.ru","armylaw.ru","armyspy.com","arnaudlallement.art","arnet.com","arno.fi","arnoldohollingermail.org","aro.stargard.pl","arockee.com","aromat-best.ru","aromavapes.co.uk","aron.us","arormail.com","arowmail.com","arpahosting.com","arpizol.com","arrance.freshbreadcrumbs.com","arrangeditems.website","array.cowsnbullz.com","array.lakemneadows.com","array.oldoutnewin.com","array.poisedtoshrike.com","arrels.info","arristm502g.com","arrivalsib.com","arroisijewellery.com","arschloch.com","arseente.site","arshopshop.xyz","arss.me","arstudioart.com","art-en-ligne.pro","art-spire.com","art2427.com","artaho.net","artamebel.ru","artan.fr","artbellrules.info","artdrip.com","artemmel.info","arteol.pl","artflowerscorp.com","artgmilos.de","arthritisxpert.com","articlearistrocat.info","articlebase.net","articlebigshot.info","articlechief.info","articlejaw.com","articlemagnate.info","articlemogul.info","articlenag.com","articlenewsflasher.com","articlerose.com","articles4women.com","articlesearchenginemarketing.com","articleslive191.com","articlespinning.club","articleswebsite.net","articletarget.com","articlewicked.com","articlewritingguidelines.info","artificialbelligerence.com","artificialintelligence.productions","artificialintelligenceseo.com","artikasaridevi.art","artisanbooth.com","artistsignal.com","artix.ga","artlover.shop","artmail.icu","artman-conception.com","artmedinaeyecare.net","artmez.com","artmix.net.pl","artmweb.pl","artnames-cubism.online","artofboss.com","artofhypnosis.net","artquery.info","arts-3d.net","arttica.com","arturremonty.pl","artwitra.pl","artworkltk.com","artykuly-na-temat.pl","artykuly.net.pl","aruanimeporni20104.cz.cc","arudi.ru","aruguy20103.co.tv","arumail.com","arumibachsin.art","aruqmail.com","arur01.tk","arurgitu.gq","arurimport.ml","arvato-community.de","arvestloanbalanceeraser.com","arxxwalls.com","aryagate.net","arybebekganteng.cf","arybebekganteng.ga","arybebekganteng.gq","arybebekganteng.ml","arybebekganteng.tk","aryi.xyz","aryl.com","arylabs.co","arypro.tk","arysc.ooo","arzettibilbina.art","arzmail.com","as.blatnet.com","as.cowsnbullz.com","as.onlysext.com","as.poisedtoshrike.com","as10.ddnsfree.com","asa-dea.com","asahi.cf","asahi.ga","asana.biz","asapbox.com","asapcctv.com","asaroad.com","asas1.co.tv","asb-mail.info","asbakpinuh.club","asbcglobal.net","asbeauty.com","asbestoslawyersguide.com","ascad-pp.ru","ascaz.net","ascendanttech.com","ascendventures.cf","aschenbrandt.net","ascotairporlinks.co.uk","ascotairporltinks.co.uk","ascotairportlinks.co.uk","ascotchauffeurs.co.uk","ascqwcxz.com","asculpture.ru","ascvzxcwx.com","ascwcxax.com","asd.freeml.net","asd323.com","asd654.uboxi.com","asda.pl","asdadw.com","asdas.xyz","asdascxz-sadasdcx.icu","asdasd.co","asdasd.nl","asdasd.ru","asdasd1231.info","asdasdasd.com","asdasdd.com","asdasdfds.com","asdasdsa.com","asdasdweqee.com","asdawqa.com","asdbwegweq.xyz","asddddmail.org","asdeqwqborex.com","asdewqrf.com","asdf.pl","asdfadf.com","asdfads.com","asdfasd.co","asdfasdf.co","asdfasdfmail.com","asdfasdfmail.net","asdfghmail.com","asdfjkl.com","asdfmail.net","asdfmailk.com","asdfooff.org","asdfsdf.co","asdfsdfjrmail.com","asdfsdfjrmail.net","asdhf.com","asdhgsad.com","asdjioj31223.info","asdjjrmaikl.com","asdjmail.org","asdkwasasasaa.ce.ms","asdogksd.com","asdooeemail.com","asdooeemail.net","asdqwee213.info","asdqwevfsd.com","asdr.com","asdrxzaa.com","asdsd.co","asdua.com","asdversd.com","asdvewq.com","asdz2xc1d23sac12.com","asdz2xc1d2a3sac12.com","asdz2xc1d2sac12.com","asdz2xcd2sac12.com","asdzxcd2sac12.com","aseewr1tryhtu.co.cc","aseq.com","aseriales.ru","aserookadion.uni.cc","aserrpp.com","asertol1.co.tv","ases.info","aseur.com","asewrggerrra.ce.ms","aseyreirtiruyewire.co.tv","aseztakwholesale.com","asfalio.com","asfasf.com","asfasfas.com","asfdasd.com","asfedass.uni.me","asgaccse-pt.cf","asgaccse-pt.ga","asgaccse-pt.gq","asgaccse-pt.ml","asgaccse-pt.tk","asgaf.com","asgardia-space.tk","asgasgasgasggasg.ga","asgasgasgasggasg.ml","asgasghashashas.cf","asgasghashashas.ga","asgasghashashas.gq","asgasghashashas.ml","asghashasdhasjhashag.ml","asgus.com","ash.7amail.top","ashford-plumbers.co.uk","ashik2in.com","ashina.men","ashishsingla.com","ashleyandrew.com","ashleywisemanfitness.com","ashotmail.com","ashun.ml","asi72.ru","asia-me.review","asia-pasifikacces.com","asia.dnsabr.com","asiadnsabr.com","asiahot.jp","asian-handicap.org.uk","asianbeauty.app","asianeggdonor.info","asianflushtips.info","asiangangsta.site","asianmeditations.ru","asianpkr88.info","asiapmail.club","asiapoker389.com","asiaqq8.com","asiarap.usa.cc","asiavpn.me","asics.com","asicshoesmall.com","asicsonshop.org","asicsrunningsale.com","asicsshoes.com","asicsshoes005.com","asicsshoesforsale.com","asicsshoeskutu.com","asicsshoesonsale.com","asicsshoessale.com","asicsshoessite.net","asicsshoesworld.com","asifboot.com","asik2in.biz","asik2in.com","asiki2in.com","asikmainbola.com","asikmainbola.org","asimark.com","asistx.net","ask-bo.co.uk","ask-mail.com","ask-zuraya.com.au","askandhire700.info","askddoor.org","askdrbob.com","askerpoints.com","askian-mail.com","asklexi.com","askman.tk","askmantutivie.com","askot.org","askpirate.com","asl13.cf","asl13.ga","asl13.gq","asl13.ml","asl13.tk","aslibayar.com","asls.ml","asm.snapwet.com","asmail.com","asmailproject.info","asmailz1.pl","asmm5.com","asmwebsitesi.info","asndassbs.space","asnieceila.xyz","asoes.tk","asokevli.xyz","asooemail.com","asooemail.net","asopenhrs.com","asorent.com","asors.org","asosk.tk","asouses.ru","asperorotutmail.com","asportsa.ru","aspotgmail.org","ass.pp.ua","assa.pl","assecurity.com","assetscoin.com","assomail.com","assospirlanta.shop","asspoo.com","assrec.com","asss.mailerokdf.com","assuranceprops.fun","assurancespourmoi.eu","assureplan.info","assurmail.net","astaad.xyz","astaghfirulloh.cf","astaghfirulloh.ga","astaghfirulloh.gq","astaghfirulloh.ml","astanca.pl","astarmax.com","asteraavia.ru","asterhostingg.com","astermebel.com.pl","asterrestaurant.com","astheiss.gr","astipa.com","astonut.cf","astonut.ga","astonut.ml","astonut.tk","astonvpshostelx.com","astorcollegiate.com","astoredu.com","astralcars.com","astramail.ml","astrevoyance.com","astrial.su","astridtiar.art","astrinurdin.art","astrkkd.org.ua","astro4d.com","astro4d.net","astroempires.info","astrofox.pw","astrolo.ga","astrology.host","astropharm.com","astropink.com","astroscreen.org","astrotogel.net","astrowave.ru","astrthelabel.xyz","astutegames.com","astxixi.com","asu.mx","asu.su","asu.wiki","asub1.bace.wroclaw.pl","asuk.com","asurfacesz.com","asvascx.com","asvqwzxcac.com","aswatna-eg.net","aswertyuifwe.cz.cc","asyabahis51.com","asza.ga","at.blatnet.com","at.cowsnbullz.com","at.hm","at.ploooop.com","at0mik.org","atar-dinami.com","atarax-hydroxyzine.com","atasehirsuit.com","atch.com","ateampc.com","atech5.com","ateez.org","ateh.su","atelier-x.com","atemail.com","ateng.ml","atengtom.cf","atenk99.ml","atest.com","atfshminm.pl","athdn.com","athem.com","athenaplus.com","athens5.com","athensmemorygardens.com","athleticsupplement.xyz","athodyd.com","athohn.site","athomewealth.net","athoo.com","atinto.co","atinvestment.pl","atisecuritysystems.us","atka.info","atlantafalconsproteamshop.com","atlantawatercloset.com","atlantaweb-design.com","atlanticyu.com","atletico.ga","atlteknet.com","atm-mi.cf","atm-mi.ga","atm-mi.gq","atm-mi.ml","atm-mi.tk","atmodule.com","atmospheremaxhomes.us","atnextmail.com","atolyezen.com","atoyot.cf","atoyot.ga","atoyot.gq","atoyot.ml","atoyot.tk","atozbangladesh.com","atozcashsystem.net","atozconference.com","atrais-kredits24.com","atrakcje-na-impreze.pl","atrakcje-nestor.pl","atrakcjedladziecii.pl","atrakcjenaimprezki.pl","atrakcjenawesele.pl","atrakcyjneimprezki.pl","atrezje.radom.pl","atriummanagment.com","atriushealth.info","atsw.de","att-warner.cf","att-warner.ga","att-warner.gq","att-warner.ml","att-warner.tk","attack11.com","attake0fffile.ru","attax.site","attb.com","attckdigital.com","attefs.site","attemptify.com","attention.support","attn.net","attnetwork.com","attobas.ml","attractionmarketing.net.nz","atucotejo.com","atux.de","atuyutyruti.ce.ms","atvclub.msk.ru","atwankbe3wcnngp.ga","atwankbe3wcnngp.ml","atwankbe3wcnngp.tk","atwellpublishing.com","aubootfans.co.uk","aubootfans.com","aubootsoutlet.co.uk","auboutdesreves.com","auchandirekt.pl","audi-r8.cf","audi-r8.ga","audi-r8.gq","audi-r8.ml","audi-r8.tk","audi-tt.cf","audi-tt.ga","audi-tt.gq","audi-tt.ml","audi-tt.tk","audi.igg.biz","audio.now.im","audioalarm.de","audiobookmonster.com","audiobrush.com","audioequipmentstores.info","audioswitch.info","audiovenik.info","audoscale.net","audrey11reveley.ga","audytowo.pl","audytwfirmie.pl","auelite.ru","auey1wtgcnucwr.cf","auey1wtgcnucwr.ga","auey1wtgcnucwr.gq","auey1wtgcnucwr.ml","auey1wtgcnucwr.tk","augmentationtechnology.com","augmentedrealitysmartglasses.site","augmentin4u.com","augstusproductions.com","auguridibuonapasqua.info","auguryans.ru","augustone.ru","auloc.com","aumentarpenis.net","aumento-de-mama.es","aunmodon.com","auoi53la.ga","auoie.com","auolethtgsra.uni.cc","auon.org","auralfix.com","auraqq.com","aureliajobs.com","aurelstyle.ru","auroracontrol.com","aurresources.com","aus.schwarzmail.ga","ausclan.com","ausgefallen.info","aussiegroups.com","austimail.com","austinpainassociates.com","australiaasicsgel.com","australianfinefood.com","australianmail.gdn","australiasunglassesonline.net","austria.nhadautuphuquoc.com","austriasocial.com","autaogloszenia.pl","authentic-guccipurses.com","authenticchanelsbags.com","authenticsportsshop.com","authorityhost.com","authorityredirect.com","authorityvip.com","authoritywave.com","authorizedoffr.com","authorizes.me","authormail.lavaweb.in","authorship.com","authose.site","authout.site","auti.st","autisminfo.com","autisticsociety.info","autisticsymptoms.com","autlok.com","autlook.com","autlook.es","autluok.com","auto-consilidation-settlements.com","auto-correlator.biz","auto-glass-houston.com","auto-lab.com.pl","auto-mobille.com","auto-zapchast.info","auto411jobs.xyz","autoaa317.xyz","autoairjordanoutlet.us","autobodyspecials.com","autobroker.tv","autocereafter.xyz","autocoverage.ru","autodienstleistungen.de","autognz.com","autogradka.pl","autograph34.ru","autohotline.us","autoimmunedisorderblog.info","autoketban.online","autoknowledge.ru","autolicious.info","autoloan.org","autoloans.org","autoloans.us","autoloansonline.us","automark.com","automatedpersonnel.com","automaticforextrader.info","automisly.org","automizely.info","automizelymail.info","automizly.net","automobilerugs.com","automotivesort.com","autoodzaraz.com.pl","autoodzaraz.pl","autoonlineairmax.us","autoplusinsurance.world","autopro24.de","autorapide.com","autoretrote.site","autorobotica.com","autosdis.ru","autoshake.ru","autosouvenir39.ru","autosportgallery.com","autosseminuevos.org","autostupino.ru","autotest.ml","autotwollow.com","autowb.com","autozestanow.pl","auw88.com","auweek.net","auxifyboosting.ga","auxiliated.xyz","auximail.com","av.jp","av636.com","avaba.ru","availablemail.igg.biz","avainternational.com","avalins.com","avalonrx.com","avalonyouth.com","avanafilprime.com","avantageexpress.ca","avaphpnet.com","avaphpnet.net","avast.ml","avasts.net","avcc.tk","ave-kingdom.com","avengersfanboygirlongirl.com","avenuebb.com","avenuesilver.com","aver.com","averdov.com","averedlest.monster","averite.com","aversale.com","avery.jocelyn.thefreemail.top","avery.regina.miami-mail.top","averyhart.com","avganrmkfd.pl","avia-sex.com","avia-tonic.fr","aviani.com","aviatorrayban.com","avidblur.com","avikd.tk","avinsurance2018.top","avio.cf","avio.ga","avio.gq","avio.ml","avioaero.cf","avioaero.ga","avioaero.gq","avioaero.ml","avioaero.tk","avkdubai.com","avls.pt","avmail.xyz","avocadorecipesforyou.com","avonco.site","avonforlady.ru","avorybonds.com","avotron.com","avp1brunupzs8ipef.cf","avp1brunupzs8ipef.ga","avp1brunupzs8ipef.gq","avp1brunupzs8ipef.ml","avp1brunupzs8ipef.tk","avr.ze.cx","avr1.org","avslenjlu.pl","avstria-nedv.ru","avtobym.ru","avtolev.com","avtomationline.net","avtopark.men","avtoshtorka.ru","avtovukup.ru","avuimkgtbgccejft901.cf","avuimkgtbgccejft901.ga","avuimkgtbgccejft901.gq","avuimkgtbgccejft901.ml","avuimkgtbgccejft901.tk","avumail.com","avvisassi.ml","avvmail.com","avxrja.com","avzl.com","aw.kikwet.com","awahal0vk1o7gbyzf0.cf","awahal0vk1o7gbyzf0.ga","awahal0vk1o7gbyzf0.gq","awahal0vk1o7gbyzf0.ml","awahal0vk1o7gbyzf0.tk","awakmedia.com","awatum.de","awaves.com","awca.eu","awdawd.com","awdrt.com","awdrt.net","awdrt.org","aweather.ru","aweightlossguide.com","awemail.com","awesome4you.ru","awesomebikejp.com","awesomecatfile.site","awesomecatfiles.site","awesomecattext.site","awesomedirbook.site","awesomedirbooks.site","awesomedirfiles.site","awesomedirtext.site","awesomeemail.com","awesomefreshstuff.site","awesomefreshtext.site","awesomelibbook.site","awesomelibfile.site","awesomelibfiles.site","awesomelibtext.site","awesomelibtexts.site","awesomelistbook.site","awesomelistbooks.site","awesomelistfile.site","awesomelisttexts.site","awesomenewbooks.site","awesomenewfile.site","awesomenewfiles.site","awesomenewstuff.site","awesomenewtext.site","awesomeofferings.com","awesomereviews.com","awesomespotbook.site","awesomespotbooks.site","awesomespotfile.site","awesomespotfiles.site","awesomespottext.site","awesomewellbeing.com","awewallet.com","awez.icu","awg5.com","awiki.org","awinceo.com","awiners.com","awionka.info","awloywro.co.cc","awmail.com","awme.com","awngqe4qb3qvuohvuh.cf","awngqe4qb3qvuohvuh.ga","awngqe4qb3qvuohvuh.gq","awngqe4qb3qvuohvuh.ml","awngqe4qb3qvuohvuh.tk","awomal.com","awrp3laot.cf","aws.cadx.edu.pl","aws.creo.site","aws910.com","awsoo.com","awspe.ga","awspe.tk","awsubs.host","awumail.com","awzg.office.gy","ax80mail.com","axcess.com","axemail.com","axeprim.eu","axerflow.com","axerflow.org","axie.ml","axiemeta.fun","axisbank.co","axiz.digital","axiz.org","axmail.com","axmluf8osv0h.cf","axmluf8osv0h.ga","axmluf8osv0h.gq","axmluf8osv0h.ml","axmluf8osv0h.tk","axmodine.tk","axnjyhf.top","axon7zte.com","axsup.net","axtonic.me","axulus.gq","axuwv6wnveqhwilbzer.cf","axuwv6wnveqhwilbzer.ga","axuwv6wnveqhwilbzer.gq","axuwv6wnveqhwilbzer.ml","axuwv6wnveqhwilbzer.tk","axwel.in","axza.com","ay33rs.flu.cc","ayabozz.com","ayag.com","ayah.com","ayalamail.men","ayblieufuav.cf","ayblieufuav.ga","ayblieufuav.gq","ayblieufuav.ml","ayblieufuav.tk","ayecapta.in","ayfoto.com","ayimail.com","ayizkufailhjr.cf","ayizkufailhjr.ga","ayizkufailhjr.gq","ayizkufailhjr.ml","ayizkufailhjr.tk","aymail.xyz","aympatico.ca","ayohave.fun","ayomail.com","ayonge.tech","ayotech.com","ayoushuckb.store","ayron-shirli.ru","ayshpale.club","ayshpale.online","ayshpale.xyz","ayudyahpasha.art","ayuh.myvnc.com","ayulaksmi.art","ayumail.com","ayumu8810.yoshito23.marver-coats.xyz","ayurvedamassagen.de","ayurvedayogashram.com","aywq.com","ayzah.com","az.com","az.usto.in","azacavesuite.com","azacmail.com","azazazatashkent.tk","azclip.net","azcomputerworks.com","azel.xyz","azemail.com","azer-nedv.ru","azest.us","azfvbwa.pl","azhirock.com","azhour.fr","azhq.com","aziamail.com","aziu.com","azjuggalos.com","azmeil.tk","aznayra.co.tv","azon-review.com","azooma.ru","azosmail.com","azote.cf","azote.ga","azote.gq","azpuma.com","azqas.com","azrvdvazg.pl","azsdz2xc1d2a3sac12.com","azteen.com","azulaomarine.com","azumail.com","azure.cloudns.asia","azurebfh.me","azureexplained.com","azuregiare.com","azures.live","azurny.mazowsze.pl","azusagawa.ml","azwaa.site","azwab.site","azwac.site","azwad.site","azwae.site","azwaf.site","azwag.site","azwah.site","azwai.site","azwaj.site","azwak.site","azwal.site","azwam.site","azwao.site","azwap.site","azwaq.site","azwas.site","azwat.site","azwau.site","azwav.site","azwaw.site","azwax.site","azway.site","azwaz.site","azwb.site","azwc.site","azwd.site","azwe.site","azwea.site","azwec.site","azwed.site","azwee.site","azwef.site","azweg.site","azweh.site","azwei.site","azwej.site","azwek.site","azwel.site","azwem.site","azwen.site","azweo.site","azwep.site","azweq.site","azwer.site","azwes.site","azwet.site","azweu.site","azwev.site","azwg.site","azwh.site","azwi.site","azwj.site","azwk.site","azwl.site","azwm.site","azwn.site","azwo.site","azwp.site","azwq.site","azws.site","azwt.site","azwu.site","azwv.site","azww.site","azwx.site","azwz.site","azxddgvcy.pl","azxf.com","azxhzkohzjwvt6lcx.cf","azxhzkohzjwvt6lcx.ga","azxhzkohzjwvt6lcx.gq","azxhzkohzjwvt6lcx.ml","azxhzkohzjwvt6lcx.tk","b-geamuritermopan-p.com","b-geamuritermopane-p.com","b-have.com","b-preturitermopane-p.com","b-preturitermopane.com","b-sky-b.cf","b-sky-b.ga","b-sky-b.gq","b-sky-b.ml","b-sky-b.tk","b-termopanepreturi-p.com","b.barbiedreamhouse.club","b.bestwrinklecreamnow.com","b.bettermail.website","b.captchaeu.info","b.coloncleanse.club","b.cr.cloudns.asia","b.dogclothing.store","b.fastmail.website","b.garciniacambogia.directory","b.gsasearchengineranker.pw","b.gsasearchengineranker.site","b.gsasearchengineranker.space","b.gsasearchengineranker.top","b.gsasearchengineranker.xyz","b.kerl.gq","b.mediaplayer.website","b.ouijaboard.club","b.polosburberry.com","b.ps4.rocks","b.reed.to","b.royal-syrup.tk","b.smelly.cc","b.uhdtv.website","b.virtualmail.website","b.waterpurifier.club","b.wp-viralclick.com","b.yertxenor.tk","b.yourmail.website","b.zeemail.xyz","b0.nut.cc","b057bf.pl","b1gmail.epicgamer.org","b1of96u.com","b1p5xtrngklaukff.cf","b1p5xtrngklaukff.ga","b1p5xtrngklaukff.gq","b1p5xtrngklaukff.tk","b2b4business.com","b2bmail.bid","b2bmail.download","b2bmail.men","b2bmail.stream","b2bmail.trade","b2bmail.website","b2bx.net","b2cmail.de","b2email.win","b2g6anmfxkt2t.cf","b2g6anmfxkt2t.ga","b2g6anmfxkt2t.gq","b2g6anmfxkt2t.ml","b2g6anmfxkt2t.tk","b34fdweffir.net","b3nxdx6dhq.cf","b3nxdx6dhq.ga","b3nxdx6dhq.gq","b3nxdx6dhq.ml","b55b56.cf","b55b56.ga","b55b56.gq","b55b56.ml","b55b56.tk","b5r5wsdr6.pl","b5safaria.com","b602mq.pl","b6o7vt32yz.cf","b6o7vt32yz.ga","b6o7vt32yz.gq","b6o7vt32yz.ml","b6o7vt32yz.tk","b6vscarmen.com","b6xh2n3p7ywli01.cf","b6xh2n3p7ywli01.ga","b6xh2n3p7ywli01.gq","b6xufbtfpqco.cf","b6xufbtfpqco.ga","b6xufbtfpqco.gq","b6xufbtfpqco.ml","b6xufbtfpqco.tk","b7ba4ef3a8f6.ga","b7t98zhdrtsckm.ga","b7t98zhdrtsckm.ml","b7t98zhdrtsckm.tk","b83gritty1eoavex.cf","b83gritty1eoavex.ga","b83gritty1eoavex.gq","b83gritty1eoavex.ml","b83gritty1eoavex.tk","b857tghh.buzz","b9adiv5a1ecqabrpg.cf","b9adiv5a1ecqabrpg.ga","b9adiv5a1ecqabrpg.gq","b9adiv5a1ecqabrpg.ml","b9adiv5a1ecqabrpg.tk","b9x45v1m.com","b9x45v1m.com.com","ba-ca.com","baalism.info","baang.co.uk","baanr.com","baasdomains.info","baatz33.universallightkeys.com","bababox.info","baban.ml","babaratomaria.com","babassu.info","babau.cf","babau.flu.cc","babau.ga","babau.gq","babau.igg.biz","babau.ml","babau.mywire.org","babau.nut.cc","babau.usa.cc","babayigithukuk.xyz","babbien.com","babe-idol.com","babe-store.com","babehealth.ru","babei-idol.com","babesstore.com","babiczka.az.pl","babimost.co.pl","babinski.info","babirousa.ml","babirusa.info","babiszoni.pl","babraja.kutno.pl","babroc.az.pl","babski.az.pl","babssaito.com","babssaito.net","babtisa.com","baby-mat.com","baby.blatnet.com","baby.inblazingluck.com","baby.lakemneadows.com","baby.makingdomes.com","baby.marksypark.com","babya.site","babyb1og.ru","babybaby.info","babycounter.com","babyfriendly.app","babyk.gq","babylissshoponline.org","babylissstore.com","babylonize.com","babymails.com","babymattress.me","babynamesonly.com","babyrezensionen.com","babyroomdecorations.net","babyrousa.info","babysheets.com","babyteeth.club","babytrainers.info","babyvideoemail.com","babywalker.me","babywalzgutschein.com","bac24.de","bacaberitabola.com","bacai70.net","bacapedia.web.id","bacfonline.org","bacharg.com","bachelorette.com","bacheloretteparty.com","bachelorpartyprank.info","bachelors.ml","bachkhoatoancau.com","bachoa.xyz","bachus-dava.com","back-replace-happy-speech.xyz","back.blatnet.com","back.inblazingluck.com","back.lakemneadows.com","back.marksypark.com","back.oldoutnewin.com","back2barack.info","back2bsback.com","backalleybowling.info","backalleydesigns.org","backflip.cf","backlesslady.com","backlesslady.net","backlink.mygbiz.com","backlinkaufbauservice.de","backlinkcity.info","backlinkhorsepower.com","backlinks.we.bs","backlinkscheduler.com","backlinkservice.me","backlinkskopen.net","backlinksparser.com","backmail.ml","backpackestore.com","backpainadvice.info","backtobasicsbluegrass.com","backwis.com","backyardduty.com","backyardfood.com","backyardgardenblog.com","bacninhmail.us","baconporker.com","baconsoi.tk","bacria.com","bacria.net","bact.site","bacti.org","badabingfor1.com","badaboommail.xyz","badamm.us","badassmail.com","badatorreadorr.com","badaxitem.host","badazzvapez.com","badboygirlpowa.com","badcreditloans.elang.org","badcreditloanss.co.uk","badfat.com","badger.tel","badgerland.eu","badgettingnurdsusa.com","badhus.org","badixort.eu","badknech.ml","badlion.co.uk","badmili.com","badnewsol.com","badoo.live","badoop.com","badpotato.tk","badumtssboy.com","badumtxolo.com","badungmail.cf","badutquinza.com","badutstore.com","bae-systems.tk","baebaebox.com","baebies.com","baegibagy.com","bafilm.site","bafrem3456ails.com","bag2.ga","bag2.gq","bagam-nedv.ru","bagelmaniamiami.com","bagfdgks.com","bagfdgks.net","bagislan.org","bagivideos.com","bagonsalejp.com","bagoutletjp.com","bagpaclag.com","bagscheaplvvuitton.com","bagscheaps.org","bagscoachoutleonlinestore.com","bagsguccisaleukonliness.co.uk","bagslouisvuitton2012.com","bagsofficer.info","bagsonline-store.com","bagsshopjp.com","bagx.site","bahiscasinoparayatirma.xyz","bai47.com","baicmotormyanmar.com","baidubaidu123123.info","bailbondsdirect.com","bainesbathrooms.co.uk","baireselfie.net","bajardepesoahora.org","bajarpeso24.es","bajatyoutube.com","bajery-na-imprezy.pl","bajerydladzieci.pl","bajerynaimprezy.pl","bajyma.ru","bakamail.info","bakar.bid","bakecakecake.com","bakerhughs.com","bakertaylor.com","bakkenoil.org","bakulanaws.com","bakulcod.club","balabush.ru","balacavaloldoi.com","balaket.com","balanc3r.com","balancedcannabis.com","balangi.ga","balaway.com","balaways.com","balawo.com","balderdash.org","balenciagabag.co.uk","balesmotel.com","balibestresorts.com","balimeloveyoulongtime.com","ballaratsteinerprep.in","ballenas.info","ballground.ml","ballistika.site","ballmails.xyz","ballman05.ml","ballsofsteel.net","ballustra.net.pl","ballysale.com","balm.com","baloszyce-elektroluminescencja-nadpilicki.top","balsasquerida.com","baltimore2.freeddns.com","baltimore4.ygto.com","baltimorechildrensbusinessfair.com","balutemp.email","balzola.eu","bambase.com","bambee.tk","bambibaby.shop","bambis.cat","bamcs3.com","bamibi.com","baminsja.tk","bamjamz.com","bamulatos.net","bananadream.site","bananamail.org","bananamails.info","bananashakem.com","band-freier.de","bandai.nom.co","bandamn.ru","bandar389a.com","bandariety.xyz","bandcalledmill.com","bandsoap.com","bandspeed.com","banetc.com","banfit.site","bangalorefoodfete.com","bangilan.ga","bangilan.ml","bangkok-mega.com","bangkok9sonoma.com","bangkokremovals.net","bangladesh-nedv.ru","banglamusic.co","banglanatok.co","bangsat.in","banhbeovodich.vn","banhga.cf","banhga.ga","banhga.ml","banit.club","banit.me","banjarworo.ga","banjarworo.ml","banjarworocity.cf","bank-konstancin.pl","bank-lokata.edu.pl","bank-opros1.ru","bankaccountexpert.tk","bankcommon.com","bankingresources.xyz","bankionline.info","bankoff.me","bankofthecarolinas.com","bankowepromocje.com.pl","bankparibas.pl","bankpravo.ru","bankrobbersindicators.com","bankrotbankodin.xyz","bankrupt1.com","bankruptcycopies.com","banks-review.ru","bannedpls.online","banner4traffic.com","bannerstandpros.com","banquyen.xyz","banten.me","bantenvpn.live","banubadaeraceva.com","banyansprings.com","bao160.com","baocaothue.store","baomat.ml","baomoi.site","baothoitrang.org","baphled.com","bapu.gq","bapu.ml","bapumoj.cf","bapumoj.ga","bapumoj.gq","bapumoj.ml","bapumoj.tk","bapumojo.ga","baracudapoolcleaner.com","barafa.gs","barajasmail.bid","barakademin.se","baramail.com","barbabas.space","barbados-nedv.ru","barbarra-com.pl","barbarrianking.com","barbieoyungamesoyna.com","barcakana.tk","barcalovers.club","barcin.co.pl","barcinohomes.ru","barclays-plc.cf","barclays-plc.ga","barclays-plc.gq","barclays-plc.ml","barclays-plc.tk","bards.net","bareck.net","bareed.ws","bareface.social","barefooted.com","bargainthc.com","baridasari.ru","barkingdogs.de","barkito.se","barkochicomail.com","barnebas.space","barnesandnoble-couponcodes.com","barny.space","baroedaksaws.website","barosuefoarteprost.com","barrabravaz.com","barretodrums.com","barrhq.com","barrieevans.co.uk","barryogorman.com","barrypov.com","barryspov.com","barsikvtumane.cf","bartdevos.be","bartholemy.space","bartholomeo.space","bartholomeus.space","bartolemo.space","bartoparcadecabinet.com","baruchcc.edu","barzan.mielno.pl","basakgidapetrol.com","base-all.ru","base-weight.com","base.blatnet.com","base.cowsnbullz.com","base.lakemneadows.com","baseballboycott.com","baseny-mat.com.pl","baserelief.ru","basgoo.com","bashmak.info","bashnya.info","basic-colo.com","basic.cowsnbullz.com","basic.droidpic.com","basic.hellohappy2.com","basic.lakemneadows.com","basic.oldoutnewin.com","basic.poisedtoshrike.com","basic.popautomated.com","basicbusinessinfo.com","basicinstinct.com.us","basiclaw.ru","basicskillssheep.com","basingbase.com","basketball2in.com","basketballcite.com","basketballvoice.com","basketinfo.net","baskinoco.ru","basscode.org","basssi.today","bastamail.cf","bastauop.info","bastore.co","bastwisp.ru","basurtest55ckr.tk","basy.cf","batanik-mir.ru","batches.info","batesmail.men","bath-slime.com","bathandbodyworksoutlettest.org","bathedandinfused.com","bathroomsbristol.com","bathworks.info","batpat.it","batpeer.site","battelknight.pl","batterydoctor.online","battey.me","battleperks.com","battpackblac.tk","battricks.com","bau-peler.business","bau-peler.com","bauchtanzkunst.info","bauimail.ga","baumhotels.de","bauwerke-online.com","baver.com","baxomale.ht.cx","baxymfyz.pl","bayanarkadas.info","bayarea.net","baybabes.com","baycollege.com","baylead.com","bayrjnf.pl","bayshore.edu","baytrilfordogs.org","bazaaboom.com","bazarop.com","bazavashdom.info","bazmool.com","bazoocam.co","bazookagoldtrap.com","bazreno.com","bazybgumui.pl","bb-system.pl","bb1197.com","bb2.ru","bba24.de","bbabyswing.com","bbadcreditloan.com","bbb.hexsite.pl","bbbbongp.com","bbbbyyzz.info","bbbest.com","bbblanket.com","bbcbbc.com","bbcok.com","bbdd.info","bbdoifs.com","bbdownz.com","bbestssafd.com","bbetweenj.com","bbhost.us","bbibbaibbobbatyt.cf","bbibbaibbobbatyt.gq","bblounge.co.za","bbmail.win","bbnhbgv.com","bbograiz.com","bbokki12.com","bbox.com","bboygarage.com","bboysd.com","bbq59.xyz","bbqlight.com","bbreghodogx83cuh.ml","bbs.edu","bbsaili.com","bbsmoodle.com","bbswordiwc.com","bbtop.com","bbtspage.com","bbugblanket.com","bburberryoutletufficialeit.com","bbvapr.com","bbw.monster","bc4mails.com","bca1fb56.servemp3.com","bcaoo.com","bcaplay.vip","bcast.store","bcast.ws","bcb.ro","bcbgblog.org","bccenterprises.com","bcchain.com","bccplease.com","bccstudent.me","bccto.cc","bccto.me","bcdmail.date","bcg-adwokaci.pl","bchatz.ga","bcle.de","bcompiled3.com","bcpfm.com","bcsbm.com","bcssi.com","bcvm.de","bcxaiws58b1sa03dz.cf","bcxaiws58b1sa03dz.ga","bcxaiws58b1sa03dz.gq","bcxaiws58b1sa03dz.ml","bcxaiws58b1sa03dz.tk","bczwy6j7q.pl","bd.dns-cloud.net","bd.if.ua","bd.nestla.com","bdas.com","bdf343rhe.de","bdmuzic.pw","bdoindia.co.in","bdpmedia.com","bdredemptionservices.com","bdrfoe.store","bdvsthpev.pl","bdvy.com","be-breathtaking.net","be-mail.xyz","be.ploooop.com","be.popautomated.com","beach.favbat.com","beachbodysucces.net","beall-cpa.com","beameagle.top","bean.farm","beanchukaty.com","beanieinfo.com","beaniemania.net","beanlignt.com","beaplumbereducationok.sale","bearan.online","bearegone.pro","beareospace.com","bearpaint.com","bearsarefuzzy.com","beastmagic.com","beastpanda.com","beastrapleaks.blogspot.com","beatelse.com","beatoff.com","beats-rock.com","beatsaheadphones.com","beatsbudredrkk.com","beatsbydre18.com","beatsbydredk.com","beatsdr-dreheadphones.com","beatsdre.info","beatsdydr.com","beatskicks.com","beatsportsbetting.com","beaufortschool.org","beautifulhair.info","beautifulinteriors.info","beautifulonez.com","beautifulsmile.info","beautty.online","beauty-pro.info","beautycareklin.xyz","beautyfashionnews.com","beautyiwona.pl","beautyjewelery.com","beautykz.store","beautynewsforyou.com","beautyothers.ru","beautypromdresses.net","beautypromdresses.org","beautyskincarefinder.com","beautytesterin.de","beautywelldress.com","beautywelldress.org","beaverboob.info","beaverbreast.info","beaverhooters.info","beaverknokers.info","beavertits.info","beba.icu","bebarefoot.com","bebasmovie.com","bebekpenyet.buzz","bebemeuescumpfoc.com","beben.xyz","becamanus.site","because.cowsnbullz.com","because.lakemneadows.com","because.marksypark.com","because.oldoutnewin.com","becausethenight.cf","becausethenight.ml","becausethenight.tk","becaxklo.info","bechtac.pomorze.pl","beck-it.net","beckmotors.com","beckygri.pw","becommigh.site","beconfidential.com","beconfidential.net","bedatsky.agencja-csk.pl","bedbathandbeyond-couponcodes.com","beddly.com","bedk.com","bedmail.top","bedroomsod.com","bedstyle2015.com","bedul.net","bedulsenpai.net","beeae.com","beecabs.com","beechatz.ga","beechatzz.ga","beed.ml","beef2o.com","beefmilk.com","beefnomination.info","beenfiles.com","beerolympics.se","beeviee.cf","beeviee.ga","beeviee.gq","beeviee1.cf","beeviee1.ga","beeviee1.gq","beeviee1.ml","beeviee1.tk","beezom.buzz","befotey.com","begance.xyz","begism.site","begisobaka.cf","begisobaka.gq","begisobaka.ml","begnthp.tk","begoz.com","behaviorsupportsolutions.com","behax.net","beheks.ml","bei.kr","beihoffer.com","beijinhuixin.com","beinger.me","beins.info","beiop.com","bel.kr","belamail.org","belan.website","belanjaonlineku.web.id","belarus-nedv.ru","belarussian-fashion.eu","belastingdienst.pw","belaya-orhideya.ru","belchan.tk","belediyeevleri2noluasm.com","belence.cf","belence.ga","belence.gq","belence.ml","belence.tk","belgia-nedv.ru","belicloud.net","beliefnet.com","belieti.com","believesex.com","believesrq.com","beligummail.com","belisatu.net","beliz-nedv.ru","belksouth.net","bellaitaliavalencia.com","bellanotte.cf","bellaora.com","bellavanireview.net","belldouth.net","belleairjordanoutlet.us","belleairmaxingthe.us","belligerentmail.top","bellingham-ma.us","belljonestax.com","bellsourh.net","belmed.uno","belmed.xyz","belmontfinancial.com","belongestival.xyz","belqa.com","belspb.ru","beltpin.com","beluckygame.com","belujah.com","belvedereliverpool.com","bemali.life","bemony.com","bemvip.xyz","ben10benten.com","benandrose.com","benchjacken.info","benchsbeauty.info","bendbroadband.co","bendbroadbend.com","bendlinux.net","benefitsquitsmoking.com","benefitturtle.com","benekori.icu","benepix.com","benfrey.com","bengkelseo.com","benink.site","benipaula.org","benj.com","benjamin-roesch.com","benlianfoundation.com","bensinstantloans.co.uk","bentleypaving.com","bentleysmarket.com","bentoboxmusic.com","bentonschool.org","bentonshome.tk","bentonsnewhome.tk","bentonspms.tk","bentsgolf.com","benwola.pl","beo.kr","bepdientugiare.net","bephoa.com","bepureme.com","berandi.com","berawa-beach.com","berdeen.com","beremkredit.info","beresleting.cf","beresleting.ga","beresleting.gq","beresleting.ml","beresleting.tk","berfield51.universallightkeys.com","bergenregional.com","bergservices.cf","beribase.ru","beribaza.ru","berirabotay.ru","beritaproperti.com","berkatrb.com","berlineats.com","berlusconi.cf","berlusconi.ga","berlusconi.gq","berlusconi.ml","bermainjudionline.com","bermr.org","berodomoko.be","berracom.ph","berryblitzreview.com","berrymail.men","berryslawn.com","bershka-terim.space","beruka.org","beslq.shop","besplatnie-conspecti.ru","besplatnoigraj.com","best-advert-for-your-site.info","best-airmaxusa.us","best-carpetcleanerreviews.com","best-cruiselines.com","best-day.pw","best-detroit-doctors.info","best-electric-cigarettes.co.uk","best-email.bid","best-fiverr-gigs.com","best-john-boats.com","best-mail.net","best-market-search.com","best-new-casino.com","best-paydayloan24h7.com","best-store.me.uk","best-things.ru","best-ugg-canada.com","best.blatnet.com","best.marksypark.com","best.poisedtoshrike.com","best24hmagazine.xyz","bestadvertisingsolutions.info","bestats.top","bestattach.gq","bestbets123.net","bestbooksite.site","bestbuy-couponcodes.com","bestbuyvips.com","bestcamporn.com","bestcarpetcleanerreview.org","bestcastlevillecheats.info","bestcatbook.site","bestcatbooks.site","bestcatfiles.site","bestcatstuff.site","bestchannelstv.info","bestcharger.shop","bestcharm.net","bestcheapdeals.org","bestcheapshoesformenwomen.com","bestchoiceofweb.club","bestchoiceusedcar.com","bestcigarettemarket.net","bestcityinformation.com","bestcoins.xyz","bestcpacompany.com","bestcraftsshop.com","bestcreditcart-v.com","bestcustomlogo.com","bestdarkspotcorrector.org","bestday.pw","bestdealsdiscounts.co.in","bestdickpills.info","bestdiningarea.com","bestdirbook.site","bestdirbooks.site","bestdirfiles.site","bestdirstuff.site","bestdownjackets.com","bestdrones.store","bestdvdblurayplayer.com","bestemail.bid","bestemail.stream","bestemail.top","bestemail.website","bestemail2014.info","bestemail24.info","bestenuhren.com","bestescort4u.com","bestexerciseequipmentguide.com","bestfakenews.xyz","bestfinancecenter.org","bestfreeliveporn.com","bestfreepornvideo.com","bestfreshbook.site","bestfreshbooks.site","bestfreshfiles.site","bestfreshstuff.site","bestfuture.pw","bestgames.ch","bestgames4fun.com","bestgear.com","bestglockner.com","bestguccibags.com","bestgunsafereviews.org","besthostever.xyz","bestideas.tech","bestiengine.com","bestinfonow.tk","bestjerseysforu.com","bestkeylogger.org","bestkitchens.fun","bestkonto.pl","bestlawyerinhouston.com","bestlibbooks.site","bestlibfile.site","bestlibfiles.site","bestlibtext.site","bestlistbase.com","bestlistbook.site","bestliststuff.site","bestlisttext.site","bestlivecamporn.com","bestlivesexsites.com","bestloot.tk","bestlordsmobilehack.eu","bestlovesms.com","bestlucky.pw","bestmail-host.info","bestmail.club","bestmail.site","bestmail.top","bestmail2016.club","bestmail24.cf","bestmail24.ga","bestmail24.tk","bestmail365.eu","bestmailer.gq","bestmailer.tk","bestmailgen.com","bestmails.tk","bestmailtoday.com","bestmarksites.info","bestmedicinedaily.net","bestmedicinehat.net","bestmemory.net","bestmitel.tk","bestmlmleadsmarketing.com","bestmogensen.com","bestmonopoly.ru","bestn4box.ru","bestnecklacessale.info","bestnerfblaster.com","bestnewbook.site","bestnewbooks.site","bestnews365.info","bestnewtext.site","bestnewtexts.site","bestofbest.biz","bestofironcounty.com","bestofprice.co","bestoilchangeinmichigan.com","bestonlinecasinosworld.com","bestonlineusapharmacy.ru","bestoption25.club","bestparadize.com","bestphonecasesshop.com","bestpieter.com","bestpochtampt.ga","bestpokerlinks.net","bestpokerloyalty.com","bestposta.cf","bestpozitiv.ru","bestpressgazette.info","bestprice.exchange","bestregardsmate.com","bestrestaurantguides.com","bestreverbpedal.com","bestreviewsonproducts.com","bestring.org","bestseojobs.com","bestseomail.cn","bestservice.me","bestserviceforwebtraffic.info","bestservicemail.eu","bestsexcamlive.com","bestshopcoupon.net","bestshoppingmallonline.info","bestshopsoffer.com","bestsmesolutions.com","bestsnowgear.com","bestsoundeffects.com","bestspeakingcourses.com","bestspmall.com","bestspotbooks.site","bestspotfile.site","bestspotstuff.site","bestspottexts.site","bestsunshine.org","besttandberg.com","bestteethwhiteningstripss.com","besttempmail.com","besttimenews.xyz","besttoggery.com","besttopbeat.com","besttopbeatssale.com","besttopdeals.net","besttrialpacksmik.com","besttrommler.com","besttwoo1.info","bestuggbootsoutletshop.com","bestvalentinedayideas.com","bestvaluehomeappliances.com","bestvashikaran.com","bestvideogamesevermade.com","bestvirtualrealitysystems.com","bestvpn.top","bestvpncanada.pro","bestvps.info","bestvpsfor.xyz","bestvpshostings.com","bestw.space","bestwatches.com","bestways.ga","bestweightlossfitness.com","bestwesternpromotioncode.org","bestwindows7key.net","bestwish.biz","bestwishes.pw","bestworldcasino.com","bestwrinklecreamnow.com","bestyoumail.co.cc","besun.cf","bet-fi.info","beta.inter.ac","beta.tyrex.cf","betaalverzoek.cyou","betabhp.pl","betaforcemusclereview.com","betanywhere.com","betaprice.co","betbing.com","betcooks.com","beteajah.ga","beteajah.gq","beteajah.ml","beteajah.tk","betemail.cf","betermalvps.com","betestream31.com","betestream42.com","betfafa.com","bethere4mj4ever.com","bethguimitchie.xyz","bethlehemcenter.org","betkava.com","betliketv9.com","betmelli20.com","betmoon.org","betnaste.tk","betofis.net","betofis2.com","betonchehov.ru","betonoweszambo.com.pl","betontv.com","betr.co","betration.site","bets-spor.com","bets-ten.com","better-place.pl","bettereyesight.store","betterlink.info","bettermail24.eu","bettermail384.biz","bettershop.biz","bettersunbath.co.uk","betterwisconsin.com","bettilt70.com","betto888.com","betusbank.com","betweentury.site","beumont.org","beupmore.win","beutyfz.com","beverlytx.com","bevhattaway.com","bevsemail.com","bewedfv.com","beydent.com","beymail.com","beyoncenetworth.com","beyond-web.com","bez-odsetek.pl","bezblednik.pl","bezique.info","bezlimitu.waw.pl","bezpiecznyfinansowo.pl","bf3hacker.com","bf8878.com","bfat7fiilie.ru","bfhgh.com","bfile.site","bfitcpupt.pl","bfo.kr","bfre675456mails.com","bfremails.com","bftoyforpiti.com","bfuz8.pl","bg4llrhznrom.cf","bg4llrhznrom.ga","bg4llrhznrom.gq","bg4llrhznrom.ml","bg4llrhznrom.tk","bgboad.ga","bgboad.ml","bgchan.net","bget0loaadz.ru","bget3sagruz.ru","bgget2zagruska.ru","bgget4fajli.ru","bgget8sagruz.ru","bgi-sfr-i.pw","bgisfri.pw","bgmj.com","bgob.com","bgoy24.pl","bgsaddrmwn.me","bgtedbcd.com","bgtmail.com","bgx.ro","bhaappy0faiili.ru","bhaappy1loadzzz.ru","bhadoomail.com","bhag.us","bhappy0sagruz.ru","bhappy1fajli.ru","bhappy2loaadz.ru","bhappy3zagruz.ru","bhapy1fffile.ru","bhapy2fiilie.ru","bhapy3fajli.ru","bharatasuperherbal.com","bharatpatel.org","bhddmwuabqtd.cf","bhddmwuabqtd.ga","bhddmwuabqtd.gq","bhddmwuabqtd.ml","bhddmwuabqtd.tk","bhebhemuiegigi.com","bhelpsnr.co.in","bheps.com","bhfhueyy231126t1162216621.unaux.com","bhgm7.club","bhmhtaecer.pl","bho.hu","bho.kr","bhollander.com","bhpdariuszpanczak.pl","bhringraj.net","bhrpsck8oraayj.cf","bhrpsck8oraayj.ga","bhrpsck8oraayj.gq","bhrpsck8oraayj.ml","bhrpsck8oraayj.tk","bhs70s.com","bhsf.net","bhslaughter.com","bhss.de","bhuyarey.ga","bhuyarey.ml","bialy.agencja-csk.pl","bialystokkabury.pl","biasalah.me","bibars.cloud","bibbiasary.info","bibicaba.cf","bibicaba.ga","bibicaba.gq","bibicaba.ml","bibliotekadomov.com","bibpond.com","bibucabi.cf","bibucabi.ga","bibucabi.gq","bibucabi.ml","bicrun.info","bidcoin.cash","biden.com","bidly.pw","bidoggie.net","bidoubidou.com","bidourlnks.com","bidprint.com","bidu.cf","bidu.gq","bidvmail.cf","bieberclub.net","biedra.pl","biegamsobie.pl","bielizna.com","bieliznasklep.net","bieszczadyija.info.pl","bifl.app","big-max24.info","big-post.com","big-sales.ru","big.blatnet.com","big.marksypark.com","big1.us","bigatel.info","bigbang-1.com","bigbangfairy.com","bigbash.ru","bigbobs.com","bigbonus.com","bigboobz.tk","bigbowltexas.info","bigbreast-nl.eu","bigcloudmail.com","bigcrop.pro","bigdat.site","bigdresses.pw","bigfangroup.name","bigfastmail.com","bigfatmail.info","bigg.pw","biggerbuttsecretsreview.com","biggestdeception.com","biggestgay.com","biggestresourcelink.info","biggestresourceplanning.info","biggestresourcereview.info","biggestresourcetrek.info","biggestyellowpages.info","bighome.site","bighost.bid","bighost.download","bigideamastermindbyvick.com","bigimages.pl","biginfoarticles.info","bigjoes.co.cc","biglinks.me","biglive.asia","bigmail.info","bigmail.org","bigmine.ru","bigmoist.me","bigmon.ru","bigmountain.peacled.xyz","bigorbust.net","bigpicnic.ru","bigpicturetattoos.com","bigpons.com","bigppnd.com","bigprofessor.so","bigredmail.com","bigrocksolutions.com","bigseopro.co.za","bigsizetrend.com","bigsocalfestival.info","bigstart.us","bigstring.com","bigtetek.cf","bigtetek.ga","bigtetek.gq","bigtetek.ml","bigtetek.tk","bigtokenican2.hmail.us","bigtokenican3.hmail.us","bigtuyul.me","bigua.info","bigwhoop.co.za","bigwiki.xyz","bigyand.ru","bigzobs.com","biiba.com","biishops.tk","bij.pl","bijigu8eu8uu255823838.2kool4u.net","bikebees.net","bikerbrat.com","bikerleathers.com","bikey.site","bikingwithevidence.info","bikinibrazylijskie.com","bilans-bydgoszcz.pl","bilans-zamkniecia-roku.pl","bilderbergmeetings.org","bildirio.com","biletsavia.ru","bilgisevenler.com","biliberdovich.ru","bill-consolidation.info","bill.pikapiq.com","billiamendment.xyz","billiges-notebook.de","billings.systems","billionvj.com","billkros.net.pl","billpoisonbite.website","billseo.com","billyjoellivetix.com","billythekids.com","bilo.com","biltmoremotorcorp.com","bimgir.net","bin.8191.at","binans.su","binary-bonus.net","binaryoptions60sec.com","binarytrendprofits.com","binboss.ru","binbug.xyz","bindrup62954.co.pl","binexx.com","binfest.info","bingakilo.ga","bingakilo.ml","binge.com","bingok.site","bingotonight.co.uk","bingzone.net","binhtichap.com.vn","binka.me","binkmail.com","binnary.com","binnerbox.info","binoculars-rating.com","bio-muesli.info","bio-muesli.net","bio.clothing","bio.toys","bio.trade","bio123.net","bioauto.info","biobreak.net","biodieselrevealed.com","biofuelsmarketalert.info","biohazardeliquid.com","biohorta.com","biojuris.com","biometicsliquidvitamins.com","bioncore.com","bione.co","biorezonans-warszawa.com.pl","biorocketblasttry.com","biorosen1981.ru","biosciptrx.com","biosor.cf","biosoznanie.ru","biostatistique.com","biotasix.com","biotechind.com","bioturell.com","biowerk.com","bipasesores.info","bipko.info","birbakmobilya.com","bird-gifts.net","bird.favbat.com","birdbabo.com","birdion.com","birdlover.com","birdsfly.press","birecruit.com","birkinbags.info","birkinhermese.com","birmail.at","birminghamfans.com","biro.gq","biro.ml","biro.tk","birota.com","birtattantuni.com","birthassistant.com","birthday-gifts.info","birthday-party.info","birthelange.me","birthwar.site","birtmail.com","biruni.cc.marun.edu.tr","biruni.cc.mdfrun.edu.tr","biscutt.us","biser.woa.org.ua","bisevents.com","bishop.com","bishoptimon74.com","biskampus.ga","biskvitus.ru","bissabiss.com","bistonplin.com","bisuteriazaiwill.com","bit-degree.com","bit-ion.net","bit-tehnika.in.ua","bit2tube.com","bitbet.xyz","bitchmail.ga","bitcoin2014.pl","bitcoinadvocacy.com","bitcoinandmetals.com","bitcoinbet.us","bitcoinsera.com","bitdownloader.su","bitems.com","bitemyass.com","bitesatlanta.com","bitini.club","bitlly.xyz","bitmonkey.xyz","bitpost.site","bitrix-market.ru","bitrixmail.xyz","bitsslto.xyz","bitterpanther.info","bitwerke.com","bitwhites.top","bitx.nl","bityemedia.com","bitymails.us","bitzonasy.info","biumemail.com","biuranet.pl","biuro-naprawcze.pl","bivforbrooklyn.com","biyac.com","biz.st","bizalem.com","bizalon.com","bizax.org","bizbiz.tk","bizcomail.com","bizfests.com","bizhacks.org","bizimails.com","bizimalem-support.de","bizisstance.com","bizmastery.com","bizml.ru","bizplace.info","bizsearch.info","bizsportsnews.com","bizsportsonlinenews.com","bizuteriazklasa.pl","bizuteryjkidlawosp.pl","bizybin.com","bizzinfos.info","bizzz.pl","bjbekhmej.pl","bjdhrtri09mxn.ml","bjf3dwm.345.pl","bjgpond.com","bjjj.ru","bjmd.cf","bjorn-frantzen.art","bkbgzsrxt.pl","bkdmaral.pl","bkegfwkh.agro.pl","bkfarm.fun","bki7rt6yufyiguio.ze.am","bkijhtphb.pl","bkjmtp.fun","bkkmaps.com","bkkpkht.cf","bkkpkht.ga","bkkpkht.gq","bkkpkht.ml","bko.kr","bky168.com","bl.ctu.edu.gr","bl.opheliia.com","bl5ic2ywfn7bo.cf","bl5ic2ywfn7bo.ga","bl5ic2ywfn7bo.gq","bl5ic2ywfn7bo.ml","bl5ic2ywfn7bo.tk","blablaboiboi.com","blablaboyzs.com","blabladoizece.com","blablo2fosho.com","blablop.com","blaboyhahayo.com","blachstyl.pl","black-stones.ru","black.bianco.cf","blackbeshop.com","blackbird.ws","blackbookdate.info","blackdiamondcc.org","blackdragonfireworks.com","blackdrebeats.info","blacked-com.ru","blackfridayadvice2011.cc","blackgate.tk","blackgoldagency.ru","blackhat-seo-blog.com","blackhole.djurby.se","blackhole.targeter.nl","blackinbox.com","blackinbox.org","blacklist.city","blackmagicblog.com","blackmagicdesign.in","blackmagicspells.co.cc","blackmail.ml","blackmarket.to","blackpeople.xyz","blackrockasfaew.com","blacksarecooleryo.com","blackseo.top","blackshipping.com","blacktopscream.com","bladeandsoul-gold.us","blader.com","bladesmail.net","blak.net","blakasuthaz52mom.tk","blakemail.men","blan.tech","blancheblatter.co","blanchhouse.co","blandcoconstruction.com","blangbling784yy.tk","blank.com","blarakfight67dhr.ga","blarneytones.com","blassed.site","blastdeals.com","blastmail.biz","blastol.com","blastxlreview.com","blatablished.xyz","blatopgunfox.com","blavixm.ie","blazeent.com","blazeli.com","blbecek.ml","bleactordo.xyz","bleb.com","bleblebless.pl","blendercompany.com","blendertv.com","blerf.com","blerg.com","blespi.com","blesscup.cf","blessingvegetarian.com","bleubers.com","blexx.eu","bli.muvilo.net","blibrary.site","blic.pl","bliejeans.com","blightpro.org","blinkmatrix.com","blinkster.info","blinkweb.bid","blinkweb.top","blinkweb.trade","blinkweb.website","blinkweb.win","blip.ch","blitzed.space","blitzprogripthatshizz.com","bljekdzhekkazino.org","bllsouth.net","blm7.net","blm9.net","blndrco.com","blnkt.net","bloatbox.com","blob.7amail.top","bloc.quebec","block.bdea.cc","block521.com","blockbusterhits.info","blockdigichain.com","blocked-drains-bushey.co.uk","blocktapes.com","blockthatmagefcjer.com","blockzer.com","bloconprescong.xyz","blocquebecois.quebec","blog-1.ru","blog-galaxy.com","blog.annayake.pl","blog.blatnet.com","blog.cowsnbullz.com","blog.metal-med.pl","blog.net.gr","blog.oldoutnewin.com","blog.poisedtoshrike.com","blog.quirkymeme.com","blog.sjinks.pro","blog.yourelection.net","blog4us.eu","blogav.ru","blogdiary.info","blogdiary.live","blogdigity.fun","blogdigity.info","blogerus.ru","blogforwinners.tk","bloggermailinfo.info","bloggermania.info","bloggerninja.com","bloggersxmi.com","bloggg.de","blogging.com","bloggingargentina.com.ar","bloggingnow.club","bloggingnow.info","bloggingnow.pw","bloggingnow.site","bloggingpro.fun","bloggingpro.host","bloggingpro.info","bloggingpro.pw","bloggorextorex.com","bloggybro.cc","bloghangbags.com","bloginator.tk","blogketer.com","blogmastercom.net","blogmyway.org","blogneproseo.ru","blognews.com","blogoagdrtv.pl","blogomaiaidefacut.com","blogomob.ru","blogonews2015.ru","blogos.com","blogos.net","blogox.net","blogpentruprostisicurve.com","blogroll.com","blogrtui.ru","blogs.com","blogschool.edu","blogshoponline.com","blogspam.ro","blogster.host","blogster.info","blogthis.com","blogwithbloggy.net","blogxxx.biz","blolohaibabydot.com","blolololbox.com","blomail.com","blomail.info","blondemorkin.com","blonnik1.az.pl","blood-pressure.tipsinformationandsolutions.com","bloodchain.org","bloodofmybrother.com","bloodonyouboy.com","bloodyanybook.site","bloodyanylibrary.site","bloodyawesomebooks.site","bloodyawesomefile.site","bloodyawesomefiles.site","bloodyawesomelib.site","bloodyawesomelibrary.site","bloodyfreebook.site","bloodyfreebooks.site","bloodyfreelib.site","bloodyfreetext.site","bloodyfreshbook.site","bloodyfreshfile.site","bloodygoodbook.site","bloodygoodbooks.site","bloodygoodfile.site","bloodygoodfiles.site","bloodygoodlib.site","bloodygoodtext.site","bloodynicebook.site","bloodynicetext.site","bloodyrarebook.site","bloodyrarebooks.site","bloodyrarelib.site","bloodyraretext.site","bloodysally.xyz","bloog-24.com","bloog.me","bloogs.space","bloomning.com","bloomning.net","bloomspark.com","blooops.com","blop.bid","bloq.ro","bloqstock.com","bloszone.com","blow-job.nut.cc","blox.eu","bloxter.cu.cc","blqthexqfmmcsjc6hy.cf","blqthexqfmmcsjc6hy.ga","blqthexqfmmcsjc6hy.gq","blqthexqfmmcsjc6hy.ml","blqthexqfmmcsjc6hy.tk","blssmly.com","blst.gov","blue-mail.org","blue-rain.org","bluebasketbooks.com.au","blueboard.careers","bluebonnetrvpark.com","bluebottle.com","bluechipinvestments.com","bluecitynews.com","blueco.top","bluedelivery.store","bluedumpling.info","blueeggbakery.com","bluefishpond.com","bluefriday.top","bluejansportbackpacks.com","bluejaysjerseysmart.com","bluelawllp.com","bluenet.ro","bluenetfiles.com","blueoceanrecruiting.com","blueonder.co.uk","bluepills.pp.ua","blueright.net","bluesestodo.com","bluesitecare.com","bluesmail.pw","bluetoothbuys.com","bluewerks.com","blueyander.co.uk","blueyi.com","blueynder.co.uk","blueyoder.co.uk","blueyomder.co.uk","blueyondet.co.uk","blueyoner.co.uk","blueyounder.co.uk","bluffersguidetoit.com","blulapka.pl","blumenkranz78.glasslightbulbs.com","blurbulletbody.website","blurmail.net","blurme.net","blurp.tk","blurpemailgun.bid","blutig.me","bluwurmind234.cf","bluwurmind234.ga","bluwurmind234.tk","bm0371.com","bm2grihwz.pl","bm5.biz","bmaker.net","bmale.com","bmchsd.com","bmgm.info","bmmh.com","bmonlinebanking.com","bmpk.org","bmsojon4d.pl","bmw-ag.cf","bmw-ag.ga","bmw-ag.gq","bmw-ag.ml","bmw-ag.tk","bmw-i8.gq","bmw-mini.cf","bmw-mini.ga","bmw-mini.gq","bmw-mini.ml","bmw-mini.tk","bmw-rollsroyce.cf","bmw-rollsroyce.ga","bmw-rollsroyce.gq","bmw-rollsroyce.ml","bmw-rollsroyce.tk","bmw-service-mazpol.pl","bmw-x5.cf","bmw-x5.ga","bmw-x5.gq","bmw-x5.ml","bmw-x5.tk","bmw-x6.ga","bmw-x6.gq","bmw-x6.ml","bmw-x6.tk","bmw-z4.cf","bmw-z4.ga","bmw-z4.gq","bmw-z4.ml","bmw-z4.tk","bmw4life.com","bmw4life.edu","bmwgroup.cf","bmwgroup.ga","bmwgroup.gq","bmwgroup.ml","bmwinformation.com","bmwmail.pw","bnckms.cf","bnckms.ga","bnckms.gq","bnckms.ml","bncoastal.com","bnfgtyert.com","bnghdg545gdd.gq","bniwpwkke.site","bnm612.com","bnoko.com","bnote.com","bnuis.com","bnv0qx4df0quwiuletg.cf","bnv0qx4df0quwiuletg.ga","bnv0qx4df0quwiuletg.gq","bnv0qx4df0quwiuletg.ml","bnv0qx4df0quwiuletg.tk","bnyzw.info","bo7uolokjt7fm4rq.cf","bo7uolokjt7fm4rq.ga","bo7uolokjt7fm4rq.gq","bo7uolokjt7fm4rq.ml","bo7uolokjt7fm4rq.tk","boacoco.cf","boacreditcard.org","boagasudayo.com","boaine.com","boamei.com","boanrn.com","boastfullaces.top","boastfusion.com","boatcoersdirect.net","boatmail.us","boatmonitoring.com","boatparty.today","bob.email4edu.com","bob.inkandtonercartridge.co.uk","bobablast.com","bobandvikki.club","bobbydcrook.com","bobethomas.com","bobfilm.xyz","bobfilmclub.ru","bobmail.info","bobmarshallforcongress.com","bobmurchison.com","bobocooler.com","bobohieu.tk","boborobocobo.com","bobq.com","bobs.ca","bobs.dyndns.org","bocaneyobalac.com","bocav.com","bocba.com","boccelmicsipitic.com","boceuncacanar.com","bocigesro.xyz","bocil.tk","bocilaws.club","bocilaws.online","bocilaws.shop","bocldp7le.pl","bocps.biz","bodachina.com","bodhi.lawlita.com","bodlet.com","bodmod.ga","bodog-asia.net","bodog-poker.net","bodog180.net","bodog198.net","body55.info","bodybikinitips.com","bodybuildingdieta.co.uk","bodybuildings24.com","bodydiamond.com","bodylasergranada.com","bodyplanes.com","bodyscrubrecipes.com","bodystyle24.de","bodysuple.top","boemen.com","boerneisd.com","boero.info","boersy.com","boeutyeriterasa.cz.cc","bofrateyolele.com","bofthew.com","bog3m9ars.edu.pl","bogger.com","bogneronline.ru","bogotadc.info","bogotaredetot.com","bogsmail.me","bogusflow.com","bohani.cf","bohani.ga","bohani.gq","bohani.ml","bohani.tk","bohemiantoo.com","boight.com","boigroup.ga","boimail.com","boimail.tk","boinkmas.top","boinnn.net","boiserockssocks.com","bojogalax.ga","bokikstore.com","bokilaspolit.tk","bokllhbehgw9.cf","bokllhbehgw9.ga","bokllhbehgw9.gq","bokllhbehgw9.ml","bokllhbehgw9.tk","boks4u.gq","bokstone.com","bola389.bid","bola389.info","bola389.live","bola389.net","bola389.org","bola389.top","bolalogam.com","bolamas88.online","bold.ovh","boldhut.com","bolg-nedv.ru","bolinylzc.com","bolitart.site","boliviya-nedv.ru","bollouisvuittont.info","bolomycarsiscute.com","bolsosalpormayor.com","bolt.2amail.top","bombamail.icu","bombaya.com","bombsquad.com","bommails.ml","bomoads.com","bomukic.com","bonacare.com","bonackers.com","bondlayer.org","bondmail.men","bondrewd.cf","bones.7amail.top","bongo.gq","bongobank.net","bongobongo.cf","bongobongo.flu.cc","bongobongo.ga","bongobongo.gq","bongobongo.igg.biz","bongobongo.ml","bongobongo.nut.cc","bongobongo.tk","bongobongo.usa.cc","bonicious.xyz","boningly.com","bonnellproject.org","bonobo.email","bonrollen.shop","bonusess.me","bonuspharma.pl","bonwear.com","boobies.pro","boofx.com","boogiejunction.com","booglecn.com","book.bthow.com","book178.tk","booka.info","booka.press","bookaholic.site","bookb.site","bookc.site","bookd.press","bookd.site","bookea.site","bookec.site","bookee.site","bookef.site","bookeg.site","bookeh.site","bookej.site","bookek.site","bookel.site","bookep.site","bookeq.site","booket.site","bookev.site","bookew.site","bookex.site","bookez.site","bookf.site","bookg.site","bookh.site","booki.space","bookia.site","bookib.site","bookic.site","bookid.site","bookig.site","bookih.site","bookii.site","bookij.site","bookik.site","bookil.site","bookim.site","booking-event.de","bookings.onl","bookip.site","bookiq.site","bookir.site","bookiu.site","bookiv.site","bookiw.site","bookix.site","bookiy.site","bookj.site","bookkeepr.ca","bookking.club","bookl.site","booklacer.site","bookliop.xyz","bookmarklali.win","bookmarks.edu.pl","booko.site","bookofhannah.com","bookoneem.ga","bookp.site","bookq.site","bookquoter.com","books-bestsellers.info","books-for-kindle.info","books.6amail.top","books.heartmantwo.com","books.lakemneadows.com","books.marksypark.com","books.oldoutnewin.com","books.popautomated.com","booksb.site","booksd.site","bookse.site","booksf.site","booksg.site","booksh.site","booksi.site","booksj.site","booksl.site","booksm.site","bookso.site","booksohu.com","booksp.site","bookspack.site","booksq.site","booksr.site","bookst.site","booksv.site","booksw.site","booksx.site","booksz.site","bookt.site","bookthemmore.com","booktonlook.com","booktoplady.com","booku.press","booku.site","bookua.site","bookub.site","bookuc.site","bookud.site","bookue.site","bookuf.site","bookug.site","bookv.site","bookworm.2amail.top","bookx.site","bookyah.com","bookz.site","bookz.space","booleserver.mobi","boombeachgenerator.cf","boombeats.info","boomerinternet.com","boomsaer.com","boomykqhw.pl","boomzik.com","booooble.com","boopmail.com","boopmail.info","boosterdomains.tk","boostoid.com","bootax.com","bootcampmania.co.uk","bootdeal.com","bootiebeer.com","bootkp8fnp6t7dh.cf","bootkp8fnp6t7dh.ga","bootkp8fnp6t7dh.gq","bootkp8fnp6t7dh.ml","bootkp8fnp6t7dh.tk","boots-eshopping.com","bootsaletojp.com","bootscanadaonline.info","bootsformail.com","bootsgos.com","bootshoes-shop.info","bootshoeshop.info","bootson-sale.info","bootsosale.com","bootsoutletsale.com","bootssale-uk.info","bootssheepshin.com","bootstringer.com","bootsukksaleofficial1.com","bootsvalue.com","booty.com","bootybay.de","boow.cf","boow.ga","boow.gq","boow.ml","boow.tk","booyabiachiyo.com","bopra.xyz","bopunkten.se","boraa.xyz","borakvalley.com","boranora.com","borderflowerydivergentqueen.top","bordermail.com","bordiers.com","boredlion.com","borefestoman.com","boreorg.com","borexedetreaba.com","borged.com","borged.net","borged.org","borgish.com","borguccioutlet1.com","boriarynate.cyou","boris4x4.com","bornboring.com","boromirismyherobro.com","borsebbysolds.com","borseburberryoutletitt.com","borseburbery1.com","borseburberyoutlet.com","borsebvrberry.com","borsechan1.com","borsechane11.com","borsechaneloutletonline.com","borsechaneloutletufficialeit.com","borsechanemodaitaly.com","borsechanlit.com","borsechanlit1.com","borsechanlit2.com","borsechanuomomini1.com","borsechanuomomini2.com","borsechelzou.com","borseeguccioutlet.com","borseelouisvuittonsitoufficiale.com","borsegucc1outletitaly.com","borsegucciitalia3.com","borseguccimoda.com","borsegucciufficialeitt.com","borseitaliavendere.com","borseitalychane.com","borseitguccioutletsito4.com","borselouisvuitton-italy.com","borselouisvuitton5y.com","borselouisvuittonitalyoutlet.com","borselouvutonit9u.com","borselvittonit3.com","borselvoutletufficiale.com","borsemiumiuoutlet.com","borsesvuitton-it.com","borsevuittonborse.com","borsevuittonit1.com","bos-ger-nedv.ru","bos21.club","bosahek.com","bosdal.com","bosinaa.com","bosjin.com","boss.bthow.com","boss.cf","boss901.com","bossless.net","bossmail.de","bostonhydraulic.com","bostonplanet.com","bot.nu","botasuggm.com","botasuggsc.com","botayroi.com","botbilling.com","botfed.com","bothgames.com","botmetro.com","botox-central.com","bots.com","bottesuggds.com","bottomav.com","botz.online","bougenville.ga","bouldercycles.com","boun.cr","bouncr.com","bountifulgrace.org","bourdeniss.gr","boursiha.com","bouss.net","boutiqueenlignefr.info","boutsary.site","bovinaisd.net","bowamaranth.website","bowlinglawn.com","bowtrolcolontreatment.com","box-email.ru","box-emaill.info","box-mail.ru","box.6amail.top","box.comx.cf","box.ra.pe","box.yadavnaresh.com.np","box10.pw","box4mls.com","boxa.host","boxa.shop","boxe.life","boxermail.info","boxformail.in","boximail.com","boxlogas.com","boxloges.com","boxlogos.com","boxmail.co","boxmailbox.club","boxmailers.com","boxnavi.com","boxofficevideo.com","boxsmoke.com","boxtemp.com.br","boxtwos.com","boy-scout-slayer.com","boyah.xyz","boyalovemyniga.com","boycey.space","boycie.space","boyfargeorgica.com","boyoboygirl.com","boysteams.site","boythatescaldqckly.com","boyztomenlove4eva.com","bozenarodzenia.pl","bp3xxqejba.cf","bp3xxqejba.ga","bp3xxqejba.gq","bp3xxqejba.ml","bp3xxqejba.tk","bp560.com","bpda.de","bpda1.com","bpdf.site","bper.cf","bper.ga","bper.gq","bper.tk","bpghmag.com","bpham.info","bplinlhunfagmasiv.com","bpmsound.com","bpool.site","bpornd.com","bpsv.com","bptfp.com","bptfp.net","bpvi.cf","bpvi.ga","bpvi.gq","bpvi.ml","bpvi.tk","bqaxcaxzc.com","bqc4tpsla73fn.cf","bqc4tpsla73fn.ga","bqc4tpsla73fn.gq","bqc4tpsla73fn.ml","bqc4tpsla73fn.tk","bqcascxc.com","bqe.pl","bqhost.top","bqm2dyl.com","bqmjotloa.pl","br.mintemail.com","br6qtmllquoxwa.cf","br6qtmllquoxwa.ga","br6qtmllquoxwa.gq","br6qtmllquoxwa.ml","br6qtmllquoxwa.tk","br88.trade","br880.com","brack.in","bracyenterprises.com","bradan.space","bradley.1amail.top","brain-shop.online","brainbang.com","brainboostingsupplements.org","brainfoodmagazine.info","brainhard.net","brainloaded.com","brainonfire.net","brainown.com","brainpowernootropics.xyz","brainsworld.com","brainworm.ru","brainysoftware.net","brajer.pl","brakhman.ru","bralbrol.com","branchom.com","brand8usa.com","brandallday.net","brandbeuro.com","brandcruz.com","brandednumber.com","branden1121.club","brandi.eden.aolmail.top","branding.goodluckwith.us","brandjerseys.co","brandnamewallet.com","brandoncommunications.com","brandonivey.info","brandsdigitalmedia.com","brandshoeshunter.com","brandupl.com","brandway.com.tr","brank.io","branorus.ru","bras-bramy.pl","brasher29.spicysallads.com","brasil-empresas.com","brasil-nedv.ru","brasillimousine.com","brasilybelleza.com","brassband2.com","brasx.org","bratsey.com","bratwurst.dnsabr.com","braun4email.com","bravecoward.com","braveworkforce.com","bravohotel.webmailious.top","braynight.club","braynight.online","braynight.xyz","brayy.com","brazilbites.com","brazuka.ga","brazza.ru","brbqx.com","brclip.com","breadboardpies.com","breadtimes.press","break.ruimz.com","breakloose.pl","breaksmedia.com","breaktheall.org.ua","breakthru.com","brealynnvideos.com","breanna.alicia.kyoto-webmail.top","breanna.kennedi.livemailbox.top","breathestime.org.ua","breedaboslos.xyz","breeze.eu.org","breezyflight.info","brefmail.com","bregerter.org","breitbandanbindung.de","breitlingsale.org","breka.orge.pl","brendonweston.info","brennendesreich.de","bresnen.net","bresslertech.com","brevisionarch.xyz","brevn.net","brewstudy.com","brflix.com","brflk.com","brfw.com","brgo.ru","brgrid.com","briandbry.us","brickoll.tk","brickrodeosteam.org","bricomedical.info","bridgeslearningcenter.com","briefcase4u.com","briefcaseoffice.info","briefkasten2go.de","briggsmarcus.com","brightadult.com","brighterbroome.org","brigittacynthia.art","brilleka.ml","brillionhistoricalsociety.com","brillob.com","bring-luck.pw","bringluck.pw","bringmea.org.ua","bringnode.xyz","brinkvideo.win","brisbanelivemusic.com","brisbanelogistics.com","britainst.com","britbarnmi.ga","britemail.info","british-leyland.cf","british-leyland.ga","british-leyland.gq","british-leyland.ml","british-leyland.tk","britishintelligence.co.uk","britneybicz.pl","britted.com","brixmail.info","brizzolari.com","brksea.com","brmailing.com","bro.fund","broadbandninja.com","broadnetalliance.org","broadway-west.com","broccoli.store","brocell.com","brodcom.com","brodzikowsosnowiec.pl","brogrammers.com","broilone.com","bromailservice.xyz","bromtedlicyc.xyz","broncomower.xyz","bronxcountylawyerinfo.com","bronze.blatnet.com","bronze.marksypark.com","brooklynbookfestival.mobi","brookshiers.com","brooksideflies.com","brosj.net","brostream.net","broszreforhoes.com","broted.site","brothercs6000ireview.org","brownal.net","browndecorationlights.com","brownell150.com","browniesgoreng.com","brownieslumer.com","browsechat.eu","browseforinfo.com","browselounge.pl","brrmail.gdn","brrvpuitu8hr.cf","brrvpuitu8hr.ga","brrvpuitu8hr.gq","brrvpuitu8hr.ml","brrvpuitu8hr.tk","brtonthebridge.org","brtop.shop","bru-himki.ru","bru-lobnya.ru","brubank.club","brunhilde.ml","brunomarsconcert2014.com","brunosamericangrill.com","brunsonline.com","bruson.ru","brutaldate.com","bruzdownice-v.pl","bryanlgx.com","bryq.site","brzydmail.ml","bs-evt.at","bs6bjf8wwr6ry.cf","bs6bjf8wwr6ry.ga","bs6bjf8wwr6ry.gq","bs6bjf8wwr6ry.ml","bsaloving.com","bsbhz1zbbff6dccbia.cf","bsbhz1zbbff6dccbia.ga","bsbhz1zbbff6dccbia.ml","bsbhz1zbbff6dccbia.tk","bsbvans.com.br","bsc.anglik.org","bscglobal.net","bschost.com","bsderqwe.com","bselek.website","bseomail.com","bsesrajdhani.com","bsezjuhsloctjq.cf","bsezjuhsloctjq.ga","bsezjuhsloctjq.gq","bsezjuhsloctjq.ml","bsezjuhsloctjq.tk","bshew.online","bshew.site","bskbb.com","bskvzhgskrn6a9f1b.cf","bskvzhgskrn6a9f1b.ga","bskvzhgskrn6a9f1b.gq","bskvzhgskrn6a9f1b.ml","bskvzhgskrn6a9f1b.tk","bskyb.cf","bskyb.ga","bskyb.gq","bskyb.ml","bsmitao.com","bsml.de","bsmne.website","bsne.website","bsnea.shop","bsnow.net","bspamfree.org","bspin.club","bspooky.com","bsquochoai.ga","bst-72.com","bsuakrqwbd.cf","bsuakrqwbd.ga","bsuakrqwbd.gq","bsuakrqwbd.ml","bsuakrqwbd.tk","bt0zvsvcqqid8.cf","bt0zvsvcqqid8.ga","bt0zvsvcqqid8.gq","bt0zvsvcqqid8.ml","bt0zvsvcqqid8.tk","bt3019k.com","btarikarlinda.art","btb-notes.com","btc-mail.net","btc.email","btc24.org","btcgivers.com","btcmail.pw","btcmail.pwguerrillamail.net","btcmod.com","btcposters.com","btcproductkey.com","btd4p9gt21a.cf","btd4p9gt21a.ga","btd4p9gt21a.gq","btd4p9gt21a.ml","btd4p9gt21a.tk","btgmka0hhwn1t6.cf","btgmka0hhwn1t6.ga","btgmka0hhwn1t6.ml","btgmka0hhwn1t6.tk","btinernet.com","btinetnet.com","btinteernet.com","btintenet.com","btinterbet.com","btinterne.com","btinterney.com","btinternrt.com","btintnernet.com","btintrtnet.com","btinyernet.com","btiternet.com","btizet.pl","btj.pl","btj2uxrfv.pl","btjia.net","btkylj.com","btopenworl.com","btsese.com","btsroom.com","btukskkzw8z.cf","btukskkzw8z.ga","btukskkzw8z.gq","btukskkzw8z.ml","btukskkzw8z.tk","btxfovhnqh.pl","btz3kqeo4bfpqrt.cf","btz3kqeo4bfpqrt.ga","btz3kqeo4bfpqrt.ml","btz3kqeo4bfpqrt.tk","bu.mintemail.com","bu2qebik.xorg.pl","buatwini.tk","buayapoker.online","buayapoker.xyz","bubblybank.com","bucbdlbniz.cf","bucbdlbniz.ga","bucbdlbniz.gq","bucbdlbniz.ml","bucbdlbniz.tk","buccalmassage.ru","buchach.info","buchananinbox.com","buchhandlung24.com","buckeyeag.com","buckrubs.us","bucol.net","budakcinta.online","buday.htsail.pl","budaya-tionghoa.com","budayationghoa.com","budemeadows.com","budgermile.rest","budgetblankets.com","budgetocean.com","budgetsuites.co","budgetted.com","budgjhdh73ctr.gq","budin.men","budmen.pl","budokainc.com","budon.com","budowa-domu-rodzinnego.pl","budowadomuwpolsce.info","budowlaneusrem.com","budrem.com","buefkp11.edu.pl","buenosaireslottery.com","buffalo-poland.pl","buffalocolor.com","buffemail.com","buffysmut.com","buford.us.to","bug.cl","bugmenever.com","bugmenot.com","bugmenot.ml","buildabsnow.com","building-bridges.com","buildingfastmuscles.com","buildingradar.com","buildingstogo.com","buildrapport.co","buildsrepair.ru","buildwithbubble.com","buildyourbizataafcu.com","builtindishwasher.org","buissness.com","bukaaja.site","bukan.es","bukanimers.com","bukkin.com","bukq.in.ua","bukutututul.xyz","bukv.site","bukwos7fp2glo4i30.cf","bukwos7fp2glo4i30.ga","bukwos7fp2glo4i30.gq","bukwos7fp2glo4i30.ml","bukwos7fp2glo4i30.tk","bulahxnix.pl","bulantoto.com","bulantoto.net","bulemasukkarung.bar","bulkbacklinks.in","bulkbye.com","bulkcleancheap.com","bulkemailregistry.com","bulkers.com","bulksmsad.net","bullbeer.net","bullbeer.org","bullet1960.info","bullosafe.com","bullstore.net","buloo.com","bulrushpress.com","bulutdns.com","bum.net","bumppack.com","bumpymail.com","bunchofidiots.com","bund.us","bundes-li.ga","bunga.net","bungabunga.cf","bungajelitha.art","bunirvjrkkke.site","bunkbedsforsale.info","bunkstoremad.info","bunlets.com","bunsenhoneydew.com","buntatukapro.com","buntuty.cf","buntuty.ga","buntuty.ml","buomeng.com","buon.club","burakarda.xyz","burberry-australia.info","burberry-blog.com","burberry4u.net","burberrybagsjapan.com","burberryoutlet-uk.info","burberryoutletmodauomoit.info","burberryoutletsalezt.co.uk","burberryoutletsscarf.net","burberryoutletsshop.net","burberryoutletstore-online.com","burberryoutletukzt.co.uk","burberryoutletzt.co.uk","burberryukzt.co.uk","burberrywebsite.com","burcopsg.org","burdet.xyz","burgas.vip","burger56.ru","burgercentral.us","burgoscatchphrase.com","burjanet.ru","burjkhalifarent.com","burjnet.ru","burnacidgerd.com","burner-email.com","burnermail.io","burniawa.pl","burnmail.ca","burnthespam.info","burobedarfrezensionen.com","burritos.ninja","bursa303.wang","bursa303.win","burstmail.info","burundipools.com","bus-motors.com","bus9alizaxuzupeq3rs.cf","bus9alizaxuzupeq3rs.ga","bus9alizaxuzupeq3rs.gq","bus9alizaxuzupeq3rs.ml","bus9alizaxuzupeq3rs.tk","busantei.com","buscarlibros.info","buscarltd.com","bushdown.com","businclude.site","businesideas.ru","business-agent.info","business-intelligence-vendor.com","business-sfsds-advice.com","business1300numbers.com","businessagent.email","businessbackend.com","businessbayproperty.com","businesscardcases.info","businesscredit.xyz","businessfinancetutorial.com","businesshowtobooks.com","businesshowtomakemoney.com","businessideasformoms.com","businessinfo.com","businessinfoservicess.com","businessinfoservicess.info","businessmail.com","businessneo.com","businesspier.com","businessrex.info","businesssource.net","businesssuccessislifesuccess.com","businessthankyougift.info","businesstutorialsonline.org","busniss.com","buspad.org","buspilots.com","bussinessemails.website","bussinessmail.info","bussitussi.com","bussitussi.net","busy-do-holandii24.pl","busyresourcebroker.info","but.bthow.com","but.lakemneadows.com","but.ploooop.com","but.poisedtoshrike.com","butbetterthanham.com","butlercc.com","butter.cf","butter9x.com","buttliza.info","buttmonkey.com","buttonfans.com","buttonrulesall.com","buuu.com","buxap.com","buxod.com","buy-acyclovir-4sex.com","buy-bags-online.com","buy-blog.com","buy-caliplus.com","buy-canadagoose-outlet.com","buy-car.net","buy-clarisonicmia.com","buy-clarisonicmia2.com","buy-furosemide-online-40mg20mg.com","buy-mail.eu","buy-nikefreerunonline.com","buy-steroids-canada.net","buy-steroids-europe.net","buy-steroids-paypal.net","buy-viagracheap.info","buy.blatnet.com","buy.lakemneadows.com","buy.marksypark.com","buy.poisedtoshrike.com","buy003.com","buy6more2.info","buyad.ru","buyairjordan.com","buyamoxilonline24h.com","buyandsmoke.net","buyanessaycheape.top","buyatarax-norx.com","buybacklinkshq.com","buycanadagoose-ca.com","buycannabisonlineuk.co.uk","buycaverta12pills.com","buycheapbeatsbydre-outlet.com","buycheapcipro.com","buycheapfacebooklikes.net","buycheapfireworks.com","buycialis-usa.com","buycialisusa.com","buycialisusa.org","buyclarisonicmiaoutlet.com","buyclarisonicmiasale.com","buycow.org","buycultureboxes.com","buycustompaper.review","buydefender.com","buydeltasoneonlinenow.com","buydfcat9893lk.cf","buydiabloaccounts.com","buydiablogear.com","buydiabloitem.com","buyedoewllc.com","buyeriacta10pills.com","buyessays-nice.org","buyfacebooklikeslive.com","buyfcbkfans.com","buyfiverrseo.com","buyfollowers247.com","buyfollowers365.co.uk","buygapfashion.com","buygenericswithoutprescription.com","buygolfmall.com","buygoods.com","buygoodshoe.com","buygooes.com","buygsalist.com","buyhairstraighteners.org","buyhardwares.com","buyhegotgame13.net","buyhegotgame13.org","buyhegotgame13s.net","buyhenryhoover.co.uk","buyhermeshere.com","buyingafter.com","buyintagra100mg.com","buyitforlife.app","buyjoker.com","buykarenmillendress-uk.com","buykdsc.info","buylaptopsunder300.com","buylevitra-us.com","buylikes247.com","buyliquidatedstock.com","buylouisvuittonbagsjp.com","buymichaelkorsoutletca.ca","buymileycyrustickets.com","buymoreplays.com","buymotors.online","buynewmakeshub.info","buynexiumpills.com","buynolvadexonlineone.com","buynow.host","buynowandgo.info","buyonlinestratterapills.com","buyordie.info","buypill-rx.info","buypresentation.com","buyprice.co","buyprosemedicine.com","buyprotopic.name","buyproxies.info","buyraybansuk.com","buyreliablezithromaxonline.com","buyrenovaonlinemeds.com","buyreplicastore.com","buyresourcelink.info","buyrocaltrol.name","buyrx-pill.info","buyrxclomid.com","buysellonline.in","buysellsignaturelinks.com","buysomething.me","buysspecialsocks.info","buysteroids365.com","buyteen.com","buytramadolonline.ws","buytwitterfollowersreviews.org","buyu491.com","buyu826.com","buyusabooks.com","buyusdomain.com","buyusedlibrarybooks.org","buyviagracheapmailorder.us","buyviagraonline-us.com","buyviagru.com","buywinstrol.xyz","buywithoutrxpills.com","buyxanaxonlinemedz.com","buyyoutubviews.com","buzlin.club","buzzcluby.com","buzzcol.com","buzzcompact.com","buzzdating.info","buzzsocial.tk","buzzuoso.com","buzzvirale.xyz","buzzzyaskz.site","bvdt.com","bvhrk.com","bvhrs.com","bvigo.com","bvmvbmg.co","bvngf.com","bvoxsleeps.com","bvqjwzeugmk.pl","bvzoonm.com","bwa33.net","bweqvxc.com","bwmail.us","bwtdmail.com","bwwsb.com","bwwsrvvff3wrmctx.cf","bwwsrvvff3wrmctx.ga","bwwsrvvff3wrmctx.gq","bwwsrvvff3wrmctx.ml","bwwsrvvff3wrmctx.tk","bwyv.com","bx6r9q41bciv.cf","bx6r9q41bciv.ga","bx6r9q41bciv.gq","bx6r9q41bciv.ml","bx6r9q41bciv.tk","bx8.pl","bx9puvmxfp5vdjzmk.cf","bx9puvmxfp5vdjzmk.ga","bx9puvmxfp5vdjzmk.gq","bx9puvmxfp5vdjzmk.ml","bx9puvmxfp5vdjzmk.tk","bxbofvufe.pl","bxfmtktkpxfkobzssqw.cf","bxfmtktkpxfkobzssqw.ga","bxfmtktkpxfkobzssqw.gq","bxfmtktkpxfkobzssqw.ml","bxfmtktkpxfkobzssqw.tk","bxm2bg2zgtvw5e2eztl.cf","bxm2bg2zgtvw5e2eztl.ga","bxm2bg2zgtvw5e2eztl.gq","bxm2bg2zgtvw5e2eztl.ml","bxm2bg2zgtvw5e2eztl.tk","bxs1yqk9tggwokzfd.cf","bxs1yqk9tggwokzfd.ga","bxs1yqk9tggwokzfd.ml","bxs1yqk9tggwokzfd.tk","by-simply7.tk","by.cowsnbullz.com","by.heartmantwo.com","by.lakemneadows.com","by.poisedtoshrike.com","by8006l.com","byakuya.com","bybklfn.info","bycy.xyz","byd686.com","byebyemail.com","byespm.com","byfoculous.club","byggcheapabootscouk1.com","byj53bbd4.pl","bylup.com","bymail.info","byng.de","byom.de","bypass-captcha.com","byqv.ru","byrnewear.com","bysky.ru","bytegift.com","bytesundbeats.de","bytetutorials.net","bytom-antyraddary.pl","byui.me","bywuicsfn.pl","bz-mytyshi.ru","bzbu9u7w.xorg.pl","bzfads.space","bzidohaoc3k.cf","bzidohaoc3k.ga","bzidohaoc3k.gq","bzidohaoc3k.ml","bzidohaoc3k.tk","bzip.site","bzmt6ujofxe3.cf","bzmt6ujofxe3.ga","bzmt6ujofxe3.gq","bzmt6ujofxe3.ml","bzmt6ujofxe3.tk","bzocey.xyz","bzr.com","bztf1kqptryfudz.cf","bztf1kqptryfudz.ga","bztf1kqptryfudz.gq","bztf1kqptryfudz.ml","bztf1kqptryfudz.tk","bzymail.top","c-14.cf","c-14.ga","c-14.gq","c-14.ml","c-c-p.de","c-dreams.com","c-mail.cf","c-mail.gq","c-n-shop.com","c-newstv.ru","c.andreihusanu.ro","c.asiamail.website","c.beardtrimmer.club","c.bestwrinklecreamnow.com","c.bettermail.website","c.captchaeu.info","c.coloncleanse.club","c.crazymail.website","c.dogclothing.store","c.fastmail.website","c.garciniacambogia.directory","c.gsasearchengineranker.pw","c.gsasearchengineranker.site","c.gsasearchengineranker.space","c.gsasearchengineranker.top","c.gsasearchengineranker.xyz","c.hcac.net","c.kadag.ir","c.kerl.gq","c.mashed.site","c.mediaplayer.website","c.mylittlepony.website","c.nut.emailfake.nut.cc","c.ouijaboard.club","c.polosburberry.com","c.ps4.rocks","c.searchengineranker.email","c.theplug.org","c.uhdtv.website","c.waterpurifier.club","c.wlist.ro","c.yourmail.website","c0ach-outlet.com","c0ach-outlet1.com","c0achoutletonlinesaleus.com","c0achoutletusa.com","c0achoutletusa2.com","c0rtana.cf","c0rtana.ga","c0rtana.gq","c0rtana.ml","c0rtana.tk","c0sau0gpflgqv0uw2sg.cf","c0sau0gpflgqv0uw2sg.ga","c0sau0gpflgqv0uw2sg.gq","c0sau0gpflgqv0uw2sg.ml","c0sau0gpflgqv0uw2sg.tk","c1oramn.com","c2.hu","c20vussj1j4glaxcat.cf","c20vussj1j4glaxcat.ga","c20vussj1j4glaxcat.gq","c20vussj1j4glaxcat.ml","c20vussj1j4glaxcat.tk","c21service.com","c2ayq83dk.pl","c2clover.info","c2csoft.com","c3e3r7qeuu.cf","c3e3r7qeuu.ga","c3e3r7qeuu.gq","c3e3r7qeuu.ml","c3e3r7qeuu.tk","c3email.win","c4anec0wemilckzp42.ga","c4anec0wemilckzp42.ml","c4anec0wemilckzp42.tk","c4ster.gq","c4utar.cf","c4utar.ga","c4utar.gq","c4utar.ml","c4utar.tk","c51vsgq.com","c58n67481.pl","c5ccwcteb76fac.cf","c5ccwcteb76fac.ga","c5ccwcteb76fac.gq","c5ccwcteb76fac.ml","c5ccwcteb76fac.tk","c5qawa6iqcjs5czqw.cf","c5qawa6iqcjs5czqw.ga","c5qawa6iqcjs5czqw.gq","c5qawa6iqcjs5czqw.ml","c5qawa6iqcjs5czqw.tk","c63q.com","c686q2fx.pl","c6h12o6.cf","c6h12o6.ga","c6h12o6.gq","c6h12o6.ml","c6h12o6.tk","c6loaadz.ru","c7fk799.com","c81hofab1ay9ka.cf","c81hofab1ay9ka.ga","c81hofab1ay9ka.gq","c81hofab1ay9ka.ml","c81hofab1ay9ka.tk","c99.me","c9gbrnsxc.pl","ca-canadagoose-jacets.com","ca-canadagoose-outlet.com","ca.verisign.cf","ca.verisign.ga","ca.verisign.gq","cab22.com","cabal72750.co.pl","cabekeriting99.com","cabezonoro.cl","cabinets-chicago.com","cabinmail.com","cabonmania.ga","cabonmania.tk","cacanhbaoloc.com","cachedot.net","cachlamdep247.com","cad.edu.gr","caddegroup.co.uk","caddelll12819.info","cadillac-ats.tk","cadomoingay.info","cadoudecraciun.tk","cadsaf.us","caeboyleg.ga","caerwyn.com","cafebacke.com","cafebacke.net","cafecar.xyz","cafecoquin.com","cafeqrmenu.xyz","cafesui.com","cafrem3456ails.com","cageymail.info","cahayasenja.online","cahkerjo.tk","cahsintru.cf","cai-nationalmuseum.org","caidadepeloyal26.eu","caidatssl.com","caitlinhalderman.art","caiwenhao.cn","cajacket.com","cake99.ml","cakemayor.com","cakeonline.ru","cakesrecipesbook.com","cakk.us","cakottery.com","calabreseassociates.com","calav.site","calcm8m9b.pl","calculatord.com","calcy.org","caldwellbanker.in","calgarymortgagebroker.info","calibex.com","calibra-travel.com","california-nedv.ru","californiabloglog.com","californiaburgers.com","californiacolleges.edu","californiafitnessdeals.com","californiatacostogo.com","caligulux.co","calintec.com","caliperinc.com","caliskanofis.store","call.favbat.com","callberry.com","callcentreit.com","callejondelosmilagros.com","callmemaximillian.kylos.pl","callpage.work","callthegymguy.top","callwer.com","calnam.com","caloriecloaks.com","caloriesandwghtlift.co.uk","calvinkleinbragas.com","calypsoservice.com","cam4you.cc","camachohome.com","cambridge-satchel.com","cambridge.ga","cambridgechina.org","cambridgetowel.com","camcei.dynamic-dns.net","camconstr.com","camdenchc.org","camefrog.com","camentifical.site","camerabuy.info","camerabuy.ru","camerachoicetips.info","camerahanhtrinhoto.info","cameratouch-849.online","cameroon365.com","camgirls.de","camilion.com","camillosway.com","caminoaholanda.com","caminvest.com","camionesrd.com","camisetashollisterbrasil.com","cammk.com","camnangdoisong.com","camoney.xyz","campano.cl","campbellap.com","campcuts.com","camphor.cf","camping-grill.info","campingandoutdoorsgear.com","campredbacem.site","campusman.com","camrew.com","camsexyfree.com","camshowsex.com","camsonlinesex.com","camthaigirls.com","camtocamnude.com","can.blatnet.com","can.warboardplace.com","canadabit.com","canadacoachhandbags.ca","canadafamilypharm.com","canadafreedatingsite.info","canadagoosecashop.com","canadagoosedoudounepascher.com","canadagoosejakkerrno.com","canadagoosets.info","canadan-pharmacy.info","canadaonline.biz","canadaonline.pw","canadapharm.email","canadapharmaciesonlinebsl.bid","canadapharmacybsl.bid","canadapharmacyonlinebestcheap.com","canadawebmail.ca.vu","canadian-onlinep-harmacy.com","canadian-pharmacy.xyz","canadian-pharmacys.com","canadian-pharmacyu.com","canadiancourts.com","canadianhackers.com","canadianmsnpharmacy.com","canadianonline.email","canadianonlinepharmacyhere.com","canadianpharmaceuticalsrx.com","canadianpharmaciesbnt.com","canadianpharmaciesmsn.com","canadianpharmaciesrxstore.com","canadianpharmacy-us.com","canadianpharmacyed.com","canadianpharmacyfirst.com","canadianpharmacymim.com","canadianpharmacyntv.com","canadianpharmacyrxp.bid","canadianpharmacyseo.us","canadianrxpillusa.com","canadians.biz","canadiantoprxstore.com","canadianvaping.com","canadlan-pharmacy.info","canadph.com","canaimax.xyz","canallow.com","canamhome.com","canamimports.com","canborrowhot.com","cancer.waw.pl","cancerbuddyapp.com","candapizza.net","candassociates.com","candcluton.com","candida-remedy24.com","candidteenagers.com","candlesticks.org","candoit624.com","candokyear.com","candy-blog-adult.ru","candy-private-blog.ru","candyjapane.ml","candylee.com","candyloans.com","candymail.de","candywrapperbag.com","candywrapperbag.info","candyyxc45.biz","cane.pw","canfga.org","canggih.net","canhac.vn","canhacaz.com","canhacvn.net","canhardco.ga","canhcvn.net","canhoehome4.info","canie.assassins-creed.org","canilvonhauseferrer.com","canitta.icu","canmath.com","canmorenews.com","cannabisresoulution.net","cannedsoft.com","cannn.com","cannoncrew.com","canonlensmanual.com","canonwirelessprinters.com","canpha.com","canpilbuy.online","canrelnud.com","cantate-gospel.de","cantikmanja.online","cantouri.com","cantsleep.gq","canuster.xyz","canvasarttalk.com","canvasshoeswholesalestoress.info","canyouhearmenow.cf","canytimes.com","caonima.gq","cap-or.com","capatal.com","capebretonpost.com","capgenini.com","capisci.org","capital.tk","capitalistdilemma.com","capitalizable.one","capitalswarm.com","capkakitiga.pw","cappadociadaytours.com","cappriccio.ru","capsawinspkr.com","captainamericagifts.com","captainmaid.top","captchaboss.com","captchacoder.com","captchaeu.info","capturehisheartreviews.info","car-and-girls.co.cc","car-wik.com","car-wik.tk","car101.pro","caraalami.xyz","caraff.com","caramail.d3vs.net","caramail.pro","carambla.com","caramil.com","caraparcal.com","caratsjewelry.com","caraudiomarket.ru","carbbackloadingreviews.org","carbo-boks.pl","carbonbrushes.us","carbonia.de","carbtc.net","carcanner.site","carcerieri.ml","carch.site","card.zp.ua","card4kurd.xyz","cardetailerchicago.com","cardiae.info","cardjester.store","cardkurd.com","cardsexpert.ru","careerladder.org","careermans.ru","careersschool.com","careerupper.ru","careerwill.com","carefreefloor.com","carehp.com","careless-whisper.com","carfola.site","cargobalikpapan.com","cargoships.net","carinamiranda.org","carins.io","carinsurance2018.top","carinsurancebymonth.co.uk","carinsurancegab.info","caritashouse.org","carlasampaio.com","carlbro.com","carleasingdeals.info","carloansbadcredit.ca","carlosandrade.co","carloseletro.site","carlsonco.com","carmail.com","carmanainsworth.com","carmit.info","carnalo.info","carney.website","carny.website","carolinabank.com","carolinarecords.net","carolus.website","carpaltunnelguide.info","carpet-cleaner-northampton.co.uk","carpet-oriental.org","carpetcleaningventura.net","carpetd.com","carpin.org","carpoo.com","carraps.com","carras.ga","carriwell.us","carrnelpartners.com","carrosusadoscostarica.com","carrys.site","carrystore.online","cars2.club","carsencyclopedia.com","carsflash.com","carsik.com","carslon.info","carsonarts.com","carspack.com","cartasnet.com","carte3ds.org","cartelera.org","cartelrevolution.co.uk","cartelrevolution.com","cartelrevolution.de","cartelrevolution.net","cartelrevolution.org","cartelrevolutions.com","cartermanufacturing.com","cartflare.com","carthagen.edu","cartieruk.com","cartmails.com","cartone.fun","cartone.life","cartoonarabia.com","cartoutz.com","cartproz.com","cartsoonalbumsales.info","cartuningshop.co.uk","carubull.com","carver.com","carver.website","carvives.site","carwoor.club","carwoor.online","carwoor.store","cary.website","caryl.website","casa-versicherung.de","casa.myz.info","casanovalar.com","casar.website","casarosita.info","casavincentia.org","case4pads.com","caseedu.tk","casetnibo.xyz","cash.org","cash128.com","cash4.xyz","cash4nothing.de","cash8.xyz","cashadvance.com","cashadvance.us","cashadvanceqmvt.com","cashadvancer.net","cashadvances.us","cashbackr.com","cashflow35.com","cashhloanss.com","cashint.com","cashlinesreview.info","cashloan.org","cashloan.us","cashloannetwork.org","cashloannetwork.us","cashloans.com","cashloans.org","cashloans.us","cashloansnetwork.com","cashmons.net","cashstroked.com","cashwm.com","cashxl.com","casino-bingo.nl","casino-bonus-kod.com","casino-x.co.uk","casino892.com","casinoaustralia-best.com","casinofun.com","casinogreat.club","casinomegapot.com","casinoohnedeutschelizenz.net","casinopokergambleing.com","casinoremix.com","casinos4winners.com","casinovaz.com","casinoxigrovie.ru","casio-edu.cf","casio-edu.ga","casio-edu.gq","casio-edu.ml","casio-edu.tk","casitsupartners.com","casoron.info","caspianfan.ir","caspianshop.com","casquebeatsdrefrance.com","cassiawilliamsrealestateagentallentx.com","cassiawilliamsrealestateagentaubreytx.com","cassidony.info","cassius.website","castillodepavones.com","castlebranchlogin.com","castlelawoffice.com","castromail.bid","casualdx.com","cat.pp.ua","catalinaloves.com","catalystwms.com","catamma.com","catanybook.site","catanybooks.site","catanyfiles.site","catanytext.site","catawesomebooks.site","catawesomefiles.site","catawesomelib.site","catawesometext.site","catbirdmedia.com","catch.everton.com","catch12345.tk","catchall.fr","catchemail1.xyz","catchemail5.xyz","catchletter.com","catchmeifyoucan.xyz","catchonline.ooo","catdogmail.live","catering.com","catfishsupplyco.com","catfreebooks.site","catfreefiles.site","catfreetext.site","catfreshbook.site","catfreshbooks.site","catfreshfiles.site","catfreshlib.site","catfreshlibrary.site","catgoodbooks.site","catgoodfiles.site","catgoodlib.site","catgoodtext.site","cath17.com","cathedraloffaith.com","catherinewilson.art","cathouseninja.com","cathysharon.art","catindiamonds.com","catnicebook.site","catnicetext.site","catnipcat.net","catrarebooks.site","catreena.ga","catson.us","catty.wtf","catypo.site","caugiay.tech","causesofheadaches.net","causeylaw.com","cavi.mx","caviaruruguay.com","cawfeetawkmoms.com","cawxrsgbo.pl","caxa.site","cayrdzhfo.pl","cazino777.pro","cazinoz.biz","cazis.fr","cazzie.website","cazzo.cf","cazzo.ga","cazzo.gq","cb367.space","cbair.com","cbarata.pro","cbarato.plus","cbarato.pro","cbarato.vip","cbaweqz.com","cbcglobal.net","cbchoboian.com","cbcmm.com","cbd-7.com","cbd.clothing","cbdcrowdfunder.com","cbdious.com","cbdlandia.pl","cbdnut.net","cbdpowerflower.com","cbdw.pl","cbes.net","cbgh.ddns.me","cbhb.com","cbjunkie.com","cbnd.online","cbot1fajli.ru","cbreviewproduct.com","cbsglobal.net","cbv.com","cbyourself.com","cbzmail.tk","cc-cc.usa.cc","cc-s3x.cf","cc-s3x.ga","cc-s3x.gq","cc-s3x.ml","cc-s3x.tk","cc.mailboxxx.net","cc2ilplyg77e.cf","cc2ilplyg77e.ga","cc2ilplyg77e.gq","cc2ilplyg77e.ml","cc2ilplyg77e.tk","ccat.cf","ccat.ga","ccat.gq","ccbd.com","ccbilled.com","cccc.com","cccod.com","cccold.com","ccdepot.xyz","ccgtoxu3wtyhgmgg6.cf","ccgtoxu3wtyhgmgg6.ga","ccgtoxu3wtyhgmgg6.gq","ccgtoxu3wtyhgmgg6.ml","ccgtoxu3wtyhgmgg6.tk","cchaddie.website","cchatz.ga","cciatori.com","ccid.de","ccmail.men","ccmail.uk","ccn35.com","ccre1.club","ccren9.club","ccrenew.club","cctyoo.com","ccvisal.xyz","ccxpnthu2.pw","cd.mintemail.com","cd.usto.in","cd2in.com","cdactvm.in","cdash.space","cdc.com","cdcmail.date","cdcovers.icu","cdfaq.com","cdfbhyu.site","cdkey.com","cdkwjdm523.com","cdmstudio.com","cdn.rent","cdnaas.com","cdnlagu.com","cdnqa.com","cdofutlook.com","cdp6.com","cdpa.cc","cdpc.com","cdressesea.com","cdrhealthcare.com","cdrmovies.com","cdsshv.info","cdvaldagno.it","cdvig.com","cdyhea.xyz","ce.mintemail.com","cebolsarep.ga","cebong.cf","cebong.ga","cebong.gq","cebong.ml","cebong.tk","cech-liptov.eu","ceco3kvloj5s3.cf","ceco3kvloj5s3.ga","ceco3kvloj5s3.gq","ceco3kvloj5s3.ml","ceco3kvloj5s3.tk","ceed.se","ceefax.co","ceftvhxs7nln9.cf","ceftvhxs7nln9.ga","ceftvhxs7nln9.gq","ceftvhxs7nln9.ml","ceftvhxs7nln9.tk","cek.pm","cekajahhs.tk","ceklaww.ml","cel-tech.com","celc.com","cele.ro","celebans.ru","celebfap.net","celebleak.co","celebrinudes.com","celebriporn.net","celebritron.app","celebrything.com","celebslive.net","celebwank.com","celerto.tk","celinea.info","celinebags2012.sg","celinecityitalia.com","celinehandbagjp.com","celinehandbagsjp.com","celinejp.com","celinesoldes.com","celinestores.com","celinevaska.com","cell1net.net","cellphonegpstracking.info","cellphoneparts.tk","cellphonespysoftware2012.info","cellstar.com","cellularispia.info","cellularispiaeconomici.info","celluliteremovalmethods.com","cellurl.com","cem.net","cemailes.com","cenanatovar.ru","ceneio.pl","cenglandb.com","center-kredit.de","center4excellence.com","centerhash.com","centermail.com","centermail.net","centerway.site","centerway.xyz","centexpathlab.com","centima.ml","centirytel.net","centleadetai.eu","centnetploggbu.eu","centol.us","centoviki.ml","centr-fejerverkov28.ru","centr-luch.ru","centr-p-i.ru","central-asia.travel","central-cargo.co.uk","central-realestate.com","central-series.com","central-servers.xyz","centraldecomunicacion.es","centrale.wav.pl","centrale.waw.pl","centralgcc.biz","centralheatingproblems.net","centraljoinerygroup.com","centrallosana.ga","centralplatforms.com","centralstaircases.com","centralstairisers.com","centralux.org","centralwisconsinfasteners.com","centrodeolhoscampos.com","centroone.com","centrumchwilowek.com","centrumfinansow24.pl","centrurytel.net","centurtel.net","centurtytel.net","centurytrl.net","centvps.com","centy.ga","cenurytel.net","ceoll.com","cepllc.com","ceramicsouvenirs.com","ceramictile-outlet.com","cerapht.site","cerdikiawan.me","ceremonydress.net","ceremonydress.org","ceremonydresses.com","ceremonydresses.net","ceremonyparty.com","ceresko.com","cergon.com","cerkwa.net","certansia.net","certifiedtgp.com","certiflix.com","certphysicaltherapist.com","cervejeiromestre.com.br","cesitayedrive.live","cesknurs69.de","cestdudigital.info","cestorestore.com","cesuoter.com","cesur.pp.ua","cetamision.site","cetmen.cyou","cetmen.store","cetpass.com","cetta.com","ceweknakal.cf","ceweknakal.ga","ceweknakal.ml","cewekonline.buzz","cewtrte555.cz.cc","cex1z9qo.cf","cexkg50j6e.cf","cexkg50j6e.ga","cexkg50j6e.gq","cexkg50j6e.ml","cexkg50j6e.tk","cfainstitute.com","cfat9fajli.ru","cfat9loadzzz.ru","cfatt6loadzzz.ru","cfcae.org","cfcjy.com","cfe21.com","cfifa.net","cfllx7ix9.pl","cflv.com","cfo2go.ro","cfoto24.pl","cfremails.com","cfskrxfnsuqck.cf","cfskrxfnsuqck.ga","cfskrxfnsuqck.gq","cfskrxfnsuqck.ml","cfskrxfnsuqck.tk","cftcmaf.com","cfvgftv.in","cfyawstoqo.pl","cg.luk2.com","cget0faiili.ru","cget3zaggruz.ru","cget4fiilie.ru","cget6zagruska.ru","cgfrinfo.info","cgfrredi.info","cgget5zaggruz.ru","cgget5zagruz.ru","cggup.com","cghdgh4e56fg.ga","cgilogistics.com","cgnz7xtjzllot9oc.cf","cgnz7xtjzllot9oc.ga","cgnz7xtjzllot9oc.gq","cgnz7xtjzllot9oc.ml","cgnz7xtjzllot9oc.tk","cgredi.info","cgrtstm0x4px.cf","cgrtstm0x4px.ga","cgrtstm0x4px.gq","cgrtstm0x4px.ml","cgrtstm0x4px.tk","cgtq.tk","cgyvgtx.xorg.pl","ch.tc","cha-cha.org.pl","chaamtravel.org","chaappy9zagruska.ru","chaatalop.club","chaatalop.online","chaatalop.site","chaatalop.store","chaatalop.website","chaatalop.xyz","chachia.net","chachupa.com","chachyn.site","chacuo.net","chaichuang.com","chainc.com","chaincurve.com","chainlinkthemovie.com","chajnik-bokal.info","chalemarket.online","chalupaurybnicku.cz","cham.co","chamberlinre.com","chammakchallo.com","chammy.info","champmails.com","chamsocdavn.com","chamsocvungkin.vn","chancemorris.co.uk","chaneborseoutletmodaitaly.com","chanel-bag.co","chanel-outletbags.com","chanelbagguzu.com","chanelcheapbagsoutlett.com","chanelforsalejp.org","chanelhandbagjp.com","chaneloutlettbagsuus.com","chanelstore-online.com","chaneoutletcheapbags.com","chaneoutletuomoitmini1.com","chaneoutletuomoitmini2.com","changemail.cf","changeofname.net","changesmile.org.ua","changetheway.org.ua","changingemail.com","changuaya.site","chanluuuk.com","chanmelon.com","channel9.cf","channel9.ga","channel9.gq","channel9.ml","chantellegribbon.com","chaocosen.com","chaonamdinh.com","chaonhe.club","chaos.ml","chaosfen.com","chaosi0t.com","chapar.cf","chaparmail.tk","chapedia.net","chappy1faiili.ru","chappy9sagruz.ru","chardrestaurant.com","charenthoth.emailind.com","charityforpoorregions.com","charlesjordan.com","charlie.mike.spithamail.top","charlie.omega.webmailious.top","charlielainevideo.com","charliesplace.com","charltons.biz","charm-sexylingerie.com","charminggirl.net","charmlessons.com","charmrealestate.com","chartef.net","charter.bet","chasefreedomactivate.com","chat080.net","chatbelgique.com","chatdays.com","chatfap.info","chatfrenchguiana.com","chatich.com","chatjunky.com","chatlines.club","chatlines.wiki","chatlivesexy.com","chatpolynesie.com","chaukkas.com","chaussure-air-max.com","chaussure-air-maxs.com","chaussure-airmaxfr.com","chaussure-airmaxs.com","chaussureairmaxshop.com","chaussuresadaptees.com","chaussuresairjordansoldes.com","chaussuresllouboutinpascherfr.com","chaussureslouboutinmagasinffr.com","chaussureslouboutinpascherfrance.com","chaussureslouboutinpascherparis.com","chaussuresslouboutinpascherfrance.com","chaussuresslouboutinppascher.com","chaussurs1ouboutinffrance.com","chavezschool.org","chcial.com","chclzq.com","chealsea.com","cheap-beatsbydre-online.com","cheap-carinsurancecanada.info","cheap-carinsuranceuk.info","cheap-carinsuranceusa.info","cheap-coachpurses.us","cheap-ghdaustraliastraightener.com","cheap-inflatables.com","cheap-monsterbeatsdre-headphones.com","cheap-nikefreerunonline.com","cheap-tadacip.info","cheap2trip.com","cheap3ddigitalcameras.com","cheap5831bootsukonsale.co.uk","cheapabeatsheadphones.com","cheapabercrombieuk.com","cheapadidasashoes.com","cheapairjordan.org","cheapairmaxukv.com","cheapantivirussoftwaress.info","cheapbacklink.net","cheapbagsblog.org","cheapbagsmlberryuksale.co.uk","cheapbarbourok.com","cheapbeatsbuynow.com","cheapbedroomsets.info","cheapbootsonuksale1.co.uk","cheapcar.com","cheapcarinsurancerus.co.uk","cheapcarrentalparis.info","cheapchaneljp.com","cheapcheapppes.org","cheapchristianllouboutinshoes.info","cheapchristianlouboutindiscount.com","cheapchristinlouboutinshoesusa.com","cheapcoacbagsoutletusa.com","cheapcoachbagsonlineoutletusa.com","cheapcoachfactoryyonlineus.com","cheapcoachotletstore.com","cheapcoachoutletonlinestoreusa.com","cheapcoachstoreonlinesale.com","cheapcoahoutletstoreonline.com","cheapcoahusa.com","cheapdsgames.org","cheapedu.me","cheapeffexoronline.net","cheapelectronicreviews.info","cheaperredbottoms.com","cheapers.me","cheapessaywriting.top","cheapestnewdriverinsurance.co.uk","cheapestnikeairmaxtz.co.uk","cheapestnikeairmaxzt.co.uk","cheapfacebooklikes.net","cheapfashionbootsa.com","cheapfashionshoesbc.com","cheapfashionshoesbd.com","cheapfashionshoesbg.com","cheapfashionshoesbu.com","cheapfootwear-sale.info","cheapforexrobot.com","cheapgenericciprosure.com","cheapgenericdiflucansure.com","cheapgenericdostinexsure.com","cheapgenericlexaprosure.com","cheapgenericlipitorsure.com","cheapgenericnexiumsure.com","cheapgenericnorvascsure.com","cheapgenericpropeciasure.com","cheapgenericvaltrexsure.com","cheapgenericxenicalsure.com","cheapgenericzoviraxsure.com","cheapggbootsuksale1.com","cheapghdahairstraighteneraghduksale.co.uk","cheapghddssaleukonlinestraighteners.co.uk","cheapghdsaleaustralia.co.uk","cheapghdstraightenerghdsale.co.uk","cheapghdstraighteneruk.co.uk","cheapghduksalee.co.uk","cheapgraphicscards.info","cheapgreenteabags.com","cheapgucchandbags.com","cheapgucchandbas.com","cheapgucchandsbags.com","cheapguccoutlet.com","cheaph.com","cheaphandbagssite.net","cheaphatswholesaleus.com","cheaphie.com","cheaphorde.com","cheaphub.net","cheapisabelmarantsneakerss.info","cheapjerseys1.co","cheapjerseysforsaleonline.com","cheapjerseysprostore.com","cheapjerseysstoreusa.com","cheapkidstoystore.com","cheapkitchens-direct.co.uk","cheaplinksoflondoncharms.net","cheapllvoutlet.com","cheaplouboutinshoesuksale.co.uk","cheaplouisvuitton-handbags.info","cheaplouisvuittonaubags.com","cheaplouisvuittonukzt.co.uk","cheaplouisvuittoonusoutletusa.com","cheaplvbags.net","cheaplvbagss.com","cheapmailhosting.live","cheapmenssuitsus.com","cheapmichaelkorsonsaleuus.com","cheapminibootssonsaleuk.co.uk","cheapminibootssonsaleuk1.co.uk","cheapminibootssonsaleuk2.co.uk","cheapmlberryuksalebags.co.uk","cheapmonster098.com","cheapmulberrysalebagsuk.co.uk","cheapn1keshoes.com","cheapnamedeals.info","cheapnetbooksunder200.net","cheapnfjacketsusvip.com","cheapnicedress.net","cheapnikeairmax1shoes.co.uk","cheapnikeairmax1ukvip.co.uk","cheapnikeairmax1vip.co.uk","cheapnikeairmax90shoes.co.uk","cheapnikeairmax90zu.co.uk","cheapnikeairmax95uk.co.uk","cheapnikeairmax95zt.co.uk","cheapnikeairmaxmvp.co.uk","cheapnikeairmaxshoesus.com","cheapnikeairmaxuktz.co.uk","cheapniketrainersuksale.co.uk","cheapnitros.com","cheapnorthfacejacketsoutlet.net","cheapoakley-storeus.com","cheapoakleyoutletvip.com","cheapoakleystoreus.com","cheapoakleysunglasseshotsale.com","cheapoakleysunglassesoutlet.org","cheapoakleysunglasseszt.co.uk","cheapoakleyvipa.com","cheapoakleyzt.co.uk","cheapoir.com","cheapoksunglassesstore.com","cheapooakleysunglassesussale.com","cheapoutlet10.com","cheapoutlet11.com","cheapoutlet12.com","cheapoutlet3.com","cheapoutlet6.com","cheapoutlet9.com","cheapoutletonlinecoachstore.com","cheappbootsuksale.com","cheappghdstraightenersoutlet1.co.uk","cheappradabagau.com","cheappradaoutlet.us","cheapprescriptionspectacles.in","cheappropeciaonlinepills.com","cheapraybanswayfarersunglassesoutlet.com","cheapraybanukoutlett.com","cheaps5.com","cheapscript.net","cheapseller.cf","cheapshoeslouboutinsale.co.uk","cheapsnowbootsus.com","cheapstomshoesoutlet.com","cheapstore.club","cheapthelouboutinshoesusa1.com","cheapthenorthfacesalee.com","cheapthermalpaper.com","cheaptheuksaleface.com","cheaptiffanyandcoclub.co.uk","cheaptomshoesoutlet.com","cheaptomshoesoutlet.net","cheaptoothpicks.com","cheaptraineruk.com","cheaptravelguide.net","cheapuggbootonsaleus.com","cheapuggbootsslippers.com","cheapuggbootsuk-store.info","cheapuggoutletmall.com","cheapuggoutletonsale.com","cheapukbootsbuy.com","cheapuknikeairmaxsale.co.uk","cheapukniketrainers.co.uk","cheapukniketrainerssale.co.uk","cheapuksalehandbagsoutletlv.co.uk","cheapukstraightenerssale.info","cheapusbspeakers.info","cheapvps.space","cheapweekendgetawaysforcouples.com","cheatautomation.com","cheaterboy.com","cheatis.fun","cheatmail.de","cheatsgenerator.online","cheatsorigin.com","cheattuts.com","chechnya.conf.work","checkbesthosting.com","checkemail.biz","checkmatemail.info","checknew.pw","checknowmail.com","checkout.lakemneadows.com","checkwilez.com","cheekyart.net","cheerclass.com","cheesepin.info","cheesethecakerecipes.com","cheeze25421.com","cheezoo.com","chef.asana.biz","chefandrew.com","chefmail.com","chefsipa.tk","chekist.info","cheliped.info","chellup.info","chelsea.com.pl","chelseaartsgroup.com","chelton.dynamailbox.com","chelyab-nedv.ru","chemeng-masdar.com","chemiaakwariowabytom.pl","chemiahurt.eu","chemodanymos.com","chemolysis.info","chemonite.info","chemosorb.info","chenbot.email","chengshinv.com","chengshiso.com","chenteraz.flu.cc","cherchesalope.eu","chernogory-nedv.ru","cherrcreekschools.org","chery-clubs.ru","cheska-nedv.ru","chesles.com","chesterfieldcountyschools.com","chevachi.com","cheverlyamalia.art","chewcow.com","chewiemail.com","chewydonut.com","chexsystemsaccount.com","chezdepaor.com","chfp.de","chfx.com","chgchgm.com","chgio.store","chi-news.ru","chiangmaiair.org","chiara.it","chiasehoctap.net","chibakenma.ml","chicagobears-jersey.us","chicasdesnudas69.com","chicasticas.info","chicco.com.es","chicco.org.es","chicdressing.com","chicha.net","chichichichi.com","chicken-girl.com","chickenadobo.org","chickenbreeds.net","chickenkiller.com","chickerwau.fun","chickerwau.online","chickerwau.site","chickerwau.website","chicksnd52.com","chicomaps.com","chidelivery.com","chider.com","chiefcoder.com","chiefyagan.com","chielo.com","chiet.ru","chihairstraightenerv.com","chikd73.com","childrenofthesyrianwar.com","childrentoys.site","childsavetrust.org","chilecokk.com","chilelinks.cl","chilepro.cc","chili-nedv.ru","chilkat.com","chilli.biz","chillphet.com","chimerahealth.com","chimesearch.com","chimpad.com","china-mattress.org","china-nedv.ru","china183.com","china1mail.com","chinaecapital.com","chinaflights.store","chinagold.com","chinalww.com","chinamkm.com","chinanew.com","chinatabletspcs.com","chinatongyi.com","chinatov.com","chinchillaspam.com","chindyanggrina.art","chinese-opportunity.com","chineseclothes12345678.net","chinjow.xyz","chintamiatmanegara.art","chipbankasi.com","chipekii.cf","chipekii.ga","chipeling.xyz","chipkolik.com","chipmunkbox.com","chiragra.pl","chirio.co","chironglobaltechnologies.com","chise.com","chisers.xyz","chithi.xyz","chithinh.com","chito-18.info","chitthi.in","chivasso.cf","chivasso.ga","chivasso.gq","chivasso.ml","chivasso.tk","chivvying.2f0s.com","chivvying.luk0.com","chlamydeous.2f0s.com","chloral.2f0s.com","chloral.luk0.com","chlorate.luk0.com","chlordane.luk0.com","chloride.luk0.com","chmail.cf","cho.com","choang.asia","chobam15.net","chocklet.us","choco.la","chocolategiftschoice.info","chocolato39mail.biz","chodas.com","choeunart.com","chogmail.com","choicecomputertechnologies.com","choicefoods.ru","choicemail1.com","choiceoneem.ga","chokiwnl.men","chokodog.xyz","chokxus.com","choladhisdoctor.com","chomagor.com","chong-mail.com","chong-mail.net","chong-mail.org","chong-soft.net","chongblog.com","chongseo.cn","chongsoft.cn","chongsoft.com","chongsoft.org","chookie.com","chooky.site","choosietv.com","choozcs.com","chooze254.com","choqr6r4.com","chordguitar.us","chordmi.com","chort.eu","chothuevinhomesquan9.com","chovy12.com","chowet.site","chratechbeest.club","chris.burgercentral.us","chrisanhill.com","chrisgomabouna.eu","christ.show","christian-louboutin.com","christian-louboutin4u.com","christian-louboutinsaleclearance.com","christianlouboutin-uk.info","christianlouboutinaustralia.info","christianlouboutincanada.info","christianlouboutinccmagasin.com","christianlouboutinmagasinffr.com","christianlouboutinmagasinffrance1.com","christianlouboutinmagasinfra.com","christianlouboutinnoutlet.com","christianlouboutinnreplica.com","christianlouboutinopascherfr.com","christianlouboutinoutletstores.info","christianlouboutinpascherenligne.com","christianlouboutinpascherffr.com","christianlouboutinpascherr.com","christianlouboutinportugal.com","christianlouboutinppascher.com","christianlouboutinppaschers.com","christianlouboutinrfrance.com","christianlouboutinsale-shoes.info","christianlouboutinsaleshoes.info","christianlouboutinshoe4sale.com","christianlouboutinsuk.net","christianlouboutinukshoes.info","christianlouboutsshoes.com","christiansongshnagu.com","christinacare.org","christmass.org","christopherfretz.com","chroeppel.com","chromail.info","chronocrusade.com","chronosport.ru","chrspkk.ru","chsl.tk","chsp.com","chuacotsong.online","chubbyteenmodels.com","chuckbennettcontracting.com","chuckbrockman.com","chuckstrucks.com","chuhstudent.org","chuj.de","chukenpro.tk","chumpstakingdumps.com","chungnhanisocert.com","chuongtrinhcanhac.com","churning.app","chvtqkb.pl","chvz.com","chwilowkiibezbik.pl","chwilowkiionlinebezbik.pl","chwytyczestochowa.pl","chyju.com","cia-spa.com","cia.hytech.biz.st","ciagorilla.com","cialis-20.com","cialis20mgrxp.us","cialiscouponss.com","cialisgeneric-us.com","cialisgeneric-usa.com","cialisgenericx.us","cialisietwdffjj.com","cialiskjsh.us","cialismim.com","cialisonline-20mg.com","cialisonlinenopresx.us","cialisonlinerxp.us","cialisopharmacy.com","cialispills-usa.com","cialisrxmsn.com","cialissuperactivesure.com","cialiswithoutadoctorprescriptions.com","cialisy.info","ciaoitaliano.info","ciapharmshark.com","ciaresmi-orjinalsrhbue.ga","ciaterides.quest","ciatico.site","cibermedia.com","cibrian.com","cicek12.xyz","cicie.club","cid.kr","cidorigas.one","cidria.com","ciekawa-strona-internetowa.pl","ciekawastronainternetowa.pl","ciekawostkii.eu","ciekawostkilol.eu","ciensun.co.pl","cientifica.org","ciesz-sie-moda.pw","cigar-auctions.com","cigarshark.com","cigs.com","cikuh.com","cilemail.ga","cilo.us","cimas.info","cinderblast.top","cinders.4amail.top","cindyfatikasari.art","cindygarcie.com","cinemaestelar.com","cinemalive.info","cingcawow.guru","cinnamonproductions.com","cioin.pl","ciproonlinesure.com","ciprorxpharma.com","ciqv53tgu.pl","circinae.com","circlechat.org","cirengisibom.guru","ciromarina.net","cirrushdsite.com","cishanghaimassage.com","citationslist.com","cite.name","citi.articles.vip","cities-countries.ru","citiinter.com.sg","citizen6y6.com","citizencheck.com","citizenlaw.ru","citizensonline.com","citizenssouth.com","citron-client.ru","citrusvideo.com","city-girls.org","city.blatnet.com","city.droidpic.com","city6469.ga","cityanswer.ru","citykurier.pl","citylightsart.com","citymail.online","cityoflakeway.com","cityofsomerton.com","cityroyal.org","citywinetour.com","ciudad-activa.com","civbc.com","cividuato.site","civilengineertop.com","civilius.xyz","civilizationdesign.xyz","civilokant903.ga","civilokant903.gq","civilroom.com","civinbort.site","civisp.site","civitellaroveto.eu","civvic.ro","civx.org","ciweltrust33deep.tk","cj2v45a.pl","cjck.eu","cjet.net","cjj.com","cjpeg.com","cjrnskdu.com","cjuprf2tcgnhslvpe.cf","cjuprf2tcgnhslvpe.ga","cjuprf2tcgnhslvpe.gq","cjuprf2tcgnhslvpe.ml","cjuprf2tcgnhslvpe.tk","ck12.cf","ck12.ga","ck12.gq","ck12.ml","ck12.tk","ckaazaza.tk","ckatalog.pl","ckdvjizln.pl","ckfibyvz1nzwqrmp.cf","ckfibyvz1nzwqrmp.ga","ckfibyvz1nzwqrmp.gq","ckfibyvz1nzwqrmp.ml","ckfibyvz1nzwqrmp.tk","ckfirmy.pl","ckfmqf.fun","ckfsunwwtlhwkclxjah.cf","ckfsunwwtlhwkclxjah.ga","ckfsunwwtlhwkclxjah.gq","ckfsunwwtlhwkclxjah.ml","ckfsunwwtlhwkclxjah.tk","ckhouse.hk","ckiso.com","ckme1c0id1.cf","ckme1c0id1.ga","ckme1c0id1.gq","ckme1c0id1.ml","ckme1c0id1.tk","cko.kr","ckoie.com","ckyxtcva19vejq.cf","ckyxtcva19vejq.ga","ckyxtcva19vejq.gq","ckyxtcva19vejq.ml","ckyxtcva19vejq.tk","cl-cl.org","cl-outletonline.info","cl-pumps.info","cl-pumpsonsale.info","cl.gl","cl0ne.net","cl2004.com","claarcellars.com","claimab.com","claimtaxrebate.com","clairineclay.art","clamiver.ml","clan.emailies.com","clan.marksypark.com","clan.oldoutnewin.com","clan.poisedtoshrike.com","clandest.in","clare-smyth.art","claresmyth.art","clargest.site","clarionsj.com","clark-college.cf","clarkgriswald.net","clarkown.com","clarksco.com","clarkwardlaw.com","clashatclintonemail.com","clashgems2016.tk","clashlive.com","class.droidpic.com","class.emailies.com","class.hellohappy2.com","classesmail.com","classgess.com","classibooster.com","classicalconvert.com","classicaltantra.com","classicdvdtv.com","classicebook.com","classichandbagsforsale.info","classiclouisvuittonsale.com","classicnfljersey.com","classictiffany.com","classicweightloss.org","classiestefanatosmail.net","classificadosdourados.com","classificadosdourados.org","classified.zone","classitheme.com","classydeveloper.com","classywebsite.co","claud.it","claudebosi.art","claudiaamaya.com","claudiabest.com","claudiahidayat.art","claudyputri.art","claus.tk","clay.xyz","clayandplay.ru","clcraftworks.com","clean-calc.de","clean-living-ventures.com","clean.adriaticmail.com","clean.cowsnbullz.com","clean.oldoutnewin.com","clean.pro","cleaning-co.ru","cleaningcompanybristol.com","cleaningtalk.com","cleansafemail.com","cleantalkorg.ru","cleantalkorg1.ru","cleantalkorg2.ru","cleantalkorg4.ru","cleantalkorg5.ru","cleanzieofficial.online","clear-code.ru","clearancebooth.com","clearcutcreative.com","clearmail.online","clearwaterarizona.com","clearwatercpa.com","clearwatermail.info","clearworry.com","clendere.asia","cleverr.site","click-email.com","click-mail.net","click-mail.top","click24.site","click2btc.com","click2mail.net","clickanerd.net","clickdeal.co","clickernews.com","clickmagnit.ru","clickmail.info","clickmail.tech","clickmarte.xyz","clickmenetwork.com","clickonce.org","clickr.pro","clicks2you.com","clicksecurity.com","clicktrack.xyz","client.makingdomes.com","client.marksypark.com","client.ploooop.com","client.popautomated.com","clientesftp55.info","clientologist.net","clientric.com","clients.blatnet.com","clients.cowsnbullz.com","clients.poisedtoshrike.com","clifors.xyz","clikhere.net","climate-changing.info","climatefoolsday.com","climbing-dancing.info","climchabjale.tk","climitory.site","clinical-studies.com","clinicalcheck.com","clinicatbf.com","cliniquedarkspotcorrector.com","clintonemailhearing.com","clintonsparks.com","cliol.com","clipmail.cf","clipmail.eu","clipmail.ga","clipmail.gq","clipmail.ml","clipmail.tk","clipmails.com","cliptik.net","cliqueone.com","clitbate.com","clitor-tube.com","clixser.com","clk2020.co","clk2020.com","clk2020.info","clk2020.net","clk2020.org","clm-blog.pl","cloak.9amail.top","clock.com","clomid.info","clomidonlinesure.com","clonchectu.ga","clonefb247-net.ga","clonefb247-net.tk","clonefbtmc1.club","cloneviptmc1.club","closente.com","closetguys.com","closeticv.space","closetonyc.info","closurist.com","closurize.com","clothingbrands2012.info","cloud-mail.net","cloud-mail.top","cloud.9amail.top","cloud.blatnet.com","cloud.cowsnbullz.com","cloud.hellohappy2.com","cloud.oldoutnewin.com","cloud43music.xyz","cloud99.pro","cloud99.top","cloudbst.com","clouddisruptor.com","cloudeflare.com","cloudemail.xyz","cloudhosting.info","cloudido.com","cloudmail.gq","cloudmail.tk","cloudmarriage.com","cloudns.asia","cloudns.cc","cloudns.cf","cloudns.cx","cloudns.gq","cloudonf.com","cloudscredit.com","cloudservicesproviders.net","cloudsigmatrial.cf","cloudstat.top","cloudstreaming.info","cloudsyou.com","cloudt12server01.com","cloutlet-vips.com","clovergy.co","clovet.com","clovet.ga","clozec.online","clpuqprtxtxanx.cf","clpuqprtxtxanx.ga","clpuqprtxtxanx.gq","clpuqprtxtxanx.ml","clpuqprtxtxanx.tk","clrmail.com","cls-audio.club","clsn.top","clsn1.com","club55vs.host","clubbaboon.com","clubcaterham.co.uk","clubdetirlefaucon.com","clubexnis.gq","clubfanshd.com","clubfier.com","clublife.ga","clubmercedes.net","clubnew.uni.me","clubnews.ru","clubsanswers.ru","clubstt.com","clubuggboots.com","clubzmail.club","clue-1.com","clue.bthow.com","clunker.org","cluom.com","clutchbagsguide.info","clutthob.com","clutunpodli.ddns.info","cluu.de","clwellsale.com","clzo.com","clzoptics.com","cmael.com","cmail.club","cmail.com","cmail.host","cmail.net","cmail.org","cmailing.com","cmawfxtdbt89snz9w.cf","cmawfxtdbt89snz9w.ga","cmawfxtdbt89snz9w.gq","cmawfxtdbt89snz9w.ml","cmawfxtdbt89snz9w.tk","cmc88.tk","cmcast.com","cmcoen.com","cmhr.com","cmhvqhs.ml","cmial.com","cmjinc.com","cmmail.ru","cmmgtuicmbff.ga","cmmgtuicmbff.ml","cmmgtuicmbff.tk","cmoki.pl","cmpschools.org","cms-rt.com.com","cmsf.com","cmtcenter.org","cmusicsxil.com","cn-chivalry.com","cn7c.com","cn9n22nyt.pl","cnamed.com","cnazure.com","cnbet8.com","cncb.de","cncsystems.de","cnctexas.com","cndps.com","cnetmail.net","cnew.ir","cnewsgroup.com","cnh.industrial.ga","cnh.industrial.gq","cnhindustrial.cf","cnhindustrial.ga","cnhindustrial.gq","cnhindustrial.ml","cnhindustrial.tk","cniirv.com","cnj.agency","cnmsg.net","cnn.coms.hk","cnnglory.com","cnovelhu.com","cnsa.biz","cnsds.de","cnshosti.in","cnxingye.com","co.cc","co.mailboxxx.net","co.uk.com","co1vgedispvpjbpugf.cf","co1vgedispvpjbpugf.ga","co1vgedispvpjbpugf.gq","co1vgedispvpjbpugf.ml","co1vgedispvpjbpugf.tk","coach-outletonlinestores.info","coach-purses.info","coachartbagoutlet.com","coachbagoutletjp.org","coachbagsforsalejp.com","coachbagsonlinesale.com","coachbagsonsalesjp.com","coachbagssalesjp.com","coachbagsshopjp.com","coachcheapjp.com","coachchoooutlet.com","coachfactorybagsjp.com","coachfactorystore-online.us","coachfactorystoreonline.us","coachhandbags-trends.us","coachhandbagsjp.net","coaching-supervision.at","coachnetworkmarketing.com","coachnewoutlets.com","coachonlinejp.com","coachonlinepurse.com","coachoutletbagscaoutlet.ca","coachoutletlocations.com","coachoutletonline-stores.us","coachoutletonlinestores.info","coachoutletpop.org","coachoutletstore.biz","coachoutletstore9.com","coachoutletvv.net","coachsalejp.com","coachsalestore.net","coachseriesoutlet.com","coachstorejp.net","coachstoresjp.com","coachtransformationacademy.com","coachupoutlet.com","coaeao.com","coagro.net","coainu.com","coalamails.com","coalhollow.org","coalitionfightmusic.com","coania.com","coapp.net","coastalbanc.com","coastalorthopaedics.com","coastmagician.com","coatsnicejp.com","cobarekyo1.ml","cobete.cf","cobin2hood.com","cobin2hood.company","coboe.com","cocabooka.site","cocaine.ninja","cocast.net","coccx1ajbpsz.cf","coccx1ajbpsz.ga","coccx1ajbpsz.gq","coccx1ajbpsz.ml","coccx1ajbpsz.tk","cochatz.ga","cochranmail.men","cock.email","cock.li","cock.lu","cockpitdigital.com","coclaims.com","coco-dive.com","coco.be","coco00.com","cocochaneljapan.com","cocodani.cf","cocoidprzodu.be","cocooan.xyz","cocoro.uk","cocosrevenge.com","cocovpn.com","cocyo.com","codb.site","codc.site","codcodfns.com","code-mail.com","code.blatnet.com","code.cowsnbullz.com","code.marksypark.com","codea.site","codeandscotch.com","codeangel.xyz","codeb.site","codeconnoisseurs.ml","codee.site","codefarm.dev","codeg.site","codeh.site","codei.site","codej.site","codel.site","codem.site","codeo.site","codeq.site","coderoutemaroc.com","codeu.site","codeuoso.com","codew.site","codeyou.site","codg.site","codh.site","codiagency.us","codib.site","codic.site","codid.site","codie.site","codif.site","codig.site","codih.site","codii.site","codij.site","codik.site","codil.site","codim.site","codingliteracy.com","codip.site","codiq.site","codir.site","codit.site","codiu.site","codiv.site","codivide.com","codiw.site","codix.site","codiz.site","codj.site","codjfiewhj21.com","codk.site","codm.community","codm.site","codmobilehack.club","codn.site","codp.site","codq.site","cods.space","codt.site","codu.site","codua.site","codub.site","coduc.site","codud.site","codue.site","coduf.site","codug.site","coduh.site","codui.site","coduj.site","coduk.site","codul.site","codum.site","codun.site","coduo.site","codup.site","codupmyspace.com","coduq.site","codur.site","codw.site","codx.site","codyfosterandco.com","codyting.com","codz.site","coegco.ca","coepoe.cf","coepoe.ga","coepoe.tk","coepoebete.ga","coepoekorea.ml","coffeelovers.life","coffeepancakewafflebacon.com","coffeeshipping.com","coffeetimer24.com","coffeetunner.com","coffygroup.com","cognata.com","cognitiveways.xyz","cogpal.com","cohwabrush.com","coieo.com","coin-host.net","coin-hub.net","coin-link.com","coin-mail.com","coin-one.com","coinalgotrader.com","coinbroker.club","coincal.org","coincheckup.net","coindie.com","coinecon.com","coinero.com","coinhelp123.com","coinific.com","coinlink.club","coinnews.ru","coino.eu","coinsteemit.com","coinxt.net","coiosidkry57hg.gq","cojita.com","cok.3utilities.com","cokbilmis.site","cokeandket.tk","cokeley84406.co.pl","cokhiotosongiang.com","cokils.com","coklat-qq.info","coklow88.aquadivingaccessories.com","colacolaaa.com","colacompany.com","colacube.com","colafanta.cf","colddots.com","colde-mail.com","coldemail.info","coldmail.ga","coldmail.gq","coldmail.ml","coldmail.tk","coldsauce.com","coldzera.fun","coleure.com","colevillecapital.com","colinrofe.co.uk","colinzaug.net","colivingbansko.com","collapse3b.com","collectionmvp.com","collector.org","collectors.global","collectors.international","collectors.solutions","collegee.net","collegefornurse.com","collegeofpublicspeaking.com","colletteparks.com","colloidalsilversolutions.com","colloware.com","coloc.venez.fr","colombiaword.ml","coloncleanse.club","coloncleansereview1.org","coloncleansingplan.com","coloniallifee.com","coloninsta.tk","coloplus.ru","colorado-nedv.ru","coloradoapplianceservice.com","coloradoes.com","colorweb.cf","colosophich.site","coltprint.com","columbianagency.com","columbuscheckcashers.com","com-item.today","com-ma.net","com-posted.org","com-ty.biz","comagrilsa.com","comantra.net","comassage.online","comatoze.com","combcub.com","combrotech77rel.gq","combustore.co","combyo.com","come-on-day.pw","come-to-win.com","come.heartmantwo.com","come.lakemneadows.com","come.marksypark.com","come.qwertylock.com","comececerto.com","comedimagrire24.it","comella54173.co.pl","comenow.info","comeonday.pw","comeonfind.me","comeporon.ga","comercialsindexa.com","comespiaresms.info","comespiareuncellulare.info","comespiareuncellularedalpc.info","comethi.xyz","cometoclmall.com","comfortableshoejp.com","comfytrait.xyz","comilzilla.org","comisbnd.com","comitatofesteteolo.com","comk2.peacled.xyz","comm.craigslist.org","comments2g.com","commercialpropertiesphilippines.com","commercialwindowcoverings.org","commercialworks.com","commissionship.xyz","communitas.site","communitize.net","community-college.university","communityans.ru","communitybuildingworks.xyz","communityforumcourse.com","communityhealthplan.org","comoestudarsozinho.com.br","comohacer.club","comohacerunmillon.com","comolohacenpr.com","compali.com","compandlap.xyz","company-mails.com","companycontacts.net","companycontactslist.com","companynotifier.com","companytitles.com","compaq.com","compare-carinsurancecanada.info","compare-carinsuranceusa.info","comparedigitalcamerassidebyside.org","comparegoodshoes.com","comparepetinsurance.biz","compareshippingrates.org","comparisherman.xyz","comparisions.net","compartedata.com.ar","comparteinformacion.com.ar","comparthe.site","complete-hometheater.com","completegolfswing.com","completemad.com","completeoilrelief.com","compoundtown.com","comprabula.pt","compraresteroides.xyz","comprarfarmacia.site","comprehensivesearchinitiatives.com","comprensivosattacarbonia.it","compressionrelief.com","compscorerric.eu","compservsol.com","comptophone.net","comptravel.ru","compuhelper.org","computations.me","computatrum.online","computer-service-in-heidelberg.de","computer-service-in-heilbronn.de","computer-service-sinsheim.de","computercrown.com","computerdrucke.de","computerengineering4u.com","computerhardware2012.info","computerinformation4u.com","computerlookup.com","computerrepairinfosite.com","computerrepairredlands.com","computersarehard.com","computersoftware2012.info","computerspeakers22.com","computtee.com","coms.hk","comsafe-mail.net","comspotsforsale.info","comunidadtalk.com","comwest.de","con.com","con.net","conadep.cd","concealed.company","conceptdesigninc.com","concetomou.eu","conciergenb.pl","concordhospitality.com","concretegrinding.melbourne","concretepolishinghq.com","condating.info","condecco.com","condorviajes.com","condovallarta.info","conf.work","conferencecallfree.net","conferencelife.site","confessionsofatexassugarbaby.com","confidential.life","confidential.tips","confidentialmakeup.com","config.work","confighub.eu","confirm.live","congatelephone.com","congetrinf.site","congle.us","congnghemoi.top","congthongtin247.net","congtythangmay.top","conisocial.it","connectacc.com","connectdeshi.com","connecticut-nedv.ru","connectmail.online","connr.com","connriver.net","conone.ru","conservativesagainstbush.com","consfant.com","considerinsurance.com","consimail.com","consolidate.net","conspicuousmichaelkors.com","conspiracyfreak.com","constantinsbakery.com","constellational.com","constineed.site","constright.ru","consultant.com","consultingcorp.org","consumerriot.com","contabilidadebrasil.org","contabilitate.ws","contact.fifieldconsulting.com","contacterpro.com","contactmanagersuccess.com","contactout1000.ga","containergroup.com.au","contbay.com","contenand.xyz","contentwanted.com","contextconversation.com","continumail.com","contmy.info","contopo.com","contracommunications.com","contractor.net","contractorsupport.org","contrasto.cu.cc","controlinbox.com","controllerblog.com","contumail.com","conventionpreview.com","conventionstrategy.win","conventnyc.com","convergenceservice.com","conversejapan.com","conversister.xyz","convert-five.ru","convert.africa","converys.com","convexmirrortop.com","convoith.com","convoitu.com","convoitu.org","convoitucpa.com","convowall.com","coobz0gobeptmb7vewo.cf","coobz0gobeptmb7vewo.ga","coobz0gobeptmb7vewo.gq","coobz0gobeptmb7vewo.ml","coobz0gobeptmb7vewo.tk","cooc.xyz","coofy.net","cooh-2.site","cookassociates.com","cookiealwayscrumbles.co.uk","cookiecooker.de","cookiepuss.info","cookiers.tech","cookinglove.club","cookinglove.website","cookjapan.com","cookmeal.store","cool-your.pw","cool.fr.nf","coolandwacky.us","coolbikejp.com","coolbluenet.com","coolcarsnews.net","coolemailer.info","coolemails.info","coolex.site","coolimpool.org","cooljordanshoesale.com","coolmail.com","coolmail.ooo","coolmailcool.com","coolmailer.info","coolmanuals.com","coolprototyping.com","coolstyleusa.com","coolvesti.ru","coolyarddecorations.com","coolyour.pw","cooo23.com","coooooool.com","cooperativalatina.org","cooperativeplus.com","copastore.co","copd.edu","copecbd.com","copi.site","copjlix.de.vc","copley.entadsl.com","copot.info","copperemail.com","copyandart.de","copycashvalve.com","copymanprintshop.com","copyright-gratuit.net","coqh.com","coqmail.com","cora.marketdoors.info","coralgablesguide.com","coraljoylondon.com","coramaster.com","coranorth.com","cordialco.com","cordlessduoclean.com","cordtokens.com","core-rehab.org","coreclip.com","corecross.com","corf.com","corkcoco.com","corkenpart.com","corksaway.com","cornwallschool.org","corona.is.bullsht.dedyn.io","coronachurch.org","coronacoffee.com","coronagg.com","coronaschools.com","corp.ereality.org","corporatet.com","correo.blogos.net","correoparacarlos.ga","correotodo.com","corrientelatina.net","corseesconnect1to1.com","corsenata.xyz","corsj.net","corsovenezia.com","cortex.kicks-ass.net","coruco.com","corunda.com","cosbn.com","coslots.gdn","cosmax25.com","cosmeticsurgery.com","cosmicart.ru","cosmogame.site","cosmopokers.net","cosmorph.com","cosmos.com","costatop.xyz","costinluis.com","cosxo.com","cosynookoftheworld.com","cotdvire543.com","cotocheetothecat12.com","cottage-delight.com","cottagefarmsoap.com","cottagein.ru","cottonandallen.com","cottononloverz.com","cottonsleepingbags.com","cotynet.pl","couchtv.biz","coughone.com","could.cowsnbullz.com","could.marksypark.com","could.oldoutnewin.com","could.poisedtoshrike.com","counselling-psychology.eu","countainings.xyz","counterdusters.us","countmoney.ru","countrusts.xyz","countrycommon.com","countryhotel.org","countrymade.com","countrypub.com","couplesandtantra.com","coupon-reviewz.com","couponcodey.com","couponhouse.info","couponm.net","couponmoz.org","couponoff.com","couponsdisco.com","couponsgod.in","couponslauncher.info","couponsmountain.com","courriel.fr.nf","courrieltemporaire.com","course-fitness.com","course.nl","courseair.com","coursesall.ru","courtney.maggie.istanbul-imap.top","courtrf.com","courtsugkq.com","cousinit.mooo.com","covell37.plasticvouchercards.com","covelocoop.com","coveninfluence.ml","covermygodfromsummer.com","coveryourpills.org","covfefe-mail.gq","covfefe-mail.tk","covorin.com","covteh37.ru","cowabungamail.com","cowaway.com","cowboywmk.com","cowcell.com","cowgirljules.com","cown.com","cowokbete.ga","cowokbete.ml","cowstore.net","cowstore.org","cox.bet","coxbete.cf","coxbete99.cf","coxinternet.com","coxnet.cf","coxnet.ga","coxnet.gq","coxnet.ml","coza.ro","cozmingusa.info","cozybop.com","cpamail.net","cpaoz.com","cpc.cx","cpcprint.com","cpf-info.com","cpffinanceiro.club","cph.su","cpmail.life","cpmcast.net","cpmm.ru","cpmr.com","cpolp.com","cps.org","cpsystems.ru","cpt-emilie.org","cpuk3zsorllc.cf","cpuk3zsorllc.ga","cpuk3zsorllc.gq","cpuk3zsorllc.ml","cpuk3zsorllc.tk","cqutssntx9356oug.cf","cqutssntx9356oug.ga","cqutssntx9356oug.gq","cqutssntx9356oug.ml","cqutssntx9356oug.tk","cr.cloudns.asia","cr219.com","cr3wmail.sytes.net","cr3wxmail.servequake.com","cr97mt49.com","crab.dance","crablove.in","crackerbarrelcstores.com","crackingaccounts.ga","craet.top","craft.bthow.com","craftinc.com","craftlures.com","crafttheweb.com","crankengine.net","crankhole.com","crankmails.com","crap.kakadua.net","crapmail.org","crappykickstarters.com","crapsforward.com","crashkiller.ovh","crashlandstudio.com","crass.com","crastination.de","crator.com","crayonseo.com","crazespaces.pw","crazy-xxx.ru","crazy18.xyz","crazybeta.com","crazyclothes.ru","crazydoll.us","crazydomains.com","crazyijustcantseelol.com","crazykids.info","crazymail.info","crazymail.online","crazymailing.com","crazyshitxszxsa.com","crazyt.tk","crboger.com","crcrc.com","cre8to6blf2gtluuf.cf","cre8to6blf2gtluuf.ga","cre8to6blf2gtluuf.gq","cre8to6blf2gtluuf.ml","cre8to6blf2gtluuf.tk","creality3dturkiye.com","cream.pink","creamail.info","creamcheesefruitdipps.com","creamstrn.fun","creamstrn.live","creamstrn.online","creamstrn.shop","creamstrn.store","creamstrn.xyz","creamway.club","creamway.online","creamway.xyz","creaphototive.com","creationuq.com","creativainc.com","creativas.de","creative-lab.com","creative-vein.co.uk","creative365.ru","creativecommonsza.org","creativeenergyworks.com","creativeindia.com","creativethemeday.com","creazionisa.com","credit-alaconsommation.com","credit-finder.info","credit-line.pl","credit-online.mcdir.ru","credit1.com","creditcardconsolidation.cc","creditcarddumpsites.ru","creditcardg.com","creditorexchange.com","creditreportreviewblog.com","creditscorests.com","creditscoreusd.com","creditspread.biz","credo-s.ru","credtaters.ml","creek.marksypark.com","creek.poisedtoshrike.com","creekbottomfarm.com","creepfeed.com","creo.cad.edu.gr","creo.cloudns.cc","creo.ctu.edu.gr","creo.nctu.me","creou.dev","crepeau12.com","crescendu.com","crescentadvisory.com","cressa.com","crest-premedia.in","cretalscowad.xyz","cretinblog.com","crezjumevakansii20121.cz.cc","crgevents.com","cribafmasu.co.tv","crimesont.com","criminal-lawyer-attorney.biz","criminal-lawyer-texas.net","criminalattorneyhouston.info","criminalattorneyinhouston.info","criminalattorneyinhouston.org","criminalisticsdegree.com","criminallawyersinhoustontexas.com","criminalsearch1a.com","crimright.ru","criptacy.com","crisiscrisis.co.uk","crislosangeles.com","cristobalsalon.com","crm-mebel.ru","crmlands.net","crmrc.us","croatia-nedv.ru","crobinkson.hu","crocoyes.fun","cronicasdepicnic.com","cronostv.site","cronx.com","cropur.com","cropuv.info","cropyloc.com","crosmereta.eu","cross-group.ru","cross-law.ga","cross-law.gq","crossed.de","crossfirecheats.org","crossfitcoastal.com","crossmail.bid","crossmailjet.com","crosspointchurch.com","crossroadsmail.com","crosstelecom.com","crossyroadhacks.com","crotslep.ml","crotslep.tk","croudmails.info","croudmails.space","crow.gq","crow.ml","crowd-mail.com","crowd-mobile.com","crowdaffiliates.com","crowdanimoji.com","crowdeos.com","crowdlycoin.com","crowdpiggybank.com","croweteam.com","crowity.com","crowncasinomacau.com","crpotu.com","crtapev.com","crtfy.xyz","crtpy.xyz","crturner.com","crub.cf","crub.ga","crub.gq","crub.ml","crub.tk","crublowjob20127.co.tv","crublowjob20127.com","crublowjob20129.co.tv","crufreevideo20123.cz.cc","crunchcompass.com","crunchyremark.site","crur.com","crushdv.com","crushes.com","crusthost.com","crutenssi20125.co.tv","cruxmail.info","crydeck.com","cryingcon.com","crymail2.com","cryp.email","crypemail.info","crypgo.io","crypstats.top","crypto-faucet.cf","crypto-net.club","crypto-nox.com","crypto.tyrex.cf","cryptocitycenter.com","cryptocron.com","cryptofree.cf","cryptogameshub.com","cryptohistoryprice.com","cryptolist.cf","cryptonet.top","cryptontrade.ga","cryptosmileys.com","cryptoszone.ga","cryptovilla.info","crystalhack.com","crystalrp.ru","crystaltapes.com","crystempens.site","crystle.club","cs-murzyn.pl","cs.email","cs4h4nbou3xtbsn.cf","cs4h4nbou3xtbsn.ga","cs4h4nbou3xtbsn.gq","cs4h4nbou3xtbsn.ml","cs4h4nbou3xtbsn.tk","cs5xugkcirf07jk.cf","cs5xugkcirf07jk.ga","cs5xugkcirf07jk.gq","cs5xugkcirf07jk.ml","cs5xugkcirf07jk.tk","cs6688.com","cs715a3o1vfb73sdekp.cf","cs715a3o1vfb73sdekp.ga","cs715a3o1vfb73sdekp.gq","cs715a3o1vfb73sdekp.ml","cs715a3o1vfb73sdekp.tk","csapparel.com","csccsports.com","csdinterpretingonline.com","csdsl.net","csek.net","csf24.de","csfav4mmkizt3n.cf","csfav4mmkizt3n.ga","csfav4mmkizt3n.gq","csfav4mmkizt3n.ml","csfav4mmkizt3n.tk","csgo-market.ru","csgodose.com","csgofreeze.com","csh.ro","csht.team","csi-miami.cf","csi-miami.ga","csi-miami.gq","csi-miami.ml","csi-miami.tk","csi-newyork.cf","csi-newyork.ga","csi-newyork.gq","csi-newyork.ml","csi-newyork.tk","csiplanet.com","csmq.com","csmservicios.com","csoftmail.cn","cspeakingbr.com","cspointblank.com","csr.hsgusa.com","csrbot.com","csrsoft.com","cssu.edu","csupes.com","csuzetas.com","csvcialis.com","cszbl.com","ct345fgvaw.cf","ct345fgvaw.ga","ct345fgvaw.gq","ct345fgvaw.ml","ct345fgvaw.tk","ctair.com","ctasprem.pro","ctaylor.com","ctimendj.com","ctmailing.us","ctos.ch","ctrobo.com","cts-lk-i.cf","cts-lk-i.ga","cts-lk-i.gq","cts-lk-i.ml","cts-lk-i.tk","ctshp.org","cttake1fiilie.ru","ctycter.com","ctyctr.com","ctypark.com","ctznqsowm18ke50.cf","ctznqsowm18ke50.ga","ctznqsowm18ke50.gq","ctznqsowm18ke50.ml","ctznqsowm18ke50.tk","cu.cc","cu8wzkanv7.cf","cu8wzkanv7.gq","cu8wzkanv7.ml","cu8wzkanv7.tk","cua77-official.gq","cua77.club","cua77.xyz","cuadongplaza.com","cuaina.com","cuan.email","cuanmarket.xyz","cuarl.com","cuasotrithuc.com","cuatrocabezas.com","cubb6mmwtzbosij.cf","cubb6mmwtzbosij.ga","cubb6mmwtzbosij.gq","cubb6mmwtzbosij.ml","cubb6mmwtzbosij.tk","cubehost.us","cubeisland.com","cubiclink.com","cuckmere.org.uk","cucku.cf","cucku.ml","cucummail.com","cuddleflirt.com","cudimex.com","cuedigy.com","cuedingsi.cf","cuelmail.info","cuendita.com","cuenmex.com","cuentaspremium-es.xyz","cuirushi.org","cuisine-recette.biz","cul0.cf","cul0.ga","cul0.gq","cul0.ml","cul0.tk","culasatu.site","culated.site","culdemamie.com","culinaryservices.com","cullmanpd.com","cult-reno.ru","cultmovie.com","culturallyconnectedcook.org","cum.sborra.tk","cumallover.me","cumangeblog.net","cumanuallyo.com","cumbeeclan.com","cumonfeet.org","cungchia.com","cungmua.vn","cungmuachung.net","cungmuachungnhom.com","cungsuyngam.com","cungtam.com","cunnilingus.party","cuoiz.com","cuoly.com","cuongtaote.com","cuongvumarketingseo.com","cupbest.com","cupf6mdhtujxytdcoxh.cf","cupf6mdhtujxytdcoxh.ga","cupf6mdhtujxytdcoxh.gq","cupf6mdhtujxytdcoxh.ml","cupf6mdhtujxytdcoxh.tk","cuponhostgator.org","cuppatweet.com","cupremplus.com","cuptober.com","curcuplas.me","cure2children.com","curinglymedisease.com","curiousitivity.com","curletter.com","curlhph.tk","currencymeter.com","currentmortgageratescentral.com","currymail.bid","currymail.men","curryworld.de","curso.tech","cursoconsertodecelular.top","cursodemicropigmentacao.us","cursodeoratoriasp.com","cursospara.net","curtinicheme-sc.com","curtwphillips.com","curvehq.com","curvymail.top","cuscuscuspen.life","cushingsdisease.in","cushions.ru","cust.in","custom-wp.com","custom12.tk","customdevices.ru","customersupportdepartment.ga","customeyeslasik.com","customiseyourpc.xyz","customizedfatlossreviews.info","customlogogolf-balls.com","customrifles.info","customs2g3.com","customsnapbackcap.com","customss.com","custonish.xyz","cutbebytsabina.art","cuteblanketdolls.com","cuteboyo.com","cutedoll.shop","cutekinks.com","cutemailbox.com","cutey.com","cutie.com","cutout.club","cutradition.com","cutsup.com","cuvox.de","cuwanin.xyz","cuxade.xyz","cvagoo.buzz","cvd8idprbewh1zr.cf","cvd8idprbewh1zr.ga","cvd8idprbewh1zr.gq","cvd8idprbewh1zr.ml","cvd8idprbewh1zr.tk","cveiguulymquns4m.cf","cveiguulymquns4m.ga","cveiguulymquns4m.gq","cveiguulymquns4m.ml","cveiguulymquns4m.tk","cvelbar.com","cverizon.net","cvetomuzyk-achinsk.ru","cvijqth6if8txrdt.cf","cvijqth6if8txrdt.ga","cvijqth6if8txrdt.gq","cvijqth6if8txrdt.ml","cvijqth6if8txrdt.tk","cvmq.com","cvndr.com","cvoh.com","cvolui.xyz","cvs-couponcodes.com","cvscout.com","cvsout.com","cvurb5g2t8.cf","cvurb5g2t8.ga","cvurb5g2t8.gq","cvurb5g2t8.ml","cvurb5g2t8.tk","cvwvxewkyw.pl","cw8xkyw4wepqd3.cf","cw8xkyw4wepqd3.ga","cw8xkyw4wepqd3.gq","cw8xkyw4wepqd3.ml","cw8xkyw4wepqd3.tk","cw9bwf5wgh4hp.cf","cw9bwf5wgh4hp.ga","cw9bwf5wgh4hp.gq","cw9bwf5wgh4hp.ml","cw9bwf5wgh4hp.tk","cwdt5owssi.cf","cwdt5owssi.ga","cwdt5owssi.gq","cwdt5owssi.ml","cwdt5owssi.tk","cwerwer.net","cwkdx3gi90zut3vkxg5.cf","cwkdx3gi90zut3vkxg5.ga","cwkdx3gi90zut3vkxg5.gq","cwkdx3gi90zut3vkxg5.ml","cwkdx3gi90zut3vkxg5.tk","cwmco.com","cwqksnx.com","cwroutinesp.com","cx.de-a.org","cx4div2.pl","cxbhxb.site","cxboxcompone20121.cx.cc","cxcc.cf","cxcc.gq","cxcc.ml","cxcc.tk","cxmyal.com","cxoc.us","cxpcgwodagut.cf","cxpcgwodagut.ga","cxpcgwodagut.gq","cxpcgwodagut.ml","cxpcgwodagut.tk","cxvixs.com","cxvxcv8098dv90si.ru","cxvxecobi.pl","cyadp.com","cyanlv.com","cyantools.com","cyber-host.net","cyber-innovation.club","cyber-phone.eu","cyberbulk.me","cybergamerit.ga","cybergfl.com","cyberhohol.tk","cyberian.net","cybermail.ga","cybermax.systems","cyberper.net","cybersex.com","cybrew.com","cydco.org","cyelee.com","cygenics.com","cyhui.com","cylab.org","cyng.com","cynthialamusu.art","cyotto.ml","cypresshop.com","cypriummining.com","cypruswm.com","cytsl.com","cyz.com","czarny.agencja-csk.pl","czbird.com","czblog.info","czeescibialystok.pl","czerwonaskarbonka.eu","czeta.wegrow.pl","czpanda.cn","czqjii8.com","czqweasdefas.com","czsdzwqaasd.com","czuj-czuj.pl","czuz.com","czyjtonumer.com","czystydywan.elk.pl","czystyzysk.net","czytnik-rss.pl","d-ax.xyz","d-link.cf","d-link.ga","d-link.gq","d-link.ml","d-link.tk","d-skin.com","d-v-w.de","d.asiamail.website","d.barbiedreamhouse.club","d.bestwrinklecreamnow.com","d.coloncleanse.club","d.crazymail.website","d.dogclothing.store","d.extrawideshoes.store","d.gsamail.website","d.gsasearchengineranker.pw","d.gsasearchengineranker.site","d.gsasearchengineranker.space","d.gsasearchengineranker.top","d.gsasearchengineranker.xyz","d.mediaplayer.website","d.megafon.org.ua","d.mylittlepony.website","d.ouijaboard.club","d.polosburberry.com","d.ps4.rocks","d.searchengineranker.email","d.seoestore.us","d.uhdtv.website","d.virtualmail.website","d.waterpurifier.club","d.yourmail.website","d0gone.com","d10.michaelkorssaleoutlet.com","d123.com","d154cehtp3po.cf","d154cehtp3po.ga","d154cehtp3po.gq","d154cehtp3po.ml","d154cehtp3po.tk","d1rt.net","d1xrdshahome.xyz","d1yun.com","d2pwqdcon5x5k.cf","d2pwqdcon5x5k.ga","d2pwqdcon5x5k.gq","d2pwqdcon5x5k.ml","d2pwqdcon5x5k.tk","d2v3yznophac3e2tta.cf","d2v3yznophac3e2tta.ga","d2v3yznophac3e2tta.gq","d2v3yznophac3e2tta.ml","d2v3yznophac3e2tta.tk","d32ba9ffff4d.servebeer.com","d3account.com","d3bb.com","d3ff.com","d3gears.com","d3p.dk","d4eclvewyzylpg7ig.cf","d4eclvewyzylpg7ig.ga","d4eclvewyzylpg7ig.gq","d4eclvewyzylpg7ig.ml","d4eclvewyzylpg7ig.tk","d4networks.org","d4wan.com","d58pb91.com","d5fffile.ru","d5ipveksro9oqo.cf","d5ipveksro9oqo.ga","d5ipveksro9oqo.gq","d5ipveksro9oqo.ml","d5ipveksro9oqo.tk","d5wwjwry.com.pl","d75d8ntsa0crxshlih.cf","d75d8ntsa0crxshlih.ga","d75d8ntsa0crxshlih.gq","d75d8ntsa0crxshlih.ml","d75d8ntsa0crxshlih.tk","d7bpgql2irobgx.cf","d7bpgql2irobgx.ga","d7bpgql2irobgx.gq","d7bpgql2irobgx.ml","d8u.us","d8wjpw3kd.pl","d8zzxvrpj4qqp.cf","d8zzxvrpj4qqp.ga","d8zzxvrpj4qqp.gq","d8zzxvrpj4qqp.ml","d8zzxvrpj4qqp.tk","d9faiili.ru","d9jdnvyk1m6audwkgm.cf","d9jdnvyk1m6audwkgm.ga","d9jdnvyk1m6audwkgm.gq","d9jdnvyk1m6audwkgm.ml","d9jdnvyk1m6audwkgm.tk","d9tl8drfwnffa.cf","d9tl8drfwnffa.ga","d9tl8drfwnffa.gq","d9tl8drfwnffa.ml","d9tl8drfwnffa.tk","d9wow.com","da-bro.ru","da-da-da.cf","da-da-da.ga","da-da-da.gq","da-da-da.ml","da-da-da.tk","daabox.com","daaiyurongfu.com","daawah.info","dab.ro","dabestizshirls.com","dabjam.com","dabmail.xyz","dabrigs.review","dacarirato.com.my","dacha-24.ru","dachinese.site","daciasandero.cf","daciasandero.ga","daciasandero.gq","daciasandero.ml","daciasandero.tk","dacoolest.com","dacre.us","dad.biprep.com","dadaproductions.net","dadbgspxd.pl","dadd.kikwet.com","daddybegood.com","dadeschool.net","daditrade.com","dadosa.xyz","dadsa.com","dadschools.net","dae-bam.net","daeac.com","daemoniac.info","daemsteam.com","daeschools.net","daewoo.gq","daewoo.ml","dafardoi1.com","daff.pw","dafgtddf.com","dafinally.com","dafrem3456ails.com","daftarjudimixparlay.com","dagagd.pl","dahongying.net","daibond.info","daiettodorinku.com","daiigroup.com","daiklinh.com","daileyads.com","daily-cash.info","daily-dirt.com","daily-email.com","dailyautoapprovedlist.blogmyspot.com","dailyawesomedeal.com","dailycryptomedia.com","dailyhealthclinic.com","dailyladylog.com","dailyloon.com","dailypowercleanse.com","dailypublish.com","dailyquinoa.com","dailysocialpro.com","daimlerag.cf","daimlerag.ga","daimlerag.gq","daimlerag.ml","daimlerag.tk","daimlerchrysler.cf","daimlerchrysler.gq","daimlerchrysler.ml","dainaothiencung.vn","daintly.com","dairyfarm-residences-sg.com","daisapodatafrate.com","daisuke8310.atsushi78.dev256.xyz","daisyura.tk","dait.cf","dait.ga","dait.gq","dait.ml","dait.tk","daiuiae.com","dakcans.com","dakgunaqsn.pl","dalatvirginia.com","daleloan.com","dalevillevfw.com","daliamodels.pl","dalins.com","dallaisd.org","dallas.gov","dallascowboysjersey.us","dallasdaybook.com","dallasftworthdaybook.com","dallaslotto.com","dallassalons.com","daly.malbork.pl","dalyoko.com","damacosmetickh.com","damai.webcam","damail.ga","damanik.ga","damanik.tk","damaso-nguyen-tien-loi.xyz","damde.space","daminhptvn.com","damlatas.com","dammexe.net","damncity.com","damnser.co.pl","damnthespam.com","damon.1amail.top","damonmorey.com","damptus.co.pl","dams.pl","damvl.site","dan10.com","danamail.com","danburyjersey.com","dance-king-man.com","dancemanual.com","danceml.win","dancethis.org.ua","dandanmail.com","dandantwo.com","dandikmail.com","dandinoo.com","dangerousmailer.com","dangersdesmartphone.site","dangkibum.xyz","danica1121.club","danilkinanton.ru","danirafsanjani.com","daniya-nedv.ru","danjohnson.biz","dankmedical.com","dankrangan77jui.ga","danmoulson.com","danns.cf","danns.spicysallads.com","dannyhosting.com","dantevirgil.com","dantri.com","danzeralla.com","daolemi.com","daotaolamseo.com","dapelectric.com","daphnee1818.site","daqianbet.com","darazdigital.com","darbysdeals.com","dareblog.com","daricadishastanesi.com","daridarkom.com","daritute.site","dark-tempmail.zapto.org","dark.lc","darkabyss.studio","darkestday.tk","darkharvestfilms.com","darknode.org","darkstone.com","darkwulu79jkl.ga","darlinggoodsjp.com","darmowedzwonki.waw.pl","darpun.xyz","daryxfox.net","dasarip.ru","dasayo.xyz","dasdada.com","dasdasdas.com","dasdasdascyka.tk","dash-pads.com","dashaustralia.com","dashinghackerz.tk","dashoffer.com","dashseat.com","dasty-pe.fun","dasunpamo.cf","dasymeter.info","daszyfrkfup.targi.pl","data-protect-job.com","data-protect-law.com","data-protection-solutions.com","dataarca.com","datab.info","databasel.xyz","datacion.icu","datacogin.com","datafres.ru","datakop.com","datalinc.com","datamanonline.com","datamarque.com","datarca.com","dataretrievalharddrive.net","datasoma.com","datastrip.com","datauoso.com","datawurld.com","datazo.ca","datchka.ru","datenschutz.ru","datinganalysis.com","datingbio.info","datingbit.info","datingcloud.info","datingcomputer.info","datingcon.info","datingeco.info","datingfood.info","datinggeo.info","datinggreen.info","datinghacks.org","datinghyper.info","datinginternet.info","datingphotos.info","datingpix.info","datingplaces.ru","datingreal.info","datingshare.info","datingstores.info","datingsun.info","datingtruck.info","datingwebs.info","datingworld.com","datingx.co","dationish.site","datokyo.com","datosat.com","datrr.gq","datum2.com","datuxtox.host","daughertymail.bid","daum.com","daun.net","davecooke.eu","davehicksputting.com","davesbillboard.com","davesdadismyhero.com","daviddjroy.com","davidkoh.net","davidlcreative.com","davidsouthwood.co.uk","davieselectrical.com","davievetclinic.com","daviiart.com","davinaveronica.art","davinci.com","davis1.xyz","davuboutique.site","dawetgress72njx.cf","dawidex.pl","dawin.com","dawk.com","dawsi.com","daxur.mx","daxur.pro","daxur.xyz","day-one.pw","day.lakemneadows.com","day.marksypark.com","dayasolutions.com","dayibiao.com","dayloo.com","daymail.cf","daymail.ga","daymail.gq","daymail.life","daymail.men","daymail.ml","daymail.tk","daymailonline.com","daynews.site","dayone.pw","dayorgan.com","dayrep.com","daysofourlivesrecap.com","daytondonations.com","daytraderbox.com","db214.com","db2zudcqgacqt.cf","db2zudcqgacqt.ga","db2zudcqgacqt.gq","db2zudcqgacqt.ml","db4t534.cf","db4t534.ga","db4t534.gq","db4t534.ml","db4t534.tk","db4t5e4b.cf","db4t5e4b.ga","db4t5e4b.gq","db4t5e4b.ml","db4t5e4b.tk","db4t5tes4.cf","db4t5tes4.ga","db4t5tes4.gq","db4t5tes4.ml","db4t5tes4.tk","dbataturkioo.com","dbawgrvxewgn3.cf","dbawgrvxewgn3.ga","dbawgrvxewgn3.gq","dbawgrvxewgn3.ml","dbawgrvxewgn3.tk","dbdrainagenottingham.co.uk","dbmail.com","dbo.kr","dbook.pl","dboss3r.info","dbot2zaggruz.ru","dbprinting.com","dbrflk.com","dbunker.com","dbz.com","dbz5mchild.com","dc-business.com","dcbarr.com","dccsvbtvs32vqytbpun.ga","dccsvbtvs32vqytbpun.ml","dccsvbtvs32vqytbpun.tk","dcctb.com","dcemail.com","dcemail.men","dcgsystems.com","dcj.pl","dckz.com","dcluxuryrental.com","dcndiox5sxtegbevz.cf","dcndiox5sxtegbevz.ga","dcndiox5sxtegbevz.gq","dcndiox5sxtegbevz.ml","dcndiox5sxtegbevz.tk","dcom.space","dcsupplyinc.com","dctm.de","dd61234.com","ddaengggang.com","ddboxdexter.com","ddcrew.com","dddddd.com","dddfsdvvfsd.com","dddjiekdf.com","dddk.de","dddoudounee.com","ddffg.com","ddi-solutions.com","ddinternational.net","ddio.com","ddividegs.com","ddlre.com","ddlskkdx.com","ddmail.win","ddmv.com","ddn.kz","ddns.ml","ddns.net","ddnsfree.com","ddoddogiyo.com","ddosed.us","ddoudounemonclerboutiquefr.com","ddressingc.com","ddsldldkdkdx.com","ddsongyy.com","ddwfzp.com","de-a.org","de-fake.instafly.cf","de-farmacia.com","de-femei.com","de.introverted.ninja","de.lakemneadows.com","de.newhorizons.gq","de.oldoutnewin.com","de.sytes.net","de.vipqq.eu.org","de4ce.gq","de5.pl","de5m7y56n5.cf","de5m7y56n5.ga","de5m7y56n5.gq","de5m7y56n5.ml","de5m7y56n5.tk","de8.xyz","de99.xyz","dea-love.net","dea.soon.it","deadaddress.com","deadchildren.org","deadfake.cf","deadfake.ga","deadfake.ml","deadfake.tk","deadsmooth.info","deadspam.com","deadstocks.info","deagot.com","deal-maker.com","dealcungmua.info","dealerlms.com","dealgiare.info","dealgongmail.com","dealio.app","dealja.com","dealmuachung.info","dealpop.us","dealrek.com","dealremod.com","dealsontheweb.org","dealsplace.info","dealsshack.com","dealsway.org","dealsyoga.com","dealtern.site","dealzing.info","deapanendra.art","deathfilm.com","deathward.info","debassi.com","debateplace.com","debatetayo.com","debb.me","debbiecynthiadewi.art","debbykristy.art","deboa.tk","debonnehumeur.com","deborahosullivan.com","debruler.dynamailbox.com","debsbluemoon.com","debsmail.com","debtdestroyers.com","debthelp.biz","debtloans.org","debtor-tax.com","debtrelief.us","debutqx.com","debutter.com","debza.com","decabg.eu","decacerata.info","decd.site","decentraland.website","decginfo.info","deckerniles.com","deco-rator.edu","decode.ist","decorandhouse.com","decoratefor.com","decoratinglfe.info","decorationdiy.site","decorbuz.com","decoymail.com","decoymail.mx","decoymail.net","dedatre.com","dedi.blatnet.com","dedi.cowsnbullz.com","dedi.ploooop.com","dedi.poisedtoshrike.com","dedi.qwertylock.com","dedisutardi.eu.org","dedmail.com","deedinvesting.info","deekayen.us","deenahouse.co","deepcleanac.com","deepmassage.club","deepmassage.online","deepmassage.store","deepmassage.xyz","deepshop.xyz","deepsongshnagu.com","deepstaysm.org.ua","deepstore.online","deerecord.org.ua","deermokosmetyki-a.pl","defandit.com","defaultdomain.ml","defdb.com","defeatmyticket.com","defebox.com","defenceds.com","defencetalks.site","defindust.site","definetheshift.com","definingjtl.com","definitern.site","defomail.com","defqon.ru","defvit.com","degar.xyz","degradedfun.net","degreegame.com","dehler.spicysallads.com","deinous.xyz","deisanvu.gov","deishmann.pl","deiter.merkez34.com","deitermalian.site","dejamedia.com","dejavafurniture.com","dejavu.moe","dejtinggranska.com","dekatri.cf","dekatri.ga","dekatri.gq","dekatri.ml","dekaufen.com","dekdkdksc.com","dekoracjeholajda.pl","del58.com","delaware-nedv.ru","delay.favbat.com","delayload.com","delayload.net","delays.site","delays.space","delays.website","deldoor.ru","delexa.com","delicacybags.com","delicious-couture.com","delikkt.de","deliomart.com","deliriumshop.de","deliverme.top","delivery136.monster","delivrmail.com","dell-couponcodes.com","delorieas.cf","delorieas.ml","delotti.com","delowd.com","delta.xray.thefreemail.top","deltabeta.livefreemail.top","deltacplus.info","deltakilo.ezbunko.top","deltaoscar.livefreemail.top","deluxerecords.com","deluxewrappingmail.com","dely.com","demail.tk","demail3.com","demandfull.date","demandsxz.com","demantly.xyz","demen.ml","demesmaeker.fr","deminyx.eu","demirprenses.com","demlik.org","demmail.com","demo.neetrix.com","demolition-hammers.com","demonclerredi.info","demotivatorru.info","demotywator.com","dena.ga","dena.ml","denarcteel.com","denbaker.com","dencxvo.com","dendride.ru","denememory.co.uk","dengekibunko.cf","dengekibunko.ga","dengekibunko.gq","dengekibunko.ml","dengmail.com","denirawiraguna.art","denispushkin.ru","denizenation.info","denizlisayfasi.com","denlrhdltejf.com","denniscoltpackaging.com","dennisss.top","dennmail.win","dennymail.host","denomla.com","densahar.store","density2v.com","densss.com","denstudio.pl","dental-and-spa.pl","dentalassociationgloves.com","dentaldiscover.com","dentaljazz.info","dentistrybuzz.com","dentonhospital.com","denverareadirectory.com","denverbroncosproshoponline.com","denverbroncosproteamjerseys.com","denyfromall.org","deo.edu","depadua.eu","depaduahootspad.eu","department.com","deplature.site","depressurizes908qo.online","der-kombi.de","der.madhuratri.com","derbydales.co.uk","derder.net","derek.com","derevenka.biz","derisuherlan.info","derivative.studio","derkombi.de","derliforniast.com","derluxuswagen.de","dermacareguide.com","dermacoat.com","dermalmedsblog.com","dermatendreview.net","dermatitistreatmentx.com","dermatologistcliniclondon.com","dermpurereview.com","deromise.tk","derphouse.com","dertul.xyz","des-law.com","desaptoh07yey.gq","descher.ml","descretdelivery.com","descrimilia.site","descrive.info","desea.com","deselling.com","desertdigest.com","desertglen.com","desertlady.com","desertphysicist.site","desertseo.com","desheli.com","deshivideos.com","deshiz.net","deshyas.site","desi-tashan.su","design-first.com","design-seo.com","design199.com","designbydelacruz.com","designcreativegroup.com","designdemo.website","designerbagsoutletstores.info","designergeneral.com","designerhandbagstrends.info","designersadda.com","designerwatches-tips.info","designerwatchestips.info","designingsolutions.net","designland.info","designobserverconference.com","designsource.info","designstudien.de","designthinkingcenter.com","designwigs.info","desimess.xyz","desire.4amail.top","desireeangelique.washington-pop3.top","desireemadelyn.kyoto-webmail.top","desitashan.su","desk.cowsnbullz.com","desk.oldoutnewin.com","desknewsop.xyz","deskova.com","desksonline.com.au","desktop.blatnet.com","desktop.emailies.com","desktop.lakemneadows.com","desktop.martinandgang.com","desktop.ploooop.com","desktop.poisedtoshrike.com","desmo.cf","desmo.ga","desmo.gq","desmontres.fr","desocupa.org","desoz.com","despairsquid.xyz","despam.it","despammed.com","destinationsmoke.com","destructiveblog.com","destweb.com","deszn1d5wl8iv0q.cf","deszn1d5wl8iv0q.ga","deszn1d5wl8iv0q.gq","deszn1d5wl8iv0q.ml","deszn1d5wl8iv0q.tk","detabur.com","detailtop.com","detalushka.ru","detectu.com","detektywenigma.pl","deterally.xyz","deterspecies.xyz","detexx.com","detroitelectric.biz","detroitlionsjerseysstore.us","detrude.info","detsky-pokoj.net","dettol.cf","dettol.ga","dettol.gq","dettol.ml","dettol.tk","deucemail.com","deutsch-nedv.ru","deutsch-sprachschule.de","dev-null.cf","dev-null.ga","dev-null.gq","dev-null.ml","dev-tips.com","dev.emailies.com","dev.marksypark.com","dev.ploooop.com","dev.poisedtoshrike.com","dev.qwertylock.com","devax.pl","devb.site","devdating.info","devea.site","deveb.site","deved.site","devef.site","deveg.site","deveh.site","devei.site","developan.ru","developer.cowsnbullz.com","developer.lakemneadows.com","developer.martinandgang.com","developermail.com","developfuel.com","developmentwebsite.co.uk","develow.site","develows.site","devem.site","devep.site","deveq.site","devere-malta.com","deveu.site","devev.site","devew.site","devez.site","devfiltr.com","devge.com","devh.site","devhoster.tech","devib.site","devicefoods.ru","devif.site","devig.site","devih.site","devii.site","devij.site","devinaaureel.art","devinmariam.coayako.top","devla.site","devlb.site","devlc.site","devld.site","devle.site","devlf.site","devlh.site","devli.site","devlj.site","devll.site","devlm.site","devln.site","devlo.site","devlr.site","devls.site","devlt.site","devlu.site","devlv.site","devlw.site","devlx.site","devly.site","devlz.site","devmeyou.tech","devnullmail.com","devo.ventures","devoa.site","devob.site","devoc.site","devod.site","devof.site","devog.site","devoi.site","devoj.site","devok.site","devom.site","devoo.site","devops.cheap","devopstech.org","devostock.com","devot.site","devotedmarketing.com","devou.site","devov.site","devow.site","devox.site","devoz.site","devq.site","devr.site","devreg.org","devset.space","devt.site","devtestx.software","devushka-fo.com","devw.site","dew.com","dew007.com","dewacapsawins.net","dewadewipoker.com","dewahkb.net","deworconssoft.xyz","dextm.ro","deyom.com","deypo.com","dezedd.com","dezzire.ru","dfagsfdasfdga.com","dfat0fiilie.ru","dfat0zagruz.ru","dfat1zagruska.ru","dfatt6zagruz.ru","dfb55.com","dfdd.com","dfdfdfdf.com","dfdgfsdfdgf.ga","dfet356ads1.cf","dfet356ads1.ga","dfet356ads1.gq","dfet356ads1.ml","dfet356ads1.tk","dff55.dynu.net","dffwer.com","dfg456ery.ga","dfg6.kozow.com","dfgds.in","dfgeqws.com","dfgfg.com","dfgggg.org","dfgh.net","dfghj.ml","dfgtbolotropo.com","dfhgh.com","dfigeea.com","dfjunkmail.co.uk","dfkdkdmfsd.com","dfmdsdfnd.com","dfoofmail.com","dfoofmail.net","dfooshjqt.pl","dfre.ga","dfremails.com","dfsdf.com","dfsdfsdf.com","dftrekp.com","dfwdaybook.com","dfwlqp.com","dfworld.net","dfy2413negmmzg1.ml","dfy2413negmmzg1.tk","dfyxmwmyda.pl","dg8899.com","dg9.org","dgbhhdbocz.pl","dgcustomerfirst.site","dgd.mail-temp.com","dgdbmhwyr76vz6q3.cf","dgdbmhwyr76vz6q3.ga","dgdbmhwyr76vz6q3.gq","dgdbmhwyr76vz6q3.ml","dgdbmhwyr76vz6q3.tk","dget1fajli.ru","dget8fajli.ru","dgfghgj.com.us","dgget0zaggruz.ru","dgget1loaadz.ru","dghetian.com","dgjhg.com","dgjhg.net","dgnghjr5ghjr4h.cf","dgpoker88.online","dgpqdpxzaw.cf","dgpqdpxzaw.ga","dgpqdpxzaw.gq","dgpqdpxzaw.ml","dgpqdpxzaw.tk","dgseoorg.org","dh05.xyz","dh07.xyz","dhain.com","dhakasun.com","dhamsi.com","dhapy7loadzzz.ru","dharmatel.net","dhbusinesstrade.info","dhdhdyald.com","dhead3r.info","dhgbeauty.info","dhindustry.com","dhkf.com","dhl-uk.cf","dhl-uk.ga","dhl-uk.gq","dhl-uk.ml","dhl-uk.tk","dhlkurier.pl","dhm.ro","dhmu5ae2y7d11d.cf","dhmu5ae2y7d11d.ga","dhmu5ae2y7d11d.gq","dhmu5ae2y7d11d.ml","dhmu5ae2y7d11d.tk","dhnow.com","dhruvseth.com","dhsjyy.com","dhy.cc","diablo3character.com","diablo3goldsite.com","diablo3goldsupplier.com","diabloaccounts.net","diablocharacter.com","diablogears.com","diablogold.net","diacamelia.online","diademail.com","diadia.tk","diadiemquanan.com","diadisolmi.xyz","diafporidde.xyz","diahpermatasari.art","dialogus.com","dialogzerobalance.ml","dialysis-attorney.com","dialysis-injury.com","dialysis-lawyer.com","dialysisattorney.info","dialysislawyer.info","diamantservis.ru","diamondbroofing.com","diamondfacade.net","dian.ge","dianaspa.site","diane35.pl","dianetaylor.pop3mail.top","dianhabis.ml","diapaulpainting.com","diaperbagbackpacks.info","diariodigital.info","diarioretail.com","diaryofsthewholesales.info","diascan24.de","dibbler1.pl","dibbler2.pl","dibbler3.pl","dibbler4.pl","dibbler5.pl","dibbler6.pl","dibbler7.pl","dibon.site","dibteam.xyz","dibtec.store","dicerollplease.com","diceservices.com","dichalorli.xyz","dichvuseothue.com","dick.com","dicknose.com","dicksinhisan.us","dicksinmyan.us","dicksoncountyag.com","dicountsoccerjerseys.com","dicyemail.com","did.net","didarcrm.com","didikselowcoffee.cf","didikselowcoffee.ga","didikselowcoffee.gq","didikselowcoffee.ml","didix.ru","didncego.ru","diecasttruckstop.com","diedfks.com","diegewerbeseiten.com","diegobahu.com","diendanhocseo.com","diendanit.vn","diennuocnghiahue.com","dier.com","dietacudischudl.pl","dietamedia.ru","dietingadvise.club","dietpill-onlineshop.com","dietsecrets.edu","dietsolutions.com","dietysuplementy.pl","dietzwatson.com","dieukydieuophonggiamso7.com","diffamr.com","diffamr.net","difficalite.site","difficanada.site","diflucanrxmeds.com","difz.de","digaswow.club","digaswow.online","digaswow.site","digaswow.xyz","digdig.org","digdown.xyz","diggcrypto.com","diggmail.club","digibeat.pl","digicures.com","digier365.pl","digihairstyles.com","digimexplus.com","digimuse.org","digimusics.com","digiprice.co","digisnaxxx.com","digital-bank.com","digital-email.com","digital-everest.ru","digital-frame-review.com","digital-ground.info","digital-kitchen.tech","digital-message.com","digital-work.net","digital10network.com","digitalbankingsummits.com","digitalbristol.org","digitalbull.net","digitaldefencesystems.com","digitaldron.com","digitalesbusiness.info","digitalfocuses.com","digitalmail.info","digitalmariachis.com","digitalnewspaper.de","digitalobscure.info","digitaloutrage.com","digitalpigg.com","digitalsanctuary.com","digitalsc.edu","digitalseopackages.com","digitalsole.info","digitaltransarchive.net","digitalwebus.com","digitava.com","digitex.ga","digitex.gq","digiuoso.com","digsandcribs.com","digsignals.com","digtalk.com","diide.com","diifo.com","diigo.club","dikeyzebraperde.com","dikitin.com","dikixty.gr","diklo.website","dikriemangasu.cf","dikriemangasu.ga","dikriemangasu.gq","dikriemangasu.ml","dikriemangasu.tk","dikybuyerj.com","dikydik.com","dilanfa.com","dilayda.com","dildosfromspace.com","dileway.com","dilherute.pl","dililimail.com","dilkis.buzz","dillibemisaal.com","dillimasti.com","dilpik.com","dilts.ru","dilusol.cf","dim-coin.com","dimana.live","dimaskwk.tech","dimimail.ga","diminbox.info","dimnafin.ml","dinarsanjaya.com","dindasurbakti.art","dindon4u.gq","dingbat.com","dingbone.com","dinkmail.com","dinksai.ga","dinksai.ml","dinkysocial.com","dinocheap.com","dinogam.com","dinomail.cf","dinomail.ga","dinomail.gq","dinomail.ml","dinomail.tk","dinorc.com","dinoschristou.com","dinotek.top","dinoza.pro","dinozy.net","dinris.co","dint.site","dinteria.pl","dinuspbw.fun","diokgadwork.ga","diolang.com","diomandreal.online","diornz.com","diosasdelatierra.com","dioscolwedddas.3-a.net","dipath.com","dipes.com","diplease.site","diplom-voronesh.ru","diplomnaya-rabota.com","dipoelast.ru","diqalaciga.warszawa.pl","dir43.org","diranybooks.site","diranyfiles.site","diranytext.site","dirawesomebook.site","dirawesomefiles.site","dirawesomelib.site","dirawesometext.site","direcaster.buzz","direct-mail.info","direct-mail.top","direct.ditchly.com","directionetter.info","directmail.top","directmail24.net","directmonitor.nl","directoryanybooks.site","directoryanyfile.site","directoryanylib.site","directoryanytext.site","directoryawesomebooks.site","directoryawesomefile.site","directoryawesomelibrary.site","directoryawesometext.site","directoryblog.info","directoryfreefile.site","directoryfreetext.site","directoryfreshbooks.site","directoryfreshlibrary.site","directorygoodbooks.site","directorygoodfile.site","directorynicebook.site","directorynicefile.site","directorynicefiles.site","directorynicelib.site","directorynicetext.site","directoryrarebooks.site","directoryrarelib.site","directpaymentviaach.com","directpmail.info","direktorysubcep.com","diremaster.click","direugg.cc","dirfreebook.site","dirfreebooks.site","dirfreelib.site","dirfreelibrary.site","dirfreshbook.site","dirfreshbooks.site","dirfreshfile.site","dirfreshfiles.site","dirfreshtext.site","dirgoodfiles.site","dirgoodlibrary.site","dirgoodtext.site","dirnicebook.site","dirnicefile.site","dirnicefiles.site","dirnicelib.site","dirnicetext.site","diromail29.biz","dirrarefile.site","dirrarefiles.site","dirraretext.site","dirtmail.ga","dirtymailer.cf","dirtymailer.ga","dirtymailer.gq","dirtymailer.ml","dirtymailer.tk","dirtymax.com","dirtysex.top","disaq.com","disario.info","disbox.com","disbox.net","disbox.org","discard-email.cf","discard.cf","discard.email","discard.ga","discard.gq","discard.ml","discard.tk","discardmail.com","discardmail.computer","discardmail.de","discardmail.live","discardmail.ninja","discdots.com","discofan.com","discolive.online","discolive.site","discolive.store","discolive.website","discolive.xyz","disconorma.pl","discopied.com","discoplus.ca","discord-club.space","discord.ml","discord.watch","discordmail.com","discos4.com","discotlanne.site","discount-allopurinol.com","discountappledeals.com","discountbuyreviews.org","discountcouponcodes2013.com","discountequipment.com","discountmall.site","discountnikejerseysonline.com","discountoakleysunglassesokvip.com","discounts5.com","discountsmbtshoes.com","discountsplace.info","discovenant.xyz","discoverccs.com","discovercheats.com","discoverwatch.com","discoverylanguages.com","discreetfuck.top","discretevtd.com","discslot.com","discus24.de","discusseism.xyz","discussmusic.ru","disdraplo.com","disfrut.es","dish-tvsatellite.com","dishtvpackage.com","disign-concept.eu","disign-revelation.com","disipulo.com","diskilandcruiser.ru","diskslot.com","dislike.cf","disnan.com","disneyfox.cf","disneystudioawards.com","dispand.site","dispatchsolutions.club","displaylightbox.com","displays2go.com","displayside.com","displaystar.com","dispmailproject.info","dispo.in","dispomail.eu","dispomail.ga","dispomail.win","dispomail.xyz","disposable-1.net","disposable-2.net","disposable-3.net","disposable-4.net","disposable-e.ml","disposable-email.ml","disposable-mail.com","disposable.al-sudani.com","disposable.cf","disposable.dhc-app.com","disposable.ga","disposable.ml","disposable.nogonad.nl","disposableaddress.com","disposableemail.org","disposableemailaddresses.com","disposableemailaddresses.emailmiser.com","disposableinbox.com","disposablemail.space","disposablemail.top","disposablemails.com","dispose.it","disposeamail.com","disposemail.com","disposemymail.com","dispostable.com","disputespecialists.com","disruptionlabs.com","dissloo.com","dist-vmax.com","dist.com","distance-education.cf","distdurchbrumi.xyz","distorestore.xyz","distrackbos.com","distraplo.com","distributeweb.com","distributorphuceng.online","ditusuk.com","ditzmagazine.com","diujungsenja.online","divad.ga","divan-matras.info","divaphone.com","divaphone.net","diveexpeditions.com","divermail.com","diverseness.ru","diversify.us","diversitycheckup.com","divestops.com","dividendxk.com","divinois.com","divismail.ru","divorsing.ru","divulgabrasil.com","divulgamais.com","divulgasite.com","diwaq.com","diwjsk21.com","dixz.org","diy-seol.net","diyombrehair.com","dizaer.ru","dizainburo.ru","djan.de","djcrazya.com","djdaj.cloud","djdwzaty3tok.cf","djdwzaty3tok.ga","djdwzaty3tok.gq","djdwzaty3tok.ml","djdwzaty3tok.tk","djejgrpdkjsf.com","djemail.net","djerseys.com","djmftaggb.pl","djmiamisteve.com","djmoon.ga","djmoon.ml","djnast.com","djnkkout.tk","djrobbo.net","djrpdkjsf.com","djsjfmdfjsf.com","djskd.com","djuncan-shop.online","djwjdkdx.com","dk3vokzvucxolit.cf","dk3vokzvucxolit.ga","dk3vokzvucxolit.gq","dk3vokzvucxolit.ml","dk3vokzvucxolit.tk","dkb3.com","dkcgrateful.com","dkdjfmkedjf.com","dkdkdk.com","dkert2mdi7sainoz.cf","dkert2mdi7sainoz.ga","dkert2mdi7sainoz.gq","dkert2mdi7sainoz.ml","dkert2mdi7sainoz.tk","dkfksdff.com","dkgr.com","dkinodrom20133.cx.cc","dkkffmail.com","dkljdf.eu","dkmont.dk","dko.kr","dkpnpmfo2ep4z6gl.cf","dkpnpmfo2ep4z6gl.ga","dkpnpmfo2ep4z6gl.gq","dkpnpmfo2ep4z6gl.ml","dkpnpmfo2ep4z6gl.tk","dkqqpccgp.pl","dksureveggie.com","dkt1.com","dkt24.de","dkuinjlst.shop","dkvmwlakfrn.com","dkywquw.pl","dl.blatnet.com","dl.marksypark.com","dl.ploooop.com","dl163.com","dl812pqedqw.cf","dl812pqedqw.ga","dl812pqedqw.gq","dl812pqedqw.ml","dl812pqedqw.tk","dlberry.com","dle.funerate.xyz","dlemail.ru","dlfiles.ru","dlfkfsdkdx.com","dliiv71z1.mil.pl","dlink.cf","dlink.gq","dlj6pdw4fjvi.cf","dlj6pdw4fjvi.ga","dlj6pdw4fjvi.gq","dlj6pdw4fjvi.ml","dlj6pdw4fjvi.tk","dll32.ru","dlman.site","dlmkme.ga","dlmkme.ml","dloadanybook.site","dloadanylib.site","dloadawesomefiles.site","dloadawesomelib.site","dloadawesometext.site","dloadfreetext.site","dloadfreshfile.site","dloadfreshlib.site","dloadgoodfile.site","dloadgoodfiles.site","dloadgoodlib.site","dloadnicebook.site","dloadrarebook.site","dloadrarebooks.site","dloadrarefiles.site","dloadrarelib.site","dloadrarelibrary.site","dlpt7ksggv.cf","dlpt7ksggv.ga","dlpt7ksggv.gq","dlpt7ksggv.ml","dlpt7ksggv.tk","dlroperations.com","dlserial.site","dltv.site","dluerei.com","dlwdudtwlt557.ga","dly.net","dlyemail.com","dlzltyfsg.pl","dm.cab","dm.w3internet.co.uk","dm.w3internet.co.ukexample.com","dm9bqwkt9i2adyev.ga","dm9bqwkt9i2adyev.ml","dm9bqwkt9i2adyev.tk","dma.in-ulm.de","dma2x7s5w96nw5soo.cf","dma2x7s5w96nw5soo.ga","dma2x7s5w96nw5soo.gq","dma2x7s5w96nw5soo.ml","dma2x7s5w96nw5soo.tk","dmail.kyty.net","dmail.mx","dmail.unrivaledtechnologies.com","dmail1.net","dmaildd.com","dmailpro.net","dmailx.com","dmaji.ddns.net","dmaji.ml","dmarc.ro","dmc-12.cf","dmc-12.ga","dmc-12.gq","dmc-12.ml","dmc-12.tk","dmc4u.tk","dmcd.ctu.edu.gr","dmdfmdkdx.com","dmdmsdx.com","dmeproject.com","dmfjrgl.turystyka.pl","dmftfc.com","dmial.com","dmitext.net","dmmhosting.co.uk","dmo3.club","dmoffers.co","dmosi.com","dmosoft.com","dmsdmg.com","dmskdjcn.com","dmslovakiat.com","dmtc.edu.pl","dmtorg.ru","dmtu.ctu.edu.gr","dmxs8.com","dna.mdisks.com","dnabgwev.pl","dnaindebouw.com","dnakeys.com","dnatechgroup.com","dnawr.com","dnd.simplus.com.br","dndbs.net","dndent.com","dndfkdkdx.com","dndl.site","dnek.com","dnestrauto.com","dnetwork.site","dnflanddl.com","dnlien.com","dnrc.com","dns-cloud.net","dns-privacy.com","dns123.org","dnsabr.com","dnsdeer.com","dnsdujeskd.com","dnses.ro","dntsmsekjsf.com","do.cowsnbullz.com","do.heartmantwo.com","do.luk2.com","do.marksypark.com","do.oldoutnewin.com","do.ploooop.com","do.popautomated.com","doanart.com","doatre.com","doawaa.com","dob.jp","dobitocudeponta.com","dobleveta.com","doboinusunny.com","dobrainspiracja.pl","dobramama.pl","dobrapoczta.com","dobroholod.ru","dobroinatura.pl","dobry-procent-lokaty.com.pl","dobryinternetmobilny.pl","dobrytata.pl","doc-mail.net","doca.press","docasnyemail.cz","docasnymail.cz","docb.site","docconnect.com","docd.site","docent.ml","docesgourmetlucrativo.com","docf.site","docg.site","doch.site","docinsider.com","docj.site","dock.city","dockeroo.com","docl.site","docm.site","docmaangers.com","docmail.com","docmail.cz","docn.site","doco.site","docp.site","docq.site","docs.blatnet.com","docs.coms.hk","docs.marksypark.com","docs.martinandgang.com","docs.oldoutnewin.com","docs.poisedtoshrike.com","docs.qwertylock.com","docsa.site","docsb.site","docsc.site","docsd.site","docse.site","docsf.site","docsh.site","docsi.site","docsj.site","docsk.site","docsl.site","docsn.site","docso.site","docsp.site","docsq.site","docsr.site","docss.site","docst.site","docsu.site","docsv.site","docsx.site","doctor.6amail.top","doctordieu.xyz","doctorfitness.net","doctorlane.info","doctorsmb.info","doctovc.com","docu.me","docusign-enterprise.com","docv.site","docw.site","docx-expert.online","docx.press","docx.site","docxa.site","docxb.site","docxc.site","docxd.site","docxe.site","docxf.site","docxg.site","docxh.site","docxi.site","docxj.site","docxk.site","docxl.site","docxm.site","docxn.site","docxo.site","docxp.site","docxr.site","docxs.site","docxt.site","docxv.site","docxx.site","docxy.site","docxz.site","docy.site","docza.site","doczb.site","doczc.site","doczd.site","docze.site","doczf.site","doczg.site","dodachachayo.com","dodgeit.com","dodgemail.de","dodgit.com","dodgit.org","dodgitti.com","dodnitues.gr","dodode.com","dodsi.com","doemx.com","doerma.com","dofuskamasgenerateurz.fr","dofutlook.com","dog-n-cats-shelter.ru","dog.coino.pl","dogbackpack.net","dogcrate01.com","dogfishmail.com","doggy-lovers-email.bid","doggyloversemail.bid","doghairprotector.com","dogiloveniggababydoll.com","dogn.com","dogsandpuppies.info","dogsportshop.de","dogstarclothing.com","dogsupplies4sale.com","dogtrainingobedienceschool.com","dohmail.info","doibaietisiofatafoxy.com","doid.com","doiea.com","doimmn.com","dointo.com","doitagile.com","doitall.tk","doix.com","dokhanan.com","dokifriends.info","dokin.store","dokisaweer.cz.cc","dokmatin.com","doksan12.com","doktoremail.eu","dolimite.com","dolkepek87.usa.cc","dollalive.com","dollargiftcards.com","dollargoback.com","dollarrrr12.com","dollscountry.ru","dolnaa.asia","dolphinmail.org","dolphinnet.net","dom-mo.ru","dom-okna.com","domaco.ga","domailnew.com","domain1dolar.com","domainaing.cf","domainaing.ga","domainaing.gq","domainaing.ml","domainaing.tk","domainleak.com","domainlease.xyz","domainmail.cf","domainnamemobile.com","domainploxkty.com","domainsayaoke.art","domainscan.ro","domainseoforum.com","domainwizard.host","domainwizard.win","domajabro.ga","domby.ru","domce.com","domdomsanaltam.com","domeerer.com","domen.4pu.com","domenkaa.com","domforfb1.tk","domforfb18.tk","domforfb19.tk","domforfb2.tk","domforfb23.tk","domforfb27.tk","domforfb29.tk","domforfb3.tk","domforfb4.tk","domforfb5.tk","domforfb6.tk","domforfb7.tk","domforfb8.tk","domforfb9.tk","dominatingg.top","dominickgatto.com","dominikan-nedv.ru","dominionbotarena.com","dominiquecrenn.art","dominiquejulianna.chicagoimap.top","dominmail.top","dominobr.cf","dominoitu.com","dominoqq855.live","domitai.org","domofony.info.pl","domozmail.com","domssmail.me","domy-balik.pl","domy.me","domyou.site","domywokolicy.com.pl","domywokolicy.pl","domyz-drewna.pl","don-m.online","donaldchen.com","donaldduckmall.com","donate-car-to-charity.net","donations.com","donbas.in","dondom.ru","donemail.ru","dongginein.com","dongqing365.com","dongraaa12.com","dongramii.com","dongru.top","dongxicc.cn","donkey.com","donkihotes.com","donlg.top","donmah.com","donmail.mooo.com","donmaill.com","donot-reply.com","dons.com","donsroofing.com","dontrackme.com","dontreg.com","dontsendmespam.de","donutpalace.com","donymails.com","dooboop.com","doodooexpress.com","dooglecn.com","doolanlawoffice.com","doom.com.pl","doommail.com","doompick.co","doorandwindowrepairs.com","doorsteploansfast24h7.co.uk","dopestkicks.ru","dopic.xyz","dopisivanje.in.rs","doquier.tk","dor4.ru","dorada.ga","doradztwo-pracy.com","dorchesterrmx.co.uk","dorede.com","doriana424.com","dorkalicious.co.uk","dorodred.com","dorywalski.pl","dosait.ru","dosan12.com","doscobal.com","dostatniapraca.pl","dostupnaya-ipoteka.ru","dot-coin.com","dot-mail.top","dot-ml.ml","dot-ml.tk","dota2bets.net","dota2walls.com","dotapa.shop","dotfixed.com","dotland.net","dotlvay3bkdlvlax2da.cf","dotlvay3bkdlvlax2da.ga","dotlvay3bkdlvlax2da.gq","dotlvay3bkdlvlax2da.ml","dotlvay3bkdlvlax2da.tk","dotmail.cf","dotman.de","dotmsg.com","dotpars.com","dotslashrage.com","dotspe.info","dottyproducts.com","doublebellybuster.com","doublemail.com","doublemail.de","doublemoda.com","doublewave.ru","doubtfirethemusical.com","douchelounge.com","doudoune-ralphlauren.com","doudounecanadagoosesoldesfrance.com","doudouneemonclermagasinfr.com","doudounemoncledoudounefr.com","doudounemoncleenligne2012.com","doudounemoncler.com","doudounemonclerbouituque.com","doudounemonclerdoudounefemmepascher.com","doudounemonclerdoudounefrance.com","doudounemonclerdoudounespascher.com","doudounemonclerenlignepascherfra.com","doudounemonclerfemmefr.com","doudounemonclermagasinenfrance.com","doudounemonclerpascherfra.com","doudounemonclerrpaschera.com","doudounemonclerrpaschera1.com","doudounemonclersiteofficielfrance.com","doudounepaschermonclerpascher1.com","doudounesmonclerfemmepascherfrance.com","doudounesmonclerhommefr.com","doudounesmonclerrpascher.com","doudounmonclefrance.com","doudounmonclepascher1.com","doughmaine.xyz","doughmaker.com","doulas.org","dourdneis.gr","doutaku.ml","douwx.com","dov86hacn9vxau.ga","dov86hacn9vxau.ml","dov86hacn9vxau.tk","dovereducationlink.com","dovusoyun.com","dowesync.com","dowlex.co.uk","dowment.site","down.favbat.com","download-hub.cf","download-master.net","download-software.biz","download-warez.com","downloadarea.net","downloadbaixarpdf.com","downloadcatbooks.site","downloadcatstuff.site","downloaddirbooks.site","downloaddirfile.site","downloaddirstuff.site","downloaddirtext.site","downloadeguide.mywire.org","downloadfreshbooks.site","downloadfreshfile.site","downloadfreshfiles.site","downloadfreshstuff.site","downloadfreshtext.site","downloadfreshtexts.site","downloadlibtexts.site","downloadlistbook.site","downloadlistbooks.site","downloadlistfiles.site","downloadlisttext.site","downloadmortgage.com","downloadmoviefilm.net","downloadnewstuff.site","downloadnewtext.site","downloadspotbook.site","downloadspotbooks.site","downloadspotfiles.site","downlowd.com","downportal.tk","downside-pest-control.co.uk","downsmail.bid","downtownairportlimo.com","downtowncoldwater.com","dowohiho.ostrowiec.pl","doxcity.net","doxy124.com","doxy77.com","doy.kr","doyouneedrenovation.id","doyouneedrenovation.net","dozvon-spb.ru","dp76.com","dp84vl63fg.cf","dp84vl63fg.ga","dp84vl63fg.gq","dp84vl63fg.ml","dp84vl63fg.tk","dpafei.buzz","dpam.com","dpanel.site","dpbbo5bdvmxnyznsnq.ga","dpbbo5bdvmxnyznsnq.ml","dpbbo5bdvmxnyznsnq.tk","dpconline.com","dpics.fun","dpom.com","dpp7q4941.pl","dprinceton.edu","dprots.com","dpscompany.com","dpsindia.com","dpsk12.com","dpttso8dag0.cf","dpttso8dag0.ga","dpttso8dag0.gq","dpttso8dag0.ml","dpttso8dag0.tk","dpwlvktkq.pl","dpxqczknda.pl","dqhs.site","dqkerui.com","dqnwara.com","dqpw7gdmaux1u4t.cf","dqpw7gdmaux1u4t.ga","dqpw7gdmaux1u4t.gq","dqpw7gdmaux1u4t.ml","dqpw7gdmaux1u4t.tk","dqsoft.com","dr-mail.net","dr.com","dr0m.ru","dr0pb0x.ga","dr69.site","drabmail.top","draduationdresses.com","draftanimals.ru","dragcok2.cf","dragcok2.gq","dragcok2.ml","dragcok2.tk","dragonads.net","dragonballxenoversecrack.com","dragonextruder.com","dragonfly.4amail.top","dragonfly.africa","dragonhospital.net","dragonmail.live","dragons-spirit.org","dragonsborn.com","dragonzmart.com","drakorfor.me","drama.tw","dramashow.ru","dramor.com","drar.de","draviero.info","draviero.pw","dravizor.ru","drawfixer.com","drawing-new.ru","drawinginfo.ru","drawings101.com","draylaw.com","drdeals.site","drdrb.com","drdrb.net","drdreoutletstores.co.uk","dreamact.com","dreambangla.com","dreambooker.ru","dreamcatcher.email","dreamhostcp.info","dreamleaguesoccer2016.gq","dreamsale.info","dreamscape.marketing","dreamshare.info","dreamweddingplanning.com","dreamworlds.club","dreamworlds.site","dreamworlds.website","dreamyshop.club","dreamyshop.fun","dreamyshop.site","dreamyshop.space","dred.ru","dreesens.com","dremixd.com","drempleo.com","dreric-es.com","dress9x.com","dresscinderella.com","dresselegant.net","dressesbubble.com","dressesbubble.net","dressescelebrity.net","dressesflower.com","dressesflower.net","dressesgrecian.com","dressesgrecian.net","dresseshappy.com","dresseshappy.net","dressesmodern.com","dressesmodern.net","dressesnoble.com","dressesnoble.net","dressesromantic.com","dressesromantic.net","dressesunusual.com","dressesunusual.net","dressmail.com","dresssmall.com","dressswholesalestores.info","dressupsummer.com","drevo.si","drewna24.pl","drewnianachata.com.pl","drewry.info","drewzen.com","drf.email","drfsmail.com","drg.email","drgmail.fr","drhinoe.com","drhoangsita.com","drhope.tk","drhorton.co","dricca.com","drid1gs.com","driely.com","driems.org","driftrs.org","drigez.com","drikeyyy.com","drill8ing.com","drillbitcrypto.info","drinkbride.com","drinkingcoffee.info","drireland.com","drishvod.ru","dristypat.com","drivecompanies.com","drivelinegolf.com","driversgood.ru","driverstorage-bokaxude.tk","drivesotp7.com","drivetagdev.com","drivingjobsinindiana.com","drixmail.info","drlatvia.com","drlexus.com","drluotan.com","drmail.in","drmail.net","drmail.pw","drnatashafinlay.com","drobosucks.info","drobosucks.net","drobosucks.org","droid3.net","droidcloud.mobi","droidemail.projectmy.in","droider.name","dromancehu.com","dron.mooo.com","dronespot.net","dronetm.com","droolingfanboy.de","drop-max.info","drop.ekholm.org","dropcake.de","dropcode.ru","dropd.ru","drope.ml","dropfresh.net","dropjar.com","droplar.com","droplister.com","dropmail.cf","dropmail.ga","dropmail.gq","dropmail.me","dropmail.ml","dropmail.tk","dropshippingrich.com","dropthespot.com","drorevsm.com","droverpzq.com","drovi.cf","drovi.ga","drovi.gq","drovi.ml","drovi.tk","drr.pl","drsafir.com","drsiebelacademy.com","drstranst.xyz","drstshop.com","drthedf.org","drthst4wsw.tk","drublowjob20138.cx.cc","druckpatronenshop.de","druckt.ml","drugca.com","drugnorx.com","drugordr.com","drugsellr.com","drugssquare.com","drugvvokrug.ru","drukarniarecept.pl","drunkentige.com","drupaladdons.brainhard.net","drupalek.pl","drupaler.org","drupalmails.com","druz.cf","drvcognito.com","drwo.de","drxdvdn.pl","drxepingcosmeticsurgery.com","dryingsin.com","drynic.com","dryoneone.com","drypipe.com","dryriverboys.com","drywallassociation.com","drzwi.edu","drzwi.turek.pl","ds-3.cf","ds-3.ga","ds-3.gq","ds-3.ml","ds-3.tk","ds-love.space","ds-lover.ru","dsaca.com","dsad.de","dsafsa.ch","dsajdhjgbgf.info","dsapoponarfag.com","dsas.de","dsasd.com","dsda.de","dsecurelyx.com","dsejfbh.com","dsfdeemail.com","dsfdsv12342.com","dsfgasdewq.com","dsfgdsgmail.com","dsfgdsgmail.net","dsfgerqwexx.com","dsfsd.com","dsfvwevsa.com","dsgawerqw.com","dsgs.com","dsgvo.ru","dshqughcoin9nazl.cf","dshqughcoin9nazl.ga","dshqughcoin9nazl.gq","dshqughcoin9nazl.ml","dshqughcoin9nazl.tk","dsiay.com","dsjie.com","dskqidlsjf.com","dsleeping09.com","dspwebservices.com","dsresearchins.org","dstchicago.com","dstefaniak.pl","dsvgfdsfss.tk","dszg2aot8s3c.cf","dszg2aot8s3c.ga","dszg2aot8s3c.gq","dszg2aot8s3c.ml","dszg2aot8s3c.tk","dt3456346734.ga","dtcleanertab.site","dtcuawg6h0fmilxbq.ml","dtcuawg6h0fmilxbq.tk","dtdns.us","dte3fseuxm9bj4oz0n.cf","dte3fseuxm9bj4oz0n.ga","dte3fseuxm9bj4oz0n.gq","dte3fseuxm9bj4oz0n.ml","dte3fseuxm9bj4oz0n.tk","dteesud.com","dtfa.site","dthlxnt5qdshyikvly.cf","dthlxnt5qdshyikvly.ga","dthlxnt5qdshyikvly.gq","dthlxnt5qdshyikvly.ml","dthlxnt5qdshyikvly.tk","dtkursk.ru","dtml.com","dtmricambi.com","dtools.info","dtrspypkxaso.cf","dtrspypkxaso.ga","dtrspypkxaso.gq","dtrspypkxaso.ml","dtrspypkxaso.tk","dtspf8pbtlm4.cf","dtspf8pbtlm4.ga","dtspf8pbtlm4.gq","dtspf8pbtlm4.ml","dtspf8pbtlm4.tk","dttt9egmi7bveq58bi.cf","dttt9egmi7bveq58bi.ga","dttt9egmi7bveq58bi.gq","dttt9egmi7bveq58bi.ml","dttt9egmi7bveq58bi.tk","dtv42wlb76cgz.cf","dtv42wlb76cgz.ga","dtv42wlb76cgz.gq","dtv42wlb76cgz.ml","dtv42wlb76cgz.tk","duacgel.info","dualscreenplayer.com","duam.net","duanehar.pw","dubilowski.com","dubstepthis.com","duck.9amail.top","duck2.club","ducruet.it","ducutuan.cn","ducvdante.pl","dudi.com","dudleymail.bid","dudmail.com","duetube.com","dufeed.com","duhocnhatban.org","dui-attorney-news.com","duivavlb.pl","duk33.com","dukedish.com","dukeoo.com","dulei.ml","duluaqpunyateman.com","dumail.com","dumasnt.org","dumbdroid.info","dumbledore.cf","dumbledore.ga","dumbledore.gq","dumbledore.ml","dumbrepublican.info","dumena.com","dummie.com","dumoac.net","dump-email.info","dumpandjunk.com","dumpmail.de","dumpyemail.com","duncancorp.usa.cc","dundee.city","dundeeusedcars.co.uk","dundo.tk","dunhamsports.com","dunia-maya.net","duniakeliling.com","duniavpn.email","dunyaright.xyz","duo-alta.com","duoduo.cafe","duol3.com","duolcxcloud.com","dupa.pl","dupaemailk.com.uk","dupazsau2f.cf","dupazsau2f.ga","dupazsau2f.gq","dupazsau2f.ml","dupazsau2f.tk","dupontmails.com","durandinterstellar.com","durhamtrans.com","durici.com","duringly.site","durttime.com","dushirts.com","duskmail.com","dusnedesigns.ml","dust.marksypark.com","dutchconnie.com","dutchfemales.info","dutchmail.com","dutiesu0.com","dutybux.info","duybuy.com","duydeptrai.xyz","duzybillboard.pl","dv6w2z28obi.pl","dv7.com","dvakansiisochi20139.cx.cc","dvcc.com","dvcu.com","dvd.dns-cloud.net","dvd.dnsabr.com","dvd315.xyz","dvdallnews.com","dvdcloset.net","dvdexperts.info","dvdjapanesehome.com","dvdkrnbooling.com","dvdnewshome.com","dvdnewsonline.com","dvdoto.com","dvdrezensionen.com","dvdxpress.biz","dveri5.ru","dverishpon.ru","dvfdsigni.com","dvi-hdmi.net","dviuvbmda.pl","dvlotterygreencard.com","dvmap.ru","dvsdg34t6ewt.ga","dvspitfuh434.cf","dvspitfuh434.ga","dvspitfuh434.gq","dvspitfuh434.ml","dvspitfuh434.tk","dvx.dnsabr.com","dw.now.im","dwa.wiadomosc.pisz.pl","dwango.cf","dwango.ga","dwango.gq","dwango.ml","dwango.tk","dwdpoisk.info","dweezlemail.crabdance.com","dweezlemail.ufodns.com","dwellingmedicine.com","dwgtcm.com","dwipalinggantengyanglainlewat.cf","dwipalinggantengyanglainlewat.ga","dwipalinggantengyanglainlewat.gq","dwipalinggantengyanglainlewat.ml","dwipalinggantengyanglainlewat.tk","dwn2ubltpov.cf","dwn2ubltpov.ga","dwn2ubltpov.gq","dwn2ubltpov.ml","dwn2ubltpov.tk","dwraygc.com","dwrf.net","dwse.edu.pl","dwswd8ufd2tfscu.cf","dwswd8ufd2tfscu.ga","dwswd8ufd2tfscu.gq","dwswd8ufd2tfscu.ml","dwswd8ufd2tfscu.tk","dwt-damenwaeschetraeger.org","dwtu.com","dwugio.buzz","dwukwiat4.pl","dwukwiat5.pl","dwukwiat6.pl","dwul.org","dwutuemzudvcb.cf","dwutuemzudvcb.ga","dwutuemzudvcb.gq","dwutuemzudvcb.ml","dwutuemzudvcb.tk","dwwen.com","dwyj.com","dx.abuser.eu","dx.allowed.org","dx.awiki.org","dx.ez.lv","dx.sly.io","dxdblog.com","dxecig.com","dxlenterprises.net","dxmk148pvn.cf","dxmk148pvn.ga","dxmk148pvn.gq","dxmk148pvn.ml","dxmk148pvn.tk","dxuroa.xyz","dxuxay.xyz","dy7fpcmwck.cf","dy7fpcmwck.ga","dy7fpcmwck.gq","dy7fpcmwck.ml","dy7fpcmwck.tk","dyceroprojects.com","dyi.com","dyj.pl","dylans.email","dymnawynos.pl","dynabird.com","dynainbox.com","dynamic-domain-ns1.ml","dynamitemail.com","dynastyantique.com","dynofusion-developments.com","dynu.net","dyoeii.com","dyru.site","dyskretna-pomoc.pl","dyskretny.com","dyx9th0o1t5f.cf","dyx9th0o1t5f.ga","dyx9th0o1t5f.gq","dyx9th0o1t5f.ml","dyx9th0o1t5f.tk","dyyar.com","dz-geek.org","dz.usto.in","dz0371.com","dz17.net","dz4ahrt79.pl","dz57taerst4574.ga","dzalaev-advokat.ru","dzewa6nnvt9fte.cf","dzewa6nnvt9fte.ga","dzewa6nnvt9fte.gq","dzewa6nnvt9fte.ml","dzewa6nnvt9fte.tk","dzfphcn47xg.ga","dzfphcn47xg.gq","dzfphcn47xg.ml","dzfphcn47xg.tk","dzgiftcards.com","dzhinsy-platja.info","dzidmcklx.com","dziecio-land.pl","dziekan1.pl","dziekan2.pl","dziekan3.pl","dziekan4.pl","dziekan5.pl","dziekan6.pl","dziekan7.pl","dziesiec.akika.pl","dzimbabwegq.com","dzinoy58w12.ga","dzinoy58w12.gq","dzinoy58w12.ml","dzinoy58w12.tk","dznf.net","dzsyr.com","dzw.fr","dzye.com","e-b-s.pp.ua","e-bazar.org","e-bhpkursy.pl","e-cigarette-x.com","e-cigreviews.com","e-clip.info","e-drapaki.eu","e-factorystyle.pl","e-filme.net","e-horoskopdzienny.pl","e-jaroslawiec.pl","e-mail.cafe","e-mail.com","e-mail.comx.cf","e-mail.igg.biz","e-mail.net","e-mail.org","e-mail365.eu","e-mailbox.comx.cf","e-mailbox.ga","e-mails.site","e-marketstore.ru","e-mbtshoes.com","e-moje-inwestycje.pl","e-mule.cf","e-mule.ga","e-mule.gq","e-mule.ml","e-mule.tk","e-n-facebook-com.cf","e-n-facebook-com.gq","e-news.org","e-numizmatyka.pl","e-pierdoly.pl","e-poradnikowo24.pl","e-postkasten.com","e-postkasten.de","e-postkasten.eu","e-postkasten.info","e-prima.com.pl","e-s-m.ru","e-swieradow.pl","e-swojswiat.pl","e-tikhvin.ru","e-tomarigi.com","e-torrent.ru","e-trend.pl","e-vents2009.info","e-wawa.pl","e.4pet.ro","e.amav.ro","e.arno.fi","e.barbiedreamhouse.club","e.beardtrimmer.club","e.benlotus.com","e.bestwrinklecreamnow.com","e.bettermail.website","e.blogspam.ro","e.captchaeu.info","e.coloncleanse.club","e.crazymail.website","e.discard-email.cf","e.dogclothing.store","e.garciniacambogia.directory","e.gsamail.website","e.gsasearchengineranker.pw","e.gsasearchengineranker.site","e.gsasearchengineranker.space","e.gsasearchengineranker.top","e.gsasearchengineranker.xyz","e.l5.ca","e.mediaplayer.website","e.milavitsaromania.ro","e.mylittlepony.website","e.nodie.cc","e.ouijaboard.club","e.polosburberry.com","e.ps4.rocks","e.seoestore.us","e.shapoo.ch","e.socialcampaigns.org","e.uhdtv.website","e.virtualmail.website","e.waterpurifier.club","e.wupics.com","e.xxi2.com","e052.com","e0yk-mail.ml","e13100d7e234b6.noip.me","e1r2qfuw.com","e1y4anp6d5kikv.cf","e1y4anp6d5kikv.ga","e1y4anp6d5kikv.gq","e1y4anp6d5kikv.ml","e1y4anp6d5kikv.tk","e2estudios.com","e2qoitlrzw6yqg.cf","e2qoitlrzw6yqg.ga","e2qoitlrzw6yqg.gq","e2qoitlrzw6yqg.ml","e2qoitlrzw6yqg.tk","e2trg8d4.priv.pl","e3b.org","e3z.de","e4ivstampk.com","e4t5exw6aauecg.ga","e4t5exw6aauecg.ml","e4t5exw6aauecg.tk","e4ward.com","e4wfnv7ay0hawl3rz.cf","e4wfnv7ay0hawl3rz.ga","e4wfnv7ay0hawl3rz.gq","e4wfnv7ay0hawl3rz.ml","e4wfnv7ay0hawl3rz.tk","e501eyc1m4tktem067.cf","e501eyc1m4tktem067.ga","e501eyc1m4tktem067.ml","e501eyc1m4tktem067.tk","e52.ru","e56r5b6r56r5b.cf","e56r5b6r56r5b.ga","e56r5b6r56r5b.gq","e56r5b6r56r5b.ml","e57.pl","e5a7fec.icu","e5by64r56y45.cf","e5by64r56y45.ga","e5by64r56y45.gq","e5by64r56y45.ml","e5by64r56y45.tk","e5ki3ssbvt.cf","e5ki3ssbvt.ga","e5ki3ssbvt.gq","e5ki3ssbvt.ml","e5ki3ssbvt.tk","e5r6ynr5.cf","e5r6ynr5.ga","e5r6ynr5.gq","e5r6ynr5.ml","e5r6ynr5.tk","e5v7tp.pl","e6hq33h9o.pl","e7n06wz.com","e84ywua9hxr5q.cf","e84ywua9hxr5q.ga","e84ywua9hxr5q.gq","e84ywua9hxr5q.ml","e84ywua9hxr5q.tk","e89fi5kt8tuev6nl.cf","e89fi5kt8tuev6nl.ga","e89fi5kt8tuev6nl.gq","e89fi5kt8tuev6nl.ml","e89fi5kt8tuev6nl.tk","e8dymnn9k.pl","e8g93s9zfo.com","e90.biz","ea.luk2.com","eaa620.org","eabockers.com","eadvertsyst.com","eafabet.com","eafence.net","eafrem3456ails.com","eaganapartments.com","eagledigitizing.net","eaglefight.top","eaglehandbags.com","eagleinbox.com","eaglemail.top","eagleracingengines.com","eaglesfootballpro.com","eaglesnestestates.org","eahe.com","eail.com","eajfciwvbohrdbhyi.cf","eajfciwvbohrdbhyi.ga","eajfciwvbohrdbhyi.gq","eajfciwvbohrdbhyi.ml","eajfciwvbohrdbhyi.tk","eamail.com","eamale.com","eamarian.com","eami85nt.atm.pl","eamil.com","eamrhh.com","eanok.com","eaqso209ak.cf","eaqso209ak.ga","eaqso209ak.gq","eaqso209ak.ml","earachelife.com","earhlink.net","earningsph.com","earnlink.ooo","earpitchtraining.info","earrthlink.net","earth.blatnet.com","earth.doesntexist.org","earth.heartmantwo.com","earth.maildin.com","earth.oldoutnewin.com","earth.ploooop.com","earthbabes.info","earthhourlive.org","earthworksyar.cf","earthworksyar.ml","earthxqe.com","easiestcollegestogetinto.com","easilyremovewrinkles.com","easilys.tech","easists.site","easm.site","east3.com","easteuropepa.com","eastofwestla.com","eastsideag.com","eastwan.net","eastwestpr.com","easy-apps.info","easy-link.org","easy-mail.top","easy-trash-mail.com","easy2ride.com","easyandhardwaysout.com","easybedb.site","easyblogs.biz","easybranches.ru","easybuygos.com","easydinnerrecipes.net","easydinnerrecipes.org","easydirectory.tk","easyemail.info","easyfbcommissions.com","easygamingbd.com","easygbd.com","easyguitarlessonsworld.com","easyiphoneunlock.top","easyjimmy.cz.cc","easyjiujitsu.com","easymail.ga","easymail.igg.biz","easymail.top","easymailer.live","easymailing.top","easymarry.com","easymbtshoes.com","easynetwork.info","easyonlinecollege.com","easyonlinemail.net","easypaperplanes.com","easyrecipetoday.com","easysetting.org","easytrashmail.com","easyxsnews.club","eatingexperiences.com","eatlikeahuman.com","eatlogs.com","eatlove.com","eatme69.top","eatmea2z.club","eatmea2z.top","eatneha.com","eatreplicashop.com","eatrnet.com","eatshit.org","eatsleepwoof.com","eatstopeatdiscount.org","eatthegarden.co.uk","eauie.top","eautofsm.com","eautoskup.net","eawm.de","eay.jp","eazeemail.info","eb-dk.biz","eb46r5r5e.cf","eb46r5r5e.ga","eb46r5r5e.gq","eb46r5r5e.ml","eb46r5r5e.tk","eb4te5.cf","eb4te5.ga","eb4te5.gq","eb4te5.ml","eb4te5.tk","eb56b45.cf","eb56b45.ga","eb56b45.gq","eb56b45.ml","eb56b45.tk","eb609s25w.com","eb655b5.cf","eb655b5.ga","eb655b5.gq","eb655b5.ml","eb655b5.tk","eb655et4.cf","eb655et4.ga","eb655et4.gq","eb655et4.ml","eb7gxqtsoyj.cf","eb7gxqtsoyj.ga","eb7gxqtsoyj.gq","eb7gxqtsoyj.ml","eb7gxqtsoyj.tk","ebaja.com","ebano.campano.cl","ebarg.net","ebaymail.com","ebbob.com","ebbrands.com","ebctc.com","ebdbuuxxy.pl","ebeelove.com","ebek.com","ebeschlussbuch.de","ebestaudiobooks.com","ebhospitality.com","ebialrh.com","ebignews.com","ebing.com","ebmail.co","ebmail.com","ebnaoqle657.cf","ebnaoqle657.ga","ebnaoqle657.gq","ebnaoqle657.ml","ebnaoqle657.tk","ebnevelde.org","ebocmail.com","eboise.com","ebony.monster","ebookbiz.info","ebookway.us","ebookwiki.org","ebop.pl","ebqxczaxc.com","ebradt.org","ebrker.pl","ebs.com.ar","ebtukukxnn.cf","ebtukukxnn.ga","ebtukukxnn.gq","ebtukukxnn.ml","ebtukukxnn.tk","ebuyfree.com","ebv9rtbhseeto0.cf","ebv9rtbhseeto0.ga","ebv9rtbhseeto0.gq","ebv9rtbhseeto0.ml","ebv9rtbhseeto0.tk","ebzb.com","ec97.cf","ec97.ga","ec97.gq","ec97.ml","ec97.tk","ecallen.com","ecallheandi.com","ecanc.com","eccfilms.com","eccgulf.net","ecea.de","echeaplawnmowers.com","echt-mail.de","echtzeit.website","ecigarettereviewonline.net","ecimail.com","eclair.minemail.in","eclipseye.com","ecmail.com","ecn37.ru","eco-88brand.com","eco-crimea.ru","eco.ilmale.it","ecoblogger.com","ecocap.cf","ecocap.ga","ecocap.gq","ecocap.ml","ecocap.tk","ecodark.com","ecoe.de","ecoforfun.website","ecofreon.com","ecohut.xyz","ecoimagem.com","ecoisp.com","ecolaundrysystems.com","ecolo-online.fr","ecomail.com","ecomdaily.com","ecomediahosting.net","ecommerceservice.cc","ecomyst.com","econeom.com","econvention2007.info","ecopressmail.us","ecoright.ru","ecossr.site","ecowisehome.com","ecpsscardshopping.com","ecsspay.com","ectong.xyz","ecuadorianhands.com","ecuasuiza.com","ecudeju.olkusz.pl","ecuwmyp.pl","ecybqsu.pl","ed-hardybrand.com","ed-pillole.it","ed1crhaka8u4.cf","ed1crhaka8u4.ga","ed1crhaka8u4.gq","ed1crhaka8u4.ml","ed1crhaka8u4.tk","edalist.ru","edat.site","edaup.com","edcar-sacz.pl","edcs.de","edeals420.com","edf.ca.pn","edfast-medrx.com","edfromcali.info","edge.blatnet.com","edge.cowsnbullz.com","edge.marksypark.com","edge.ploooop.com","edger.dev","edgex.ru","edgw.com","edhardy-onsale.com","edhardy886.com","edhardyfeel.com","edhardyown.com","edhardypurchase.com","edhardyuser.com","edicalled.site","edifice.ga","edikmail.com","edilm.site","edimail.com","edinarfinancial.com","edinburgh-airporthotels.com","edirasa.com","edit-2ch.biz","editariation.xyz","editicon.info","edkvq9wrizni8.cf","edkvq9wrizni8.ga","edkvq9wrizni8.gq","edkvq9wrizni8.ml","edkvq9wrizni8.tk","edmail.com","edmondpt.com","edmontonportablesigns.com","edoamb.site","edomail.com","edotzxdsfnjvluhtg.cf","edotzxdsfnjvluhtg.ga","edotzxdsfnjvluhtg.gq","edotzxdsfnjvluhtg.ml","edotzxdsfnjvluhtg.tk","edouardloubet.art","edovqsnb.pl","edpillsrx.us","edrishn.xyz","edsindia.com","edsr.com","edu-paper.com","edu.aiot.ze.cx","edu.auction","edu.cowsnbullz.com","edu.dmtc.dev","edu.hstu.eu.org","edu.lakemneadows.com","edu.net","edu.universallightkeys.com","eduanswer.ru","education.eu","educationleaders-ksa.com","educationvn.cf","educationvn.ga","educationvn.gq","educationvn.ml","educationvn.tk","educharved.site","educourse.xyz","eduheros.com","eduinfoline.com","edukacyjny.biz","edukansassu12a.cf","edultry.com","edumaga.com","edumail.fun","edunk.com","edupost.pl","edurealistic.ru","edus.works","edusamail.net","edusath.com","edv.to","edwardnmkpro.design","ee-papieros.pl","ee.anglik.org","ee1.pl","ee2.pl","eeaaites.com","eee.net","eeedv.de","eeeeeeee.pl","eeemail.pl","eeemail.win","eeetivsc.com","eegxvaanji.pl","eehfmail.org","eeiv.com","eel.luk2.com","eellee.org","eelmail.com","eelraodo.com","eelrcbl.com","eenul.com","eeothno.com","eepaaa.com","eeppai.com","eepulse.info","eetieg.com","eeuasi.com","eevnxx.gq","eewmaop.com","eezojq3zq264gk.cf","eezojq3zq264gk.ga","eezojq3zq264gk.gq","eezojq3zq264gk.ml","eezojq3zq264gk.tk","ef2qohn1l4ctqvh.cf","ef2qohn1l4ctqvh.ga","ef2qohn1l4ctqvh.gq","ef2qohn1l4ctqvh.ml","ef2qohn1l4ctqvh.tk","ef9ppjrzqcza.cf","ef9ppjrzqcza.ga","ef9ppjrzqcza.gq","ef9ppjrzqcza.ml","ef9ppjrzqcza.tk","efacs.net","efasttrackwatches.com","efatt2fiilie.ru","efepala.kazimierz-dolny.pl","efetusomgx.pl","effect-help.ru","effective-pheromones.info","effexts.com","effobe.com","effortance.xyz","efhuxvwd.pl","eflfnskgw2.com","efmsts.xyz","efo.kr","efreaknet.com","efreet.org","efremails.com","eft.one","efu114.com","efva.com","efxs.ca","eg0025.com","eg66cw0.orge.pl","egames20.com","egames4girl.com","egbs.com","egear.store","eget1loadzzz.ru","eget9loaadz.ru","egget4fffile.ru","egget8zagruz.ru","eggharborfesthaus.com","eggnova.com","eggrockmodular.com","egipet-nedv.ru","eglft.in","egodmail.com","egofan.ru","eguccibag-sales.com","egumail.com","egvgtbz.xorg.pl","egypthacker.com","egzmail.top","egzones.com","ehhxbsbbdhxcsvzbdv.ml","ehhxbsbbdhxcsvzbdv.tk","ehmail.com","ehmail.fun","ehmhondajazz.buzz","ehmwi6oixa6mar7c.cf","ehmwi6oixa6mar7c.ga","ehmwi6oixa6mar7c.gq","ehmwi6oixa6mar7c.ml","ehmwi6oixa6mar7c.tk","eho.kr","ehoie03og3acq3us6.cf","ehoie03og3acq3us6.ga","ehoie03og3acq3us6.gq","ehoie03og3acq3us6.ml","ehoie03og3acq3us6.tk","ehomeconnect.net","ehowtobuildafireplace.com","ehstock.com","ehvgfwayspsfwukntpi.cf","ehvgfwayspsfwukntpi.ga","ehvgfwayspsfwukntpi.gq","ehvgfwayspsfwukntpi.ml","ehvgfwayspsfwukntpi.tk","eiag.luk2.com","eiaj.luk2.com","eiakr.com","eiandayer.xyz","eids.de","eidumail.com","eight.emailfake.ml","eight.fackme.gq","eightset.com","eihnh.com","eiibps.com","eiis.com","eiji6410.kenshin26.bishop-knot.xyz","eik3jeha7dt1as.cf","eik3jeha7dt1as.ga","eik3jeha7dt1as.gq","eik3jeha7dt1as.ml","eik3jeha7dt1as.tk","eik8a.avr.ze.cx","eimadness.com","eimail.com","eindowslive.com","eindstream.net","einfach.to","einmalmail.de","einrot.com","einrot.de","eins-zwei.cf","eins-zwei.ga","eins-zwei.gq","eins-zwei.ml","eins-zwei.tk","einsteinaccounting.com","einsteino.com","einsteino.net","eintagsmail.de","eircjj.com","eireet.site","eirtsdfgs.co.cc","ej.opheliia.com","ejaculationbycommandreviewed.org","ejaculationprecoce911.com","ejaculationtrainerreviewed.com","ejajmail.com","ejapangirls.com","ejdy1hr9b.pl","ejez.com","ejh3ztqvlw.cf","ejh3ztqvlw.ga","ejh3ztqvlw.gq","ejh3ztqvlw.ml","ejh3ztqvlw.tk","ejkovev.org","ejmcuv7.com.pl","ejrt.co.cc","ejrtug.co.cc","ek8wqatxer5.cf","ek8wqatxer5.ga","ek8wqatxer5.gq","ek8wqatxer5.ml","ek8wqatxer5.tk","ekamaz.com","ekameal.ru","ekapoker.com","ekata.tech","ekatalogstron.ovh","ekb-nedv.ru","ekii.cf","ekiiajah.ga","ekiibete.ml","ekiibeteaja.cf","ekiibetekorea.tk","ekiikorea99.cf","ekiikorea99.ga","ekiilinkinpark.ga","ekipatonosi.cf","ekipatonosi.gq","ekipatonosi.ml","ekipatonosi.tk","ekkoboss.com.ua","ekmail.com","ekmektarifi.com","eko-europa.com","ekonu.com","ekor.info","ekredyt.org","eksprespedycja.pl","ekstra.pl","ektjtroskadma.com","ekumail.com","ekurhuleni.co.za","ekwmail.com","el-kassa.info","el-x.tech","el.cash","el.efast.in","elabmedia.com","elaine1.xyz","elaineshoes.com","elancreditcards.net","elastit.com","elavilonlinenow.com","elavmail.com","elbenyamins.com","elcajonrentals.com","elchato.com","elderflame.xyz","eldoradoschool.org","eldv.com","elearningjournal.org","eleccionesath.com","eleccionnatural.com","electica.com","electriccarvehicle.com","electricistaurgente.net","electricswitch.info","electro.mn","electrofunds.com","electromax.us","electronic-smoke.com","electronic-stores.org","electronicearprotection.net","electronicmail.us","electroproluxex.eu","electrostaticdisinfectantsprayers.site","elefonica.com","elegantthemes.top","elektrische-auto.info","elektro-grobgerate.com","elektroniksigara.xyz","elementaltraderforex.com","elementlounge.com","elenafuriase.com","elenagolunova.site","elenotoneshop.com","elerrisgroup.com","elesb.net","elevatn.net","elevatorshoes-wholesalestores.info","elevens4d.net","elex-net.ru","elexbetgunceladres.com","elexbetguncelgiris.com","elfox.net","elftraff.com","elhammam.com","elhida.com","eli.hekko24.pl","elilogan.us","elimam.org","elinbox.com","elinore1818.site","elisione.pl","elite-altay.ru","elite-seo-marketing.com","elite12.mygbiz.com","eliteavangers.pl","eliteesig.org","elitemotions.com","elitemp.xyz","elitepond.com","elitescortistanbul.net","eliteseo.net","elitevipatlantamodels.com","elitokna.com","elizabethlacio.com","elizabethroberts.org","elizabethscleanremedy.com","elkgroveses.com","elki-mkzn.ru","ellahamid.art","elle-news.com","ellebox.com","ellesecret.com","ellesspromotion.co.uk","elletsigns.com","ellight.ru","ellineswitzerland.com","ellipticalmedia.com","ellisontraffic.com","elloboxlolongti.com","elly.email4edu.com","elmarquesbanquetes.com","elmiracap.com","elmmccc.com","elmoscow.ru","eloelo.com","elograder.com","elohellplayer.com","elokalna.pl","eloltsf.com","elpatevskiy.com","elraigon.com","elregresoinc.com","elrfwpel.com","els396lgxa6krq1ijkl.cf","els396lgxa6krq1ijkl.ga","els396lgxa6krq1ijkl.gq","els396lgxa6krq1ijkl.ml","els396lgxa6krq1ijkl.tk","elsdrivingschool.net","elsetos.biz","elsevierheritagecollection.org","elsewhere.3amail.top","elsexo.ru","elteh.me","eltombis.pl","eluvit.com","eluxurycoat.com","elva.app","elwatar.com","ely.kr","elyse.mallory.livefreemail.top","elysium.ml","elzire.com","em-meblekuchenne.pl","em-solutions.com","ema-sofia.eu","emaagops.ga","emaail.com","emagrecerdevezbr.com","emai.cz","emaiden.com","emaigops.ga","email-24x7.com","email-4-everybody.bid","email-9.com","email-bomber.info","email-boxes.ru","email-brasil.com","email-fake.cf","email-fake.com","email-fake.ga","email-fake.gq","email-fake.ml","email-fake.tk","email-host.info","email-jetable.fr","email-lab.com","email-list.online","email-me.bid","email-premium.com","email-server.info","email-sms.com","email-sms.net","email-t.cf","email-t.ga","email-t.gq","email-t.ml","email-t.tk","email-temp.com","email-wizard.com","email.a51.fr","email.cbes.net","email.com.co","email.comx.cf","email.cykldrzewa.pl","email.edu.pl","email.freecrypt.org","email.infokehilangan.com","email.net","email.omshanti.edu.in","email.org","email.pozycjonowanie8.pl","email.ucms.edu.pk","email.wassusf.online","email.zyz5.com","email0.cf","email0.ga","email0.gq","email0.ml","email0.tk","email1.gq","email1.pro","email2.cf","email2.gq","email2.ml","email2.tk","email2an.ga","email2twitter.info","email3.cf","email3.ga","email3.gq","email3.ml","email3.tk","email42.com","email4all.info","email4everybody.bid","email4everyone.co.uk","email4everyone.com","email4spam.org","email4work.xyz","email5.net","email60.com","emailage.cf","emailage.ga","emailage.gq","emailage.ml","emailage.tk","emailaing.com","emailanto.com","emailappp.com","emailapps.in","emailapps.info","emailat.website","emailate.com","emailay.com","emailbaruku.com","emailbeauty.com","emailber.com","emailbooox.gq","emailboot.com","emailbot.org","emailbox.comx.cf","emailchepas.cf","emailchepas.ga","emailchepas.gq","emailchepas.ml","emailchepas.tk","emailcom.org","emailcoordinator.info","emailcu.icu","emaildfga.com","emaildienst.de","emaildrop.io","emaildublog.com","emailed.com","emailedu.tk","emaileen.com","emailertr.com","emailfacil.ml","emailfake.cf","emailfake.com","emailfake.ga","emailfake.gq","emailfake.ml","emailfake.nut.cc","emailfake.usa.cc","emailfalsa.cf","emailfalsa.ga","emailfalsa.gq","emailfalsa.ml","emailfalsa.tk","emailforme.pl","emailforyounow.com","emailfowarding.com","emailfreedom.ml","emailgap.com","emailgenerator.de","emailgo.de","emailgo.tk","emailgot.com","emailgratis.info","emailgsio.us","emailhearing.com","emailhost99.com","emailhosts.org","emailhot.com","emailias.com","emailigo.de","emailinbox.xyz","emailinfive.com","emailirani.ir","emailismy.com","emailist.tk","emailisvalid.com","emailjetable.icu","emailjonny.net","emailke.live","emailket.online","emailkg.com","emailkjff.com","emailko.in","emailkoe.com","emailkoe.xyz","emaill.host","emaill.webcam","emaillab.xyz","emaillalala.org","emaillime.com","emailll.org","emailmc2.com","emailme.accountant","emailme.bid","emailme.men","emailme.racing","emailme.win","emailmenow.info","emailmiser.com","emailmobile.net","emailmonkey.club","emailmynn.com","emailmysr.com","emailna.co","emailna.life","emailnax.com","emailno.in","emailnode.net","emailnope.com","emailnube.com","emailo.pro","emailofnd.cf","emailondeck.com","emailonlinefree.com","emailonn.in","emailoo.cf","emailpalbuddy.com","emailpop.eu","emailpop3.eu","emailpops.cz.cc","emailportal.info","emailpro.cf","emailpro.ml","emailproxsy.com","emailr.win","emailrac.com","emailrambler.co.tv","emailrecup.info","emailreg.org","emailresort.com","emailreviews.info","emailrii.com","emailrtg.org","emails-like-snails.bid","emails.ga","emails92x.pl","emailsalestoday.info","emailsecurer.com","emailsendingjobs.net","emailsensei.com","emailsforall.com","emailsinfo.com","emailsingularity.net","emailsky.info","emailslikesnails.bid","emailsolutions.xyz","emailspam.cf","emailspam.ga","emailspam.gq","emailspam.ml","emailspam.tk","emailspot.org","emailspro.com","emailsquick.com","emailss.com","emailsteel.com","emailswhois.com","emailsy.info","emailsys.co.cc","emailt.com","emailtea.com","emailtech.info","emailtemporanea.com","emailtemporanea.net","emailtemporar.ro","emailtemporario.com.br","emailtex.com","emailthe.net","emailtmp.com","emailto.de","emailtoo.ml","emailtown.club","emailtrain.ga","emailure.net","emailvenue.com","emailwarden.com","emailworldwide.info","emailworth.com","emailx.at.hm","emailx.org","emailxfer.com","emailxpress.co.cc","emailz.cf","emailz.ga","emailz.gq","emailz.ml","emaim.com","emakmintadomain.co","emall.ml","emanual.site","emaomail.com","emapmail.com","embaeqmail.com","embalaje.us","embaramail.com","embarq.net","embarqumail.com","embatqmail.com","embergone.cf","embergone.ga","embergone.gq","embergone.ml","embergone.tk","embergonebro.cf","embergonebro.ga","embergonebro.gq","embergonebro.ml","embergonebro.tk","emberhookah.com","emblemail.com","embrapamail.pw","emcinfo.pl","emdwgsnxatla1.cf","emdwgsnxatla1.ga","emdwgsnxatla1.gq","emdwgsnxatla1.ml","emdwgsnxatla1.tk","emedia.nl","emeil.cf","emeil.in","emeil.ir","emenage.com","emeraldcluster.com","emeraldwebmail.com","emext.com","emeyle.com","emfunhigh.tk","emi.pine-and-onyx.pine-and-onyx.xyz","emi360.net","emial.com","emil.com","emila.com","emiliacontessaresep.art","emilydates.review","eminilathe.info","emirati-nedv.ru","emirmail.ga","emiro.ru","emka3.vv.cc","emkei.cf","emkei.ga","emkei.gq","emkei.ml","emkei.tk","emkunchi.com","eml.pp.ua","emlagops.ga","emlhub.com","emlppt.com","emlpro.com","emltmp.com","emmail.com","emmail.info","emmailoon.com","emmajulissa.kyoto-webmail.top","emmasart.com","emmasmale.com","emmys.life","emohawk.xyz","emold.eu","emops.net","emoreforworkx.com","emoreno.tk","emotionalhealththerapy.com","emotionengineering.com","emovern.site","emozoro.de","emp4lbr3wox.ga","empaltahu24best.gq","empek.tk","emperatedly.xyz","empireanime.ga","empireapp.org","empiremail.de","empireofbeauty.co.uk","empletely.xyz","empondica.site","empower-solar.com","empowerelec.com","empowering.zapto.org","empregoaqui.site","empregosempre.club","empresagloriasamotderoman.com","emptylousersstop.com","emran.cf","emsapp.net","emstjzh.com","emtelrilan.xyz","emtrn9cyvg0a.cf","emtrn9cyvg0a.ga","emtrn9cyvg0a.gq","emtrn9cyvg0a.ml","emtrn9cyvg0a.tk","emule.cf","emule.ga","emule.gq","emunmail.com","emvil.com","emvps.xyz","emy.kr","emz.net","en565n6yt4be5.cf","en565n6yt4be5.ga","en565n6yt4be5.gq","en565n6yt4be5.ml","en565n6yt4be5.tk","en5ew4r53c4.cf","en5ew4r53c4.ga","en5ew4r53c4.gq","en5ew4r53c4.ml","en5ew4r53c4.tk","enables.us","enaksekali.ga","enaktu.eu","enamelme.com","enattendantlorage.org","enayu.com","encloudhd.com","encrot.uk.ht","encrypted4email.com","encryptedmail.xyz","encryptedonion.com","encrytech.com","encuestan.com","encuestas.live","endangkusdiningsih.art","endeavorla.com","endeavorsllc.com","endergraph.com","endosferes.ru","endrix.org","eneko-atxa.art","enercranyr.eu","energetus.pl","energon-co.ru","energy69.com","energymail.co.cc","energymails.com","energymonitor.pl","enersets.com","enestmep.com","enewheretm.tk","enewsmap.com","eneyatokar12.com","enfermedad.site","enforkatoere.com","enfsmq2wel.cf","enfsmq2wel.ga","enfsmq2wel.gq","enfsmq2wel.ml","enfsmq2wel.tk","engagecoin.net","engagecoin.org","engagefmb.com","engagingwebsites.com","engary.site","enggalman.ga","enggalman.ml","engineemail.com","engineering-ai.com","enginemail.co.cc","enginemail.top","enginwork.com","englishlearn.org","englishteachingfriends.com","engsafe.xyz","enhancemalepotency.com","enhanceronly.com","enhdiet.com","enhytut.com","enigmagames.net","enj4ltt.xorg.pl","enjoy-lifestyle.us","enjoypixel.com","enlargement-xl.com","enlargementz.com","enlerama.eu","enmail.com","enmail1.com","enmaila.com","enml.net","enmtuxjil7tjoh.cf","enmtuxjil7tjoh.ga","enmtuxjil7tjoh.gq","enmtuxjil7tjoh.ml","enmtuxjil7tjoh.tk","ennemail.ga","enometry.com","enpaypal.com","enpeezslavefarm.ml","enput.com","enra.com","enricocrippa.art","enron.cf","enron.ga","enron.gq","enron.ml","enroncorp.cf","enroncorp.ga","enroncorp.gq","enroncorp.ml","enroncorp.tk","enroskadma.com","ensis.site","ensudgesef.com","enteremail.us","enterprise-secure-registration.com","entertainment-database.com","entertainmentcentral.info","enterto.com","entirelynl.nl","entlc.com","entrastd.com","entregandobiblia.com.br","entrens.com","entribod.xyz","entropy.email","entuziast-center.ru","enu.kr","env.tools","envelop2.tk","envirophoenix.com","envolplus.com","envy17.com","envysa.com","envywork.ru","enwi7gpptiqee5slpxt.cf","enwi7gpptiqee5slpxt.ga","enwi7gpptiqee5slpxt.gq","enwi7gpptiqee5slpxt.ml","enwi7gpptiqee5slpxt.tk","enwsueicn.com","eny.kr","eo-z.com","eocoqoeoto.com","eodfku.info","eodocmdrof.com","eoemail.com","eoffice.top","eolot.site","eomail.com","eona.me","eoncasino.com","eonmech.com","eonohocn.com","eoooodid.com","eoopy.com","eopn.com","eorbs.com","eorjdgogotoy.com","eos2mail.com","eosada.com","eosatx.com","eosbuzz.com","eoscast.com","eotoplenie.ru","eovdfezpdto8ekb.cf","eovdfezpdto8ekb.ga","eovdfezpdto8ekb.gq","eovdfezpdto8ekb.ml","eovdfezpdto8ekb.tk","eowifjjgo0e.com","eowlgusals.com","eozxzcbqm.pl","epam-hellas.org","eparis.pl","epb.ro","epenpoker.com","epeva.com","epewmail.com","epfy.com","ephemail.net","ephemeral.black","ephemeral.email","ephrine.com","epi-tech.com","epiar.net","epic.swat.rip","epicgamers.mooo.com","epicgrp.com","epicmoney.gold","epictv.pl","epicwave.desi","epicwebdesigners.com","epideme.xyz","epieye.com","epigeneticstation.com","epit.info","epitom.com","epizmail.com","epmail.com","epomail.com","eporadnictwo.pl","eposredniak.pl","eposta.buzz","eposta.work","epostamax.com","epostmail.comx.cf","epot.ga","epowerhousepc.com","eppik.ru","eppvcanks.shop","epr49y5b.bee.pl","eprofitacademy.net","eproyecta.com","epsilon.indi.minemail.in","epsilonzulu.webmailious.top","epubb.site","epubc.site","epubd.site","epube.site","epubea.site","epubeb.site","epubec.site","epubed.site","epubee.site","epubef.site","epubeh.site","epubei.site","epubek.site","epubel.site","epubem.site","epuben.site","epubep.site","epubeq.site","epuber.site","epubes.site","epubet.site","epubeu.site","epubev.site","epubf.site","epubg.site","epubh.site","epubi.site","epubj.site","epubk.site","epubl.site","epubla.site","epublb.site","epublc.site","epubld.site","epublg.site","epublh.site","epubli.site","epublj.site","epublk.site","epubll.site","epublm.site","epubln.site","epublo.site","epublp.site","epublq.site","epubls.site","epublt.site","epublu.site","epublv.site","epublx.site","epubly.site","epublz.site","epubm.site","epubn.site","epubo.site","epubp.site","epubq.site","epubr.site","epubs.site","epubt.site","epubu.site","epubv.site","epwenner.de","epwwrestling.com","eq2shs5rva7nkwibh6.cf","eq2shs5rva7nkwibh6.ga","eq2shs5rva7nkwibh6.gq","eq2shs5rva7nkwibh6.ml","eq2shs5rva7nkwibh6.tk","eqador-nedv.ru","eqasmail.com","eqbo62qzu2r8i0vl.cf","eqbo62qzu2r8i0vl.ga","eqbo62qzu2r8i0vl.gq","eqbo62qzu2r8i0vl.ml","eqbo62qzu2r8i0vl.tk","eqeqeqeqe.tk","eqibodyworks.com","eqiluxspam.ga","eqimail.com","eqr.luk2.com","eqrsxitx.pl","eqsaucege.com","eqstqbh7hotkm.cf","eqstqbh7hotkm.ga","eqstqbh7hotkm.gq","eqstqbh7hotkm.ml","eqstqbh7hotkm.tk","equestrianjump.com","equiapp.men","equiemail.com","equilibriumfusion.com","equinemania.com","equinoitness.com","equipcare.ru","equityen.com","equityoptions.io","equonecredite.com","erahelicopter.com","erailcomms.net","eramis.ga","erasedebt.gq","eraseo.com","erasf.com","erathlink.net","erbendao.com","erbschools.org","erds.com","ereaderreviewcentral.com","erec-dysf.com","erectiledysf.com","erectiledysfunctionpillsest.com","erectiledysfunctionpillsonx.com","erection-us.com","erermail.com","erersaju.xyz","erertmail.com","eret.com","erexcolbart.eu","erexcolbart.xyz","erfer.com","erfoer.com","ergb.com","ergo-design.com.pl","ergopsycholog.pl","ergowiki.com","erhoei.com","ericjohnson.ml","ericreyess.com","ericsreviews.com","erinnfrechette.com","erizon.net","erjit.in","erk7oorgaxejvu.cf","erk7oorgaxejvu.ga","erk7oorgaxejvu.gq","erk7oorgaxejvu.ml","erk7oorgaxejvu.tk","erlsitn.com","ermael.com","ermail.cf","ermail.ga","ermail.gq","ermail.ml","ermail.tk","ermailo.com","ermeson.tk","ermtia.com","ero-host.ru","ero-tube.org","erodate.com","erodate.fr","eroererwa.vv.cc","erofree.pro","eroker.pl","eromail.com","eroticadultdvds.com","eroticplanet24.de","erotyczna.eu","erotyka.pl","eroyal.net","erpin.org","erpipo.com","erpolic.site","erpressungsge.ml","errals.com","erreemail.com","error57.com","errorid.com","errorstud.io","ersatzs.com","ersineruzun.shop","erssuperbowlshop.com","ersxdmzzua.pl","ertemaik.com","ertewurtiorie.co.cc","erti.de","ertki.online","ertrterwe.com","ertsos.online","ertuet5.tk","ertytyf.ml","ertyuio.pl","eruj33y5g1a8isg95.cf","eruj33y5g1a8isg95.ga","eruj33y5g1a8isg95.gq","eruj33y5g1a8isg95.ml","eruj33y5g1a8isg95.tk","erun.2nightgz.com","erw.com","erx.mobi","eryoritwd1.cf","eryoritwd1.ga","eryoritwd1.gq","eryoritwd1.ml","eryoritwd1.tk","es-depeso.site","esacrl.com","esadverse.com","esanmail.com","esbano-ru.ru","esboba.store","esbuah.nl","esc.la","escanor99.com","escapehatchapp.com","escb.com","escholcreations.com","escholgroup.com.au","escocompany.com","escoltesiguies.net","escomprarcamisetas.es","escortankara06.com","escortbayanport.com","escortcumbria.co.uk","escorthatti.com","escorts-in-prague.com","escortsaati.com","escortsdudley.com","escortvitrinim.com","escuelanegociodigital.com","ese.kr","esearb.com","esemay.com","esender18.com","esenlee.com","esenu.com","esenyurt-travesti.online","eseoconsultant.org","eseod.com","eset.t28.net","esgame.pl","esgebe.email","esgeneri.com","eshta.com","eshtanet.com","eshtapay.com","esiix.com","esik.com","esjweb.com","eskile.com","eskisehirdizayn.com","esm.com","esmaczki.pl","esmeraldamagina.com","esmuse.me","esmyar.ir","esoetge.com","esotericans.ru","esoumail.com","espadahost.com","espaintimestogo.us","espamted3kepu.cf","espamted3kepu.ga","espamted3kepu.gq","espamted3kepu.ml","espamted3kepu.tk","espana-official.com","espanatabs.com","espil-place-zabaw.pl","espinozamail.men","esportenanet.com","espritblog.org","esprity.com","esquir3.com","esquiresubmissions.com","essaouira.xyz","essay-introduction-buy.xyz","essay-top.biz","essayhelp.top","essaypian.email","essaypromaster.com","essayssolution.com","essentialsecurity.com","esseriod.com","essh.ca","est.une.victime.ninja","estate-invest.fr","estatenearby.com","estatepoint.com","esteembpo.com","estehgass.one","estelove.com","estimatd.com","estltd.com","estonia-nedv.ru","estopg.com","estress.net","estudent.edu.pl","esxgrntq.pl","esy.es","et4veh6lg86bq5atox.cf","et4veh6lg86bq5atox.ga","et4veh6lg86bq5atox.gq","et4veh6lg86bq5atox.tk","etaalpha.spithamail.top","etabox.info","etaetae46gaf.ga","etalase1.com","etang.com","etanker.com","etas-archery.com","etaxmail.com","etbclwlt.priv.pl","etc.xyz","etcone.net","etcvenues.com","etdcr5arsu3.cf","etdcr5arsu3.ga","etdcr5arsu3.gq","etdcr5arsu3.ml","etdcr5arsu3.tk","eternalist.ru","etfstudies.com","etgdev.de","etghecnd.com","eth2btc.info","ether123.net","etherage.com","etherbackup.com","ethereal.email","etherealgemstone.site","etherealplunderer.com","ethereum1.top","ethersports.org","ethersportz.info","ethicalencounters.org.uk","ethiccouch.xyz","ethicy.com","ethiopia-nedv.ru","etlgr.com","etm.com","etmail.com","etmail.top","etno.mineweb.in","etochq.com","etoic.com","etonracingboats.co.uk","etopmail.com","etotvibor.ru","etovar.net.ua","etoymail.com","etranquil.com","etranquil.net","etranquil.org","etravelgo.info","etrytmbkcq.pl","ets-products.ru","etszys.com","ettatct.com","ettke.com","etwienmf7hs.cf","etwienmf7hs.ga","etwienmf7hs.gq","etwienmf7hs.ml","etxe.com","etxm.gq","etzdnetx.com","eu.blatnet.com","eu.cowsnbullz.com","eu.dlink.cf","eu.dlink.gq","eu.dns-cloud.net","eu.dnsabr.com","eu.igg.biz","eu.lakemneadows.com","eu.oldoutnewin.com","eu6genetic.com","euabds.com","euaqa.com","eubicgjm.pl","euchante.com","eucw.com","eudoxus.com","eue51chyzfil0.cf","eue51chyzfil0.ga","eue51chyzfil0.gq","eue51chyzfil0.ml","eue51chyzfil0.tk","eujweu3f.com","eulabs.eu","eulopos.com","eumail.p.pine-and-onyx.xyz","euneeedn.com","euphoriaworld.com","eupin.site","eur-sec1.cf","eur-sec1.ga","eur-sec1.gq","eur-sec1.ml","eur-sec1.tk","eur0.cf","eur0.ga","eur0.gq","eur0.ml","eurazx.com","eure-et-loir.pref.gouvr.fr","euro-reconquista.com","eurobenchmark.net","eurocuisine2012.info","eurodmain.com","eurogenet.com","eurolinx.com","euromail.tk","euromillionsresults.be","europartsmarket.com","europastudy.com","europearly.site","europesmail.gdn","euroweb.email","eurox.eu","euucn.com","euwbvkhuqwdrcp8m.cf","euwbvkhuqwdrcp8m.ml","euwbvkhuqwdrcp8m.tk","eva.bigmail.info","evacarstens.fr","evafan.com","evaforum.info","evamail.com","evanfox.info","evansind.com","evansville.com","evarosdianadewi.art","evascxcw.com","evasea.com","evavoyance.com","evbholdingsllc.com","evcmail.com","evcr8twoxifpaw.cf","evcr8twoxifpaw.ga","evcr8twoxifpaw.gq","evcr8twoxifpaw.ml","evcr8twoxifpaw.tk","evdnbppeodp.mil.pl","evdy5rwtsh.cf","evdy5rwtsh.ga","evdy5rwtsh.gq","evdy5rwtsh.ml","evdy5rwtsh.tk","eveadamsinteriors.com","eveav.com","eveb5t5.cf","eveb5t5.ga","eveb5t5.gq","eveb5t5.ml","eveb5t5.tk","evelinecharlespro.com","evelinjaylynn.mineweb.in","even.ploooop.com","event-united.com","eventa.site","ever-child.com","ever.favbat.com","evercountry.com","evergo.igg.biz","everifies.com","everleto.ru","everotomile.com","evertime-revolution.biz","everto.us","everybabes.com","everybes.tk","everybody22.com","everybodyone.org.ua","everydaybiz.com","everydroid.com","everynewr.tk","everyoneapparel.com","everytg.ml","everythingcqc.org","everythingisnothing.com","everythinglifehouse.com","everythingtheory.org","evhybrid.club","evidenceintoaction.org","evilbruce.com","evilcomputer.com","evilin-expo.ru","evkiwi.de","evliyaogluotel.com","evmail.com","evoaled091h.cf","evoaled091h.ga","evoaled091h.gq","evoaled091h.ml","evoaled091h.tk","evoandroidevo.me","evobmail.com","evodok.com","evolution24.de","evolutionary-wealth.net","evolutioncatering.com","evolutiongene.com","evolutionofintelligence.com","evonb.com","evopo.com","evoro.eu","evortal.eu","evou.com","evropost.top","evropost.trade","evsmpi.net","evt5et4.cf","evt5et4.ga","evt5et4.gq","evt5et4.ml","evt5et4.tk","evu.com","evuwbapau3.cf","evuwbapau3.ga","evuwbapau3.gq","evuwbapau3.ml","evxmail.net","evyush.com","ew-purse.com","ewa.kr","ewarjkit.in","ewatchesnow.com","ewebpills.com","ewebrus.com","eweemail.com","ewer.ml","ewhmt.com","ewofjweooqwiocifus.ru","ewroteed.com","ewt35ttwant35.tk","ewumail.com","ewuobxpz47ck7xaw.cf","ewuobxpz47ck7xaw.ga","ewuobxpz47ck7xaw.gq","ewuobxpz47ck7xaw.ml","ewuobxpz47ck7xaw.tk","eww.ro","ewwq.eu","ex-you.com","exactmail.com","exaggreath.site","exaltatio.com","exaltedgames.com","examole.com","exampe.com","example.com","examplefirem.org.ua","exampleforall.org.ua","exboxlivecodes.com","exbte.com","exbts.com","excavatea.com","excel-medical.com","excelente.ga","excellx.com","excelwfinansach.pl","exchangefinancebroker.org","excipientnetwork.com","excitedchat.com","excitingsupreme.info","exclusivewebhosting.co.uk","exdisplaykitchens1.co.uk","exdonuts.com","exdr.com","executivetoday.com","exems.net","exercisetrainer.net","exertwheen.com","exi.kr","exi8tlxuyrbyif5.cf","exi8tlxuyrbyif5.ga","exi8tlxuyrbyif5.gq","exi8tlxuyrbyif5.ml","exia00.biz.st","eximail.com","exiq0air0ndsqbx2.cf","exiq0air0ndsqbx2.ga","exiq0air0ndsqbx2.ml","existiert.net","existrons.site","exitstageleft.net","exju.com","exmail.com","exmoordistillery.com","exo-eco-photo.net","exoacre.com","exois.life","exoly.com","exostream.xyz","exoticcloth.net","exoxo.com","expanda.net","expatinsurances.com","expectingvalue.com","expense-monitor.ml","experienceamg.com","experiencesegment.com","expertadnt.com","expertadvisormt4ea.com","expertmobi.com","expertroofingbrisbane.com","expirebox.com","expirebox.email","expirebox.me","expirebox.net","expirebox.org","expirio.info","expl0rer.cf","expl0rer.ga","expl0rer.gq","expl0rer.ml","expl0rer.tk","explainmybusiness.com","explodemail.com","explorativeeng.com","exploraxb.com","exporthailand.com","express-mail.info","express.net.ua","expressbahiscasino.xyz","expressbuy2011.info","expressbuynow.com","expresscafe.info","expressemail.org","expressgopher.com","expresslan24.eu","expressvpna.com","expresumen.site","expub.info","expvtinboxcentral.com","expwebdesign.com","exserver.top","extanewsmi.zzux.com","extendaried.xyz","extendmale.com","extentionary.xyz","extenwer.com","extenzereview1.net","extgeo.com","extic.com","extra-breast.info","extra-penis-enlargement.info","extra.droidpic.com","extra.lakemneadows.com","extra.oscarr.nl","extra.ploooop.com","extra.poisedtoshrike.com","extraaaa.tk","extraaaa2.ga","extraaaa2.tk","extraale.com","extraam.loan","extracccolorrfull.com","extracoloorfull.com","extractbags.com","extradingsystems.com","extradouchebag.tk","extrarole.com","extrasize.biz","extrasize.info","extravagandideas.com","extravagant.pl","extremail.ru","extremangola.com","extremcase.com","extreme-trax.com","extremebacklinks.info","extremegrowing.com","exuge.com","exuom.com","exxon-mobil.tk","exy.email","ey5kg8zm.mil.pl","eyal-golan.com","eyecaredoctors.net","eyeemail.com","eyefullproductions.com","eyelashextensionsinottawa.com","eyelidsflorida.com","eyemany.com","eyepaste.com","eyeremind.com","eyes2u.com","eyesandfeet.com","eyesofnoctumofficial.com","eyeysdc.com","eyimail.com","eymail.com","eynlong.com","eyso.de","eysoe.com","eytetlne.com","ez.lv","ezaklady.net.pl","ezanalytics.info","ezbizz.com","ezboost.tk","ezcreditwarehouse.com","ezeca.com","ezehe.com","ezen43.pl","ezen74.pl","ezernet.lv","ezers.blog","ezfill.club","ezfill.com","ezgaga.com","ezhandui.com","ezhj.com","ezhulenev.fvds.ru","eziegg.com","ezimail.com","ezip.site","ezisource.com","ezlo.co","ezmail.top","ezmailbox.info","ezmails.info","ezoworld.info","ezprice.co","ezprvcxickyq.cf","ezprvcxickyq.ga","ezprvcxickyq.gq","ezprvcxickyq.ml","ezprvcxickyq.tk","ezstest.com","eztam.xyz","ezth.com","ezy2buy.info","ezya.com","ezybarber.com","ezz.bid","ezzzi.com","f-aq.info","f-best.net","f-best.org","f-hanayoshi.com","f-wheel.com","f.asiamail.website","f.barbiedreamhouse.club","f.bestwrinklecreamnow.com","f.captchaeu.info","f.coloncleanse.club","f.dogclothing.store","f.fastmail.website","f.garciniacambogia.directory","f.gsasearchengineranker.pw","f.gsasearchengineranker.site","f.gsasearchengineranker.space","f.gsasearchengineranker.top","f.gsasearchengineranker.xyz","f.mediaplayer.website","f.moza.pl","f.mylittlepony.website","f.polosburberry.com","f.ps4.rocks","f.searchengineranker.email","f.seoestore.us","f.uhdtv.website","f.waterpurifier.club","f.yourmail.website","f0205.trustcombat.com","f0d1rdk5t.pl","f1files.com","f1kzc0d3.cf","f1kzc0d3.ga","f1kzc0d3.gq","f1kzc0d3.ml","f1kzc0d3.tk","f1xm.com","f2021.me","f2dzy.com","f2ksirhlrgdkvwa.cf","f2ksirhlrgdkvwa.ga","f2ksirhlrgdkvwa.gq","f2ksirhlrgdkvwa.ml","f2ksirhlrgdkvwa.tk","f39mltl5qyhyfx.cf","f39mltl5qyhyfx.ga","f39mltl5qyhyfx.gq","f39mltl5qyhyfx.ml","f3a2kpufnyxgau2kd.cf","f3a2kpufnyxgau2kd.ga","f3a2kpufnyxgau2kd.gq","f3a2kpufnyxgau2kd.ml","f3a2kpufnyxgau2kd.tk","f3osyumu.pl","f4k.es","f5.si","f53tuxm9btcr.cf","f53tuxm9btcr.ga","f53tuxm9btcr.gq","f53tuxm9btcr.ml","f53tuxm9btcr.tk","f5foster.com","f6w0tu0skwdz.cf","f6w0tu0skwdz.ga","f6w0tu0skwdz.gq","f6w0tu0skwdz.ml","f6w0tu0skwdz.tk","f7scene.com","f97vfopz932slpak.cf","f97vfopz932slpak.ga","f97vfopz932slpak.gq","f97vfopz932slpak.ml","f97vfopz932slpak.tk","fa23d12wsd.com","fa23dfvmlp.com","faaakb000ktai.ga","faaliyetim.xyz","faan.de","fabiopisani.art","fabioscapella.com","fabook.com","fabricsukproperty.com","fabricsvelvet.com","fabricsxla.com","fabricszarin.com","fabrykakadru.pl","fabrykakoronek.pl","fabtivia.com","fabtours.live","fabtours.online","fabtours.site","fabtours.xyz","fabulouslifestyle.tips","face.4amail.top","facebook-egy.com","facebook-email.cf","facebook-email.ga","facebook-email.ml","facebook-net.gq","facebook-net.ml","facebookcom.ru","facebookmail.gq","facebookmail.ml","facedook-com.ga","facedook-com.gq","faceepicentre.com","faceimagebook.com","facenewsk.fun","facepook-com.cf","facepook-com.ga","facepook-com.tk","faceporn.me","facetek.club","facetek.online","facetek.site","facetek.store","facetek.xyz","facialboook.site","facilesend.com","facilityservices24.de","fackme.gq","factionsdark.tk","factopedia.pl","factoryburberryoutlet.com","factorydrugs.com","facturecolombia.info","fada55.com","fadilec.com","fadingemail.com","fae412wdfjjklpp.com","fae42wsdf.com","fae45223wed23.com","fae4523edf.com","fae452we334fvbmaa.com","fae4dew2vb.com","faea2223dddfvb.com","faea22wsb.com","faea2wsxv.com","faeaswwdf.com","faecesmail.me","fafacheng.com","fafafafscxs.com","fafamai.com","fafrem3456ails.com","fag.wf","fagbxy1iioa3ue.cf","fagbxy1iioa3ue.ga","fagbxy1iioa3ue.gq","fagbxy1iioa3ue.ml","fagbxy1iioa3ue.tk","fahmi-amirudin.tech","fahrgo.com","failbone.com","failinga.nl","fair-paski.pl","fairandcostly.com","fairleigh15733.co.pl","fairocketsmail.com","fairvoteva.org","fairymails.net","faithin.org","faithkills.com","faithkills.org","faithmail.org","fajnadomena.pl","fake-box.com","fake-email.pp.ua","fake-foakleys.org","fake-mail.cf","fake-mail.ga","fake-mail.gq","fake-mail.ml","fake-mail.tk","fake-raybans.org","fake.i-3gk.cf","fake.i-3gk.ga","fake.i-3gk.gq","fake.i-3gk.ml","fakedemail.com","fakedoctorsnote.net","fakeemail.de","fakeemail.ml","fakeemail.tk","fakeg.ga","fakeid.club","fakeinbox.cf","fakeinbox.com","fakeinbox.ga","fakeinbox.info","fakeinbox.ml","fakeinbox.tk","fakeinformation.com","fakelouisvuittonrun.com","fakemail.com","fakemail.fr","fakemail.intimsex.de","fakemail.io","fakemail.net","fakemail.top","fakemail.win","fakemail93.info","fakemailgenerator.com","fakemailgenerator.net","fakemails.cf","fakemails.ga","fakemails.gq","fakemails.ml","fakemailz.com","fakemyinbox.com","fakeoakleys.net","fakeoakleysreal.us","fakeswisswatchesreviews.xyz","faketemp.email","fakher.dev","fakiralio.ga","fakiralio.ml","fakyah.ga","fakyah.ml","falazone.com","falconheavylaunch.net","falconsportsshop.com","falconsproteamjerseys.com","falconsproteamsshop.com","falconssportshoponline.com","falixiao.com","falkyz.com","fallin1.ddns.me.uk","fallin2.dyndns.pro","fallinlove.info","fallloveinlv.com","falrxnryfqio.cf","falrxnryfqio.ga","falrxnryfqio.gq","falrxnryfqio.ml","falrxnryfqio.tk","famail.win","famiender.site","familie-baeumer.eu","familiekersten.tk","familienhomepage.de","famillet.com","familylist.ru","familyright.ru","familytoday.us","familytown.club","familytown.site","familytown.store","famisanar.com","fammix.com","famoustwitter.com","famytown.club","famytown.online","famytown.site","famytown.xyz","fanbasesports.co","fanbasic.org","fancinematoday.com","fanclub.pm","fancoder.xyz","fancycarnavalmasks.com","fancynix.com","fandamtastic.info","fandemic.co","fangeradelman.com","fangoh.com","fangzi.cf","fannny.cf","fannny.ga","fannny.gq","fannny.ml","fannyfabriana.art","fanpagenews.com","fanpoosh.net","fanqiegu.cn","fans2fans.info","fansub.us","fansworldwide.de","fantasyfootballhacks.com","fantasymail.de","fantomail.tk","fanz.info","fanzer.com","fapa.com","fapfap.7c.org","fapfap.8x.biz","faphd.pro","fapinghd.com","fapxxx.pro","fapzo.com","fapzy.com","farahmeuthia.art","faraon.biz.pl","farbodbarsum.com","fardainc.net","fardevice.com","farerata.com","farewqessz.com","farfar.ml","farfurmail.tk","fargus.eu","farma-shop.tk","farmaciaporvera.com","farmakoop.com","farmamail.pw","farmatsept.com","farmdeu.com","farmer.are.nom.co","farmerlife.us","farmerrr.tk","farmtoday.us","farrse.co.uk","farsite.tk","fartcompany.com","farteam.ru","farthy.com","fartovoe1.fun","fartwallet.com","farwestforge.com","farwqevovox.com","fasa.com","fasciaklinikerna.se","fascinery.com","fashion-hairistyle.org","fashion-handbagsoutlet.us","fashionactivist.com","fashionans.ru","fashiondesignclothing.info","fashiondesignershoes.info","fashionfwd.net","fashionglobe.com","fashionhandbagsgirls.info","fashionhandbagsonsale.info","fashionmania.club","fashionmania.site","fashionmania.store","fashionsealhealthcareuniforms.net","fashionsell.club","fashionsell.fun","fashionsell.online","fashionsell.site","fashionsell.store","fashionsell.website","fashionsell.xyz","fashionshoestrends.info","fashionsportsnews.com","fashionvogueoutlet.com","fashionwallets2012.info","fashionwatches2012.info","fashionwomenaccessories.com","fashionzone69.com","fasigula.name","fassagforpresident.ga","fast-breast-augmentation.info","fast-coin.com","fast-content-producer.com","fast-email.info","fast-isotretinoin.com","fast-loans-uk.all.co.uk","fast-mail.fr","fast-mail.host","fast-mail.one","fast-mail.pw","fast-max.ovh","fast-sildenafil.com","fast-slimming.info","fast-weightloss-methods.com","fast.ruimz.com","fast4me.info","fastacura.com","fastair.info","fastbigfiles.ru","fastboattolembongan.com","fastcash.net","fastcash.org","fastcash.us","fastcashloannetwork.us","fastcashloans.us","fastcashloansbadcredit.com","fastcdn.cc","fastchevy.com","fastchrysler.com","fastdeal.com.br","fastdownloadcloud.ru","fastee.edu","fastemails.us","fastermail.com","fastermand.com","fasternet.biz","fastestsmtp.com","fastestwayto-losebellyfat.com","fastfitnessroutine.com","fastfoodrecord.com","fastgetsoft.tk","fastgoat.com","fastgotomail.com","fastgrowthpodcast.com","fastight.com","fastkawasaki.com","fastleads.in","fastloans.org","fastloans.us","fastloans1080.co.uk","fastmailer.cf","fastmailforyou.net","fastmailnode.com","fastmailnow.com","fastmailplus.com","fastmails.club","fastmailservice.info","fastmailtoyougo.site","fastmazda.com","fastmessaging.com","fastmitsubishi.com","fastmobileemail.win","fastmoney.pro","fastnissan.com","fastoutlook.ga","fastpass.com","fastpayday-loanscanada.info","fastpaydayloan.us","fastpaydayloans.com","fastpaydayloans.org","fastpaydayloans.us","fastpochta.cf","fastpochta.ga","fastpochta.gq","fastpochta.ml","fastpochta.tk","fastricket.site","fastsent.gq","fastseoaudit.com","fastservice.com","fastshipcialis.com","fastslimming.info","fastsubaru.com","fastsuzuki.com","fasttoyota.com","fastwbnet.it","fastwebnwt.it","fastwebpost.com.pl","fastweightlossplantips.com","fastwenet.it","fasty.site","fasty.xyz","fastyamaha.com","fatalisto.tk","fatalorbit.com","fatejcz.tk","fatfinger.co","fatflap.com","fatguys.pl","fathir.cf","fathlets.site","fathoni.info","fatihd.com","fatjukebox.com","fatloss9.com","fatlossdietreviews.com","fatlossfactorfacts.com","fatlossspecialist.com","fatmagulun-sucu-ne.com","fatmize.com","fattahkus.app","fav.org","favochat.com","favorbag.site","favoribahis79.com","favsin.com","fawwaz.cf","fawwaz.ga","fawwaz.gq","fawwaz.ml","fax.dix.asia","fax4sa.com","faxapdf.com","faxico.com","faxjet.com","faze.biz","fazeclan.space","fazer-site.net","fazmail.net","fb.opheliia.com","fb2a.site","fb2aa.site","fb2ab.site","fb2ac.site","fb2ad.site","fb2ae.site","fb2af.site","fb2ag.site","fb2ah.site","fb2ai.site","fb2aj.site","fb2ak.site","fb2al.site","fb2am.site","fb2an.site","fb2ao.site","fb2ap.site","fb2aq.site","fb2ar.site","fb2as.site","fb2at.site","fb2au.site","fb2av.site","fb2aw.site","fb2ax.site","fb2ay.site","fb2az.site","fb2b.site","fb2ba.site","fb2bb.site","fb2bc.site","fb2bd.site","fb2be.site","fb2bf.site","fb2bg.site","fb2bh.site","fb2bi.site","fb2bj.site","fb2bk.site","fb2bm.site","fb2bn.site","fb2bo.site","fb2bp.site","fb2bq.site","fb2bs.site","fb2bt.site","fb2bu.site","fb2c.site","fb2d.site","fb2e.site","fb2f.site","fb2g.site","fb2h.site","fb2i.site","fb2j.site","fb2k.site","fb2l.site","fb2m.site","fb2n.site","fb2o.site","fb2p.site","fb2q.site","fb2s.site","fb2t.site","fb2u.site","fbanalytica.site","fbckyqxfn.pl","fbeaveraqb.com","fbf24.de","fbfree.ml","fbft.com","fbhive.com","fbi.coms.hk","fblo.com","fbma.tk","fbmail.usa.cc","fbmail1.ml","fboss3r.info","fbpoint.net","fbq4diavo0xs.cf","fbq4diavo0xs.ga","fbq4diavo0xs.gq","fbq4diavo0xs.ml","fbq4diavo0xs.tk","fbs-investing.com","fbshirt.com","fbstigmes.gr","fbtop1.com","fc.opheliia.com","fc66998.com","fca-nv.cf","fca-nv.ga","fca-nv.gq","fca-nv.ml","fca-nv.tk","fcgfdsts.ga","fchbe3477323723423.epizy.com","fchief3r.info","fcit.de","fckgoogle.pl","fcmi.com","fcml.mx","fcrpg.org","fcth.com","fcwnfqdy.pc.pl","fd21.com","fd99nhm5l4lsk.cf","fd99nhm5l4lsk.ga","fd99nhm5l4lsk.gq","fd99nhm5l4lsk.ml","fd99nhm5l4lsk.tk","fdasf.com","fdaswmail.com","fddeutschb.com","fddns.ml","fdehrbuy2y8712378123879.zya.me","fdev.info","fdfdsfds.com","fdgdfgdfgf.ml","fdger.com","fdgfd.com","fdgh.com","fdkgf.com","fdmail.net","fdn1if5e.pl","fdownload.net","fdsag.com","fdsfdsf.com","fdsweb.com","fdtntbwjaf.pl","fea2fa9.servebeer.com","feaethplrsmel.cf","feaethplrsmel.ga","feaethplrsmel.gq","feaethplrsmel.ml","feaethplrsmel.tk","feamail.com","feates.site","feather.9amail.top","febbraio.cf","febbraio.gq","febeks.com","febmail.com","febrance.site","febula.com","febyfebiola.art","fechl.com","fecrbook.ga","fecrbook.gq","fecrbook.ml","fecupgwfd.pl","federal-rewards.com","federal.us","federalcash.com","federalcash.us","federalcashagency.com","federalcashloannetwork.com","federalcashloans.com","federalheatingco.com","federalloans.com","federalloans.us","federalpamulang.ga","fedf.com","fedipom.site","feedbackadvantage.com","feeder-club.ru","feedmecle.com","feedspot.com","feedspotmailer.com","feeladult.com","feelgoodsite.tk","feelitall.org.ua","feelyx.com","feemail.club","feetiture.site","fegdemye.ru","fehuje.ru","feifan123.com","feistyfemales.com","fejm.pl","felipecorp.com","felixkanar.ru","felixkanar1.ru","felixkanar2.ru","fellon49.freshbreadcrumbs.com","fellow-me.pw","fellowme.pw","fellowtravelers.com","felphi.com","femail.com","femainton.site","femalefemale.com","femalepayday.net","femaletary.com","fembat.com","femdomfree.net","femingwave.xyz","femmestyle.name","femmestyle.or.at","fencesrus.com","fenceve.com","fengting01.mygbiz.com","fengyun.net","fenionline.com","fenixmail.pw","fenkpeln.club","fenkpeln.online","fenkpeln.site","fenkpeln.xyz","fenty-puma.us","fer-gabon.org","ferastya.cf","ferastya.ga","ferastya.gq","ferastya.ml","ferastya.tk","ferencikks.org","fergley.com","fermaxxi.ru","fermer1.ru","fernet89.com","fernl.pw","ferochwilowki.pl","feroxid.com","feroxo.com","ferragamobagsjp.com","ferragamoshoesjp.com","ferragamoshopjp.com","ferrexalostoc-online.com","ferryardianaliasemailgenerator.cf","ferryardianaliasemailgenerator.ga","ferryardianaliasemailgenerator.gq","ferryardianaliasemailgenerator.ml","ferryardianaliasemailgenerator.tk","fertiary.xyz","fertigschleifen.de","fervex-lek.pl","fervex-stosowanie.pl","ferwords.online","ferwords.store","fesabok.ru","fesr.com","festivuswine.com","festoolrus.ru","fet8gh7.mil.pl","fetchnet.co.uk","fetishpengu.com","fetko.pl","fettometern.com","fewdaysmoney.com","fewfwe.com","fewfwefwef.com","fewminor.men","fexbox.org","fexbox.ru","fexpost.com","feyerhermt.ws","ff-flow.com","ffamilyaa.com","ffddowedf.com","ffdeee.co.cc","ffeast.com","ffffw.club","ffgarenavn.com","ffgrn.com","ffilledf.com","ffmovies.su","ffmsc.com","ffo.kr","ffsmortgages.com","ffssddcc.com","fft-mail.com","ffuqzt.com","ffwebookun.com","fgagay.buzz","fgcart.com","fgdg.de","fgfstore.info","fggjghkgjkgkgkghk.ml","fgh8.com","fghfg.com","fghfgh.com","fghmail.net","fgmu.com","fgsd.de","fgsfg.com","fgsoas.top","fgsradffd.com","fgz.pl","fhccc37.com","fhccc41.com","fhccc44.com","fhdt0xbdu.xorg.pl","fhead3r.info","fheiesit.com","fhollandc.com","fhqtmsk.pl","fhsn.com","fhvxkg2t.xyz","fi-pdl.cf","fi-pdl.ga","fi-pdl.gq","fi-pdl.ml","fi-pdl.tk","fiacre.tk","fiam.club","fianance4all.com","fiat-chrysler.cf","fiat-chrysler.ga","fiat-chrysler.gq","fiat-chrysler.ml","fiat-chrysler.tk","fiat500.cf","fiat500.ga","fiat500.gq","fiat500.ml","fiat500.tk","fiatgroup.cf","fiatgroup.ga","fiatgroup.gq","fiatgroup.ml","fibered763aa.online","fiberglassshowerunits.biz","fiberoptics4tn.com","fiberyarn.com","fibimail.com","fibram.tech","fibringlue.net","fica.ga","fica.gq","fica.ml","fica.tk","fickdate-lamou.de","ficken.de","fickfotzen.mobi","fictionsite.com","fide.com","fidelium10.com","fidesrodzinna.pl","fido.be","fidod.com","fidoomail.xyz","field.bthow.com","fieldleaf.com","fierymeets.xyz","fiestaamerica.com","fifa555.biz","fifacity.info","fifecars.co.uk","fificorp.com","fifthdesign.com","fifthleisure.com","fight.wyszukiwarkamp3.pl","fightallspam.com","fighter.systems","fightwrinkles.edu","figjs.com","figmail.me","figshot.com","figurescoin.com","figuriety.site","fihcana.net","fiifke.de","fiikra.tk","fiikranet.tk","fiji-nedv.ru","fikachovlinks.ru","fiklis.website","fikrihidayah.cf","fikrihidayah.ga","fikrihidayah.gq","fikrihidayah.ml","fikrihidayah.tk","fikrinhdyh.cf","fikrinhdyh.ga","fikrinhdyh.gq","fikrinhdyh.ml","fikrinhdyh.tk","fikstore.com","fikumik97.ddns.info","filbert4u.com","filberts4u.com","filcowanie.net","fildena-us.com","file-load-free.ru","filea.site","filebuffer.org","filecat.net","filed.press","filed.space","filee.site","filef.site","fileg.site","fileh.site","filei.site","filel.site","filel.space","fileli.site","fileloader.site","filem.space","filen.site","fileo.site","fileprotect.org","filera.site","filerb.site","filerc.site","filere.site","filerf.site","filerg.site","filerh.site","fileri.site","filerj.site","filerk.site","filerl.site","filerm.site","filern.site","filero.site","filerp.site","filerpost.xyz","filerq.site","filerr.site","filers.site","filert.site","files-host-box.info","files-usb-drive.info","files.vipgod.ru","filesa.site","filesb.site","filesc.site","filesd.site","filese.site","filesf.site","filesh.site","filesi.site","filesj.site","filesk.site","filesl.site","filesm.site","filesn.site","fileso.site","filesp.site","filespike.com","filesq.site","filesr.site","filest.site","filesu.site","filesv.site","filesw.site","filesx.site","filesy.site","filesz.site","filet.site","fileu.site","filevino.com","filex.site","filey.site","fileza.site","filezb.site","filezc.site","filezd.site","fileze.site","filezf.site","filezg.site","filezh.site","filezi.site","filezj.site","filezk.site","filezl.site","filezm.site","filezn.site","filezo.site","filezp.site","filezq.site","filezr.site","filezs.site","filezt.site","filezu.site","filezv.site","filezw.site","filezx.site","filezy.site","filipinoweather.info","fillnoo.com","film-blog.biz","film-tv-box.ru","filmak.pl","filmaticsvr.com","filmbak.com","filmemack.com","filmenstreaming.esy.es","filmharatis.xyz","filmhd720p.co","filmixco.ru","filmmodu.online","filmporno2013.com","filmstreamingvk.ws","filmyerotyczne.pl","filmym.pl","filozofija.info","filu.site","filzmail.com","fin-assistant.ru","final.blatnet.com","final.com","final.hellohappy2.com","final.marksypark.com","final.ploooop.com","final.poisedtoshrike.com","finalfour.site","finaljudgedomain.com","finaljudgeplace.com","finaljudgesite.com","finaljudgewebsite.com","finalndcasinoonline.com","financas.online","financaswsbz.com","finance.blatnet.com","finance.lakemneadows.com","finance.popautomated.com","finance.uni.me","financehowtolearn.com","financeideas.org","financeland.com","financetutorial.org","financialfreedomeducation.com","financialmomentum.com","finansomania.com.pl","finansowa-strona.pl","finckl.com","find-brides.org","find-me-watch.com","find.cy","findbankrates.com","findbesthgh.com","findcoatswomen.com","findemail.info","finderman.systems","finderme.me","findhotmilfstonight.com","findingcomputerrepairsanbernardino.com","findlocalusjobs.com","findlowprices.com","findmovingboxes.net","findmyappraisal.com","findnescort.com","findu.pl","fineartadoption.net","finejewler.com","finek.net","fineloans.org","finemail.org","fineoak.org","finery.pl","finesseindia.in","fingermail.top","fingermouse.org","fingso.com","finioios.gr","finishingtouchfurniturerepair.com","finiteagency.com","finkin.com","finland-nedv.ru","finnahappen.com","finpar.ru","finspirations.com","fintechistanbul.net","fintnesscent.com","finxmail.com","finxmail.net","fioo.fun","fiorino.glasslightbulbs.com","fir.hk","firamax.club","firasbizzari.com","fire.favbat.com","fireblazevps.com","firecookie.ml","fireden.net","firef0x.cf","firef0x.ga","firef0x.gq","firef0x.ml","firef0x.tk","fireflies.edu","firekassa.com","firema.cf","firemail.cc","firemail.org.ua","firemail.uz.ua","firemailbox.club","firematchvn.cf","firematchvn.ga","firematchvn.gq","firematchvn.ml","firematchvn.tk","firemymail.co.cc","firestore.pl","firestryke.com","firestylemail.tk","firevine.net","firevisa.com","firewallremoval.com","firma-frugtordning.dk","firma-remonty-warszawa.pl","firmaa.pl","firmaogrodniczanestor.pl","firmfinancecompany.org","firmjam.com","fironia.com","first-email.net","first-mail.info","first-state.net","first.baburn.com","first.lakemneadows.com","firstaidkit.services","firstaidtrainingmelbournecbd.com.au","firstcal.net","firstcapitalfibers.com","firstclassarticle.com","firstclassemail.online","firstcount.com","firstdibz.com","firste.ml","firstexpertise.com","firsthome.shop","firstin.ca","firstinforestry.com","firstk.co.cc","firstmail.website","firstmeta.com","firstmistake.com","firstpageranker.com","firstpaydayloanuk.co.uk","firstpuneproperties.com","firstranked.com","firststopmusic.com","firsttimes.in","firsttradelimited.info","firt.site","fisanick88.universallightkeys.com","fischkun.de","fish.skytale.net","fishdating.net","fisherinvestments.site","fishfortomorrow.xyz","fishingleisure.info","fishingmobile.org","fishmail.mineweb.in","fishpomd.com","fishtropic.com","fishyes.info","fistikci.com","fit.bthow.com","fit.favbat.com","fitanu.info","fitconsulting.com","fitflopsandals-us.com","fitflopsandalsonline.com","fitfopsaleonline.com","fitheads.com","fitnesrezink.ru","fitness-exercise-machine.com","fitness-weight-loss.net","fitness-wolke.de","fitnessjockey.org","fitnessmojo.org","fitnessreviewsonline.com","fitnessstartswithfood.com","fitnesszbyszko.pl","fito.de","fitop.com","fitschool.be","fitschool.space","fitshot.xyz","fittinggeeks.pl","fitzgeraldforjudge.com","fitzinn.com","fiuedu.com","fiuwhfi212.com","five-club.com","five-plus.net","five.emailfake.ml","five.fackme.gq","fivedollardivas.com","fivedollardomains.com","fivefineshine.org","fivemail.de","fivemails.com","fiver5.ru","fiverrfan.com","fivesmail.org.ua","fivestarclt.com","fix-phones.ru","fix.2amail.top","fixkauf24.de","fixmail.tk","fixthiserror.com","fixthisrecipe.com","fixwindowserror-doityourself.com","fixxashop.xyz","fixyourbrokenrelationships.com","fizelle.com","fizjozel.pl","fizmail.com","fizmail.win","fizo.edu.com","fizxo.com","fj1971.com","fjfj.de","fjfjfj.com","fjkwerhfui.com","fjqbdg5g9fycb37tqtv.cf","fjqbdg5g9fycb37tqtv.ga","fjqbdg5g9fycb37tqtv.gq","fjqbdg5g9fycb37tqtv.ml","fjqbdg5g9fycb37tqtv.tk","fjradvisors.net","fjumlcgpcad9qya.cf","fjumlcgpcad9qya.ga","fjumlcgpcad9qya.gq","fjumlcgpcad9qya.ml","fjumlcgpcad9qya.tk","fkdsloweqwemncasd.ru","fkfgmailer.com","fkksol.com","fkla.com","fklbiy3ehlbu7j.cf","fklbiy3ehlbu7j.ga","fklbiy3ehlbu7j.gq","fklbiy3ehlbu7j.ml","fklbiy3ehlbu7j.tk","fkljhnlksdjf.cf","fkljhnlksdjf.ga","fkljhnlksdjf.ml","fkljhnlksdjf.tk","fknblqfoet475.cf","fkoljpuwhwm97.cf","fkoljpuwhwm97.ga","fkoljpuwhwm97.gq","fkoljpuwhwm97.ml","fkrcdwtuykc9sgwlut.cf","fkrcdwtuykc9sgwlut.ga","fkrcdwtuykc9sgwlut.gq","fkrcdwtuykc9sgwlut.ml","fkrcdwtuykc9sgwlut.tk","fkughosck.pl","fkuih.com","fl.com","fl.hatberkshire.com","flageob.info","flagyl-buy.com","flamingbargains.com","flamonis.tk","flarmail.ga","flas.net","flash-mail.pro","flash-mail.xyz","flashbox.5july.org","flashdelivery.com","flashearcelulares.com","flashgoto.com","flashingboards.net","flashmail.co","flashmail.pro","flashonlinematrix.com","flashpdf.com","flashsaletoday.com","flashu.nazwa.pl","flat-whose.win","flatfile.ws","flatidfa.org.ua","flatoledtvs.com","flauntify.com","flaxpeople.info","flaxpeople.org","flaxx.ru","flcarpetcleaningguide.org","fleckens.hu","fleeebay.com","fleetcommercialfinance.org","fleetcor.careers","flemail.com","flemail.ru","flesh.bthow.com","flester.igg.biz","fletesya.com","fleuristeshwmckenna.com","flevelsg.com","flexbeltcoupon.net","flexreicnam.tk","flexrosboti.xyz","flibu.com","flickshot.id","flidel.xyz","fliegender.fish","fliesgen.com","flightdart.ir","flightjungle.ir","flightkit.ir","flightmania.ir","flightmatic.ir","flightpad.ir","flightpage.ir","flightpoints.ir","flightscout.ir","flightsland.ir","flightspy.ir","flighttogoa.com","flightzy.ir","flipssl.com","flirtey.pw","flitafir.de","flitify.com","flixluv.com","flmail.info","flmcat.com","flmmo.com","flnm1bkkrfxah.cf","flnm1bkkrfxah.ga","flnm1bkkrfxah.gq","flnm1bkkrfxah.ml","flnm1bkkrfxah.tk","float.blatnet.com","float.cowsnbullz.com","float.ploooop.com","floatpools.com","floodbrother.com","floorcoveringsinternational.co","flooringbestoptions.com","floorlampinfo.com","floorsonly.com","floorsqueegee.org","floranswer.ru","floresans.com","florida-nedv.ru","floridacnn.com","floridafleeman.com","floridaharvard.com","floridastatevision.info","floridavacationsrentals.org","floridianprints.com","florium.ru","flormidabel.com","flossuggboots.com","flotprom.ru","flour.icu","flowbolt.com","flowercouponsz.com","flowermerry.com","flowermerry.net","flowersetcfresno.com","flowerss.website","flowerwyz.com","flowexa.com","flowmeterfaq.com","flowminer.com","flowu.com","floyd-mayweather.info","floyd-mayweather2011.info","floydmayweathermarcosmaidana.com","flpay.org","flry.com","fls4.gleeze.com","flsb03.com","flsb06.com","flsb08.com","flsb11.com","flsb19.com","flschools.org","flskdfrr.com","flu-cc.flu.cc","flu.cc","flucas.eu","flucassodergacxzren.eu","flucc.flu.cc","fluefix.com","fluidforce.net","fluidsoft.us","flukify.com","flurostation.com","flurre.com","flurred.com","flushpokeronline.com","fly-ts.de","flyeragency.com","flyernyc.com","flyerzwtxk.com","flyfrv.tk","flyinggeek.net","flyingjersey.info","flyjet.net","flymail.tk","flynnproductions.com","flynsail.com","flypicks.com","flyrics.ru","flyrutene.ml","flyspam.com","flyvisa.ir","flyxnet.pw","fm.cloudns.nz","fm365.com","fm69.cf","fm69.ga","fm69.gq","fm69.ml","fm69.tk","fm88vn.net","fm90.app","fmail.ooo","fmail.party","fmail.pw","fmail10.de","fmailx.tk","fmailxc.com","fmailxc.com.com","fman.site","fmfmk.com","fmgroup-jacek.pl","fmial.com","fmserv.ru","fmsuicm.com","fmv13ahtmbvklgvhsc.cf","fmv13ahtmbvklgvhsc.ga","fmv13ahtmbvklgvhsc.gq","fmv13ahtmbvklgvhsc.ml","fmv13ahtmbvklgvhsc.tk","fmx.at","fmzhwa.info","fn.luk2.com","fnaul.com","fnb.ca","fnmail.com","fnnus3bzo6eox0.cf","fnnus3bzo6eox0.ga","fnnus3bzo6eox0.gq","fnnus3bzo6eox0.ml","fnnus3bzo6eox0.tk","fnord.me","fnzm.net","fo9t34g3wlpb0.cf","fo9t34g3wlpb0.ga","fo9t34g3wlpb0.gq","fo9t34g3wlpb0.ml","fo9t34g3wlpb0.tk","foakleyscheap.net","foamform.com","fobsos.ml","focolare.org.pl","focusapp.com","focusdezign.com","focussedbrand.com","fodl.net","fogkkmail.com","fogmart.com","folardeche.com","foleyarmory.com","foliaapple.pl","folianokia.pl","folifirvi.net","folk97.glasslightbulbs.com","follegelian.site","follis23.universallightkeys.com","folllo.com","fomalhaut.lavaweb.in","fombog.com","fomentify.com","fondationdusport.org","fondato.com","fondgoroddetstva.ru","fontainbleau.com","foobarbot.net","food-discovery.net","food-facts.ru","food4kid.ru","foodbooto.com","foodrestores.com","foodslosebellyfat.com","foodtherapy.top","foodyuiw.com","fooface.com","foohurfe.com","foooq.com","foopets.pl","foorama.com","footard.com","football-zone.ru","footballan.ru","foothillsurology.com","footiethreads.com","footmassage.club","footmassage.online","footmassage.website","footmassage.world","fopa.pl","fopjgudor.ga","fopjgudor.gq","fopjgudor.ml","fopjgudor.tk","fopliyter.cf","fopliyter.ga","fopliyter.ml","fopliyter.tk","foquita.com","for-all.pl","for.blatnet.com","for.favbat.com","for.lakemneadows.com","for.marksypark.com","for.martinandgang.com","for.oldoutnewin.com","for.ploooop.com","for1mail.tk","for4.com","for4mail.com","foragentsonky.com","forcelons.xyz","ford-edge.club","ford-flex.club","forecastertests.com","foreclosurefest.com","foreskin.cf","foreskin.ga","foreskin.gq","foreskin.ml","foreskin.tk","forestar.edu","forestcrab.com","forestermail.info","foresthope.com","forestonline.top","foreverall.org.ua","forewa.ml","forex-for-u.net","forexbudni.ru","forexjobing.ml","forexlist.in","forexnews.bg","forexpro.re","forexsite.info","forexsu.com","forextradingsystemsreviews.info","forextrendtrade.com","forffives.casa","forfity.com","forgetmail.com","forgetmenotbook.com","forklift.edu","form.bthow.com","formail22.dlinkddns.com","formatmail.com","formatpoll.net","formdmail.com","formdmail.net","formedisciet.site","formserwis.pl","fornow.eu","forore.ru","forotenis.com","forprice.co","forread.com","forrealnetworks.com","forserumsif.nu","forspam.net","fortforum.org","forth.bthow.com","forthebestsend.com","fortitortoise.com","fortlauderdaledefense.com","fortniteskill.com","fortpeckmarinaandbar.com","fortressfinancial.biz","fortressfinancial.co","fortressfinancial.xyz","fortressgroup.online","fortresssecurity.xyz","fortuna7.com","fortunatelady.com","fortunatelady.net","fortune-free.com","forum-mocy.pl","forum.defqon.ru","forum.minecraftplayers.pl","forum.multi.pl","forumbacklinks.net","forumbens.online","forumbens.shop","forumbens.site","forumbens.space","forumbens.store","forumbens.website","forumbens.xyz","forumoxy.com","forward.cat","forzadenver.com","forzataraji.com","fosil.pro","fossimaila.info","fossimailb.info","fossimailh.info","foto-videotrak.pl","foto-znamenitostei31.ru","fotoespacio.net","fotografiaslubnawarszawa.pl","fotoksiazkafotoalbum.pl","fotoliegestuhl.net","fotonmail.com","fotoplik.pl","fotorezensionen.info","fouadps.cf","fouddas.gr","foundationbay.com","foundents.site","foundiage.site","four.emailfake.ml","four.fackme.gq","fourcafe.com","fouristic.us","foursubjects.com","fourth.bgchan.net","foxanaija.site","foxiomail.com","foxja.com","foxmaily.com","foxnetwork.com","foxschool.edu","foxspizzanorthhuntingdon.com","foxtrotter.info","foxwoods.com","foy.kr","fozmail.info","fpf.team","fpfc.cf","fpfc.ga","fpfc.gq","fpfc.ml","fpfc.tk","fphiulmdt3utkkbs.cf","fphiulmdt3utkkbs.ga","fphiulmdt3utkkbs.gq","fphiulmdt3utkkbs.ml","fphiulmdt3utkkbs.tk","fpol.com","fq1my2c.com","fq8sfvpt0spc3kghlb.cf","fq8sfvpt0spc3kghlb.ga","fq8sfvpt0spc3kghlb.gq","fq8sfvpt0spc3kghlb.ml","fq8sfvpt0spc3kghlb.tk","fqdu.com","fqlr.luk2.com","fqtxjxmtsenq8.cf","fqtxjxmtsenq8.ga","fqtxjxmtsenq8.gq","fqtxjxmtsenq8.ml","fqtxjxmtsenq8.tk","fqwvascx.com","fr-air-max.org","fr-air-maxs.com","fr-airmaxs.com","fr.nf","fr33mail.info","fr3546ruuyuy.cf","fr3546ruuyuy.ga","fr3546ruuyuy.gq","fr3546ruuyuy.ml","fr3546ruuyuy.tk","fr4.site","fr4nk3nst3inersenuke22.com","fr4nk3nst3inerweb20.com","fractal.international","fractalblocks.com","fraddyz.ru","fragolina2.tk","framail.net","frame.favbat.com","framemail.cf","francanet.com.br","france-monclers.com","france-nedv.ru","francemel.com","francemonclerpascherdoudoune1.com","francepoloralphlaurenzsgpascher.com","francestroyed.xyz","francina.pine-and-onyx.xyz","francisca.com","franco.com","franek.pl","frank-girls.com","frankcraf.icu","frankshome.com","franksunter.ml","frapmail.com","frappina.tk","frappina99.tk","frarip.site","frason.eu","fraudattorneys.biz","freakmail.co.cc","freans.com","freclockmail.co.cc","freddie.berry.veinflower.xyz","freddymail.com","freddythebiker.com","frederick.0amail.top","frederictonlawyer.com","fredperrycoolsale.com","free-4-everybody.bid","free-backlinks.ru","free-chat-emails.bid","free-classifiedads.info","free-dl.com","free-email-address.info","free-email.cf","free-email.ga","free-episode.com","free-ipad-deals.com","free-mail.bid","free-mails.bid","free-max-base.info","free-names.info","free-server.bid","free-softer.cu.cc","free-ssl.biz","free-store.ru","free-temp.net","free-web-mails.com","free-webmail1.info","free.mail52.cf","free.mail52.ga","free.mail52.gq","free.mail52.ml","free.mail52.tk","free.yhstw.org","free123mail.com","free4everybody.bid","freeaa317.xyz","freeaccnt.ga","freeadultcamtocam.com","freeadultsexcams.com","freeail.hu","freeallapp.com","freealtgen.com","freebabysittercam.com","freebeats.com","freebee.com","freebin.ru","freeblackbootytube.com","freeblogger.ru","freebullets.net","freebusinessdomains.info","freecams4u.com","freecapsule.com","freecat.net","freechargevn.cf","freechargevn.ga","freechargevn.gq","freechargevn.ml","freechargevn.tk","freechatcamsex.com","freechatemails.bid","freechatemails.men","freechatemails.website","freechristianbookstore.com","freeclassifiedsonline.in","freecodebox.com","freecontests.xyz","freecontractorfinder.com","freedgiftcards.com","freedivorcelawyers.net","freedom-mail.ga","freedom.casa","freedom4you.info","freedomanybook.site","freedomanylib.site","freedomanylibrary.site","freedomawesomebook.site","freedomawesomebooks.site","freedomawesomefiles.site","freedomfreebook.site","freedomfreebooks.site","freedomfreefile.site","freedomfreefiles.site","freedomfreshbook.site","freedomfreshfile.site","freedomgoodlib.site","freedompop.us","freedomweb.org","freedownloadmedicalbooks.com","freeeducationvn.cf","freeeducationvn.ga","freeeducationvn.gq","freeeducationvn.ml","freeeducationvn.tk","freeelf.com","freeemail.online","freeemail4u.org","freeemailnow.info","freeemailproviders.info","freeemails.ce.ms","freeemails.racing","freeemails.website","freeemailservice.info","freeessaywriter.com","freefattymovies.com","freeforall.site","freegetvpn.com","freehealthadvising.info","freehosting.men","freehosting2010.com","freehosty.xyz","freehotmail.net","freeimeicheck.com","freeimtips.info","freeinbox.cyou","freeinbox.email","freeindexer.com","freeinstallssoftwaremine.club","freeinvestoradvice.com","freeipadnowz.com","freelail.com","freelance-france.eu","freelance-france.euposta.store","freelancejobreport.com","freelanceposition.com","freelasvegasshowtickets.net","freeletter.me","freelibraries.info","freeliveadultcams.com","freeliveadultchat.com","freelivenudechat.com","freelivesex1.info","freelivesexonline.com","freelivesexporn.com","freelivesexycam.com","freelymail.com","freemail-host.info","freemail.best","freemail.bid","freemail.co.pl","freemail.hu","freemail.men","freemail.ms","freemail.nx.cninfo.net","freemail.online.tj.cn","freemail.trade","freemail.trankery.net","freemail.tweakly.net","freemail.waw.pl","freemail000.pl","freemail3949.info","freemail4.info","freemailboxy.com","freemailertree.tk","freemaillink.com","freemailmail.com","freemailnow.net","freemailonline.us","freemails.bid","freemails.cf","freemails.download","freemails.ga","freemails.men","freemails.ml","freemails.stream","freemails.us","freemailservice.tk","freemailsrv.info","freemailto.cz.cc","freemeil.ga","freemeil.gq","freemeil.ml","freemeil.tk","freeml.net","freemommyvids.com","freemoney.pw","freemymail.org","freemyworld.cf","freemyworld.ga","freemyworld.gq","freemyworld.ml","freemyworld.tk","freenail.ga","freenail.hu","freenfulldownloads.net","freenudevideochat.com","freeo.pl","freeoffers123.com","freeolamail.com","freeonlineke.com","freeonlineporncam.com","freeonlinewebsex.com","freephonenumbers.us","freephotoretouch.com","freeplumpervideos.com","freepoincz.net","freepop3.co.cc","freeporncamchat.com","freepost.cc","freeprice.co","freeread.co.uk","freeringers.in","freeroid.com","freerubli.ru","freerunproshop.com","freerunprostore.com","freesamplesuk2014.co.uk","freeschoolgirlvids.com","freeserver.bid","freesexchats24.com","freesexshows.us","freesexvideocam.com","freeshemaledvds.com","freesistercam.com","freesistervids.com","freesmsvoip.com","freestuffonline.info","freesubs.me","freetds.net","freeteenbums.com","freethought.ml","freetmail.in","freetmail.net","freetubearchive.com","freeunlimitedebooks.com","freevipbonuses.com","freeweb.email","freewebcamsexchat.com","freewebmaile.com","freewebpages.bid","freewebpages.stream","freewebpages.top","freewebpages.website","freexms.com","freexrumer.com","freezeast.co.uk","freezzzm.site","freizeit-sport.eu","fremail.hu","fremails.com","fremontcountypediatrics.com","frenchbedsonline777.co.uk","frenchconnectionantiques.com","frenchcuff.org","frenee.r-e.kr","frenteadventista.com","frepsalan.club","frepsalan.site","frepsalan.store","frepsalan.website","frepsalan.xyz","frequential.info","frequiry.com","fresclear.com","fresent.com","freshattempt.com","freshautonews.ru","freshbreadcrumbs.com","freshmail.com","freshmassage.club","freshmassage.website","freshsmokereview.com","freshspike.com","freshviralnewz.club","fresnokitchenremodel.com","freson.info","fressmind.us","fretice.com","freunde.ru","freundin.ru","frexmail.co.cc","frez.com","frgviana-nedv.ru","fridaymovo.com","friedfriedfrogs.info","frienda.site","friendlymail.co.uk","friendsack.com","friscaa.cf","friscaa.ga","friscaa.gq","friscaa.ml","friscaa.tk","friteuseelectrique.net","fritolay.net","frizbi.fr","frizzart.ru","frmonclerinfo.info","frnla.com","froks.xyz","from.blatnet.com","from.eurasia.cloudns.asia","from.inblazingluck.com","from.lakemneadows.com","from.onmypc.info","from.ploooop.com","fromater.site","fromater.xyz","fromina.site","front14.org","frontarbol.com","frontierfactions.org","frontiers.com","frontirenet.net","frontlinemanagementinstitute.com","frooogle.com","fror.com","frost-online.de","frost2d.net","frostyonpoint.site","frouse.ru","froyles.com","froyo.imap.mineweb.in","frozen.com","frozenfoodbandung.com","frozenfund.com","frpascherbottes.com","frre.com","frshstudio.com","fruertwe.com","frugalpens.com","fruitandvegetable.xyz","frutti-tutti.name","frwdmail.com","frxx.site","frycowe.pl","fryzury-krotkie.pl","fs-fitzgerald.cf","fs-fitzgerald.ga","fs-fitzgerald.gq","fs-fitzgerald.ml","fs-fitzgerald.tk","fs16dubzzn0.cf","fs16dubzzn0.ga","fs16dubzzn0.gq","fs16dubzzn0.ml","fs16dubzzn0.tk","fs2002.com","fsagc.xyz","fsdfs.com","fsdfsd.com","fsdfsdgsdgs.com","fsdgs.com","fsdh.site","fsfsdf.org","fsfsdfrsrs.ga","fsfsdfrsrs.gq","fsfsdfrsrs.ml","fsfsdfrsrs.tk","fshare.ootech.vn","fsist.org","fskk.pl","fslm.de","fsmilitary.com","fsociety.org","fsrfwwsugeo.cf","fsrfwwsugeo.ga","fsrfwwsugeo.gq","fsrfwwsugeo.ml","fsrfwwsugeo.tk","fssh.ml","fsxflightsimulator.net","ft.newyourlife.com","ft0wqci95.pl","fteenet.de","ftfp.com","ftg8aep4l4r5u.cf","ftg8aep4l4r5u.ga","ftg8aep4l4r5u.gq","ftg8aep4l4r5u.ml","ftg8aep4l4r5u.tk","ftgb2pko2h1eyql8xbu.cf","ftgb2pko2h1eyql8xbu.ga","ftgb2pko2h1eyql8xbu.gq","ftgb2pko2h1eyql8xbu.ml","ftgb2pko2h1eyql8xbu.tk","ftnupdatecatalog.ru","ftoflqad9urqp0zth3.cf","ftoflqad9urqp0zth3.ga","ftoflqad9urqp0zth3.gq","ftoflqad9urqp0zth3.ml","ftoflqad9urqp0zth3.tk","ftp.sh","ftpbd.com","ftpinc.ca","ftsecurity.com","ftwapps.com","fu6znogwntq.cf","fu6znogwntq.ga","fu6znogwntq.gq","fu6znogwntq.ml","fu6znogwntq.tk","fuadd.me","fubkdjkyv.pl","fubsale.top","fubuki.shp7.cn","fubx.com","fuckedupload.com","fuckingduh.com","fuckinhome.com","fuckme69.club","fucknloveme.top","fuckoramor.ru","fuckrosoft.com","fucktuber.info","fuckxxme.top","fuckyou.co","fuckyoumotherfuckers.com","fuckzy.com","fucsovics.com","fudanwang.com","fuddruckersne.com","fudgerub.com","fuelesssapi.xyz","fufaca.date","fufrh4xatmh1hazl.cf","fufrh4xatmh1hazl.ga","fufrh4xatmh1hazl.gq","fufrh4xatmh1hazl.ml","fufrh4xatmh1hazl.tk","fufuf.bee.pl","fuglazzes.com","fuhoy.com","fuirio.com","fujitv.cf","fujitv.ga","fujitv.gq","fukaru.com","fuklor.me","fukm.com","fukolpza.com.pl","fuktard.co.in","fukurou.ch","fukyou.com","fuli1024.biz","fullalts.cf","fulledu.ru","fullen.in","fullepisodesnow.com","fullermail.men","fullfilmizle2.com","fullhds.com","fullhomepacks.info","fullsoftdownload.info","fullzero.com.ar","fuluj.com","fulvie.com","fumio12.hensailor.xyz","fumio33.hensailor.xyz","fumio86.eyneta.site","fumw7idckt3bo2xt.ga","fumw7idckt3bo2xt.ml","fumw7idckt3bo2xt.tk","fun-images.com","fun2.biz","fun2night.club","fun417.xyz","fun5k.com","fun64.com","fun64.net","fun88entrance.com","funandrun.waw.pl","funblog.club","funboxcn.com","functionrv.com","fundedfgq.com","fundgrowth.club","fundraisingtactics.com","funeemail.info","funfar.pl","funfoodmachines.co.uk","funklinko.com","funktales.com","funkybubblegum.com","funkyhall.com","funkyjerseysof.com","funkytesting.com","funmail.xyz","funniestonlinevideos.org","funnycodesnippets.com","funnyfrog.com.pl","funnymail.de","funnyrabbit.icu","funnysmell.info","funplus.site","funteka.com","funtv.site","funxmail.ga","funxxxx.xyz","fuqus.com","furaz.com","furnitt.com","furnitureinfoguide.com","furnitureliquidationconsultants.com","furniturm.com","fursuit.info","further-details.com","furthermail.com","furusato.tokyo","furycraft.ru","furzauflunge.de","fus-ro-dah.ru","fuse-vision.com","fusedlegal.com","fusion.marksypark.com","fusion.oldoutnewin.com","fusiontalent.com","fusixgasvv1gbjrbc.cf","fusixgasvv1gbjrbc.ga","fusixgasvv1gbjrbc.gq","fusixgasvv1gbjrbc.ml","fusixgasvv1gbjrbc.tk","fusskitzler.de","futbolcafe11.xyz","futuramarketing.we.bs","futuraseoservices.com","futurebuckets.com","futuredvd.info","futuregenesplicing.in","futuregood.pw","futuremail.info","futureof2019.info","futuresoundcloud.info","futuresports.ru","futuristicplanemodels.com","fuvptgcriva78tmnyn.cf","fuvptgcriva78tmnyn.ga","fuvptgcriva78tmnyn.gq","fuvptgcriva78tmnyn.ml","fuw65d.cf","fuw65d.ga","fuw65d.gq","fuw65d.ml","fuw65d.tk","fuwa.be","fuwa.li","fuwamofu.com","fuwari.be","fux0ringduh.com","fuzmail.info","fvgs.com","fvhnqf7zbixgtgdimpn.cf","fvhnqf7zbixgtgdimpn.ga","fvhnqf7zbixgtgdimpn.gq","fvhnqf7zbixgtgdimpn.ml","fvhnqf7zbixgtgdimpn.tk","fvqpejsutbhtm0ldssl.ga","fvqpejsutbhtm0ldssl.ml","fvqpejsutbhtm0ldssl.tk","fvsu.com","fvsxedx6emkg5eq.gq","fvsxedx6emkg5eq.ml","fvsxedx6emkg5eq.tk","fvuch7vvuluqowup.cf","fvuch7vvuluqowup.ga","fvuch7vvuluqowup.gq","fvuch7vvuluqowup.ml","fvuch7vvuluqowup.tk","fvurtzuz9s.cf","fvurtzuz9s.ga","fvurtzuz9s.gq","fvurtzuz9s.ml","fvurtzuz9s.tk","fw-nietzsche.cf","fw-nietzsche.ga","fw-nietzsche.gq","fw-nietzsche.ml","fw-nietzsche.tk","fw.moza.pl","fw025.com","fw2.me","fw6m0bd.com","fwbr.com","fwd2m.eszett.es","fwenz.com","fwfr.com","fwhyhs.com","fwmuqvfkr.pl","fwmv.com","fws.fr","fwumoy.buzz","fwxr.com","fwxzvubxmo.pl","fx-banking.com","fx-brokers.review","fx8333.com","fxch.com","fxcoral.biz","fxfhvg.xorg.pl","fxmail.ws","fxnxs.com","fxprix.com","fxseller.com","fxsuppose.com","fyh.in","fyii.de","fyij.com","fynuas6a64z2mvwv.cf","fynuas6a64z2mvwv.ga","fynuas6a64z2mvwv.gq","fynuas6a64z2mvwv.ml","fynuas6a64z2mvwv.tk","fyromtre.tk","fys2zdn1o.pl","fyvznloeal8.cf","fyvznloeal8.ga","fyvznloeal8.gq","fyvznloeal8.ml","fyvznloeal8.tk","fywe.com","fyziotrening.sk","fzbwnojb.orge.pl","fzoe.com","fzsv.com","fztvgltjbddlnj3nph6.cf","fztvgltjbddlnj3nph6.ga","fztvgltjbddlnj3nph6.gq","fztvgltjbddlnj3nph6.ml","fzyutqwy3aqmxnd.cf","fzyutqwy3aqmxnd.ga","fzyutqwy3aqmxnd.gq","fzyutqwy3aqmxnd.ml","fzyutqwy3aqmxnd.tk","g-mail.gq","g-mailix.com","g-meil.com","g-o-o-g-l-e.cf","g-o-o-g-l-e.ga","g-o-o-g-l-e.gq","g-o-o-g-l-e.ml","g-srv.systems","g-starblog.org","g-timyoot.ga","g.bestwrinklecreamnow.com","g.captchaeu.info","g.coloncleanse.club","g.gsasearchengineranker.pw","g.gsasearchengineranker.space","g.hmail.us","g.polosburberry.com","g.seoestore.us","g.sportwatch.website","g.ycn.ro","g00g.cf","g00g.ga","g00g.gq","g00g.ml","g00gl3.gq","g00gl3.ml","g00glechr0me.cf","g00glechr0me.ga","g00glechr0me.gq","g00glechr0me.ml","g00glechr0me.tk","g00gledrive.ga","g00qle.ru","g05zeg9i.com","g0ggle.tk","g0mail.com","g0zr2ynshlth0lu4.cf","g0zr2ynshlth0lu4.ga","g0zr2ynshlth0lu4.gq","g0zr2ynshlth0lu4.ml","g0zr2ynshlth0lu4.tk","g14l71lb.com","g1kolvex1.pl","g1xmail.top","g2.brassneckbrewing.com","g212dnk5.com","g2tpv9tpk8de2dl.cf","g2tpv9tpk8de2dl.ga","g2tpv9tpk8de2dl.gq","g2tpv9tpk8de2dl.ml","g2tpv9tpk8de2dl.tk","g2xmail.top","g3nk2m41ls.ga","g3nkz-m4ils.ga","g3nkzmailone.ga","g3xmail.top","g4hdrop.us","g4rm1nsu.com","g4zk7mis.mil.pl","g50hlortigd2.ga","g50hlortigd2.ml","g50hlortigd2.tk","g7kgmjr3.pl","g7lkrfzl7t0rb9oq.cf","g7lkrfzl7t0rb9oq.ga","g7lkrfzl7t0rb9oq.gq","g7lkrfzl7t0rb9oq.ml","g7lkrfzl7t0rb9oq.tk","gaail.com","gaanerbhubon.net","gabalot.com","gabbygiffords.com","gabesdownloadsite.com","gabfests.ml","gabon-nedv.ru","gabox.store","gabuuddd.ga","gabuuddd.gq","gabuuddd.ml","gabuuddd.tk","gachupa.com","gadget-space.com","gadgetreviews.net","gadgetsfair.com","gadum.site","gaeil.com","gaf.oseanografi.id","gafrem3456ails.com","gafy.net","gag16dotw7t.cf","gag16dotw7t.ga","gag16dotw7t.gq","gag16dotw7t.ml","gag16dotw7t.tk","gagahsoft.software","gage.ga","gagged.xyz","gaggle.net","gagokaba.com","gai18.xyz","gail.com","gainready.com","gaiti-nedv.ru","gajesajflk.cf","gajesajflk.gq","gakbec.us","gakkurang.com","galablogaza.com","galactofa.ga","galaxy-s9.cf","galaxy-s9.ga","galaxy-s9.gq","galaxy-s9.ml","galaxy-s9.tk","galaxy-tip.com","galaxy.emailies.com","galaxy.emailind.com","galaxy.hellohappy2.com","galaxy.maildin.com","galaxy.marksypark.com","galaxy.martinandgang.com","galaxy.oldoutnewin.com","galaxy.tv","galaxyarmy.tech","galaxys8giveaway.us","galenparkisd.com","galerielarochelle.com","galismarda.com","gallowaybell.com","gally.jp","galmarino.com","galotv.com","galvanitrieste.it","galvanizefitness.com","galvanmail.men","gamail.com","gamail.net","gamail.top","gamakang.com","gamale.com","gamamail.tk","gamdspot.com","game-drop.ru","game-with.com","game-world.pro","game.blatnet.com","game.bthow.com","game.com","game.emailies.com","game.servebeer.com","game2.de","game4hr.com","gamearea.site","gamebuteasy.xyz","gamecheatfree.xyz","gamecodebox.com","gamecodesfree.com","gameconsole.site","gamecoutryjojo.com","gamedaytshirt.com","gamedeal.ru","gamededezod.com","gamegoldies.org","gamegregious.com","gameme.men","gameover-shop.de","gamepi.ru","gameqo.com","gamercosplay.pl","gamerentalreview.co.uk","games-online24.co.uk","games-zubehor.com","games0.co.uk","games4free.flu.cc","games4free.info","gamesbrands.space","gamescentury.com","gameschool.online","gamesev.ml","gamesonlinefree.ru","gamesonlinez.co.uk","gamesoonline.com","gamesportal.me","gamevillage.org","gamewedota.co.cc","gamexshop.online","gamezalo.com","gamgling.com","gamil.co.in","gamil.com","gaminators.org","gamingday.com","gamip.com","gamma.org.pl","gammaelectronics.com","gammafoxtrot.ezbunko.top","gamno.config.work","gamom.com","gamora274ey.cf","gamora274ey.ga","gamora274ey.gq","gamora274ey.ml","gamora274ey.tk","gamuci.com","gamutimaging.com","gamzwe.com","gan.lubin.pl","gangazimyluv.com","gangu.cf","gangu.gq","gangu.ml","ganihomes.com","ganm.com","ganoderme.ru","ganol.online","ganslodot.top","gantraca.ml","gaolrer.com","gapemail.ga","gapo.vip","gappk89.pl","gaqa.com","garage46.com","garagedoormonkey.com","garagedoorschina.com","garasikita.pw","garaze-blaszaki.pl","garaze-wiaty.pl","garbagecollector.org","garbagemail.org","garciniacambogia.directory","garciniacambogiaextracts.net","garcio.com","garden-plant.ru","gardenans.ru","gardenscape.ca","gardepot.com","gardercrm.ru","garderoba-retro.pw","gareascx.com","garenaa.vn","garenagift.vn","garglob.com","garibomail2893.biz","gariepgliding.com","garillias22.net","garingsin.cf","garingsin.ga","garingsin.gq","garingsin.ml","garizo.com","garlanddusekmail.net","garliclife.com","garmingpsmap64st.xyz","garnett.us","garnettmailer.com","garnoisan.xyz","garnous.com","garrifulio.mailexpire.com","garrymccooey.com","garrynacov.cf","gartenarbeiten-muenchen.ovh","garudaesports.com","garyschollmeier.com","gas-avto.com","gas-spark-plugs.pp.ua","gasan12.com","gasbin.com","gaselectricrange.com","gasil.com","gasken.online","gasocin.pl","gassfey.com","gasss.net","gasss.us","gasss.wtf","gasssboss.club","gassscloud.net","gasssmail.com","gasto.com","gastroconsultantsqc.com","gastroplasty.icu","gatases.ltd","gatdau.com","gaterremeds1975.eu","gateway3ds.eu","gathelabuc.almostmy.com","gato.com","gav0.com","gavail.site","gawab.com","gawai-nedv.ru","gawe.works","gawmail.com","gayana-nedv.ru","gaydatingheaven.com","gayluspjex.ru","gaymoviedome.in","gaynewworkforce.com","gayol.com","gazebostoday.com","gazetapracapl.pl","gazetawww.pl","gazetecizgi.com","gazettenews.info","gbcdanismanlik.net","gbcmail.win","gberos-makos.com","gbf48123.com","gbfashions.com","gbmail.top","gbmb.com","gbmods.net","gbpartners.net","gbs7yitcj.pl","gbtxtloan.co.uk","gcantikored.pw","gcaoa.org","gcasino.fun","gcbcdiet.com","gcfleh.com","gchatz.ga","gcheck.xyz","gcmail.top","gcordobaguerrero.com","gcpainters.com","gcyacademy.com","gcznu5lyiuzbudokn.ml","gcznu5lyiuzbudokn.tk","gd6ubc0xilchpozgpg.cf","gd6ubc0xilchpozgpg.ga","gd6ubc0xilchpozgpg.gq","gd6ubc0xilchpozgpg.ml","gd6ubc0xilchpozgpg.tk","gdb.armageddon.org","gdcac.com","gdcmedia.info","gddao.com","gdemoy.site","gdf.it","gdfretertwer.com","gdmail.top","gdofui.xyz","gdradr.com","gdsutzghr.pl","gdsygu433t633t81871.luservice.com","gdziearchitektura.biz","geail.com","geal.com","geamil.com","gear.bthow.com","geararticles.com","geardos.net","geargum.com","gearine.xyz","gears4camping.com","geartower.com","geaviation.cf","geaviation.ga","geaviation.gq","geaviation.ml","geaviation.tk","gebaeudereinigungsfirma.com","geburtstags.info","geburtstagsgruesse.club","geburtstagsspruche24.info","gebyarpoker.com","gecchatavvara.art","gecici.ml","gecigarette.co.uk","gecotspeed04flash.ml","ged34.com","geda.fyi","gedagang.co","gedagang.com","gedhemu.ru","gedleon.com","gedmail.win","gedsmail.com","geekale.com","geekchicpro.com","geekemailfreak.bid","geekforex.com","geekpro.org","geeky83.com","geemale.com","geew.ru","geezmail.ga","gefriergerate.info","gefvert.com","gegearkansas.com","geggos673.com","gehensiemirnichtaufdensack.de","gehnkwge.com","gekk.edu","gekury4221mk.cf","gekury4221mk.ga","gekury4221mk.gq","gekury4221mk.ml","gekury4221mk.tk","gelarqq.com","gelatoprizes.com","geldwaschmaschine.de","gelitik.in","gelnhausen.net","geludkita.cf","geludkita.ga","geludkita.gq","geludkita.ml","geludkita.tk","gemail.co","gemail.com","gemail.ru","gemar-qq.live","gemarbola.life","gemarbola.link","gemarbola.news","gemil.com","geminicg.com","gemsbooster.com","gemsgallerythailand.ru","gemsofaspen.com","gemtar.com","gemuk.buzz","gen.uu.gl","gen16.me","genbyou.ml","genderfuck.net","genderuzsk.com","genebag.com","general-electric.cf","general-electric.ga","general-electric.gq","general-electric.ml","general-motors.tk","general.blatnet.com","general.lakemneadows.com","general.oldoutnewin.com","general.ploooop.com","general.popautomated.com","generalbatt.com","generateyourclients.com","generatoa.com","generator.email","generic-phenergan.com","genericaccutanesure.com","genericcialis-usa.net","genericcialissure.com","genericcialisusa.net","genericclomidsure.com","genericdiflucansure.com","genericflagylonline24h.com","genericlasixsure.com","genericlevitra-usa.com","genericprednisonesure.com","genericpropeciaonlinepills.com","genericpropeciasure.com","genericretinaonlinesure.com","genericretinasure.com","genericsingulairsure.com","genericviagra-onlineusa.com","genericviagra-usa.com","genericviagra69.bid","genericviagraonline-usa.com","genericwithoutaprescription.com","genericzithromaxonline.com","genericzoviraxsure.com","genericzyprexasure.com","geneseeit.com","genesis-digital.net","genf20plus.com","genf20review1.com","genk5mail2.ga","genkibit.com","gennaromatarese.ml","gennox.com","genotropin.in","genoutdo.eu","genpc.com","genrephotos.ru","genteymac.net","gentle.7amail.top","gentlemancasino.com","gentrychevrolet.com","genturi.it","genuinemicrosoftkeyclub.com","genuspbeay.space","genuss.ru","genvia01.com","genx-training.com","geo-crypto.com","geoclsbjevtxkdant92.cf","geoclsbjevtxkdant92.ga","geoclsbjevtxkdant92.gq","geoclsbjevtxkdant92.ml","geoclsbjevtxkdant92.tk","geodezjab.com","geoffhowe.us","geoglobe.com","geoinbox.info","geokomponent.ru","geolocalroadmap.com","geomail.win","geometricescape.com","geomets.xyz","geop.com","georgehood.com","georights.net","geospirit.de","geotemp.de","gepatitu-c.net","gerakandutawisata.com","geraldlover.org","geremail.info","germainarena.com","germanmail.de.pn","germanmails.biz","germanycheap.com","germanyxon.com","germemembranlar.com","germetente.com","gero.us","geroev.net","geronra.com","gerovarnlo.com","gers-phyto.com","gerties.com.au","ges-online.ru","geschent.biz","get-bitcoins.club","get-bitcoins.online","get-dental-implants.com","get-mail.cf","get-mail.ga","get-mail.ml","get-mail.tk","get-more-leads-now.com","get-whatsapp.site","get.cowsnbullz.com","get.marksypark.com","get.oldoutnewin.com","get.ploooop.com","get.poisedtoshrike.com","get.pp.ua","get1mail.com","get2israel.com","get2mail.fr","get30daychange.com","get365.pw","get365.tk","get42.info","getahairstyle.com","getairmail.cf","getairmail.com","getairmail.ga","getairmail.gq","getairmail.ml","getairmail.tk","getamailbox.org","getamalia.com","getamericanmojo.com","getanyfiles.site","getapet.net","getasolarpanel.co.uk","getaviciitickets.com","getawesomebook.site","getawesomebooks.site","getawesomelibrary.site","getbackinthe.kitchen","getbreathtaking.com","getburner.email","getbusinessontop.com","getcashstash.com","getcatbook.site","getcatbooks.site","getcatstuff.site","getchina.ru","getcleanskin.info","getcoolmail.info","getcoolstufffree.com","getcraftbeersolutions.com","getdarkfast.com","getdeadshare.com","getdirbooks.site","getdirtext.site","getdirtexts.site","getedoewsolutions.com","geteit.com","getek.tech","getemail.tech","getfollowers24.biz","getfreebook.site","getfreecoupons.org","getfreefile.site","getfreefollowers.org","getfreetext.site","getfreshbook.site","getfreshtexts.site","getfun.men","getgoodfiles.site","getgymbags.com","gethelpnyc.com","gethimbackforeverreviews.com","getinboxes.com","getincostume.com","getinharvard.com","getinsuranceforyou.com","getintopci.com","getippt.com","getitfast.com","getjar.pl","getjulia.com","getladiescoats.com","getlibbook.site","getlibstuff.site","getlibtext.site","getlistbooks.site","getlistfile.site","getliststuff.site","getlisttexts.site","getmail.fun","getmail.lt","getmails.eu","getmails.pw","getmails.tk","getmailsonline.com","getmba.ru","getmeed.com","getmethefouttahere.com","getmoziki.com","getnada.cf","getnada.com","getnada.ga","getnada.gq","getnada.ml","getnada.tk","getnewfiles.site","getnewnecklaces.com","getnicefiles.site","getnicelib.site","getnowdirect.com","getnowtoday.cf","getocity.com","getonemail.com","getonemail.net","getover.de","getpaidoffmyreferrals.com","getpaulsmithget.com","getphysical.com","getprivacy.xyz","getqueenbedsheets.com","getrarefiles.site","getridofacnecure.com","getridofherpesreview.org","getsewingfit.website","getsimpleemail.com","getsmag.co","getsoberfast.com","getspotfile.site","getspotstuff.site","getstructuredsettlement.com","getsuz.com","gett.icu","gettempmail.com","getupagain.org","getvid.me","getvmail.net","getwomenfor.me","geupo.com","gewqsza.com","gexik.com","gf-roofing-contractors.co.uk","gf.wlot.in","gfcnet.com","gfcom.com","gfdrwqwex.com","gffcqpqrvlps.cf","gffcqpqrvlps.ga","gffcqpqrvlps.gq","gffcqpqrvlps.tk","gfgfgf.org","gfh522xz.com","gfhjk.com","gflwpmvasautt.cf","gflwpmvasautt.ga","gflwpmvasautt.gq","gflwpmvasautt.ml","gflwpmvasautt.tk","gfmail.cf","gfmail.ga","gfmail.gq","gfmail.tk","gfmewrsf.com","gfounder.org","gfremail4u3.org","gfsw.de","gftm.com","gfvgr2.pl","gg-byron.cf","gg-byron.ga","gg-byron.gq","gg-byron.ml","gg-byron.tk","gg-squad.ml","gg-zma1lz.ga","ggbags.info","ggbh.com","ggck.com","ggfd.de","ggfm.com","ggfutsal.cf","ggg.pp.ua","gggggg.com","gggmail.pl","gggmarketingmail.com","gggt.de","gghfjjgt.com","ggmaail.com","ggmail.com","ggmail.guru","ggmal.ml","ggmmails.com","ggmob-us.fun","ggo.one","ggomi12.com","ggooglecn.com","ggrreds.com","ggtoll.com","ggxx.com","gh-stroy.ru","gh.wlot.in","gh2xuwenobsz.cf","gh2xuwenobsz.ga","gh2xuwenobsz.gq","gh2xuwenobsz.ml","gh2xuwenobsz.tk","ghamil.com","ghan.com","ghanalandbank.com","ghcptmvqa.pl","ghcrublowjob20127.com","ghdfinestore.com","ghdhairstraighteneraq.com","ghdhairstraightenersuk.info","ghdlghdldyd.com","ghdpascheresfrfrance.com","ghdsaleukstore.com","ghdshopnow.com","ghdshopuk.com","ghdstraightenersukshop.com","ghdstraightenersz.com","ghea.ml","ghfh.de","ghgluiis.tk","ghid-afaceri.com","ghkoyee.com.uk","ghost-squad.eu","ghost.2amail.top","ghostadduser.info","ghosttexter.de","ghot.online","ghtreihfgh.xyz","ghuandoz.xyz","ghymail.com","gi-pro.org","giacmosuaviet.info","giaiphapmuasam.com","giala.com","giallo.tk","gianna1121.club","giantmail.de","giantwebs2010.info","gianunzio34.spicysallads.com","giaoisgla35ta.cf","giaotiep.xyz","giaovienvn.gq","giaovienvn.tk","gibit.us","giblpyqhb.pl","gibme.com","gibsonmail.men","gicua.com","gidok.info","gids.site","gieldatfi.pl","giessdorf.eu.org","gifenix.com.mx","gifmehard.ru","gifora.com","gift-link.com","gift.favbat.com","giftcv.com","gifteame.com","giftelope.com","gifto12.com","gifts4homes.com","giftsales.store","giftscrafts2012.info","giftspec.com","giftwatches.info","giftyello.ga","gigabitstreaming.com","gigantix.co.uk","gigapesen.ru","gigatribe.com","gigauoso.com","gigs.craigslist.org","gihyuw23.com","gijj.com","gikemart.site","gikmail.com","gilaayam.com","gilababi1.ml","gilbertpublicschools.org","gilfun.com","gilmoreforpresident.com","gilray.net","gimail.com","gimaile.com","gimaill.com","gimal.com","gimamd.com","gimayl.com","gimel.net","gimesson.pe.hu","gimmehits.com","gimpu.ru","gindatng.ga","gine.com","ginel.com","ginn.cf","ginn.gq","ginn.ml","ginn.tk","ginnio.com","ginnygorgeousleaf.com","gins.com","gintd.site","ginxmail.com","ginzi.be","ginzi.co.uk","ginzi.es","ginzi.eu","ginzi.net","ginzy.co.uk","ginzy.eu","ginzy.org","giochi0.it","giochiz.com","giofiodl.gr","giogio.cf","giogio.gq","giogio.ml","giondo.site","giooig.cf","giooig.ga","giooig.gq","giooig.ml","giooig.tk","giorgio.ga","giplwsaoozgmmp.ga","giplwsaoozgmmp.gq","giplwsaoozgmmp.ml","giplwsaoozgmmp.tk","gipsowe.waw.pl","giran.club","girl-beautiful.com","girl-cute.com","girl-nice.com","girla.club","girla.site","girlbo.shop","girlcosmetic.info","girleasy.com","girlemail.org","girlmail.win","girlncool.com","girls-stars.ru","girls-xs.ru","girlsforfun.tk","girlsindetention.com","girlstalkplay.com","girlsu.com","girlsundertheinfluence.com","girlt.site","giromail.info","girtipo.com","gishpuppy.com","gispgeph6qefd.cf","gispgeph6qefd.ga","gispgeph6qefd.gq","gispgeph6qefd.ml","gispgeph6qefd.tk","gitarrenschule24.de","gitcoding.me","githabs.com","gitpost.icu","gitumau.ga","gitumau.ml","gitumau.tk","giuras.club","giuypaiw8.com","give.marksypark.com","give.poisedtoshrike.com","giveflix.me","giveh2o.info","givememail.club","givemeturtle.com","givenchyblackoutlet.us.com","givethefalconslight.com","givmail.com","givmy.com","giwf.com","giwwoljvhj.pl","giyam.com","giyanigold.com","giyoyogangzi.com","gizleyici.tk","gizmona.com","gjgjg.pw","gjkk.de","gjozie.xyz","gk-konsult.ru","gkjeee.com","gkohau.xyz","gkorii.com","gkqil.com","gksmftlx.com","gksqjsejf.com","gkuaisyrsib8fru.cf","gkuaisyrsib8fru.ga","gkuaisyrsib8fru.gq","gkuaisyrsib8fru.ml","gkuaisyrsib8fru.tk","gkwerto4wndl3ls.cf","gkwerto4wndl3ls.ga","gkwerto4wndl3ls.gq","gkwerto4wndl3ls.ml","gkwerto4wndl3ls.tk","gkworkoutq.com","gkyyepqno.pl","gladehome.com","gladwithbooks.site","gladysh.com","glamourbeauty.org","glamourcow.com","glampiredesign.com","glamurr-club.ru","glaringinfuse.ml","glasgowmotors.co.uk","glasnik.info","glasrose.de","glassaas.site","glassandcandles.com","glasscanisterheaven.com","glasses88.com","glassesoutletsaleuk.co.uk","glassesoutletuksale.co.uk","glassworks.cf","glastore.ar","glastore.uno","glaszakelijk.com","glavsg.ru","glaziers-erith.co.uk","glaziers-waterloo.co.uk","gledsonacioli.com","gleeze.com","glendalepaydayloans.info","glendalerealestateagents.com","glennvhalado.tech","glenwillowgrille.com","glenwoodave.com","glgi.net","glick.tk","glitch.sx","glitchwave.it","gliwicemetkownice.pl","glmail.ga","glmail.top","glmux.com","global2.xyz","globalcarinsurance.top","globaleuro.net","globalkino.ru","globalmillionaire.com","globalmodelsgroup.com","globalpayments.careers","globalpuff.org","globalsilverhawk.com","globalsites.site","globaltouron.com","globetele.com","globomail.co","glockneronline.com","glocknershop.com","gloom.org","gloport.com","gloria-tours.com","gloriousfuturedays.com","gloservma.com","glovebranders.com","glovesprotection.info","glowinbox.info","glownymail.waw.pl","glqbsobn8adzzh.cf","glqbsobn8adzzh.ga","glqbsobn8adzzh.gq","glqbsobn8adzzh.ml","glqbsobn8adzzh.tk","glrbio.com","glspring.com","glsupposek.com","gltrrf.com","glubex.com","glucosegrin.com","glutativity.xyz","glyctistre.ga","glyctistre.gq","glynda.space","gm9ail.com","gma2il.com","gmaail.net","gmabrands.com","gmaeil.com","gmai.com","gmai9l.com","gmaieredd.com","gmaiiil.live","gmaiil.com","gmaiil.ml","gmaiilll.cf","gmaiilll.gq","gmaik.com","gmail-box.com","gmail-fiji.gq","gmail.ax","gmail.bangjo.eu.org","gmail.bsos4.fh.ht2.cruxsite.com","gmail.com.247blog.com","gmail.com.57.liveloveability.com","gmail.com.bellwellcharters.com","gmail.com.bikelabel.com","gmail.com.cad.creou.dev","gmail.com.co","gmail.com.contractnotify.com","gmail.com.cookadoo.com","gmail.com.creditcardforums.org","gmail.com.creou.dev","gmail.com.digitalmarketingcoursesusa.com","gmail.com.dirtypetrol.com","gmail.com.elitegunshop.com","gmail.com.facebook.com-youtube.com.facebookmail.com.gemuk.buzz","gmail.com.filemakertechniques.com","gmail.com.firstrest.com","gmail.com.gabrielshmidt.com","gmail.com.gmail.cad.creou.dev","gmail.com.gmail.gmail.cad.creou.dev","gmail.com.hassle-me.com","gmail.com.healthyheartforall.com","gmail.com.herbalsoftware.com","gmail.com.hitechinfo.com","gmail.com.homelu.com","gmail.com.keitin.site","gmail.com.matt-salesforce.com","gmail.com.networkrank.com","gmail.com.pl","gmail.com.skvorets.com","gmail.com.standeight.com","gmail.com.thetybeetimes.net","gmail.com.tokencoach.com","gmail.com.tubidu.com","gmail.com.urbanban.com","gmail.com.whatistrust.info","gmail.comicloud.com","gmail.cu.uk","gmail.fhdhdj6782.uploadscript.com","gmail.gm9.com","gmail.gr.com","gmail.hks179.atkia.com","gmail.keitin.site","gmail.meleni.xyz","gmail.net","gmail.ns.8.cuffa.com","gmail.pp.ua","gmail.ru.com","gmail.spymail.one","gmail.vo.uk","gmail.xo.uk","gmail.yopmail.fr","gmail24s.xyz","gmail4u.eu","gmailas.com","gmailasdf.com","gmailasdf.net","gmailasdfas.com","gmailasdfas.net","gmailbete.cf","gmailco.ml","gmailcomcom.com","gmaildd.com","gmaildd.net","gmaildfklf.com","gmaildfklf.net","gmaildk.com","gmaildll.com","gmaildort.com","gmaildotcom.com","gmaildottrick.com","gmaile.design","gmailer.site","gmailer.top","gmailere.com","gmailere.net","gmaileria.com","gmailerttl.com","gmailerttl.net","gmailertyq.com","gmailfe.com","gmailgirl.net","gmailgmail.com","gmailh.com","gmailhost.net","gmailhre.com","gmailhre.net","gmailines.online","gmailines.site","gmailiz.com","gmailjj.com","gmailk.com","gmaill.com","gmailldfdefk.com","gmailldfdefk.net","gmailll.cf","gmailll.ga","gmailll.gq","gmaillll.ga","gmaillll.ml","gmailllll.ga","gmaills.eu","gmailmail.ga","gmailmarina.com","gmailnator.com","gmailner.com","gmailnew.com","gmailni.com","gmailom.co","gmailpop.ml","gmailpopnew.com","gmailppwld.com","gmailppwld.net","gmailpro.cf","gmailpro.gq","gmailpro.ml","gmailpro.tk","gmailr.com","gmails.com","gmailsdfd.com","gmailsdfd.net","gmailsdfsd.com","gmailsdfsd.net","gmailsdfskdf.com","gmailsdfskdf.net","gmailskm.com","gmailssdf.com","gmailu.ru","gmailup.com","gmailvn.net","gmailvn.xyz","gmailwe.com","gmailweerr.com","gmailweerr.net","gmaily.tk","gmailya.com","gmailzdfsdfds.com","gmailzdfsdfds.net","gmain.com","gmajs.net","gmakl.co","gmal.com","gmali.com","gmall.com","gmamil.co","gmaolil.com","gmariil.com","gmasil.co","gmasil.com","gmatch.org","gmaul.com","gmcd.de","gmcsklep.pl","gmdabuwp64oprljs3f.ga","gmdabuwp64oprljs3f.ml","gmdabuwp64oprljs3f.tk","gmeail.com","gmeeail.com","gmeil.com","gmeil.me","gmeli.com","gmelk.com","gmial.com","gmil.com","gmisow.com","gmixi.com","gmjgroup.com","gmkail.com","gmkil.com","gmmail.coail.com","gmmails.com","gmmaojin.com","gmmx.com","gmoal.com","gmojl.com","gmsail.com","gmsdfhail.com","gmsol.com","gmssail.com","gmwail.com","gmx.dns-cloud.net","gmx.dnsabr.com","gmx.fit","gmx.fr.nf","gmx1mail.top","gmxail.com","gmxip8vet5glx2n9ld.cf","gmxip8vet5glx2n9ld.ga","gmxip8vet5glx2n9ld.gq","gmxip8vet5glx2n9ld.ml","gmxip8vet5glx2n9ld.tk","gmxk.net","gmxmail.cf","gmxmail.gq","gmxmail.tk","gmxmail.top","gmxmail.win","gn8.cc","gnail.com","gnajuk.me","gnctr-calgary.com","gnes.com","gnesd.com","gnetnagiwd.xyz","gnfn.com","gnia.com","gnipgykdv94fu1hol.cf","gnipgykdv94fu1hol.ga","gnipgykdv94fu1hol.gq","gnipgykdv94fu1hol.ml","gnipgykdv94fu1hol.tk","gnlk3sxza3.net","gnmai.com","gnmail.com","gnom.com","gnon.org","gnostics.com","gnplls.info","gnsk6gdzatu8cu8hmvu.cf","gnsk6gdzatu8cu8hmvu.ga","gnsk6gdzatu8cu8hmvu.gq","gnsk6gdzatu8cu8hmvu.ml","gnsk6gdzatu8cu8hmvu.tk","gnumail.com","gnwpwkha.pl","go-blogger.ru","go-vegas.ru","go.blatnet.com","go.irc.so","go.marksypark.com","go.oldoutnewin.com","go.opheliia.com","go0glelemail.com","go1.site","go2021.xyz","go2022.xyz","go28.com.hk","go288.com","go2arizona.info","go2site.info","go2usa.info","go2vpn.net","go4mail.net","goacc.ru","goail.com","goal2.com","goasfer.com","goashmail.com","gobet889.online","gobet889bola.com","gobet889skor.com","goblinhammer.com","gobo-projectors.ru","goboard.pl","goc0knoi.tk","gocardless.dev","gocasin.com","gochicagoroofing.com","gocyb.org","god-from-the-machine.com","god-mail.com","godaddyrenewalcoupon.net","godataflow.xyz","godjdkedd.com","godlike.us","godmail.gq","godpeed.com","godrod.gq","godsofguns.com","godut.com","godyisus.xyz","goeasyhost.net","goemailgo.com","goentertain.tv","goerieblog.com","goessayhelp.com","goffylopa.tk","goffylosa.ga","gofo.com","gofsaosa.cf","gofsaosa.ga","gofsaosa.ml","gofsaosa.tk","gofsrhr.com","gofuckporn.com","gog4dww762tc4l.cf","gog4dww762tc4l.ga","gog4dww762tc4l.gq","gog4dww762tc4l.ml","gog4dww762tc4l.tk","gogge.com","gogigogiodm.com","gogimail.com","goglemail.cf","goglemail.ga","goglemail.ml","gogofone.com","gogogays.com","gogogmail.com","gogogorils.com","gogojav.com","gogolfalberta.com","gogom.pl","gogomail.org.ua","gogreeninc.ga","gogreenow.us","gohalalvietnam.com","gohappybuy.com","gohappytobuy.net","goiglemail.com","goima.com","gok.kr","gokan.cf","golc.de","gold-mania.com","gold.blatnet.com","gold.favbat.com","gold.oldoutnewin.com","goldblockdead.site","goldclassicstylerau.info","goldduststyle.com","golden-mine.site","goldenbola.com","goldeneggbrand.com","goldenepsilon.info","goldengo.com","goldengoosesneakers13.com","goldenguy.gq","goldenhorsestravel.com","goldenllama.us","goldenspark.ru","goldenswamp.com","goldenusn.com","goldfieldschool.com","goldfox.ru","goldinbox.net","goldleaftobacconist.com","goldmansports.com","goldpaws.com","goldringsstore.net","goldvote.org","goldwarez.org","golead.pro","golemico.com","golems.tk","golenia-base.pl","golf4blog.com","golfas.com","golfblogjapan.com","golfilla.info","golfjapanesehome.com","golfnewshome.com","golfnewsonlinejp.com","golfonblog.com","golfshop.live","golfsports.info","golidi.net","golimar.com","goliokao.cf","goliokao.ga","goliokao.gq","goliokao.ml","goliszek.net","golivejasmin.com","golld.us","gollum.fischfresser.de","golmail.com","golviagens.com","golviagenxs.com","gomail.in","gomail.pgojual.com","gomail.xyz","gomail4.com","gomail5.com","gomailbox.info","gomaild.com","gomaile.com","gomails.pro","gomailstar.xyz","gomei.com","gomessage.ml","gomez-rosado.com","gomiso.com","gonaute.com","goncangan.com","gondskumis69.me","gonduras-nedv.ru","gongj5.com","gonotebook.info","gontek.pl","gontr.team","goo-gl2012.info","gooajmaid.com","goobernetworks.com","good-autoskup.pl","good-college.ru","good-digitalcamera.info","good-electronicals.edu","good-ladies.com","good-names.info","good-teens.com","good.poisedtoshrike.com","good007.net","gooday.pw","goodbakes.com","goodbayjo.ml","goodbead.biz","goodcatstuff.site","goodcattext.site","goodchange.org.ua","goodcoffeemaker.com","gooddirbook.site","gooddirfile.site","gooddirfiles.site","gooddirstuff.site","gooddirtext.site","goode.agency","goodelivery.ru","goodemail.top","goodfellasmails.com","goodfitness.us","goodfreshbook.site","goodfreshfiles.site","goodfreshtext.site","goodfreshtexts.site","goodhealthbenefits.info","goodinternetmoney.com","goodjab.club","goodjob.pl","goodlibbooks.site","goodlibfile.site","goodlifeoutpost.com","goodlistbook.site","goodlistbooks.site","goodlistfiles.site","goodlisttext.site","goodluckforu.cn.com","goodnewbooks.site","goodnewfile.site","goodplugins.com","goodqualityjerseysshop.com","goodresultsduke.com","goodreviews.tk","goods.com","goods4home.ru","goodseller.co","goodsmart.pw","goodspotfile.site","goodspottexts.site","goodstartup.biz","goodturntable.com","goodvps.us","goodymail.men","googdad.tk","googl.win","google-email.ml","google-mail.me","google-mail.ooo","google-visit-me.com","google2019.ru","google2u.com","googleappmail.com","googleappsmail.com","googlebox.com","googlecn.com","googledottrick.com","googlefind.com","googlegmail.xyz","googlemail.press","googlemarket.com","googlet.com","googli.com","googmail.gdn","googole.com.pl","goohle.co.ua","goonby.com","goood-mail.com","goood-mail.net","goood-mail.org","goooogle.flu.cc","goooogle.igg.biz","goooogle.nut.cc","goooogle.usa.cc","goooomail.com","goopianazwa.com","gooptimum.com","goosebox.net","gophermail.info","gopisahi.tk","goplaygame.ru","goplaytech.com.au","gopldropbox1.tk","goplf1.cf","goplf1.ga","goplmega.tk","goplmega1.tk","goposts.site","goproaccessories.us","goprovs.com","goqoez.com","goraniii.com","goranko.ga","gorankup.com","gorclub.info","gordon.prometheusx.pl","gordon1121.club","gordoncastlehighlandgames.com","gordonsa.com","gordonsmith.com","gordpizza.ru","goreadit.site","gorges-du-verdon.info","goriliaaa.com","gorilla-zoe.net","gorillaswithdirtyarmpits.com","gorizontiznaniy.ru","gorkypark.com","gorleylalonde.com","gormezamani.com","gornostroyalt.ru","goromail.ga","gorommasala.com","goround.info","gorskie-noclegi.pl","gorzowiak.info","gosearchcity.us","goseep.com","goshisolo.ru","goshoppingpants.com","gosne.com","gospel-deals.info","gospiderweb.net","gostodisto.biz","gosuslugg.ru","gosuslugi-spravka.ru","goswiftfix.com","gosyslugi.host","got.poisedtoshrike.com","got.popautomated.com","gotanybook.site","gotanybooks.site","gotanyfile.site","gotanylibrary.site","gotawesomefiles.site","gotawesomelibrary.site","gotc.de","gotcertify.com","gotfreebooks.site","gotfreefiles.site","gotfreshfiles.site","gotfreshtext.site","gotgoodbook.site","gotgoodlib.site","gotgoodlibrary.site","gothentai.com","gothere.biz","gothicdarkness.pl","gotimes.xyz","gotkmail.com","gotmail.com","gotmail.com.mx","gotmail.net","gotmail.org","gotmail.waw.pl","gotnicebook.site","gotnicebooks.site","gotnicefile.site","gotnicelibrary.site","gotoanmobile.com","gotobag.info","gotoinbox.bid","gotopbests.com","gotovte-doma.ru","gotowkowapomoc.net","gotowkowy.eu","gotrarefile.site","gotrarefiles.site","gotrarelib.site","gotspoiler.com","gottahaveitclothingboutique.com","gotti.otherinbox.com","gouapatpoa.gq","gourmetnation.com.au","gouwu116.com","gouwu98.com","gouy.com","gov-mail.com","gov.en.com","govacom.com","govcities.com","govdep5012.com","goverloe.com","governmentcomplianceservices.com","governo.ml","govinput.com","govnomail.xyz","gowikibooks.com","gowikicampus.com","gowikicars.com","gowikifilms.com","gowikigames.com","gowikimusic.com","gowikimusic.great-host.in","gowikinetwork.com","gowikitravel.com","gowikitv.com","gox2lfyi3z9.ga","gox2lfyi3z9.gq","gox2lfyi3z9.ml","gox2lfyi3z9.tk","gp5611.com","gp6786.com","gp7777.com","gpa.lu","gpcharlie.com","gpi8eipc5cntckx2s8.cf","gpi8eipc5cntckx2s8.ga","gpi8eipc5cntckx2s8.gq","gpi8eipc5cntckx2s8.ml","gpi8eipc5cntckx2s8.tk","gplvuka4fcw9ggegje.cf","gplvuka4fcw9ggegje.ga","gplvuka4fcw9ggegje.gq","gplvuka4fcw9ggegje.ml","gplvuka4fcw9ggegje.tk","gpmvsvpj.pl","gpoczt.net.pl","gpower.com","gpscellphonetracking.info","gpsmobilephonetracking.info","gpssport.com","gpstrackerandroid.com","gpstrackingreviews.net","gpwdrbqak.pl","gqa.luk2.com","gqioxnibvgxou.cf","gqioxnibvgxou.ga","gqioxnibvgxou.gq","gqioxnibvgxou.ml","gqioxnibvgxou.tk","gqlsryi.xyz","gqtyojzzqhlpd5ri5s.cf","gqtyojzzqhlpd5ri5s.ga","gqtyojzzqhlpd5ri5s.gq","gqtyojzzqhlpd5ri5s.ml","gqtyojzzqhlpd5ri5s.tk","gqyvuu.buzz","gr5kfhihqa3y.cf","gr5kfhihqa3y.ga","gr5kfhihqa3y.gq","gr5kfhihqa3y.ml","gr5kfhihqa3y.tk","grabdealstoday.info","grabill.org","grabitfast.co","graceconsultancy.com","gracefilledblog.com","gracehaven.info","gracesimon.art","gracia.bheckintocash-here.com","grafpro.com","gragonissx.com","grain.bthow.com","grain.ruimz.com","graj-online.pl","gramail.ga","gramail.net","gramail.org","grammasystems.com","gramy24.waw.pl","gramyonlinee.pl","grand-slots.net","grandcom.net","grandecon.net","grandeikk.com","grandmamail.com","grandmasmail.com","grandmotherpics.com","grandmovement.com","grandspecs.info","grandtechno.com","grangmi.cf","grangmi.ga","grangmi.gq","grangmi.ml","granufloclassaction.info","granuflolawsuits.info","granuflolawyer.info","grapevinegroup.com","graphic14.catchydrift.com","graphinasdx.com","graphtech.ru","graphtiobull.gq","grassfed.us","grassrootcommunications.com","grateful.coach","grateful.store","gratis-gratis.com","gratisfick.net","gratislink.net","gratislose.de","gratismail.top","gratisneuke.be","gratosmail.fr.nf","graur.ru","gray.grigio.cf","graymail.ga","great-host.in","great-names.info","great-pump.com","greatcellphonedeals.info","greatcourse.xyz","greatedhardy.com","greatemail.net","greatemailfree.com","greatersalez.com","greatestfish.com","greatfish.com","greathose.site","greatlifecbd.com","greatloanscompany.co.uk","greatloansonline.co.uk","greatmedicineman.net","greatservicemail.eu","greatsmails.info","greattimes.ga","greattomeetyou.com","greatwebcontent.info","grecc.me","grederter.org","gree.gq","greekstatues.net","green-coffe-extra.info","green.jino.ru","greenbandhu.com","greenbaypackersjerseysshop.us","greenbaypackerssale.com","greenbotanics.co.uk","greencafe24.com","greencoepoe.cf","greencoffeebeanextractfaq.com","greencoffeebeanfaq.com","greendays.pl","greendike.com","greendivabridal.com","greenekiikoreabete.cf","greenforce.cf","greenforce.tk","greenfree.ru","greenhousemail.com","greeninbox.org","greenkic.com","greenlivingutopia.com","greenplanetfruit.com","greenrocketemail.com","greensloth.com","greenslots2017.co","greenst.info","greensticky.info","greentech5.com","greentechsurveying.com","greenwarez.org","greenwesty.com","greggamel.com","greggamel.net","gregorheating.co.uk","gregoria1818.site","gregorsky.zone","gregorygamel.com","gregorygamel.net","gregstown.com","grek-nedv.ru","grek1.ru","grenada-nedv.ru","grencex.cf","grenn24.com","grenso.com","grepekhyo65hfr.tk","gresyuip.com.uk","gretl.info","greyhoundplant.com","greyjack.com","gridmauk.com","gridmire.com","griffeyjrshoesstore.com","griffeyshoesoutletsale.com","grimjjowjager.cf","grimjjowjager.ga","grimjjowjager.gq","grimjjowjager.ml","grimjjowjager.tk","grimoiresandmore.com","grindevald.ru","grinn.in","grish.de","griuc.schule","griusa.com","grizzlyfruit.gq","grizzlyracing.com","grizzlyshows.com","grjurh43473772.ultimatefreehost.in","grn.cc","grnermail.info","grobmail.com","grodins.ml","grokleft.com","grom-muzi.ru","gromac.com","grommail.fr","gronn.pl","groobox.info","grossiste-ambre.net","groundrecruitment.com","group-llc.cf","group-llc.ga","group-llc.gq","group-llc.ml","group-llc.tk","groupbuff.com","groupd-mail.net","groupe-psa.cf","groupe-psa.gq","groupe-psa.ml","groupe-psa.tk","groups.poisedtoshrike.com","grow-mail.com","growar.com","growingunderground.com","growlcombine.com","growseedsnow.com","growsites.us","growsocial.net","growtopia.store","growxlreview.com","grr.la","grruprkfj.pl","grsd.com","gru.company","grubybenekrayskiego.pl","grubymail.com","grue.de","grugrug.ru","grupatworczapik.pl","grupolove.com","grupos-telegram.com","gruposayf.com","gruppies.com","gruz-m.ru","gry-logiczne-i-liczbowe.pl","gry-na-przegladarke.pl","grycjanosmail.com","grydladziewczynek.com.pl","grylogiczneiliczbowe.pl","gryonlinew.pl","gryplaystation3-fr.pl","gs-arc.org","gs-tube-x.ru","gsa.yesweadvice.com","gsacaptchabreakerdiscount.com","gsaemail.com","gsaprojects.club","gsasearchengineranker.pw","gsasearchengineranker.services","gsasearchengineranker.top","gsasearchengineranker.xyz","gsasearchenginerankerdiscount.com","gsasearchenginerankersocialser.com","gsaseoemail.com","gsaverifiedlist.download","gsdfg.com","gsdwertos.com","gsibiliaali1.xsl.pt","gsinstallations.com","gsitc.com","gslask.net","gsmail.com","gsmails.com","gsmmodem.org","gsmseti.ru","gsmwndcir.pl","gspam.mooo.com","gspma.com","gspousea.com","gsredcross.org","gsrv.co.uk","gssetdh.com","gssindia.com","gstore96.ru","gsvdwet673246176272317121821.ezyro.com","gsxstring.ga","gt446443ads.cf","gt446443ads.ga","gt446443ads.gq","gt446443ads.ml","gt446443ads.tk","gt7.pl","gta.com","gta4etw4twtan53.gq","gtbanger.com","gtcmnt.pl","gterebaled.com","gthpprhtql.pl","gthw.com","gtime.com","gtkesh.com","gtmail.com","gtmail.net","gtpindia.com","gtr8uju877821782712.unaux.com","gtrcinmdgzhzei.cf","gtrcinmdgzhzei.ga","gtrcinmdgzhzei.gq","gtrcinmdgzhzei.ml","gtrcinmdgzhzei.tk","gtrrrn.com","gtthnp.com","gtwaddress.com","gty.com","gtymj2pd5yazcbffg.cf","gtymj2pd5yazcbffg.ga","gtymj2pd5yazcbffg.gq","gtymj2pd5yazcbffg.ml","gtymj2pd5yazcbffg.tk","gu.luk2.com","gu3x7o717ca5wg3ili.cf","gu3x7o717ca5wg3ili.ga","gu3x7o717ca5wg3ili.gq","gu3x7o717ca5wg3ili.ml","gu3x7o717ca5wg3ili.tk","gu4wecv3.bij.pl","gu5t.com","gu788.com","guadalupe-parish.org","guag.com","guail.com","guarchibao-fest.ru","gubkiss.com","gucc1-magasin.com","gucci-ebagoutlet.com","gucci-eoutlet.net","guccibagshere.com","guccibagsuksale.info","gucciborseitalyoutletbags.com","guccicheapjp.com","guccihandbagjp.com","guccihandbags-australia.info","guccihandbags-onsale.us","guccihandbags-shop.info","guccihandbagsonsale.info","guccihandbagsonsaleoo.com","gucciinstockshop.com","gucciocchiali.net","gucciofficialwebsitebags.com","gucciofficialwebsitebags.com.com","guccionsalejp.com","guccioutlet-online.info","guccioutlet-onlinestore.info","guccioutlet-store.info","guccioutletmallsjp.com","guccioutletonline.info","guccioutletonlinestores.info","guccisacochepaschere.com","guccishoessale.com","guccitripwell.com","gudanglowongan.com","gudodaj-sie.pl","guehomo.top","guemail.com","guerillamail.biz","guerillamail.com","guerillamail.de","guerillamail.info","guerillamail.net","guerillamail.org","guerillamailblock.com","guernseynaturereserve.com","guerrillamail.biz","guerrillamail.com","guerrillamail.de","guerrillamail.info","guerrillamail.net","guerrillamail.org","guerrillamailblock.com","guess.bthow.com","guesschaussurespascher.com","guesstimatr.com","gueto2009.com","gug.la","guge.de","guglator.com","gugoumail.com","gugulelelel.com","guhtr.org","guide2host.net","guide3.net","guideborn.site","guideheroes.com","guidejpshop.com","guidelia.site","guidelics.site","guideline2.com","guideliot.site","guidemails.gdn","guidered.fun","guidet.site","guidevalley.com","guidezzz12.com","guidx.site","guidz.site","guild.blatnet.com","guild.cowsnbullz.com","guild.lakemneadows.com","guild.maildin.com","guild.poisedtoshrike.com","guildwars-2-gold.co.uk","guildwars-2-gold.de","guilloryfamily.us","guinsus.site","guitarjustforyou.com","guitarsxltd.com","gujckksusww.com","gujika.org","guksle.website","gulfofmexico.com","gulftechology.com","gulfwalkin.site","gull-minnow.top","gumaygo.com","gummymail.info","gunalizy.mazury.pl","gundogdumobilya.cyou","gunesperde.shop","gungratemail.com","gungratemail.ga","guntherfamily.com","guqoo.com","gurpz.com","gurubooks.ru","gurulegal.ru","gusronk.com","gustavocata.org","gustidharya.com","gustore.co","gustpay.com","gustr.com","gutierrezmail.bid","gutmenschen.company","gutmorgen.moscow","gutterguard.xyz","guuph.com","guus02.guccisacsite.com","guvewfmn7j1dmp.cf","guvewfmn7j1dmp.ga","guvewfmn7j1dmp.gq","guvewfmn7j1dmp.ml","guvewfmn7j1dmp.tk","guybox.info","guystelchim.tk","guzqrwroil.pl","gvatemala-nedv.ru","gvdk.com","gviagrasales.com","gvpn.com","gvpn.us","gvztim.gq","gwahtb.pl","gwehuj.com","gwenbd94.com","gwfh.cf","gwfh.ga","gwfh.gq","gwfh.ml","gwfh.tk","gwhoffman.com","gwindorseobacklink.com","gwok.info","gwsdev4.info","gwsmail.com","gwspt71.com","gwtc.com","gwzjoaquinito01.cf","gx2k24xs49672.cf","gx2k24xs49672.ga","gx2k24xs49672.gq","gx2k24xs49672.ml","gx2k24xs49672.tk","gx7v4s7oa5e.cf","gx7v4s7oa5e.ga","gx7v4s7oa5e.gq","gx7v4s7oa5e.ml","gx7v4s7oa5e.tk","gxbnaloxcn.ga","gxbnaloxcn.ml","gxbnaloxcn.tk","gxcpaydayloans.org","gxemail.men","gxg07.com","gxglixaxlzc9lqfp.cf","gxglixaxlzc9lqfp.ga","gxglixaxlzc9lqfp.gq","gxglixaxlzc9lqfp.ml","gxglixaxlzc9lqfp.tk","gxgxg.xyz","gxhy1ywutbst.cf","gxhy1ywutbst.ga","gxhy1ywutbst.gq","gxhy1ywutbst.ml","gxhy1ywutbst.tk","gxjr.luk2.com","gxmail.ga","gxxx.com","gyagwgwgwgsusiej70029292228.cloudns.cl","gyhunter.org","gyigfoisnp560.ml","gyikgmm.pl","gymlesstrainingsystem.com","gyn5.com","gynn.org","gynzi.co.uk","gynzi.com","gynzi.es","gynzi.nl","gynzi.org","gynzy.at","gynzy.es","gynzy.eu","gynzy.gr","gynzy.info","gynzy.lt","gynzy.mobi","gynzy.pl","gynzy.ro","gynzy.ru","gynzy.sk","gypsd.com","gyqa.com","gyrosmalta.com","gyrosramzes.pl","gyuio.com","gyul.ru","gz168.net","gzb.ro","gzc868.com","gzesiek84bb.pl","gzk2sjhj9.pl","gzvmwiqwycv8topg6zx.cf","gzvmwiqwycv8topg6zx.ga","gzvmwiqwycv8topg6zx.gq","gzvmwiqwycv8topg6zx.ml","gzvmwiqwycv8topg6zx.tk","gzxb120.com","gzxingbian.com","gzyp21.net","h-b-p.com","h-h.me","h.captchaeu.info","h.mintemail.com","h.polosburberry.com","h.thc.lv","h0116.top","h0i.ru","h0tmail.top","h1hecsjvlh1m0ajq7qm.cf","h1hecsjvlh1m0ajq7qm.ga","h1hecsjvlh1m0ajq7qm.gq","h1hecsjvlh1m0ajq7qm.ml","h1hecsjvlh1m0ajq7qm.tk","h1tler.cf","h1tler.ga","h1tler.gq","h1tler.ml","h1tler.tk","h1z8ckvz.com","h2-yy.nut.cc","h2.delivery","h2.supplies","h20solucaca.com","h2o-gallery.ru","h2o-web.cf","h2o-web.ga","h2o-web.gq","h2o-web.ml","h2o-web.tk","h2ocn8f78h0d0p.cf","h2ocn8f78h0d0p.ga","h2ocn8f78h0d0p.gq","h2ocn8f78h0d0p.ml","h2ocn8f78h0d0p.tk","h2wefrnqrststqtip.cf","h2wefrnqrststqtip.ga","h2wefrnqrststqtip.gq","h2wefrnqrststqtip.ml","h2wefrnqrststqtip.tk","h333.cf","h333.ga","h333.gq","h333.ml","h333.tk","h3gm.com","h3ssk4p86gh4r4.cf","h3ssk4p86gh4r4.ga","h3ssk4p86gh4r4.gq","h3ssk4p86gh4r4.ml","h3ssk4p86gh4r4.tk","h428.cf","h467etrsf.cf","h467etrsf.gq","h467etrsf.ml","h467etrsf.tk","h546ns6jaii.cf","h546ns6jaii.ga","h546ns6jaii.gq","h546ns6jaii.ml","h546ns6jaii.tk","h5dslznisdric3dle0.cf","h5dslznisdric3dle0.ga","h5dslznisdric3dle0.gq","h5dslznisdric3dle0.ml","h5dslznisdric3dle0.tk","h5jiin8z.pl","h5srocpjtrfovj.cf","h5srocpjtrfovj.ga","h5srocpjtrfovj.gq","h5srocpjtrfovj.ml","h5srocpjtrfovj.tk","h65syz4lqztfrg1.cf","h65syz4lqztfrg1.ga","h65syz4lqztfrg1.gq","h65syz4lqztfrg1.ml","h65syz4lqztfrg1.tk","h6657052.ga","h7vpvodrtkfifq35z.cf","h7vpvodrtkfifq35z.ga","h7vpvodrtkfifq35z.gq","h7vpvodrtkfifq35z.ml","h7vpvodrtkfifq35z.tk","h7xbkl9glkh.cf","h7xbkl9glkh.ga","h7xbkl9glkh.gq","h7xbkl9glkh.ml","h7xbkl9glkh.tk","h8s.org","h8usp9cxtftf.cf","h8usp9cxtftf.ga","h8usp9cxtftf.gq","h8usp9cxtftf.ml","h8usp9cxtftf.tk","h9js8y6.com","ha.luk2.com","haagsekillerclan.tk","habboftpcheat.com","habbuntt.com","haberci.com","habibulfauzan.my.id","habitue.net","habrew.de","hacccc.com","hachi.host","hack-seo.com","hackcheat.co","hackdo.pl","hacked.jp","hacker.com.se","hackerious.com","hackerndgiveaway.ml","hackersquad.tk","hackertrap.info","hackerzone.ro","hacking.onl","hackrz.xyz","hackthatbit.ch","hacktivist.tech","hacktoy.com","hackva.com","hackwifi.org","hackzone.club","hactzayvgqfhpd.cf","hactzayvgqfhpd.ga","hactzayvgqfhpd.gq","hactzayvgqfhpd.ml","hactzayvgqfhpd.tk","had.twoja-pozycja.biz","hadal.net","haddo.eu","hadigel.net","hadmins.com","haeac.com","hafan.sk","hafin2.pl","hafnia.biz","hafrem3456ails.com","hafutv.com","hafzo.net","hagendes.com","hagglebeddle.com","hagha.com","hagiasophiagroup.com","hagiasophiaonline.com","hahahahah.com","hahahahaha.com","hahalla.com","hahawrong.com","haiapoteker.com","haicao45.com","haicaotv2.com","haida-edu.cn","haifashaikh.com","haihan.vn","haihantnc.xyz","haiok.cf","hair-shoponline.info","hair-stylestrends.com","hair286.ga","hairagainreviews.org","haircaresalonstips.info","hairgrowth.cf","hairgrowth.ml","hairjournal.com","hairlossmedicinecenter.com","hairlossshop.info","hairoo.com","hairremovalplus.org","hairrenvennen.com","hairs24.ru","hairsideas.ru","hairstraighteneraustralia.info","hairstraightenercheapaustralia.info","hairstraightenernv.com","hairstrule.online","hairstrule.site","hairstrule.store","hairstrule.website","hairstrule.xyz","hairstyles360.com","hairstylesbase.com","hairwizard.in","haitaous.com","haiticadeau.com","haitinn5213.com","haitmail.ga","haizz.com","hajckiey2.pl","hak-pol.pl","hakinsiyatifi.org","halaalsearch.com","hale-namiotowe.net.pl","halidepo.com","halil.ml","halkasor.com","hallmarkinsights.com","hallo.singles","halofarmasi.com","halosauridae.ml","haltitutions.xyz","haltospam.com","halumail.com","halvfet.com","hamadr.ml","hamakdupajasia.com","hamham.uk","hamkodesign.com","hammadali.com","hammerdin.com","hammerimports.com","hammerwin.com","hammlet.com","hammogram.com","hamsing.com","hamsterbreeeding.com","hamstercage.online","hamstun.com","hamtwer.biz","hamusoku.cf","hamusoku.ga","hamusoku.gq","hamusoku.ml","hamusoku.tk","hamzayousfi.tk","hancack.com","handans.ru","handans.rufood4kid.ru","handbagscanadastores.com","handbagscharming.info","handbagsfox.com","handbagslovers.info","handbagsluis.net","handbagsonlinebuy.com","handbagsoutlet-trends.info","handbagsshowing.com","handbagsshowingk.com","handbagsstoreslove.com","handbagstips2012.info","handbagwee.com","handbega.xyz","handcrafted.market","handcrafters.shop","handelo.com.pl","handimedia.com","handmadeki.com","handprep.vision","handrfabrics.com","handwashgel.online","handyall.com","hanging-drop-plates.com","hangover-over.tk","hangsuka.com","hangtaitu.com","hangxomcuatoilatotoro.cf","hangxomcuatoilatotoro.ga","hangxomcuatoilatotoro.gq","hangxomcuatoilatotoro.ml","hangxomcuatoilatotoro.tk","hangxomu.com","haniuil.com","haniv.ignorelist.com","hanjinlogistics.com","hanmama.zz.am","hannermachine.com","hanoimail.us","hanqike.com","hans.mailedu.de","hansblbno.ustka.pl","hansenhu.com","hansgu.com","hansheng.org","hanson4.dynamicdns.me.uk","hanson6.25u.com","hanson7.dns-dns.com","hansonbrick.com","hansongu.com","hansonmu.com","hantem.bid","hanul.com","hanzganteng.tk","haodewang.com","haofangsi.com","haogltoqdifqq.cf","haogltoqdifqq.ga","haogltoqdifqq.gq","haogltoqdifqq.ml","haogltoqdifqq.tk","haom7.com","haomei456.com","haosuhong.com","happenhotel.com","happiseektest.com","happy-new-year.top","happy.maildin.com","happy.ploooop.com","happy.poisedtoshrike.com","happyalmostfriday.com","happybirthdaywishes1.info","happycat.space","happychance15.icu","happydomik.ru","happyedhardy.com","happyfreshdrink.com","happyfriday.site","happygolovely.xyz","happygoluckyclub.com","happyhealthyveggie.com","happykorea.club","happykoreas.xyz","happymail.guru","happymoments.com.pl","happyselling.com","happysinner.co.uk","happytools72.ru","happyyou.pw","hapremx.com","hapsomail.info","haqed.com","haqoci.com","harakirimail.com","haramod.com","haramshop.ir","harbourlights.com","harbourtradecredit.com","hard-life.online","hard-life.org","hardanswer.ru","hardassetalliance.com","hardenend.com","hardingpost.com","hardmail.info","hardstylex.com","hardvard.edu","hardwaretech.info","hardwoodflooringinla.com","harfordpi.com","hargaku.org","hargaspek.com","hargrovetv.com","haribu.com","haribu.net","harkincap.com","harleymoj.pl","harlingenapartments.com","harlowgirls.org","harmani.info","harmonicanavigation.com","harmony.com","harmony.watch","harmonyst.xyz","harnosubs.tk","haroun.ga","harperforarizona.com","harperlarper.com","harpix.info","harrinbox.info","harsh1.club","harshh.cf","harshitshrivastav.me","hartbot.de","hartlight.com","haru1610.hiraku23.lady-and-lunch.xyz","haru40.funnetwork.xyz","haru66.pine-and-onyx.xyz","haruki30.hensailor.xyz","haruki7310.itsuki53.funnetwork.xyz","haruto.fun","haruto1710.masashi95.dev256.xyz","harvard-ac-uk.tk","harvard.ac.uk","harvard.gq","harvesteco.com","harvesttmaster.com","harvesttraders.com","hasanmail.ml","hasark.site","hasegawa.cf","hasegawa.gq","hasehow.com","hasevo.com","hash.blatnet.com","hash.marksypark.com","hash.oldoutnewin.com","hash.ploooop.com","hash.poisedtoshrike.com","hash.pp.ua","hashg.com","hashicorp.exposed","hashicorp.us","hashtagblock.com","hashtagbyte.com","hashtagtesla.com","hasilon.com","hasslex.com","hassmiry.online","hat-geld.de","hat-muzika.ru","hatberkshire.com","hate.cf","hatespam.org","hatgiongphuongnam.info","hatitton.com.pl","hatiyangpatah.online","hatmail.com","hatmail.ir","hatomail.com","hats-wholesaler.com","hats4sale.net","haulte.com","hauptmanfamilyhealthcenter.com","hausbauen.me","hauvuong.com.vn","hauvuong.net","havadarejavan.ir","have.blatnet.com","have.inblazingluck.com","have.lakemneadows.com","have.marksypark.com","haveanotion.com","havelock4.pl","havelock5.pl","havelock6.pl","haventop.tk","havery.com","haveys.com","havilahdefilippis.com","havre.com","havwatch.com","havyrtda.com","havyrtdashop.com","hawdam.com","hawkspare.co.uk","hawrong.com","hawthornepaydayloans.info","hax0r.id","hax55.com","hayait.com","hayalhost.com","hayastana.com","haydoo.com","hayriafaturrahman.art","hays.ml","haysantiago.com","hazelhazel.com","hazelnut4u.com","hazelnuts4u.com","hazmatshipping.org","hb-3tvm.com","hbastien.com","hbccreditcard.net","hbdlawyers.com","hbdya.info","hbehs.com","hbesjhbsd.cf","hbesjhbsd.ga","hbesjhbsd.ml","hbesjhbsd.tk","hbjnhvgc.com","hbkm.de","hbo.dns-cloud.net","hbo.dnsabr.com","hbocom.ru","hbontqv90dsmvko9ss.cf","hbontqv90dsmvko9ss.ga","hbontqv90dsmvko9ss.gq","hbontqv90dsmvko9ss.ml","hbontqv90dsmvko9ss.tk","hbs-group.ru","hbsc.de","hbxrlg4sae.cf","hbxrlg4sae.ga","hbxrlg4sae.gq","hbxrlg4sae.ml","hbxrlg4sae.tk","hc1118.com","hcac.net","hcaptcha.online","hccmail.win","hceap.info","hcfmgsrp.com","hclrizav2a.cf","hclrizav2a.ga","hclrizav2a.gq","hclrizav2a.ml","hclrizav2a.tk","hcoupledp.com","hcuglasgow.com","hcyughc.ml","hczx8888.com","hd-boot.info","hd-camera-rentals.com","hd-mail.com","hd3vmbtcputteig.cf","hd3vmbtcputteig.ga","hd3vmbtcputteig.gq","hd3vmbtcputteig.ml","hd3vmbtcputteig.tk","hd720-1080.ru","hdapps.com","hdbaset.pl","hdctjaso.pl","hdczu7uhu0gbx.cf","hdczu7uhu0gbx.ga","hdczu7uhu0gbx.gq","hdczu7uhu0gbx.ml","hdczu7uhu0gbx.tk","hddang.com","hddp.com","hddvdguide.info","hdetsun.com","hdf6ibwmredx.cf","hdf6ibwmredx.ga","hdf6ibwmredx.gq","hdf6ibwmredx.ml","hdf6ibwmredx.tk","hdfgh45gfjdgf.tk","hdfhy2323.22web.org","hdfshop.ir","hdfshsh.stream","hdhkmbu.ga","hdhkmbu.ml","hdhr.com","hdkinoclubcom.ru","hdmail.com","hdmovie.info","hdmovieshouse.biz","hdmoviestore.us","hdmu.com","hdo.net","hdorg.ru","hdorg1.ru","hdorg2.ru","hdparts.de","hdprice.co","hdqputlockers.com","hdrandall.com","hdrecording-al.info","hdrin.com","hdseriionline.ru","hdspot.de","hdstream247.com","hdtniudn.com","hdtor.com","hdturkey.com","hdtvsounds.com","hdvideo-smotry.ru","hdz.hr","he.blatnet.com","he.oldoutnewin.com","he2duk.net","he8801.com","headachetreatment.net","headincloud.com","headpack.org.ua","headphones.vip","headset5pl.com","headsetwholesalestores.info","headstrong.de","healbutty.info","healsy.life","healteas.com","health.edu","healthandbeautyimage.com","healthandfitnessnewsletter.info","healthandrehabsolutions.com","healthbeautynatural.site","healthbreezy.com","healthcheckmate.co.nz","healthcoachpractitioner.com","healthcorp.edu","healthcureview.com","healthdelivery.info","healthfit247.com","healthfulan.com","healthinsuranceforindividual.co.uk","healthinsurancespecialtis.org","healthinsurancestats.com","healthinventures.com","healthlifes.ru","healthmale.com","healthmeals.com","healthnewsapps.com","healthnewsfortoday.com","healthnutexpress.com","healthpull.com","healthsoulger.com","healthtutorials.info","healthyliving.tk","healthysnackfood.info","healthywelk.com","healyourself.xyz","hearing-protection.info","hearingaiddoctor.net","hearkn.com","hearourvoicetee.com","heart1.ga","heartburnnomorereview.info","hearthandhomechimneys.co.uk","hearthealthy.co.uk","heartiysaa.com","heartrate.com","heartratemonitorstoday.com","heartter.tk","hearttoheart.edu","heat-scape.co.uk","heathenhammer.com","heathenhero.com","heathenhq.com","heathercapture.co.uk","heatingcoldinc.info","heavycloth.com","hebgsw.com","hebohdomino88.com","hebohpkv88.net","hecat.es","hedcet.com","hedevpoc.pro","hedgefundnews.info","hedgehog.us","hedvdeh.com","hedy.gq","heeco.me","heedongs32.com","heeneman.group","heepclla.com","heeyai.ml","hefrent.tk","hegeblacker.com","hegemonstructed.xyz","hehesou.com","hehmail.pl","hehrseeoi.com","heihamail.com","heincpa.com","heinz-reitbauer.art","heisei.be","hekarro.com","helamakbeszesc.com","helenchongtherapy.com","heli-ski.su","hell.plus","hello.nl","hello123.com","hellobuurman.com","hellocab.site","hellocheese.online","hellodream.mobi","hellofres.com","hellohappy2.com","hellohitech.com","hellohuman.dev","helloiamjahid.cf","hellokittyjewelrystore.com","hellokity.com","hellomagazined.com","hellomail.fun","hellomotos.tk","helloricky.com","hellow-man.pw","hellowman.pw","hellowperson.pw","helm.ml","helmade.xyz","helmaliaputri.art","helotrix.com","help.favbat.com","help33.cu.cc","help4entrepreneurs.co.uk","helpcryptocurrency.com","helpcustomerdepartment.ga","helpdesks-support.com","helperv.com","helperv.net","helpforstudents.ru","helpinghandtaxcenter.org","helpjobs.ru","helpmail.cf","helpman.ga","helpman.ml","helpman.tk","helpmebuysomething.com","helpmedigit.com","helpwesearch.com","helrey.cf","helrey.ga","helrey.gq","helrey.ml","helthcare.store","hemetapartments.com","heminor.xyz","hemohim-atomy.ru","hemorrhoidmiraclereviews.info","hemotoploloboy.com","hempgroups.com","hempseed.pl","henamail.com","hendra.life","hendrikarifqiariza.cf","hendrikarifqiariza.ga","hendrikarifqiariza.gq","hendrikarifqiariza.ml","hendrikarifqiariza.tk","hengshinv.com","hengshuhan.com","hengyutrade2000.com","henolclock.in","henry-mail.ml","henrydady1122.cc","hepledsc.com","her.cowsnbullz.com","her.net","herb-e.net","herbalanda.com","herbalsumbersehat.com","herbert1818.site","herbertgrnemeyer.in","herdtrak.com","heresh.info","herestoreonsale.org","hergrteyye8877.cf","hergrteyye8877.ga","hergrteyye8877.gq","hergrteyye8877.ml","hergrteyye8877.tk","heritagepoint.org","hermes-uk.info","hermesbirkin-outlet.info","hermesbirkin0.com","hermeshandbags-hq.com","hermesonlinejp.com","hermessalebagjp.com","hermestashenshop.org","hermeswebsite.com","hermitcraft.cf","hero.bthow.com","herocopters.com","heroine-cruhser.cf","heros3.com","herostartup.com","heroulo.com","herp.in","herpderp.nl","herpes9.com","herrain.com","herriring.ga","heryogasecretsexposed.com","hessrohmercpa.com","hestermail.men","hetkanmijnietschelen.space","hevury.xyz","hewke.xyz","hex2.com","hexagonhost.com","hexagonmail.com","hexapi.ga","heximail.com","hexmail.tech","hexqr84x7ppietd.cf","hexqr84x7ppietd.ga","hexqr84x7ppietd.gq","hexqr84x7ppietd.ml","hexqr84x7ppietd.tk","hexud.com","heyjuegos.com","heyveg.com","heyzane.wtf","hezarpay.com","hezemail.ga","hezll.com","hfbd.com","hfbi.luk2.com","hfcsd.com","hfdh7y458ohgsdf.tk","hfejue.buzz","hfmf.cf","hfmf.ga","hfmf.gq","hfmf.ml","hfmf.tk","hfpd.net","hg8n415.com","hgarmt.com","hgfdshjug.tk","hgfh.de","hgggypz.pl","hgh.net","hghenergizersale.com","hgid.com","hgrmnh.cf","hgrmnh.ga","hgrmnh.gq","hgrmnh.ml","hgsygsgdtre57kl.tk","hgtabeq4i.pl","hgtt674s.pl","hhcqldn00euyfpqugpn.cf","hhcqldn00euyfpqugpn.ga","hhcqldn00euyfpqugpn.gq","hhcqldn00euyfpqugpn.ml","hhcqldn00euyfpqugpn.tk","hhh.sytes.net","hhhhb.com","hhjqahmf3.pl","hhjqnces.com.pl","hhkai.com","hhmel.com","hhopy.com","hhotmail.de","hhtairas.club","hhyrnvpbmbw.atm.pl","hi-litedentallab.com","hi-techengineers.com","hi07zggwdwdhnzugz.cf","hi07zggwdwdhnzugz.ga","hi07zggwdwdhnzugz.gq","hi07zggwdwdhnzugz.ml","hi07zggwdwdhnzugz.tk","hi1dcthgby5.cf","hi1dcthgby5.ga","hi1dcthgby5.gq","hi1dcthgby5.ml","hi1dcthgby5.tk","hi2.in","hi5.si","hi6547mue.com","hiatrante.ml","hichristianlouboutinukdiscount.co.uk","hichristianlouboutinuksale.co.uk","hickorytreefarm.com","hidayahcentre.com","hiddencorner.xyz","hiddencovepark.com","hiddentombstone.info","hiddentragedy.com","hide-mail.net","hide.biz.st","hidebox.org","hidebro.com","hidebusiness.xyz","hideemail.net","hidekiishikawa.art","hidemail.de","hidemail.pro","hidemail.us","hideme.be","hidemyass.com","hidemyass.fun","hideo7010.norio96.marver-coats.xyz","hideweb.xyz","hidezzdnc.com","hidheadlightconversion.com","hidjuhxanx9ga6afdia.cf","hidjuhxanx9ga6afdia.ga","hidjuhxanx9ga6afdia.gq","hidjuhxanx9ga6afdia.ml","hidjuhxanx9ga6afdia.tk","hidzz.com","hieu.in","high-tech.su","high.emailies.com","high.hellohappy2.com","high.lakemneadows.com","high.ruimz.com","highbros.org","highdosage.org","higheducation.ru","highground.store","highheelcl.com","highiqsearch.info","highlevel.store","highlevelcoder.cf","highlevelcoder.ga","highlevelcoder.gq","highlevelcoder.ml","highlevelcoder.tk","highlevelgamer.cf","highlevelgamer.ga","highlevelgamer.gq","highlevelgamer.ml","highlevelgamer.tk","highmail.my.id","highme.store","highonline.store","highpointspineandjoint.com","highpressurewashers.site","highprice.store","highsite.store","highspace.store","highspeedt.club","highspeedt.online","highspeedt.site","highspeedt.xyz","highstatusleader.com","hight.fun","hightechmailer.com","hightri.net","highwayeqe.com","highweb.store","highwolf.com","higiena-pracy.pl","hii5pdqcebe.cf","hii5pdqcebe.ga","hii5pdqcebe.gq","hii5pdqcebe.ml","hii5pdqcebe.tk","hiirimatot.com","hijj.com","hikaru.host","hikaru310.norio45.lady-and-lunch.xyz","hikaru60.investmentweb.xyz","hikaru85.hotube.site","hikaru95.dev256.xyz","hikingshoejp.com","hikoiuje23.com","hilandtoyota.net","hilarylondon.com","hildredcomputers.com","hiliteplastics.com","hillary-email.com","hillmail.men","hilltoptreefarms.com","hiltonbettv21.com","hiltonvr.com","him.blatnet.com","him.lakemneadows.com","him.marksypark.com","him.oldoutnewin.com","himail.monster","himail.online","himkinet.ru","himono.site","himovies.website","hinata.ml","hindam.net","hinokio-movie.com","hinolist.com","hiod.tk","hiowaht.com","hiperbet.org","hipermail.co.pl","hiphopmoviez.com","hippobox.info","hiraku20.investmentweb.xyz","hire-odoo-developer.com","hirekuq.tk","hiremystyle.com","hirenet.net","hirikajagani.com","hiroyuki2210.sho28.kiesag.xyz","hiroyuki2910.akio64.yourfun.xyz","hiroyuki710.haru19.toptorrents.top","hiroyuki81.dev256.xyz","hirschsaeure.info","hiru-dea.com","his.blatnet.com","his.blurelizer.com","his.oldoutnewin.com","hisalotk.cf","hisalotk.ga","hisalotk.gq","hisalotk.ml","hishescape.space","hishyau.cf","hishyau.ga","hishyau.gq","hishyau.ml","hissfuse.com","histhisc.shop","historicstalphonsus.org","historictheology.com","historyship.ru","hisukamie.com","hit.cowsnbullz.com","hit.oldoutnewin.com","hit.ploooop.com","hitachi-koki.in","hitachirail.cf","hitachirail.ga","hitachirail.gq","hitachirail.ml","hitachirail.tk","hitbase.net","hitbts.com","hitechnew.ru","hitler-adolf.cf","hitler-adolf.ga","hitler-adolf.gq","hitler-adolf.ml","hitler-adolf.tk","hitler.rocks","hitlerbehna.com","hitmail.co","hitmail.es","hitmail.us","hitprice.co","hitsfit.com","hitthatne.org.ua","hiusas.co.cc","hiwave.org","hix.kr","hiyaa.site","hiyrey.cf","hiyrey.ga","hiyrey.gq","hiyrey.ml","hiytdlokz.pl","hiz.kr","hiz76er.priv.pl","hizemail.com","hizli.email","hizliemail.com","hizliemail.net","hj9ll8spk3co.cf","hj9ll8spk3co.ga","hj9ll8spk3co.gq","hj9ll8spk3co.ml","hj9ll8spk3co.tk","hjdosage.com","hjdzrqdwz.pl","hjfgyjhfyjfytujty.ml","hjgh545rghf5thfg.gq","hjirnbt56g.xyz","hjkcfa3o.com","hjkgkgkk.com","hjkhgh6ghkjfg.ga","hk188188.com","hkbpoker.com","hkd6ewtremdf88.cf","hkdistro.com","hkdra.com","hkelectrical.com","hkft7pttuc7hdbnu.cf","hkft7pttuc7hdbnu.ga","hkft7pttuc7hdbnu.ml","hkhk.de","hkirsan.com","hkllooekh.pl","hkmbqmubyx5kbk9t6.cf","hkmbqmubyx5kbk9t6.ga","hkmbqmubyx5kbk9t6.gq","hkmbqmubyx5kbk9t6.ml","hkmbqmubyx5kbk9t6.tk","hku.us.to","hl-blocker.site","hl51.com","hldn.de","hlf333.com","hlife.site","hliwa.cf","hlma.com","hlooy.com","hlx02x0in.pl","hlxpiiyk8.pl","hmail.co","hmail.top","hmail.us","hmamail.com","hmeo.com","hmh.ro","hmhrvmtgmwi.cf","hmhrvmtgmwi.ga","hmhrvmtgmwi.gq","hmhrvmtgmwi.ml","hmhrvmtgmwi.tk","hmjm.de","hmmbswlt5ts.cf","hmmbswlt5ts.ga","hmmbswlt5ts.gq","hmmbswlt5ts.ml","hmmbswlt5ts.tk","hmnmw.com","hmpoeao.com","hmsale.org","hmx.at","hmxmizjcs.pl","hn-skincare.com","hndard.com","hngwrb7ztl.ga","hngwrb7ztl.gq","hngwrb7ztl.ml","hngwrb7ztl.tk","hnjinc.com","hnlmtoxaxgu.cf","hnlmtoxaxgu.ga","hnlmtoxaxgu.gq","hnlmtoxaxgu.tk","hntr93vhdv.uy.to","hnu.luk2.com","ho2.com","ho3twwn.com","hoail.co.uk","hoangdz11.tk","hoanggiaanh.com","hoanglantuvi.com","hoanglantuvionline.com","hoanglong.tech","hoangsita.com","hoangtaote.com","hoangticusa.com","hoanguhanho.com","hobaaa.com","hobbitthedesolationofsmaug.com","hobbsye.com","hobby-society.com","hobbybeach.com","hobbycheap.com","hobbycredit.com","hobbydiscuss.ru","hobbyfreedom.com","hobbylegal.com","hobbyluxury.com","hobbymanagement.com","hobbymortgage.com","hobbyorganic.com","hobbyperfect.com","hobbyproperty.com","hobbyrate.com","hobbysecurity.com","hobbytraining.com","hoboc.com","hobosale.com","hobsun.com","hocgaming.com","hochsitze.com","hockeyan.ru","hockeydrills.info","hockeyskates.info","hocl.hospital","hocl.tech","hocseohieuqua.com","hocseonangcao.com","hocseotructuyen.com","hocseowebsite.com","hodgkiss.ml","hoer.pw","hoesshoponline.info","hofap.com","hog.blatnet.com","hog.lakemneadows.com","hog.poisedtoshrike.com","hoganoutletsiteuomomini.com","hoganrebelitalian.com","hogansitaly.com","hogansitaly1.com","hogansitoufficialeshopiit.com","hogee.com","hohoau.com","hohodormdc.com","hoi-poi.com","hoinu.com","hojen.site","hojfccubvv.ml","hojmail.com","hokyaa.site","hola.org","holabook.site","holaunce.site","holdembonus.com","holdup.me","hole.cf","holgfiyrt.tk","holidayinc.com","holidayloans.com","holidayloans.uk","holidayloans.us","holidaytravelresort.com","holined.site","holisto.com","holl.ga","holland-nedv.ru","hollandmail.men","holliefindlaymusic.com","hollisterclothingzt.co.uk","hollisteroutletuk4u.co.uk","hollisteroutletukvip.co.uk","hollisteroutletukzt.co.uk","hollisteroutletzt.co.uk","hollistersalezt.co.uk","hollisteruk4s.co.uk","hollisteruk4u.co.uk","hollisterukoutlet4u.co.uk","hollywoodbubbles.com","hollywooddreamcorset.com","hollywooddress.net","hollywoodereporter.com","hollywoodleakz.com","holmait.com","holmatrousa.com","holms.098.pl","holocart.com","holpoiyrt.tk","holulu.com","holy-lands-tours.com","holycoweliquid.com","holzwohnbau.de","holzzwerge.de","homai.com","homail.com","homail.top","homain.com","homal.com","homapin.com","home-businessreviews.com","home-tech.fun","home.glasstopdiningtable.org","homeandhouse.website","homebusinesshosting.us","homedecorsaleoffus.com","homedepinst.com","homedesignsidea.info","homeequityloanlive.com","homeextensionsperth.com","homefauna.ru","homehunterdallas.com","homeil.com","homelavka.ru","homemadecoloncleanse.in","homemail.gr.vu","homemailpro.com","homemarkethome.com","homemarketing.ru","homemediaworld.com","homemortgageloan-refinance.com","homepels.ru","homeremediesforacne.com","homeremediesfortoenailfungus.net","homeremedyglobal.com","homeremedylab.com","homeremedynews.com","homerepairguy.org","homerezioktaya.com","homesforsaleinwausau.com","homesrockwallgroup.com","hometheate.com","homethus.com","hometrendsdecor.xyz","homewoodareachamber.com","homil.com","hominghen.com","hominidviews.com","homlee.com","homlee.mygbiz.com","hompiring.site","homstarusa.com","homtail.ca","homtail.de","homtial.co.uk","homtotai.com","honeydresses.com","honeydresses.net","honeys.be","hongfany.com","honghukangho.com","hongkong.com","honglove.ml","hongpress.com","hongsaitu.com","hongshuhan.com","honkimailc.info","honkimailh.info","honkimailj.info","honl2isilcdyckg8.cf","honl2isilcdyckg8.ga","honl2isilcdyckg8.gq","honl2isilcdyckg8.ml","honl2isilcdyckg8.tk","honmme.com","honogrammer.xyz","honor-8.com","honot1.co","hooahartspace.org","hooeheee.com","hookb.site","hookerkillernels.com","hookuptohollywood.com","hoolvr.com","hoopwell.com","hootail.com","hootmail.co.uk","hootspad.eu","hootspaddepadua.eu","hooverexpress.net","hop2.xyz","hopemail.biz","hopoverview.com","hopto.org","hoquality.com","horizen.cf","hormail.ca","hormannequine.com","hormuziki.ru","horn.cowsnbullz.com","horn.ploooop.com","horn.warboardplace.com","hornet.ie","horny.cf","horny.com","hornyalwary.top","hornyman.com","hornytoad.com","horoscopeblog.com","horoskopde.com","horsebarninfo.com","horsefucker.org","horsepoops.info","horserecords.net","horserecords.org","horshing.site","hortmail.de","horvathurtablahoz.ml","hos24.de","host-info.com","host-play.ru","host.favbat.com","host15.ru","host1s.com","hostb.xyz","hostbymax.com","hostcalls.com","hostchief.net","hostelschool.edu","hostely.biz","hosterproxse.gq","hostgatorgenie.com","hostguard.co.fi","hostguru.info","hostguru.top","hosting-vps.info","hosting.cd","hosting.ipiurl.net","hosting4608537.az.pl","hostingandserver.com","hostingarif.me","hostingcape.com","hostingdating.info","hostingmail.me","hostingninja.bid","hostingninja.men","hostingninja.top","hostingninja.website","hostingpagessmallworld.info","hostlaba.com","hostload.com.br","hostly.ch","hostmail.cc","hostmail.pro","hostmailmonster.com","hostmaster.bid","hostmaster7.xyz","hostmein.bid","hostmein.top","hostmonitor.net","hostnow.bid","hostnow.men","hostnow.website","hostpector.com","hostseo1.hekko.pl","hosttitan.net","hosttractor.com","hostux.ninja","hostwera.com","hostyourdomain.icu","hot-leads.pro","hot-mail.cf","hot-mail.ga","hot-mail.gq","hot-mail.ml","hot-mail.tk","hot.com","hot14.info","hotaasgrcil.com","hotail.com","hotail.de","hotail.it","hotakama.tk","hotamil.com","hotanil.com","hotbio.asia","hotbird.giize.com","hotblogers.com","hotbox.com","hotbrandsonsales1.com","hotchristianlouboutinsalefr.com","hote-mail.com","hotel-orbita.pl","hotel-zk.lviv.ua","hotel.upsilon.webmailious.top","hotelbochum.de-info.eu","hotelbookingthailand.biz","hotelfocus.com.pl","hotelmirandadodouro.com","hotelnextmail.com","hoteloferty.pl","hotelpam.xyz","hotelpame.store","hotelpame.xyz","hotelrenaissance-bg.com","hotelreserver.ir","hotelsarabia.com","hotelsatparis.com","hotelsatudaipur.com","hotelsdot.co","hotelslens.com","hotelstart.ir","hotelurraoantioquia.com","hotelvet.com","hotelvio.ir","hotelway.ir","hotemail.com","hotemi.com","hotermail.org","hotesell.com","hotfemail.com","hotfile24h.net","hotg.com","hotilmail.com","hotlain.com","hotlinemail.tk","hotlook.com","hotlowcost.com","hotlunches.ga","hotma.co.uk","hotma.com","hotma8l.com","hotmaail.co.uk","hotmai.ca","hotmai.com","hotmai.com.ar","hotmaiil.co.uk","hotmail.biz","hotmail.co.com","hotmail.com.hitechinfo.com","hotmail.com.kids316.com","hotmail.com.plentyapps.com","hotmail.com.standeight.com","hotmail.commsn.com","hotmail.red","hotmail.work","hotmail4.com","hotmailboxlive.com","hotmailer.info","hotmailer3000.org","hotmailforever.com","hotmaill.com","hotmailpro.info","hotmailproduct.com","hotmails.com","hotmails.eu","hotmailse.com","hotmailspot.co.cc","hotmaim.co.uk","hotmaio.co.uk","hotmaip.de","hotmaisl.com","hotmaiul.co.uk","hotmal.com","hotmali.com","hotmanpariz.com","hotmaol.co.uk","hotmatmail.com","hotmayil.com","hotmeal.com","hotmediamail.com","hotmeil.it","hotmessage.info","hotmi.com","hotmiail.co.uk","hotmial.co.uk","hotmial.com","hotmichaelkorsoutletca.ca","hotmil.co.uk","hotmil.com","hotmil.de","hotmilk.com","hotmin.com","hotmobilephoneoffers.com","hotmodel.nl","hotmqil.co.uk","hotmulberrybags2uk.com","hotmzcil.com","hotnail.co.uk","hotoffmypress.info","hotonlinesalejerseys.com","hotpennystockstowatchfor.com","hotpop.com","hotpradabagsoutlet.us","hotprice.co","hotroactive.tk","hotrodsbydean.com","hotsale.com","hotsalesbracelets.info","hotsdwswgrcil.com","hotsdwwgrcil.com","hotshoptoday.com","hotsnapbackcap.com","hotsoup.be","hotspotmails.com","hotspots300.info","hotstyleus.com","hottrend.site","hottyfling.com","hotwwgrcil.com","houlad.site","houndtech.com","hourmade.com","hous.craigslist.org","housandwritish.xyz","housat.com","housebuyerbureau.co.uk","housecentral.info","housecleaningguides.com","household-go.ru","householdshopping.org","housekeyz.com","houseloaded.com","housemail.ga","housenord99.de","houseofgrizzly.pl","houseofshutters.com","housesforcashuk.co.uk","housetechics.ru","housewifeporn.info","housing.are.nom.co","houston-criminal-defense-lawyer.info","houstondebate.com","houstonembroideryservice.online","houstonlawyerscriminallaw.com","houstonlocksmithpro.com","houstonocdprogram.com","houtil.com","houtlook.com","houtlook.es","hovikindustries.com","how-to-offshore.com","how.blatnet.com","how.cowsnbullz.com","how.lakemneadows.com","how.marksypark.com","how1a.site","how1b.site","how1c.site","how1e.site","how1f.site","how1g.site","how1h.site","how1i.site","how1k.site","how1l.site","how1m.site","how1n.site","how1o.site","how1p.site","how1q.site","how1r.site","how1s.site","how1t.site","how1u.site","how1v.site","how1w.site","how1x.site","how1y.site","how1z.site","how2a.site","how2c.site","how2d.site","how2e.site","how2f.site","how2g.site","how2h.site","how2i.site","how2j.site","how2k.site","how2l.site","how2m.site","how2n.site","how2o.site","how2p.site","how2q.site","how2r.site","how2s.site","how2t.site","how2u.site","how2v.site","how2w.site","how2x.site","how2y.site","how2z.site","howb.site","howe-balm.com","howellcomputerrepair.com","howeremedyshop.com","howeve.site","howf.site","howg.site","howgetpokecoins.com","howh.site","howhigh.xyz","howi.site","howicandoit.com","howj.site","howm.site","howmakeall.tk","howmuchall.org.ua","howmuchdowemake.com","hown.site","howp.site","howq.site","howquery.com","howr.site","howt.space","howta.site","howtb.site","howtc.site","howtd.site","howtd.xyz","howte.site","howtf.site","howtg.site","howth.site","howti.site","howtinzr189muat0ad.cf","howtinzr189muat0ad.ga","howtinzr189muat0ad.gq","howtinzr189muat0ad.ml","howtinzr189muat0ad.tk","howtj.site","howtk.site","howtoanmobile.com","howtobook.site","howtobuild.shop","howtobuyfollowers.co","howtodraw2.com","howtofood.ru","howtogetmyboyfriendback.net","howtogetridof-acnescarsfast.org","howtokissvideos.com","howtoknow.us","howtolastlongerinbedinstantly.com","howtolearnplaygitar.info","howtolosefatfast.org","howtolosefatonthighs.tk","howtomake-jello-shots.com","howtoranknumberone.com","howtosmokeacigar.com","howu.site","howv.site","howw.site","howx.site","howz.site","hp.laohost.net","hpc.tw","hpd7.cf","hpif.com","hpnknivesg.com","hpotter7.com","hprehf28r8dtn1i.cf","hprehf28r8dtn1i.ga","hprehf28r8dtn1i.gq","hprehf28r8dtn1i.ml","hprehf28r8dtn1i.tk","hpxwhjzik.pl","hq-porner.net","hqautoinsurance.com","hqcatbgr356z.ga","hqjzb9shnuk3k0u48.cf","hqjzb9shnuk3k0u48.ga","hqjzb9shnuk3k0u48.gq","hqjzb9shnuk3k0u48.ml","hqjzb9shnuk3k0u48.tk","hqnmhr.com","hqsecmail.com","hqv8grv8dxdkt1b.cf","hqv8grv8dxdkt1b.ga","hqv8grv8dxdkt1b.gq","hqv8grv8dxdkt1b.ml","hqv8grv8dxdkt1b.tk","hqypdokcv.pl","hrandod.com","hrb67.cf","hrb67.ga","hrb67.gq","hrb67.ml","hrb67.tk","hrcub.ru","hreduaward.ru","href.re","hrepy.com","hrgmgka.cf","hrgmgka.ga","hrgmgka.gq","hrgmgka.ml","hrgy12.com","hrjs.com","hrma4a4hhs5.gq","hrnoedi.com","hrommail.net","hronopoulos.com","hrose.com","hroundb.com","hrtgr.cf","hrtgr.ga","hrtgr.gq","hrtgr.ml","hrtgr.tk","hrtgre4.cf","hrtgre4.ga","hrtgre4.gq","hrtgre4.ml","hrtgre4.tk","hruwcwooq.pl","hrysyu.com","hrz7zno6.orge.pl","hs-gilching.de","hs-ravelsbach.at","hs.hainamcctv.com","hs.luk2.com","hs.vc","hs130.com","hsbc.coms.hk","hsbr.net","hseedsl.com","hshhs.com","hshvmail.eu.org","hsjhjsjhbags.com","hsjsj.com","hsls5guu0cv.cf","hsls5guu0cv.ga","hsls5guu0cv.gq","hsls5guu0cv.ml","hsls5guu0cv.tk","hsnbz.site","hstcc.com","hstermail.com","hsts-preload-test.xyz","hstuie.com","hstutunsue7dd.ml","hsun.com","ht.cx","htaae8jvikgd3imrphl.ga","htaae8jvikgd3imrphl.gq","htaae8jvikgd3imrphl.ml","htaae8jvikgd3imrphl.tk","htc-mozart.pl","htcsemail.com","htdig.org","htery.com","hteysy5yys66.cf","htgamin.com","htmail.com","htmel.com","html5recipes.com","htndeglwdlm.pl","htomail.it","htpquiet.com","htsghtsd.shop","htstar.tk","http.e-abrakadabra.pl","httpboks.gq","httpdindon.ml","httpimbox.gq","httpoutmail.cf","httpqwik.ga","httpsouq-dot.com","httptuan.com","httpvkporn.ru","httsmvk.com","httsmvkcom.one","httu.com","htwergbrvysqs.cf","htwergbrvysqs.ga","htwergbrvysqs.gq","htwergbrvysqs.ml","htwergbrvysqs.tk","htwern.com","htzmqucnm.info","hu4ht.com","huachichi.info","huajiachem.cn","huangboyu.com","huangniu8.com","huany.net","huationgjk888.info","hubii-network.com","hubmail.info","hubopss.com","hubpro.site","hubspotmails.com","hubwebsite.tk","hubyou.site","huck.ml","huckepackel.com","hudhu.pw","hudren.com","hudsonhouseantiques.com","hudsonriverseo.com","hudsonunitedbank.com","hudspethinn.com","huecar.com","huekie.com","huekieu.com","hugbenefits.ga","huge.ruimz.com","hugesale.in","hugofairbanks.com","hugohost.pl","huiledargane.com","huj.pl","hujike.org","hukkmu.tk","hukmdy92apdht2f.cf","hukmdy92apdht2f.ga","hukmdy92apdht2f.gq","hukmdy92apdht2f.ml","hukmdy92apdht2f.tk","hula3s.com","hulapla.de","hulksales.com","hull-escorts.com","hulligan.com","hulujams.org","huluwa25.life","huluwa26.life","huluwa27.life","huluwa31.life","huluwa34.life","huluwa35.life","huluwa37.life","huluwa38.life","huluwa44.life","huluwa49.life","huluwa5.life","huluwa7.life","huluwa8.life","hum9n4a.org.pl","humac5.ru","humaility.com","human-design-dizajn-cheloveka.ru","humanadventure.com","humancoder.com","humanconnect.com","humanstudy.ru","humble.digital","humblegod.rocks","hummarus24.biz","hummer-h3.ml","humn.ws.gy","humorbe.com","humordaddy.ru","humorkne.com","hunaig.com","hundemassage.de","hunf.com","hungclone.xyz","hungpackage.com","hungta2.com","hungtaote.com","hungtaoteile.com","hunnur.com","hunny1.com","hunnyberry.com","hunrap.usa.cc","huntarapp.com","hunterhouse.pl","huntersfishers.ru","huntertravels.com","huntingmastery.com","huntubaseuh.sbs","huoot.com","hup.xyz","hurify1.com","hurramm.us","hurrijian.us","hush.ai","hush.com","hushclouds.com","hushmail.cf","hushskinandbody.com","huskion.net","huskysteals.com","husmail.net","huston.edu","hustq7tbd6v2xov.cf","hustq7tbd6v2xov.ga","hustq7tbd6v2xov.gq","hustq7tbd6v2xov.ml","hustq7tbd6v2xov.tk","hutchankhonghcm.com","huweimail.cn","huyf.com","huyzvip.best","hv112.com","hvastudiesucces.nl","hvh.pl","hvhcksxb.mil.pl","hvtechnical.com","hvzoi.com","hw0.site","hw01.xyz","hwa7niu2il.com","hwa7niuil.com","hwkaaa.besaba.com","hwkvsvfwddeti.cf","hwkvsvfwddeti.ga","hwkvsvfwddeti.gq","hwkvsvfwddeti.ml","hwkvsvfwddeti.tk","hwsye.net","hwxist3vgzky14fw2.cf","hwxist3vgzky14fw2.ga","hwxist3vgzky14fw2.gq","hwxist3vgzky14fw2.ml","hwxist3vgzky14fw2.tk","hwy24.com","hx39i08gxvtxt6.cf","hx39i08gxvtxt6.ga","hx39i08gxvtxt6.gq","hx39i08gxvtxt6.ml","hx39i08gxvtxt6.tk","hxck8inljlr.cf","hxck8inljlr.ga","hxck8inljlr.gq","hxck8inljlr.tk","hxdjswzzy.pl","hxhbnqhlwtbr.ga","hxhbnqhlwtbr.ml","hxhbnqhlwtbr.tk","hximouthlq.com","hxisewksjskwkkww89101929.unaux.com","hxnz.xyz","hxqmail.com","hxsni.com","hxvxxo1v8mfbt.cf","hxvxxo1v8mfbt.ga","hxvxxo1v8mfbt.gq","hxvxxo1v8mfbt.ml","hxvxxo1v8mfbt.tk","hxzf.biz","hyab.de","hyayea.com","hybotics.net","hybridhazards.info","hybridmc.net","hydim.xyz","hydrakurochka.lgbt","hydramarketsnjmd.com","hydraulicsolutions.com","hydraza.com","hydro.3amail.top","hydrogenrichwaterstick.org","hydroter.cf","hydroxide-studio.com","hyhisla.tk","hyhsale.top","hyip.market","hyipbook.com","hyipiran.ir","hyk.pl","hylja.net","hylja.tech","hyokyori.com","hypdoterosa.cf","hypdoterosa.ga","hypdoterosa.ml","hypdoterosa.tk","hype68.com","hypeinteractive.us","hypenated-domain.com","hyperactivist.info","hyperemail.top","hyperfastnet.info","hyperlabs.co","hypermail.top","hypermailbox.com","hyperpigmentationtreatment.eu","hypertosprsa.tk","hyphemail.com","hypo-kalkulacka.online","hypoor.live","hypoordip.live","hypori.us","hypotan.site","hypotekyonline.cz","hyprhost.com","hypteo.com","hysaryop8.pl","hyt45763ff.cf","hyt45763ff.ga","hyt45763ff.gq","hyt45763ff.ml","hyt45763ff.tk","hytech.asso.st","hyteqwqs.com","hyverecruitment.com","hyvuokmhrtkucn5.cf","hyvuokmhrtkucn5.ga","hyvuokmhrtkucn5.gq","hyvuokmhrtkucn5.ml","hyyhh.com","hyyysde.com","hz2046.com","hzdpw.com","hznth.com","hzoo.com","hzx3mqob77fpeibxomc.cf","hzx3mqob77fpeibxomc.ga","hzx3mqob77fpeibxomc.ml","hzx3mqob77fpeibxomc.tk","i-3gk.cf","i-3gk.ga","i-3gk.gq","i-3gk.ml","i-am-tiredofallthehype.com","i-booking.us","i-dont-wanna-be-a.live","i-emailbox.info","i-konkursy.pl","i-love-credit.ru","i-love-you-3000.net","i-phone.nut.cc","i-phones.shop","i-slotv.xyz","i-sp.cf","i-sp.ga","i-sp.gq","i-sp.ml","i-sp.tk","i-taiwan.tv","i-trust.ru","i.cowsnbullz.com","i.e-tpc.online","i.email-temp.com","i.iskba.com","i.istii.ro","i.klipp.su","i.lakemneadows.com","i.oldoutnewin.com","i.ploooop.com","i.polosburberry.com","i.qwertylock.com","i.ryanb.com","i.shredded.website","i.wawi.es","i.xcode.ro","i.xxi2.com","i03hoaobufu3nzs.cf","i03hoaobufu3nzs.ga","i03hoaobufu3nzs.gq","i03hoaobufu3nzs.ml","i03hoaobufu3nzs.tk","i11e5k1h6ch.cf","i11e5k1h6ch.ga","i11e5k1h6ch.gq","i11e5k1h6ch.ml","i11e5k1h6ch.tk","i18nwiki.com","i1oaus.pl","i1uc44vhqhqpgqx.cf","i1uc44vhqhqpgqx.ga","i1uc44vhqhqpgqx.gq","i1uc44vhqhqpgqx.ml","i1uc44vhqhqpgqx.tk","i1xslq9jgp9b.ga","i1xslq9jgp9b.ml","i1xslq9jgp9b.tk","i201zzf8x.com","i2pmail.org","i301.info","i35t0a5.com","i3pv1hrpnytow.cf","i3pv1hrpnytow.ga","i3pv1hrpnytow.gq","i3pv1hrpnytow.ml","i3pv1hrpnytow.tk","i4j0j3iz0.com","i4racpzge8.cf","i4racpzge8.ga","i4racpzge8.gq","i4racpzge8.ml","i4racpzge8.tk","i4unlock.com","i537244.cf","i537244.ga","i537244.ml","i54o8oiqdr.cf","i54o8oiqdr.ga","i54o8oiqdr.gq","i54o8oiqdr.ml","i54o8oiqdr.tk","i6.cloudns.cc","i6.cloudns.cx","i61qoiaet.pl","i66g2i2w.com","i6appears.com","i75rwe24vcdc.cf","i75rwe24vcdc.ga","i75rwe24vcdc.gq","i75rwe24vcdc.ml","i75rwe24vcdc.tk","i774uhrksolqvthjbr.cf","i774uhrksolqvthjbr.ga","i774uhrksolqvthjbr.gq","i774uhrksolqvthjbr.ml","i774uhrksolqvthjbr.tk","i83.com","i8e2lnq34xjg.cf","i8e2lnq34xjg.ga","i8e2lnq34xjg.gq","i8e2lnq34xjg.ml","i8e2lnq34xjg.tk","i8tvebwrpgz.cf","i8tvebwrpgz.ga","i8tvebwrpgz.gq","i8tvebwrpgz.ml","i8tvebwrpgz.tk","ia4stypglismiks.cf","ia4stypglismiks.ga","ia4stypglismiks.gq","ia4stypglismiks.ml","ia4stypglismiks.tk","iabundance.com","iacjpeoqdy.pl","iaindustrie.fr","iamail.com","iamarchitect.com","iamawitch.com","iamcoder.ru","iamguide.ru","iamneverdefeated.com","iamnicolas.com","iamsp.ga","iamvinh123.tk","iamyoga.website","ianstjames.com","ianvvn.com","ianz.pro","iaonne.com","iaoss.com","iapermisul.ro","iaptkapkl53.tk","iatcoaching.com","iattach.gq","iaynqjcrz.pl","iazhy.com","ib4f.com","ib5dy8b0tip3dd4qb.cf","ib5dy8b0tip3dd4qb.ga","ib5dy8b0tip3dd4qb.gq","ib5dy8b0tip3dd4qb.ml","ib5dy8b0tip3dd4qb.tk","ibaoju.com","ibaxdiqyauevzf9.cf","ibaxdiqyauevzf9.ga","ibaxdiqyauevzf9.gq","ibaxdiqyauevzf9.ml","ibaxdiqyauevzf9.tk","ibcbetlink.com","ibdmedical.com","ibel-resource.com","ibelnsep.com","iberplus.com","ibersys.com","ibetatest.com","ibibo.com","ibiza-villas-spain.com","ibizaholidays.com","iblbildbyra.se","ibm.coms.hk","ibmail.com","ibmmails.com","ibmpc.cf","ibmpc.ga","ibmpc.gq","ibmpc.ml","ibnlolpla.com","ibnuh.bz","ibookstore.co","ibreeding.ru","ibrilo.com","ibsats.com","ibsyahoo.com","ibt7tv8tv7.cf","ibt7tv8tv7.ga","ibt7tv8tv7.gq","ibt7tv8tv7.ml","ibt7tv8tv7.tk","ibvietnamvisa.com","ic-cadorago.org","ic-interiors.com","ic-osiosopra.it","ic-vialaurentina710-roma.it","icam.fr","icanav.net","icanfatbike.com","icantbelieveineedtoexplainthisshit.com","icao6.us","icaruslegend.com","icashsurveys.com","iccmail.men","iccmail.ml","iccon.com","ice52751.ga","iceburgsf.com","icegeos.com","iceland-is-ace.com","icelogs.com","icemail.club","icemovie.link","icenhl.com","icesilo.com","icetmail.ga","icfai.com","icfu.mooo.com","icgs.de","ichatz.ga","ichbinvollcool.de","ichecksdqd.com","ichehol.ru","ichichich.faith","ichics.com","ichigo.me","ichkoch.com","ichstet.com","icingrule.com","ickx.de","iclolud.com","icloud.do","icloudbusiness.net","icluoud.com","icmail.com","icmarottabasile.it","icmartiriliberta.it","icmocozsm.pl","icnwte.com","icodimension.com","icon.foundation","icon256.info","iconedit.info","iconfile.info","iconmal.com","iconmle.com","iconslibrary.com","iconsultant.me","iconzap.com","iconze.com","icoom.com","icotype.info","icould.co","icoworks.com","icraftx.net","icrr2011symp.pl","icsfinomornasco.it","icshu.com","icsint.com","icslecture.com","icstudent.org","ict0crp6ocptyrplcr.cf","ict0crp6ocptyrplcr.ga","ict0crp6ocptyrplcr.gq","ict0crp6ocptyrplcr.ml","ict0crp6ocptyrplcr.tk","ictuber.info","icu.ovh","icunet.icu","icx.in","icx.ro","id-ins.com","id.pl","id10tproof.com","id7ak.com","idat.site","idcbill.com","idclips.com","idea-mail.com","idea-mail.net","idea.bothtook.com","idea.emailies.com","idea.warboardplace.com","ideadrive.com","ideagmjzs.pl","idealencounters.com","idealengineers.com","idealpersonaltrainers.com","idearia.org","ideascapitales.com","ideasplace.ru","ideenbuero.de","ideenx.site","ideepmind.pw","ideer.msk.ru","ideer.pro","iderf-freeuser.ml","iderfo.com","idesigncg.com","ideuse.com","idieaglebit.com","idigo.org","idihgabo.cf","idihgabo.gq","idiotmails.com","idlapak.com","idmail.com","idmail.me","idn.vn","idnkil.cf","idnkil.ga","idnkil.gq","idnkil.ml","idnpoker.link","idobrestrony.pl","idoc.com","idolsystems.info","idomail.com","idomain24.pl","idotem.cf","idotem.ga","idotem.gq","idotem.ml","idownload.site","idpoker99.org","idrct.com","idropshipper.com","idrotherapyreview.net","idrrate.com","idt8wwaohfiru7.cf","idt8wwaohfiru7.ga","idt8wwaohfiru7.gq","idt8wwaohfiru7.ml","idt8wwaohfiru7.tk","idtv.site","iduitype.info","idurse.com","idvdclubs.com","idx4.com","idxue.com","idyro.com","ieahhwt.com","ieasymail.net","ieatspam.eu","ieatspam.info","ieattach.ml","iecrater.com","iecusa.net","iedindon.ml","ieellrue.com","iefbcieuf.cf","iefbcieuf.ml","iefbcieuf.tk","ieh-mail.de","ieit9sgwshbuvq9a.cf","ieit9sgwshbuvq9a.ga","ieit9sgwshbuvq9a.gq","ieit9sgwshbuvq9a.ml","ieit9sgwshbuvq9a.tk","iel.pw","iemail.online","iemitel.gq","iemm.ru","iencm.com","ienergize.com","iennfdd.com","ieoan.com","ieolsdu.com","iephonam.cf","ieremiasfounttas.gr","ieryweuyeqio.tk","ierywoeiwura.tk","ies76uhwpfly.cf","ies76uhwpfly.ga","ies76uhwpfly.gq","ies76uhwpfly.ml","ies76uhwpfly.tk","iexh1ybpbly8ky.cf","iexh1ybpbly8ky.ga","iexh1ybpbly8ky.gq","iexh1ybpbly8ky.ml","iexh1ybpbly8ky.tk","if.lakemneadows.com","if.martinandgang.com","if58.cf","if58.ga","if58.gq","if58.ml","if58.tk","ifamail.com","ifastmail.pl","ifavorsprt.com","ifchuck.com","ifd8tclgtg.cf","ifd8tclgtg.ga","ifd8tclgtg.gq","ifd8tclgtg.ml","ifd8tclgtg.tk","iffygame.com","iffymedia.com","ifgz.com","ifile.com","iflix4kmovie.us","ifly.cf","ifmail.com","ifneick22qpbft.cf","ifneick22qpbft.ga","ifneick22qpbft.gq","ifneick22qpbft.ml","ifneick22qpbft.tk","ifoam.ru","ifomail.com","ifoodpe19.ml","ifoxdd.com","ifrghee.com","ifruit.cf","ifruit.ga","ifruit.gq","ifruit.ml","ifruit.tk","iftmmbd.org","ifvx.com","ifwda.co.cc","ig.luk2.com","ig98u4839235u832895.unaux.com","ig9kxv6omkmxsnw6rd.cf","ig9kxv6omkmxsnw6rd.ga","ig9kxv6omkmxsnw6rd.gq","ig9kxv6omkmxsnw6rd.ml","ig9kxv6omkmxsnw6rd.tk","igalax.com","igamawarni.art","igcl5axr9t7eduxkwm.cf","igcl5axr9t7eduxkwm.gq","igcl5axr9t7eduxkwm.ml","igcl5axr9t7eduxkwm.tk","igcwellness.us","ige.es","igelonline.de","igenservices.com","igfnicc.com","igg.biz","iggqnporwjz9k33o.ga","iggqnporwjz9k33o.ml","ighjbhdf890fg.cf","igimail.com","igintang.ga","iginting.cf","igiveu.win","igmail.com","igniter200.com","ignoremail.com","igoodmail.pl","igoqu.com","igqtrustee.com","igrat-v-igrovie-avtomati.com","igri.cc","igrovieavtomati.org","igsvmail.com","igtook.org","igvaku.cf","igvaku.ga","igvaku.gq","igvaku.ml","igvaku.tk","igvevo.com","igwnsiojm.pl","igxppre7xeqgp3.cf","igxppre7xeqgp3.ga","igxppre7xeqgp3.gq","igxppre7xeqgp3.ml","igxppre7xeqgp3.tk","ih2vvamet4sqoph.cf","ih2vvamet4sqoph.ga","ih2vvamet4sqoph.gq","ih2vvamet4sqoph.ml","ih2vvamet4sqoph.tk","ihairbeauty.us","ihamail.com","ihappytime.com","ihateyoualot.info","ihavedildo.tk","ihavenomouthandimustspeak.com","ihaxyour.info","ihazspam.ca","iheartspam.org","ihehmail.com","ihgu.info","ihhjomblo.online","ihocmail.com","ihomail.com","ii47.com","iidiscounts.com","iidiscounts.org","iidzlfals.pl","iigmail.com","iigo.de","iigtzic3kesgq8c8.cf","iigtzic3kesgq8c8.ga","iigtzic3kesgq8c8.gq","iigtzic3kesgq8c8.ml","iigtzic3kesgq8c8.tk","iihonfqwg.pl","iill.cf","iimbox.cf","iipl.de","iiron.us","iiryys.com","iissugianto.art","iistoria.com","iitdmefoq9z6vswzzua.cf","iitdmefoq9z6vswzzua.ga","iitdmefoq9z6vswzzua.gq","iitdmefoq9z6vswzzua.ml","iitdmefoq9z6vswzzua.tk","iiuba.com","iiunited.pl","iiuurioh89.com","iiwumail.com","ij3zvea4ctirtmr2.cf","ij3zvea4ctirtmr2.ga","ij3zvea4ctirtmr2.gq","ij3zvea4ctirtmr2.ml","ij3zvea4ctirtmr2.tk","ijerj.co.cc","ijmafjas.com","ijmail.com","ijmxty3.atm.pl","ijointeract.com","ijsdiofjsaqweq.ru","ik7gzqu2gved2g5wr.cf","ik7gzqu2gved2g5wr.ga","ik7gzqu2gved2g5wr.gq","ik7gzqu2gved2g5wr.ml","ik7gzqu2gved2g5wr.tk","ikanchana.com","ikaza.info","ikbenspamvrij.nl","ikelsik.cf","ikelsik.ga","ikelsik.gq","ikelsik.ml","ikewe.com","ikhyebajv.pl","iki.kr","ikimaru.com","ikingbin.com","ikke.win","ikkjacket.com","ikmail.com","ikoplak.cf","ikoplak.ga","ikoplak.gq","ikoplak.ml","ikpz6l.pl","iku.us","ikuzus.cf","ikuzus.ga","ikuzus.gq","ikuzus.ml","ikuzus.tk","il.edu.pl","ilamseo.com","ilandingvw.com","ilavana.com","ilaws.work","ilayda.cf","ilboard.r-e.kr","ilbombardone.com","ilcapriccio-erding.de","ilcommunication.com","ildz.com","ilencorporationsap.com","ileqmail.com","ilico.info","ilikespam.com","iliketndnl.com","ilikeyoustore.org","ilink.ml","ilinkelink.com","ilinkelink.org","iljmail.com","ilkoiuiei9.com","ilkoujiwe8.com","illinoisscno.org","illistnoise.com","illnessans.ru","illumsphere.com","ilmale.it","ilmiogenerico.it","ilnostrogrossograssomatrimoniomolisano.com","ilobi.info","iloplr.com","ilopopolp.com","ilove.com","ilovecorgistoo.com","iloveearthtunes.com","iloveiandex.ru","ilovemail.fr","ilovemyniggers.club","ilovespam.com","ilowbay.com","ilpiacere.it","ilrlb.com","ils.net","ilsaas.com","ilt.ctu.edu.gr","iltmail.com","iludir.com","ilumail.com","ilyasov.tk","im-irsyad.tech","im4ever.com","ima-md.com","imaanpharmacy.com","imabandgeek.com","imacal.site","imacpro.ml","image.favbat.com","image24.de","imageevolutions.com","imagehostfile.eu","images.makingdomes.com","images.novodigs.com","images.ploooop.com","images.poisedtoshrike.com","imaginged.com","imagiscape.us","imail.seomail.eu","imail1.net","imail5.net","imail8.net","imailbox.org","imailcloud.net","imaild.com","imailnet.com","imailpro.net","imails.info","imailt.com","imailto.net","imailweb.top","imailzone.ml","imajl.pl","imallas.com","imamail1928.cf","imamsrabbis.org","imankul.com","imap.pozycjonowanie8.pl","imap521.mineweb.in","imapiphone.minemail.in","imaracing.com","imarkconsulting.com","imasser.info","imaterrorist.com","imationary.site","imayji.com","imboate.com","imbricate.xyz","imd044u68tcc4.cf","imd044u68tcc4.ga","imd044u68tcc4.gq","imd044u68tcc4.ml","imd044u68tcc4.tk","imdbplus.com","imedgers.com","imeil.tk","imeit.com","imexcointernational.com","imfsiteamenities.com","imgjar.com","imgof.com","imgrpost.xyz","imgsources.com","imgtokyo.com","imgv.de","imhtcut.xyz","imhungry.xyz","imicplc.com","iminimalm.com","imitrex-sumatriptan.com","imitrex.info","immail.com","immail.ml","immediategoodness.org","immigrationfriendmail.com","imminc.com","immo-gerance.info","immry.ru","immunityone.com","imnarbi.gq","imnart.com","imos.site","imosowka.pl","imouto.pro","imovie.link","imozmail.com","impactcommunications.us","impactsc.com","impactspeaks.com","imparai.ml","impastore.co","imperfectron.com","imperialcnk.com","imperialmanagement.com","imperiumstrategies.com","impervaphc.ml","impi.com.mx","implosblog.ru","imported.livefyre.com","impostore.co","impotens.pp.ua","impresapuliziesea.com","imprezorganizacja.pl","imprezowy-dj.pl","imprimtout.com","imprisonedwithisis.com","improvedtt.com","improvidents.xyz","imrekoglukoleksiyon.xyz","imsave.com","imsend.ru","imstark.fun","imstations.com","imsuhyang.com","imuasouthwest.com","imul.info","imyourkatieque.com","in-fund.ru","in-their-words.com","in-ulm.de","in.blatnet.com","in.cowsnbullz.com","in.mailsac.com","in.vipmail.in","in.warboardplace.com","in4mail.net","in5minutes.net","inaby.com","inadtia.com","inamail.com","inapplicable.org","inappmail.com","inaremar.eu","inasoc.ga","inasoc.ml","inaytedodet.tk","inbaca.com","inbax.ga","inbax.ml","inbax.tk","inbidato.ddns.net","inbilling.be","inbix.lv","inbound.plus","inbov03.com","inbox-me.top","inbox.comx.cf","inbox.lc","inbox.loseyourip.com","inbox.si","inbox2.email","inbox2.info","inbox888.com","inboxalias.com","inboxbear.com","inboxclean.com","inboxclean.org","inboxdesign.me","inboxed.im","inboxed.pw","inboxeen.com","inboxhub.net","inboxkitten.com","inboxmail.world","inboxmails.co","inboxmails.net","inboxproxy.com","inboxstore.me","inc.ovh","incarnal.pl","incc.cf","incestry.co.uk","incgroup.com","incient.site","incitemail.com","inclusionchecklist.com","inclusioncheckup.com","inclusiveprogress.com","incognitomail.com","incognitomail.net","incognitomail.org","incomecountry.com","incomservice.com","incorian.ru","incorporatedmail.com","incoware.com","incq.com","increase5f.com","increasefollower.com","increater.ru","incredibility.info","incrediemail.com","incubic.pro","ind.st","indeedlebeans.com","indeedtime.us","indefathe.xyz","indelc.pw","independentsucks.twilightparadox.com","independentvpn.com","indeptempted.site","indexer.pw","indexzero.dev","indi-nedv.ru","india.whiskey.thefreemail.top","india2in.com","indiacentral.in","indiamary.com","indianecommerce.com","indianview.com","indidn.xyz","indieclad.com","indiego.pw","indigomail.info","indiho.info","indirect.ws","indirindir.net","indirkaydol.com","indmarsa.com","indobet.com","indocarib.com","indogame.site","indoliqueur.com","indomaed.pw","indomina.cf","indomovie21.me","indonesiaberseri.com","indonesianherbalmedicine.com","indoplay303.com","indoserver.stream","indosukses.press","indozoom.me","indozoom.net","indtredust.com","indumento.club","industrialbrushmanufacturer.us","industrialelectronica.com","industriesmyriad.site","ineec.net","ineed.emlpro.com","ineeddoshfast.co.uk","ineedmoney.com","ineedsa.com","inemaling.com","inet4.info","inetlabs.es","inetworkcards.com","inetworksgroup.com","inewx.com","inexpensivejerseyofferd.com","inf-called-phone.com","infalled.com","infantshopping.com","inferno4.pl","infest.org","infideles.nu","infilddrilemail.com","infinitiypoker.com","infinitybooksjapan.org","infinityclippingpath.com","infinitycoaching.com","infinityevolved.online","infitter.ru","info-netflix.cf","info-radio.ml","info7.eus","info89.ru","infoaccount-team.news","infoalgers.info","infobakulan.online","infochartsdeal.info","infochinesenyc.info","infocom.zp.ua","infogeneral.com","infogenshin.online","infokehilangan.com","infomail.club","infomedia.ga","infonetco.com","infoprice.tech","inforesep.art","informasikuyuk.com","informatika.design","information-account.net","information-blog.xyz","informationispower.co.uk","informatykbiurowy.pl","informedexistence.com","infosdating.info","infoslot88.com","infosnet24.info","infossbusiness.com","infotech.info","infotoursnyc.info","infouoso.com","infphonezip.com","infraradio.com","infraredthermometergun.tech","infrazoom.com","ingabhagwandin.xyz","ingcoachepursesoutletusaaonline.com","ingday.com","ingemin.com","ingfix.com","ingfo.online","inggo.org","ingilterevize.eu","ingles90dias.space","ingleses.articles.vip","inglewoodpaydayloans.info","ingridyrodrigo.com","ingrok.win","inhealthcds.com","inhello.com","inhomeideas.com","inhomelife.ru","inhost.systems","inibuatkhoirul.cf","inibuatsgb.cf","inibuatsgb.ga","inibuatsgb.gq","inibuatsgb.ml","inibuatsgb.tk","inikehere.com","inikita.online","inilogic.com","iniprm.com","inipunyakitasemua.cf","inipunyakitasemua.ga","inipunyakitasemua.gq","inipunyakitasemua.ml","inipunyakitasemua.tk","initialcommit.net","inji4voqbbmr.cf","inji4voqbbmr.ga","inji4voqbbmr.gq","inji4voqbbmr.ml","inji4voqbbmr.tk","injir.top","injuryhelpnewyork.net","inkashop.org","inkomail.com","inlandharmonychorus.org","inlandortho.com","inlovevk.net","inlutec.com","inmail.com","inmail.site","inmail.xyz","inmail3.com","inmail5.com","inmail7.com","inmail92.com","inmailing.com","inmailwetrust.com","inmisli.gq","inmouncela.xyz","inmyd.ru","inmynetwork.cf","inmynetwork.ga","inmynetwork.gq","inmynetwork.ml","inmynetwork.tk","innercirclemasterminds.com","innf.com","inni-com.pl","innoberg.com","innovateccc.org","innoveax.com","innovex.co.in","innoworld.net","inoakley.com","inonezia-nedv.ru","inoue3.com","inouncience.site","inoutmail.de","inoutmail.eu","inoutmail.info","inoutmail.net","inovha.com","inox.org.pl","inpowiki.xyz","inppares.org.pe","inpwa.com","inrelations.ru","inrim.cf","inrim.ga","inrim.gq","inrim.ml","inrim.tk","insane.nq.pl","insanity-workoutdvds.info","insanitydvdonline.info","insanityworkout13dvd.us","insanityworkout65.us","insanityworkoutcheap.us","insanityworkoutdvds.us","insanityworkoutinstores.us","insanumingeniumhomebrew.com","inscriptio.in","insellage.de","insertswork.com","insgogc.com","inshapeactive.ru","insidegpus.com","insidershq.info","insighbb.com","insischildpank.xyz","insomniade.org.ua","insorg-mail.info","inspiracjatwoja.pl","inspirationzuhause.me","inspirative.online","inspiredking.com","inspirejmail.cf","inspirejmail.ga","inspirejmail.gq","inspirejmail.ml","inspirejmail.tk","inspirekmail.cf","inspirekmail.ga","inspirekmail.gq","inspirekmail.ml","inspirekmail.tk","instad4you.info","instaddr.ch","instadp.site","instafun.men","instagrammableproperties.com","instaindofree.com","instaku-media.com","installerflas65786.xyz","instamail.site","instamaniya.ru","instambox.com","instance-email.com","instant-job.com","instant-mail.de","instantblingmail.info","instantemailaddress.com","instantgiveaway.xyz","instantinsurancequote.co.uk","instantloan.com","instantloans960.co.uk","instantlove.pl","instantlyemail.com","instantmail.de","instantmail.fr","instantmailaddress.com","instantonlinepayday.co.uk","instapay.one","instaprice.co","instasmail.com","instatienda.com","instatione.site","instatrendz.xyz","instdownload.com","instronge.site","instrumentationtechnologies.com","instylerreviews.info","insurance-co-op.com","insurance-company-service.com","insuranceair.com","insurancecaredirect.com","insurancenew.org","insuranceonlinequotes.info","insurancing.ru","int.inblazingluck.com","int.ploooop.com","int.poisedtoshrike.com","intadvert.com","intamo.cf","intandtel.com","intannuraini.art","intdesign.edu","intefact.ru","integrateinc.com","integrately.net","integrityonline.com","inteksoft.com","intel.coms.hk","intelligence.zone","intelligentfoam.com","intelligentp.com","intempmail.com","interactio.ch","interactionpolls.com","interans.ru","interceptor.waw.pl","interceptorfordogs.info","interceramicvpsx.com","interfee.it","interiorimages.in","interiorin.ru","intermax.com","intermedia-ag-limited.com","internationalseo-org.numisdaddy.com","internationalvilla.com","internet-search-machine.com","internet-v-stavropole.ru","internet-w-domu.tk","internet.krd","internet.v.pl","internetaa317.xyz","internetallure.com","internetdladomu.pl","internetfl.com","internetmail.cf","internetmail.ga","internetmail.gq","internetmail.ml","internetmail.tk","internetnetzwerk.de","internetoftags.com","internetreputationconsultant.com","internettrends.us","internetwplusie.pl","interpath.com","interprogrammer.com","interserver.ga","interstats.org","intersteller.com","interwin99.net","intfoam.com","inthebox.pw","inthelocalfortwortharea.com","inthenhuahanoi.com","intim-dreams.ru","intim-plays.ru","intimacly.com","intimeontime.info","intimstories.com","into.cowsnbullz.com","into.lakemneadows.com","into.martinandgang.com","into.oldoutnewin.com","intobx.com","intolm.site","intomail.bid","intomail.info","intomail.win","intopwa.com","intopwa.net","intopwa.org","intothenight1243.com","intrees.org","intrested12.uk","introex.com","intrxi6ti6f0w1fm3.cf","intrxi6ti6f0w1fm3.ga","intrxi6ti6f0w1fm3.gq","intrxi6ti6f0w1fm3.ml","intrxi6ti6f0w1fm3.tk","intsv.net","intuthewoo.com.my","intxr.com","inunglove.cf","inuvu.com","invadarecords.com","invasidench.site","invecemtm.tech","invecra.com","invert.us","invest-eko.pl","investering-solenergi.dk","investfxlearning.com","investingtur.com","investor.xyz","investore.co","investvvip.com","invictawatch.net","invql.com","invtribe02.xyz","invtribe04.xyz","inwebmail.com","inwebtm.com","inwmail.net","inwoods.org","inxto.net","inyoung.shop","iodizc3krahzsn.cf","iodizc3krahzsn.ga","iodizc3krahzsn.gq","iodizc3krahzsn.ml","iodizc3krahzsn.tk","iodog.com","ioea.net","ioemail.win","ioenytae.com","iofij.gq","ioio.eu","iolkjk.cf","iolkjk.ga","iolkjk.gq","iolkjk.ml","iolokdi.ga","iolokdi.ml","iomail.com","ion.5amail.top","ionazara.co.cc","ionb1ect2iark1ae1.cf","ionb1ect2iark1ae1.ga","ionb1ect2iark1ae1.gq","ionb1ect2iark1ae1.ml","ionb1ect2iark1ae1.tk","ione.com","ionemail.net","ionictech.com","ionot.xyz","ioplo.com","iopmail.com","iordan-nedv.ru","ioswed.com","iot.aiphone.eu.org","iot.ptcu.dev","iot.vuforia.us","iotatheta.wollomail.top","iotrh5667.cf","iotrh5667.ga","iotrh5667.gq","iotrh5667.ml","iotu.creo.site","iotu.de.vipqq.eu.org","iotu.nctu.me","iouiwoerw32.info","iouy67cgfss.cf","iouy67cgfss.ga","iouy67cgfss.gq","iouy67cgfss.ml","iouy67cgfss.tk","iowachevron.com","iowaexxon.com","iowatelcom.net","ioxmail.net","iozak.com","ip-u.tech","ip-xi.gq","ip.webkrasotka.com","ip23xr.ru","ip3qc6qs2.pl","ip4.pp.ua","ip4k.me","ip6.li","ip6.pp.ua","ip7.win","ipad2preis.de","ipad3.co","ipad3.net","ipad3release.com","ipaddlez.info","ipadhd3.co","ipadzzz.com","ipalexis.site","ipan.info","ipark.pl","ipay-i.club","ipdeer.com","ipemail.win","ipervo.site","ipgenerals.com","iphone-ipad-mac.xyz","iphoneaccount.com","iphoneandroids.com","iphonemail.cf","iphonemail.ga","iphonemail.gq","iphonemail.tk","iphonemsk.com","iphoneonandroid.com","ipictures.xyz","ipimail.com","ipindetail.com","ipiranga.dynu.com","ipiurl.net","ipizza24.ru","ipjckpsv.pl","iplayer.com","iplusplusmail.com","ipochta.gq","ipoczta.waw.pl","ipod-app-reviews.com","ipolopol.com","ipoo.org","iposta.ml","ippandansei.tk","ippexmail.pw","ipriva.com","ipriva.info","ipriva.net","iprloi.com","ipsur.org","ipswell.com","iptonline.net","ipuccidresses.com","ipvideo63.ru","ipyzqshop.com","iq2kq5bfdw2a6.cf","iq2kq5bfdw2a6.ga","iq2kq5bfdw2a6.gq","iq2kq5bfdw2a6.ml","iqamail.com","iqazmail.com","iqcfpcrdahtqrx7d.cf","iqcfpcrdahtqrx7d.ga","iqcfpcrdahtqrx7d.gq","iqcfpcrdahtqrx7d.ml","iqcfpcrdahtqrx7d.tk","iqemail.win","iqimail.com","iqje.com","iqmail.com","iqsfu65qbbkrioew.cf","iqsfu65qbbkrioew.ga","iqsfu65qbbkrioew.gq","iqsfu65qbbkrioew.ml","iqsfu65qbbkrioew.tk","iqumail.com","iqzzfdids.pl","ir101.net","ir4.tech","irabops.com","irahada.com","iral.de","iran-nedv.ru","iranbourse.co","iranmarket.info","iraq-nedv.ru","iraticial.site","irc.so","ircbox.xyz","irdneh.cf","irdneh.ga","irdneh.gq","irdneh.ml","irdneh.tk","iredirect.info","iremail.com","iremel.cf","irene.0amail.top","ireprayers.com","irgilio.it","irinaeunbebescump.com","irish2me.com","irishbella.art","irishspringrealty.com","irlanc.com","irland-nedv.ru","irlmail.com","irmail.com","irmh.com","iroid.com","irolpccc.com","irolpo.com","iron1.xyz","ironarmail.com","ironhulk.com","ironiebehindert.de","ironmantriathlons.net","ironside.systems","iroquzap.asia","irovonopo.com","irpanenjin.com","irper.com","irr.kr","irresistible-scents.com","irsanalysis.com","irsguidelines.net","irssi.tv","irti.info","irtranslate.net","irydoidy.pl","is-halal.tk","is-zero.info","is.af","is35.com","isa.net","isabelmarant-sneaker.us","isabelmarants-neakers.us","isabelmarantshoes.us","isabelmarantsneakerssonline.info","isac-hermes.com","isachermeskelly.com","isaclongchamp.com","isafurry.xyz","isaiminii.host","isaisahaseayo.com","isamy.wodzislaw.pl","isartegiovagnoli.com","isbjct4e.com","iscidayanismasi.org","isdaq.com","isdik.com","ise4mqle13.o-r.kr","isecsystems.com","isecv.com","isellnow.com","isemail.com","isen.pl","iseovels.com","isf4e2tshuveu8vahhz.cf","isf4e2tshuveu8vahhz.ga","isf4e2tshuveu8vahhz.gq","isf4e2tshuveu8vahhz.ml","isf4e2tshuveu8vahhz.tk","isfu.ru","ishan.ga","ishikawa28.flatoledtvs.com","ishockey.se","ishop2k.com","isi-group.ru","isi-tube.com","isis-salvatorelli.it","iskcondc.org","islam.igg.biz","islamm.cf","islamm.gq","islandi-nedv.ru","islelakecharles.com","isluntvia.com","ismailgul.net","isncwoqga.pl","isni.net","isomnio.com","isophadal.xyz","isosq.com","isotretinoinacnenomore.net","isp.fun","ispeshel.com","ispuntheweb.com","ispyco.ru","israel-nedv.ru","israelserver2.com","israelserver3.com","israelserver4.com","iss.k12nc.us","issamartinez.com","issanda.com","isslab.ru","issthnu7p9rqzaew.cf","issthnu7p9rqzaew.ga","issthnu7p9rqzaew.gq","issthnu7p9rqzaew.ml","issthnu7p9rqzaew.tk","ist-genial.at","ist-genial.info","ist-genial.net","istakalisa.club","istanbulescorthatti.com","istanbulnights.eu","istanbulsiiri.com","istcool.com","istearabul.site","istii.ro","istirdad.website","istitutocomprensivo-cavaglia.it","istlecker.de","istmail.tk","istrategy.ws","istreamingtoday.com","istudey.com","isueir.com","isukrainestillacountry.com","iswc.info","isxuldi8gazx1.ga","isxuldi8gazx1.ml","isxuldi8gazx1.tk","iszkft.hu","it-erezione.site","it-everyday.com","it-italy.cf","it-italy.ga","it-italy.gq","it-italy.ml","it-italy.tk","it-service-in-heidelberg.de","it-service-sinsheim.de","it-simple.net","it-smart.org","it-vopros.ru","it.cowsnbullz.com","it.marksypark.com","it.ploooop.com","it.poisedtoshrike.com","it2-mail.tk","it2sale.com","it7.ovh","itailorphuket.com","italia.flu.cc","italia.igg.biz","italianspirit.pl","italiavendecommerciali.online","italkcash.com","italpostall.com","italy-mail.com","italy-nedv.ru","italyborselvoutlet.com","itbury.com","itcdeganutti.it","itcess.com","itchapchap.com","itclub-smanera.tech","itdesi.com","itech-versicherung.de","itecsgroup.org","itekc.com","itekcorp.com","itemailing.com","itemp.email","itempmail.tk","itfast.net","itgracevvx.com","itibmail.com","itilchange.com","itiomail.com","itis0k.com","itis0k.org","itjustmail.tk","itks6xvn.gq","itleadersfestival.com","itlrodk.com","itm311.com","itmailbox.info","itmailing.com","itmailr.com","itmaschile.site","itmtx.com","itntucson.com","itoh.de","itoup.com","itoxwehnbpwgr.cf","itoxwehnbpwgr.ga","itoxwehnbpwgr.gq","itoxwehnbpwgr.ml","itoxwehnbpwgr.tk","itregi.com","itrental.com","itri.de","itromail.hu","its-systems.com","its.marksypark.com","its0k.com","itsahmad.me","itsdoton.org","itsecpackets.com","itsfiles.com","itsgood2berich.com","itsjiff.com","itsme.edu.pl","itsmegru.com","itsrecess.com","itsuki1710.naoki15.flixbus.site","itsuki86.bishop-knot.xyz","itue33ubht.ga","itue33ubht.gq","itue33ubht.tk","itunesgiftcodegenerator.com","itvends.com","itvng.com","itwbuy.com","itxsector.ru","itymail.com","iu54edgfh.cf","iu54edgfh.ga","iu54edgfh.gq","iu54edgfh.ml","iu54edgfh.tk","iu66sqrqprm.cf","iu66sqrqprm.ga","iu66sqrqprm.gq","iu66sqrqprm.ml","iu66sqrqprm.tk","iubridge.com","iuemail.men","iumail.com","iuporno.info","iura.com","iuroveruk.com","iv-fr.net","ivaguide.com","ivaluandersen.me","ivalujorgensen.me","ivankasuwandi.art","ivans.me","ivbb.spymail.one","iveai.com","ivecotrucks.cf","ivecotrucks.ga","ivecotrucks.gq","ivecotrucks.ml","ivecotrucks.tk","ivii.ml","iviruseries3.ru","iviruseries4.ru","iviruseries5.ru","ivizx.com","ivlt.com","ivmail.com","ivoiviv.com","ivoricor.com","ivosimilieraucute.com","ivshf.luk2.com","ivuhmail.com","ivyandmarj.com","ivybotreviews.net","ivysheirlooms.net","iw409uttadn.cf","iw409uttadn.ga","iw409uttadn.gq","iw409uttadn.ml","iw409uttadn.tk","iwakbandeng.xyz","iwanbanjarworo.cf","iwancorp.cf","iwankopi.cf","iwanttoms.com","iwantumake.us","iwdal.com","iwebtm.com","iwi.net","iwin.ga","iwishiwereyoubabygirl.com","iwmfuldckw5rdew.cf","iwmfuldckw5rdew.ga","iwmfuldckw5rdew.gq","iwmfuldckw5rdew.ml","iwmfuldckw5rdew.tk","iwmq.com","iwnntnfe.com","iwoc.de","iwrk.ru","iwtclocks.com","iwv06uutxic3r.cf","iwv06uutxic3r.ga","iwv06uutxic3r.gq","iwv06uutxic3r.ml","iwv06uutxic3r.tk","iwykop.pl","iwyt.com","ix.pxwsi.com","ixaks.com","ixjx.com","ixkrofnxk.pl","ixkxirzvu10sybu.cf","ixkxirzvu10sybu.ga","ixkxirzvu10sybu.gq","ixkxirzvu10sybu.ml","ixkxirzvu10sybu.tk","ixloud.me","ixtwhjqz4a992xj.cf","ixtwhjqz4a992xj.ga","ixtwhjqz4a992xj.gq","ixtwhjqz4a992xj.ml","ixtwhjqz4a992xj.tk","ixvfhtq1f3uuadlas.cf","ixvfhtq1f3uuadlas.ga","ixvfhtq1f3uuadlas.gq","ixvfhtq1f3uuadlas.ml","ixvfhtq1f3uuadlas.tk","ixx.io","ixxnqyl.pl","ixxycatmpklhnf6eo.cf","ixxycatmpklhnf6eo.ga","ixxycatmpklhnf6eo.gq","ixzcgeaad.pl","iy47wwmfi6rl5bargd.cf","iy47wwmfi6rl5bargd.ga","iy47wwmfi6rl5bargd.gq","iy47wwmfi6rl5bargd.ml","iy47wwmfi6rl5bargd.tk","iyaomail.com","iyapokers.com","iyettslod.com","iymail.com","iymktphn.com","iyomail.com","iytyicvta.pl","iyumail.com","iyutbingslamet.art","iz0tvkxu43buk04rx.cf","iz0tvkxu43buk04rx.ga","iz0tvkxu43buk04rx.gq","iz0tvkxu43buk04rx.ml","iz0tvkxu43buk04rx.tk","iz3oht8hagzdp.cf","iz3oht8hagzdp.ga","iz3oht8hagzdp.gq","iz3oht8hagzdp.ml","iz3oht8hagzdp.tk","iz4acijhcxq9i30r.cf","iz4acijhcxq9i30r.ga","iz4acijhcxq9i30r.gq","iz4acijhcxq9i30r.ml","iz4acijhcxq9i30r.tk","izbe.info","izemail.com","izeqmail.com","izmail.net","izmirseyirtepe.net","iznai.ru","izolacja-budynku.info.pl","izoli9afsktfu4mmf1.cf","izoli9afsktfu4mmf1.ga","izoli9afsktfu4mmf1.gq","izoli9afsktfu4mmf1.ml","izoli9afsktfu4mmf1.tk","izondesign.com","izooba.com","izzum.com","j-b.us","j-jacobs-cugrad.info","j-keats.cf","j-keats.ga","j-keats.gq","j-keats.ml","j-keats.tk","j-labo.com","j-p.us","j.aq.si","j.fairuse.org","j.polosburberry.com","j.rvb.ro","j0mail.net","j12345.ru","j24blog.com","j275xaw4h.pl","j2anellschild.ga","j3j.org","j3nn.net","j3rqt89ez.com","j4rang0y4nk.ga","j5vhmmbdfl.cf","j5vhmmbdfl.ga","j5vhmmbdfl.gq","j5vhmmbdfl.ml","j5vhmmbdfl.tk","j7.cloudns.cx","j7cnw81.net.pl","j8-freemail.cf","j8k2.usa.cc","j9356.com","j9rxmxma.pl","j9ysy.com","jaaj.cf","jaanv.com","jabberflash.info","jabpid.com","jacckpot.site","jack762.info","jackaoutlet.com","jackets-monclers-sale.com","jacketwarm.com","jackleg.info","jackmailer.com","jackopmail.tk","jackpot-slot-online.com","jackqueline.com","jackreviews.com","jacksonhole.homes","jacksonhole.house","jacksonsshop.com","jackymail.top","jacob-jan-boerma.art","jacobjanboerma.art","jacoblangvad.com","jacquelx.com","jacquestorres.com","jad32.cf","jad32.ga","jad32.gq","jadeschoice.com","jadopado.com","jadotech.com","jaelyn.amina.wollomail.top","jaffao.pw","jaffx.com","jafps.com","jafrem3456ails.com","jaga.email","jagbreakers.com","jagdglas.de","jaggernaut-email.bid","jaggernautemail.bid","jaggernautemail.trade","jaggernautemail.website","jaggernautemail.win","jagokonversi.com","jagomail.com","jagongan.ml","jaguar-landrover.cf","jaguar-landrover.ga","jaguar-landrover.gq","jaguar-landrover.ml","jaguar-landrover.tk","jaguar-xj.ml","jaguar-xj.tk","jah8.com","jaheen.info","jajomail.com","jajsus.com","jajxz.com","jak-szybko-schudnac.com","jak-zaoszczedzic.pl","jaki-kredyt-wybrac.pl","jakjtavvtva8ob2.cf","jakjtavvtva8ob2.ga","jakjtavvtva8ob2.gq","jakjtavvtva8ob2.ml","jakjtavvtva8ob2.tk","jakobine12.me","jakschudnac.org","jakubos.yourtrap.com","jakwyleczyc.pl","jalcemail.com","jalcemail.net","jalicodojo.com","jalynntaliyah.coayako.top","jam219.gq","jam4d.asia","jam4d.biz","jam4d.store","jama.trenet.eu","jamaicarealestateclassifieds.com","jambcbtsoftware.com","jambuseh.info","jamcatering.ru","jamel.com","james-design.com","jamesbond.flu.cc","jamesbond.igg.biz","jamesbond.nut.cc","jamesbond.usa.cc","jamesejoneslovevader.com","jamiecantsingbroo.com","jamieisprouknowit.com","jamiesnewsite.com","jamieziggers.nl","jamikait.cf","jamikait.ga","jamikait.gq","jamikait.ml","jaminwd.com","jamit.com.au","jamiweb.com","jamshoot.com","jamtogel.org","janavalerie.miami-mail.top","jancloud.net","jancok.in","jancokancene.cf","jancokancene.ga","jancokancene.gq","jancokancene.ml","jancokcp.com","jancoklah.com","jancuk.tech","janekimmy.com","janet-online.com","janewsonline.com","janganjadiabu1.tk","janganjadiabu10.gq","janganjadiabu2.ml","janganjadiabu3.ga","janganjadiabu4.cf","janganjadiabu5.gq","janganjadiabu6.tk","janganjadiabu7.ml","janganjadiabu8.ga","janganjadiabu9.cf","janiceaja.atlanta-webmail.top","janics.com","janismedia.tk","janmail.org","jannat.ga","jannice.com","jannyblog.space","janproz.com","jantanpoker.com","jantrawat.site","jantyworld.pl","janurganteng.com","janvan.gent","japabounter.site","japan-monclerdown.com","japan-next.online","japanawesome.com","japanesenewshome.com","japanesesexvideos.xyz","japanesetoryburch.com","japanyn7ys.com","japjap.com","jaqis.com","jaqueline1121.club","jar-opener.info","jared.1amail.top","jarilusua.com","jaringan.design","jarlo-london.com","jarumpoker1.com","jarxs-vpn.ml","jasabacklinkmurah.com","jasabacklinkpbn.co.id","jasaseomurahin.com","jasawebsitepremium.com","jasd.com","jasilu.com","jasinski-doradztwo.pl","jasmierodgers.ga","jasminsusan.paris-gmail.top","jasmne.com","jatmikav.top","jauhari.cf","jauhari.ga","jauhari.gq","jav8.cc","javadoq.com","javamail.org","javhold.com","javierllaca.com","javmail.tech","javmaniac.co","jawtec.com","jaxprop.com","jaxwin.ga","jaxworks.eu","jaxxken.xyz","jay4justice.com","jaya125.com","jaygees.ml","jayjessup.com","jaylene.ashton.london-mail.top","jaypetfood.com","jaysclay.org","jaysum.com","jayz-tickets.com","jb73bq0savfcp7kl8q0.ga","jb73bq0savfcp7kl8q0.ml","jb73bq0savfcp7kl8q0.tk","jbegn.info","jbl-russia.ru","jbniklaus.com","jbnote.com","jc56owsby.pl","jcausedm.com","jcdmail.men","jceffi8f.pl","jcgarrett.com","jcpclothing.ga","jdas-mail.net","jdasdhj.cf","jdasdhj.ga","jdasdhj.gq","jdasdhj.ml","jdasdhj.tk","jdbzcblg.pl","jddrew.com","jde53sfxxbbd.cf","jde53sfxxbbd.ga","jde53sfxxbbd.gq","jde53sfxxbbd.ml","jde53sfxxbbd.tk","jdeeedwards.com","jdefiningqt.com","jdf.pl","jdiwop.com","jdjdj.com","jdjdjdj.com","jdl5wt6kptrwgqga.cf","jdl5wt6kptrwgqga.ga","jdl5wt6kptrwgqga.gq","jdl5wt6kptrwgqga.ml","jdl5wt6kptrwgqga.tk","jdmadventures.com","jdnjraaxg.pl","jdow.com","jdtfdf55ghd.ml","jdub.de","jdvmail.com","jdweiwei.com","jdz.ro","je-recycle.info","je7f7muegqi.ga","je7f7muegqi.gq","je7f7muegqi.ml","je7f7muegqi.tk","jeansname.com","jeansoutlet2013.com","jeddahtravels.com","jeden.akika.pl","jedojour.com","jedrnybiust.pl","jeenza.com","jeep-official.cf","jeep-official.ga","jeep-official.gq","jeep-official.ml","jeep-official.tk","jeffcoscools.us","jeffersonbox.com","jefferygroup.com","jeffreypeterson.info","jeie.igg.biz","jeitodecriar.ga","jejeje.com","jeld.com","jellow.ml","jelly-life.com","jellyrollpan.net","jellyrolls.com","jelm.de","jembotbrodol.com","jembott.com","jembud.icu","jembulan.bounceme.net","jembut142.cf","jembut142.ga","jembut142.gq","jembut142.ml","jembut142.tk","jeme.com","jemmctldpk.pl","jennie.0amail.top","jennie.club","jenniferlillystore.com","jensden.co.uk","jensenbeachfishingcharters.com","jensenthh.club","jensinefrederiksen.me","jensumedergy.site","jentrix.com","jenz.com","jeoce.com","jeodumifi.ns3.name","jeongjin12.com","jepijopiijo.cf","jepijopiijo.ga","jepijopiijo.gq","jepijopiijo.ml","jepijopiijo.tk","jeppeson.com","jeralo.de","jeramywebb.com","jerapah993r.gq","jerbase.site","jere.biz","jeremytunnell.net","jeremywood.xyz","jerf.de","jerk.com","jeromebanctel.art","jerseymallusa.com","jerseyonsalestorehere.com","jerseysonlinenews.com","jerseysonlinesshop.com","jerseysshopps.com","jerseysv.com","jerseysyoulikestore.com","jerseyzone4u.com","jescanned.com","jesdoit.com","jesien-zima.com.pl","jessejames.net","jessica514.cf","jessicalife.com","jessie.0amail.top","jestemkoniem.com.pl","jestyayin27.com","jesusmail.com.br","jesusnotjunk.org","jesusstatue.net","jet-renovation.fr","jet.fyi","jetable.com","jetable.email","jetable.fr.nf","jetable.net","jetable.org","jetable.pp.ua","jetableemail.com","jetableemails.com","jetconvo.com","jeternet.com","jetqunrb.pl","jetreserve.ir","jetsay.com","jetsmails.com","jeu3ds.com","jeux-gratuits.us","jeux-online0.com","jeux3ds.org","jeuxds.fr","jewel.ie","jewellrydo.com","jewelrycellar.com","jewishnewsdaily.com","jex-mail.pl","jezykoweradio.pl","jffabrics85038.com","jfgfgfgdfdder545yy.ml","jfhuiwop.com","jfiee.tk","jftruyrfghd8867.cf","jftruyrfghd8867.ga","jftruyrfghd8867.gq","jftruyrfghd8867.ml","jftruyrfghd8867.tk","jfwrt.com","jgaweou32tg.com","jgeduy.buzz","jgerbn4576aq.cf","jgerbn4576aq.ga","jgerbn4576aq.gq","jgerbn4576aq.ml","jgerbn4576aq.tk","jgg4hu533327872.krhost.ga","jgi21rz.nom.pl","jglopez.net","jgmkgxr83.pl","jgrchhppkr.xorg.pl","jhgiklol.gq","jhhgcv54367.cf","jhhgcv54367.ga","jhhgcv54367.ml","jhhgcv54367.tk","jhib.de","jhjhj.com","jhjty56rrdd.cf","jhjty56rrdd.ga","jhjty56rrdd.gq","jhjty56rrdd.ml","jhjty56rrdd.tk","jhonkeats.me","jhotmail.co.uk","jhow.cf","jhow.ga","jhow.gq","jhow.ml","jhptraining.com","jhsss.biz","jialefujialed.info","jiancok.cf","jiancok.ga","jiancok.gq","jiancokowe.cf","jiancokowe.ga","jiancokowe.gq","jiancokowe.ml","jiaotongyinhang.net","jiapai.org","jiatou123jiua.info","jiaxin8736.com","jibitpay.com","jibjabprocode.com","jicp.com","jidanshoppu.com","jieber.net","jiez00veud9z.cf","jiez00veud9z.ga","jiez00veud9z.gq","jiez00veud9z.ml","jiez00veud9z.tk","jift.xyz","jiga.site","jigarvarma2005.cf","jigglypuff.com","jigsawdigitalmarketing.com","jikadeco.com","jikoiudi21.com","jil.kr","jiljadid.info","jilm.com","jilossesq.com","jimal.com","jimbow.ir","jimersons.us","jimhoyd.com","jimjaagua.com","jimmychooshoesuksale.info","jimmychoowedges.us","jimong.com","jinbeibeibagonline.com","jincer.com","jindmail.club","jinggakop.ga","jinggakop.gq","jinggakq.ml","jingjignsod.com","jinguanghu.com","jining2321.info","jinnesia.site","jinnmail.net","jinsguaranteedpaydayloans.co.uk","jiooq.com","jir.su","jiskhdgbgsytre43vh.ga","jitsuni.net","jiuere.com","jiujitsuappreviews.com","jiujitsushop.biz","jiujitsushop.com","jiyankotluk.xyz","jj456.com","jjchoosetp.com","jjdjshoes.com","jjdong16.com","jjdong17.com","jjdong25.com","jjdong28.com","jjdong29.com","jjdong30.com","jjdong32.com","jjdong35.com","jjdong37.com","jjdong38.com","jjdong39.com","jjdong7.com","jjdong8.com","jjdong9.com","jjeonji12.com","jjgg.de","jjhgg.com","jjjiii.ml","jjkgrtteee098.cf","jjkgrtteee098.ga","jjkgrtteee098.gq","jjkgrtteee098.ml","jjkgrtteee098.tk","jjlink.cn","jjmsb.eu.org","jjodri.com","jjohbqppg.shop","jjumples.com","jkautomation.com","jkcntadia.cf","jkcntadia.ga","jkcntadia.gq","jkcntadia.ml","jkcntadia.tk","jkdihanie.ru","jkhk.de","jkillins.com","jkiohiuhi32.info","jkjsrdtr35r67.cf","jkjsrdtr35r67.ga","jkjsrdtr35r67.gq","jkjsrdtr35r67.ml","jkjsrdtr35r67.tk","jklasdf.com","jklbkj.com","jkljkl.cf","jkljkl.ga","jklsssf.com","jklthg.co.uk","jkmechanical.com","jkrowlg.cf","jkrowlg.ga","jkrowlg.gq","jkrowlg.ml","jktyres.com","jkyvznnqlrc.gq","jkyvznnqlrc.ml","jkyvznnqlrc.tk","jlajah.com","jlegue.buzz","jlelio.buzz","jlets.com","jlmei.com","jlzxjeuhe.pl","jm407.ml","jm407.tk","jmail.com","jmail.fr.nf","jmail.ovh","jmail.ro","jmail7.com","jmanagersd.com","jmhprinting.com","jmpant.com","jmqtop.pl","jmuq.luk2.com","jmvdesignerstudio.com","jmvoice.com","jmy829.com","jmymy.com","jnckteam.eu","jncylp.com","jndu8934a.pl","jnfengli.com","jnggachoc.cf","jnggachoc.gq","jnhbvjjyuh.com","jnifyqit.shop","jnnnkmhn.com","jnpayy.com","jnsgt66.kwikto.com","jnswritesy.com","jnthn39vr4zlohuac.cf","jnthn39vr4zlohuac.ga","jnthn39vr4zlohuac.gq","jnthn39vr4zlohuac.ml","jnthn39vr4zlohuac.tk","jnxjn.com","jnyfyxdhrx85f0rrf.cf","jnyfyxdhrx85f0rrf.ga","jnyfyxdhrx85f0rrf.gq","jnyfyxdhrx85f0rrf.ml","jnyfyxdhrx85f0rrf.tk","jo-mail.com","jo.com","jo6s.com","jo8otki4rtnaf.cf","jo8otki4rtnaf.ga","jo8otki4rtnaf.gq","jo8otki4rtnaf.ml","jo8otki4rtnaf.tk","joakarond.tk","joannaalexandra.art","joannfabricsad.com","joanroca.art","joaquinito01.servehttp.com","joasantos.ga","job.blurelizer.com","job.cowsnbullz.com","job.craigslist.org","job.lakemneadows.com","jobbersonline.com","jobbikszimpatizans.hu","jobcheetah.com","jobdesk.org","jobeksuche.com","jobkim.com","jobku.id","jobmegov.com","jobo.me","jobposts.net","jobras.com","jobs-to-be-done.net","jobsforsmartpeople.com","jobslao.com","jobssearch.online","jobstoknow.com","jocksturges.in","joef.de","joelpet.com","joeltest.co.uk","joeneo.com","joetestalot.com","joey.com","joeypatino.com","jofap.com","johanaeden.spithamail.top","johannedavidsen.me","johannelarsen.me","john-doe.cf","john-doe.ga","john-doe.gq","john-doe.ml","johnderasia.com","johndoe.tech","johnkokenzie.com","johnnycarsons.info","johnpo.cf","johnpo.ga","johnpo.gq","johnpo.ml","johnpo.tk","johnsonmotors.com","johnswanson.com","johonkemana.com","johonmasalalu.com","joi.com","joiket.space","join-4-free.bid","join-taxi.ru","join.blatnet.com","join.emailies.com","joinemonend.com","joinm3.com","joint.website","jointcradle.xyz","jointolouisvuitton.com","jointtime.xyz","jojamail.com","jojojokeked.com","jojolouisvuittonshops.com","joke24x.ru","jokenaka.press","jolajola422.com","joliejoie.com","jollyfree.com","jollymove.xyz","jolongestr.com","jombase.com","jomcs.com","jomie.club","jonathanyeosg.com","jonerumpf.co.cc","jonesrv.com","jonnyanna.com","jonnyboy.com","jonnyjonny.com","jonrepoza.ml","jonrichardsalon.com","jonuman.com","jooffy.com","joomla-support.com","joomla.co.pl","joomlaccano.com","joomlaemails.com","joomlaprofi.ru","joopeerr.com","jopho.com","joplsoeuut.cf","joplsoeuut.ga","joplsoeuut.gq","joplsoeuut.ml","joplsoeuut.tk","joq7slph8uqu.cf","joq7slph8uqu.ga","joq7slph8uqu.gq","joq7slph8uqu.ml","joq7slph8uqu.tk","jordanflight45.com","jordanfr5.com","jordanfrancepascher.com","jordanknight.info","jordanmass.com","jordanretronikesjordans.com","jordanretrooutlet.com","jordans11.net","jordanshoesusonline.com","jordanstore.xyz","jordyn.tamia.wollomail.top","jorja344cc.tk","jorney.com","jornismail.net","jorosc.cf","jorosc.ga","jorosc.gq","jorosc.ml","jorosc.tk","jos-s.com","josadelia100.tk","josalita95.ml","josalyani102.ml","josamadea480.ga","josamanda777.tk","josangel381.ml","josasjari494.ml","josdita632.ml","josefadventures.org","joseihorumon.info","josephsu.com","josephswingle.com","josfitrawati410.ga","josfrisca409.tk","josgishella681.cf","joshendriyawati219.tk","joshlapham.org","joshtucker.net","joshturner.org","josivangkia341.tk","josjihaan541.cf","josjismail.com","josnarendra746.tk","josnurul491.ga","josontim2011.com","jososkkssippsos8910292992.epizy.com","josprayugo291.tk","josresa306.tk","josrustam128.cf","joss.live","joss.today","josse.ltd","josski.ml","josyahya751.tk","jotyaduolchaeol2fu.cf","jotyaduolchaeol2fu.ga","jotyaduolchaeol2fu.gq","jotyaduolchaeol2fu.ml","jotyaduolchaeol2fu.tk","jouasicni.ga","journalistuk.com","journeyliquids.com","journeys.group","jourrapide.com","jovo.app","jowabols.com","joy-sharks.ru","joycedu.xyz","joydeal.hk","joyfullife.style","joynet.info","joytakip.xyz","jp-morgan.cf","jp-morgan.ga","jp-morgan.gq","jp-morgan.ml","jp.com","jp.ftp.sh","jp.hopto.org","jp6188.com","jparaspire.com","jpco.org","jpcoachoutletvip.com","jpdf.site","jpggh76ygh0v5don1f.cf","jpggh76ygh0v5don1f.ga","jpggh76ygh0v5don1f.gq","jpggh76ygh0v5don1f.ml","jpggh76ygh0v5don1f.tk","jpinvest.ml","jpkparishandbags.info","jpnar8q.pl","jpneufeld.com","jpo48jb.pl","jppa.com","jppin.site","jppradatoyou.com","jprealestate.info","jpsells.com","jptb2motzaoa30nsxjb.cf","jptb2motzaoa30nsxjb.ga","jptb2motzaoa30nsxjb.gq","jptb2motzaoa30nsxjb.ml","jptb2motzaoa30nsxjb.tk","jptunyhmy.pl","jpuggoutlet.com","jpullingl.com","jpuser.com","jpvid.net","jq600.com","jqgarden.com","jqgnxcnr.pl","jqjlb.com","jqlk9hcn.xorg.pl","jquerys.net","jqweblogs.com","jqwgmzw73tnjjm.cf","jqwgmzw73tnjjm.ga","jqwgmzw73tnjjm.gq","jqwgmzw73tnjjm.ml","jqwgmzw73tnjjm.tk","jr46wqsdqdq.cf","jr46wqsdqdq.ga","jr46wqsdqdq.gq","jr46wqsdqdq.ml","jr46wqsdqdq.tk","jralalk263.tk","jrcs61ho6xiiktrfztl.cf","jrcs61ho6xiiktrfztl.ga","jrcs61ho6xiiktrfztl.gq","jrcs61ho6xiiktrfztl.ml","jrcs61ho6xiiktrfztl.tk","jredm.com","jri863g.rel.pl","jrinkkang97oye.cf","jriversm.com","jrjrj4551wqe.cf","jrjrj4551wqe.ga","jrjrj4551wqe.gq","jrjrj4551wqe.ml","jrjrj4551wqe.tk","jrvps.com","jryt7555ou9m.cf","jryt7555ou9m.ga","jryt7555ou9m.gq","jryt7555ou9m.ml","jryt7555ou9m.tk","js881111.com","jsdginfo.com","jsellsvfx.com","jshongshuhan.com","jshrtwg.com","jshungtaote.com","jsjns.com","jskypedo.com","jsonp.ro","jsrsolutions.com","jsvojfgs.pl","jswfdb48z.com","jszmail.com","jszuofang.com","jtabusschedule.info","jtjmtcolk.pl","jtkgatwunk.cf","jtkgatwunk.ga","jtkgatwunk.gq","jtkgatwunk.ml","jtkgatwunk.tk","jtmalwkpcvpvo55.cf","jtmalwkpcvpvo55.ga","jtmalwkpcvpvo55.gq","jtmalwkpcvpvo55.ml","jtmalwkpcvpvo55.tk","jtmc.com","jto.kr","jtu.org","jtw-re.com","jualcloud.net","jualherbal.top","juarabola.org","jucky.net","judethomas.info","judibandardomino.com","judimag.com","judisgp.info","jue.lu","jue12s.pl","juegos13.es","jug.luk2.com","jug1.com","jugglepile.com","jugqsguozevoiuhzvgdd.com","juicermachinesreview.com","juicervital.com","juicerx.co","juicy-couturedaily.com","juicyvogue.com","juiupsnmgb4t09zy.cf","juiupsnmgb4t09zy.ga","juiupsnmgb4t09zy.gq","juiupsnmgb4t09zy.ml","juiupsnmgb4t09zy.tk","jujinbox.info","jujitsushop.biz","jujitsushop.com","jujj6.com","jujucheng.com","jujucrafts.com","jujuinbox.info","jujuso.com","jujusou.com","juliejeremiassen.me","juliett.november.webmailious.top","juliman.me","juliustothecoinventor.com","julsard.com","julymovo.com","jumaelda4846.ml","jumanindya8240.cf","jumaprilia4191.cf","jumass.com","jumat.me","jumbogumbo.in","jumbotime.xyz","jumbox.site","jumbunga3502.cf","jumgita6884.tk","jumlamail.ml","jumlatifani8910.tk","jummario7296.ml","jummayang1472.ml","jumnia4726.ga","jumnoor4036.ga","jumnugroho6243.cf","jumonji.tk","jumossi51.ml","jump-communication.com","jumpman23-shop.com","jumpy5678.cf","jumpy5678.ga","jumpy5678.gq","jumpy5678.ml","jumpy5678.tk","jumrestia9994.ga","jumreynard5211.ml","jumreza258.tk","jumveronica8959.tk","jun11.flatoledtvs.com","jun8yt.cf","jun8yt.ga","jun8yt.gq","jun8yt.ml","jun8yt.tk","junasboyx1.com","junclutabud.xyz","junctiondx.com","junemovo.com","junetwo.ru","jungemode.site","jungkamushukum.com","jungolo.com","junioriot.net","junk.beats.org","junk.googlepedia.me","junk.ihmehl.com","junk.noplay.org","junk.to","junk.vanillasystem.com","junk1e.com","junkgrid.com","junklessmaildaemon.info","junkmail.com","junkmail.ga","junkmail.gq","junoemail.com","juntadeandalucia.org","juo.com","juoksutek.com","jupimail.com","jupiterblock.com","jupiterm.com","juroposite.site","jurts.online","jusomoa05.com","jusomoa06.com","jussum.info","just-email.com","just-games.ru","just.lakemneadows.com","just.marksypark.com","just.ploooop.com","just.poisedtoshrike.com","just4fun.me","just4spam.com","justafou.com","justanotherlovestory.com","justbegood.pw","justbestmail.co.cc","justbigbox.com","justclean.co.uk","justdoiit.com","justdoit132.cf","justdoit132.ga","justdoit132.gq","justdoit132.ml","justdoit132.tk","justdomain84.ru","justemail.ml","justfortodaynyc.com","justfreemails.com","justinbiebershoesforsale.com","justintrend.com","justiphonewallpapers.com","justlibre.com","justmailservice.info","justmakesense.com","justnope.com","justnowmail.com","justonemail.net","justpoleznoe.ru","justrbonlinea.co.uk","justre.codes","justshoes.gq","justsvg.com","justtick.it","juusecamenerdarbun.com","juyouxi.com","juzab.com","jv6hgh1.com","jv7ykxi7t5383ntrhf.cf","jv7ykxi7t5383ntrhf.ga","jv7ykxi7t5383ntrhf.gq","jv7ykxi7t5383ntrhf.ml","jv7ykxi7t5383ntrhf.tk","jvdorseynetwork.com","jvhclpv42gvfjyup.cf","jvhclpv42gvfjyup.ml","jvhclpv42gvfjyup.tk","jvimail.com","jvlicenses.com","jvptechnology.com","jvtk.com","jvucei.buzz","jvunsigned.com","jvvmfwekr.xorg.pl","jwcemail.com","jweomainc.com","jwgu.com","jwguanacastegolf.com","jwi.in","jwk4227ufn.com","jwl3uabanm0ypzpxsq.cf","jwl3uabanm0ypzpxsq.ga","jwl3uabanm0ypzpxsq.gq","jwlying.com","jwork.ru","jwoug2rht98plm3ce.cf","jwoug2rht98plm3ce.ga","jwoug2rht98plm3ce.ml","jwoug2rht98plm3ce.tk","jwtukew1xb1q.cf","jwtukew1xb1q.ga","jwtukew1xb1q.gq","jwtukew1xb1q.ml","jwtukew1xb1q.tk","jwvestates.com","jxgrc.com","jxiv.com","jyfc88.com","jyliananderik.com","jymfit.info","jynmxdj4.biz.pl","jytewwzz.com","jyzaustin.com","jziad5qrcege9.cf","jziad5qrcege9.ga","jziad5qrcege9.gq","jziad5qrcege9.ml","jziad5qrcege9.tk","jzzxbcidt.pl","k-10.com","k-b.xyz","k-d-m.de","k-mail.top","k.fido.be","k.polosburberry.com","k.schimu.com","k0vaux7h.345.pl","k101.hosteko.ru","k1q4fqra2kf.pl","k25.pl","k2dfcgbld4.cf","k2dfcgbld4.ga","k2dfcgbld4.gq","k2dfcgbld4.ml","k2dfcgbld4.tk","k2eztto1yij4c.cf","k2eztto1yij4c.ga","k2eztto1yij4c.gq","k2eztto1yij4c.ml","k2eztto1yij4c.tk","k2idacuhgo3vzskgss.cf","k2idacuhgo3vzskgss.ga","k2idacuhgo3vzskgss.gq","k2idacuhgo3vzskgss.ml","k2idacuhgo3vzskgss.tk","k34k.com","k3663a40w.com","k3opticsf.com","k3zaraxg9t7e1f.cf","k3zaraxg9t7e1f.ga","k3zaraxg9t7e1f.gq","k3zaraxg9t7e1f.ml","k3zaraxg9t7e1f.tk","k4ds.org","k4tbtqa7ag5m.cf","k4tbtqa7ag5m.ga","k4tbtqa7ag5m.gq","k4tbtqa7ag5m.ml","k4tbtqa7ag5m.tk","k5vin1.xorg.pl","k60.info","k99.fun","k9ifse3ueyx5zcvmqmw.cf","k9ifse3ueyx5zcvmqmw.ga","k9ifse3ueyx5zcvmqmw.ml","k9ifse3ueyx5zcvmqmw.tk","k9wc559.pl","ka1ovm.com","kaaaxcreators.tk","kaaw39hiawtiv1.ga","kaaw39hiawtiv1.gq","kaaw39hiawtiv1.ml","kaaw39hiawtiv1.tk","kabareciak.pl","kabarunik.xyz","kabbala.com","kabiny-prysznicowe-in.pl","kabiny-prysznicowe.ovh","kabo-verde-nedv.ru","kabulational.xyz","kaciekenya.webmailious.top","kacose.xyz","kacwarriors.org","kadag.ir","kademen.com","kadokawa.cf","kadokawa.ga","kadokawa.gq","kadokawa.ml","kadokawa.tk","kadokawa.top","kaede1210.isamu29.investmentweb.xyz","kaede2010.katsu58.hensailor.xyz","kaede7410.takayuki52.funnetwork.xyz","kaelalydia.london-mail.top","kaengu.ru","kafai.net","kafrem3456ails.com","kagi.be","kaguya.tk","kah.pw","kahase.com","kahndefense.com","kahootninja.com","kaifuem.site","kaijenwan.com","kaiju.live","kaindra.art","kainkainse.com","kairosplanet.com","kaishinkaiseattle.com","kaixinpet.com","kaj3goluy2q.cf","kaj3goluy2q.ga","kaj3goluy2q.gq","kaj3goluy2q.ml","kaj3goluy2q.tk","kakadua.net","kakaofrucht.de","kakashi1223e.cf","kakashi1223e.ga","kakashi1223e.ml","kakashi1223e.tk","kakekbet.com","kakismotors.net","kakraffi.eu.org","kaksmail.com","kalapi.org","kalayya.com","kalemproje.com","kalkulator-kredytowy.com.pl","kaloolas.shop","kalosgrafx.com","kamagra-lovegra.com.pl","kamagra.com","kamagra.org","kamagra100mgoraljelly.today","kamagradct.com","kamagraonlinesure.com","kamagrasklep.com.pl","kamax57564.co.tv","kamen-market.ru","kamenrider.ru","kamgorstroy.ru","kamien-naturalny.eu","kamis.me","kamismail.com","kamizellki-info.pl","kammmo.com","kammmo12.com","kampoeng3d.club","kampungberdaya.com","kampungberseri.com","kamryn.ayana.thefreemail.top","kamsg.com","kamucerdas.com","kamusinav.site","kanada-nedv.ru","kanarian-nedv.ru","kanbay.com","kanbin.info","kanciang.faith","kandymail.com","kangeasy.com","kangirl.com","kangkunk44lur.cf","kangsohang.com","kanhamods.ml","kankankankan.com","kanker.website","kannada.com","kanpress.site","kansascitystreetmaps.com","kanzanishop.com","kaocashima.com","kaovo.com","kapieli-szczecin.pl","kapikapi.info","kappala.info","kapptiger.com","kapumamatata.ml","kara-turk.net","kara.1amail.top","karamelbilisim.com","karaokegeeks.com","karateslawno.pl","karatraman.ml","karavic.com","karbonbet.com","karcherparts.info","karelklosse.com","karement.com","karenmillendress-au.com","karenmillenoutletea.co.uk","karenmillenoutleter.co.uk","karenmillenuk4s.co.uk","karenmillenuker.co.uk","kargoibel.store","karibbalakata.ml","karina-strim.ru","karinanadila.art","karinmk-wolf.eu","kariplan.com","karisss3.com","karitas.com.br","karlinainawati.art","karlov-most.ru","karmapuma.tk","karolinejensen.me","karolinekleist.me","karos-profil.de","karridea.com","karta-kykyruza.ru","karta-tahografa.ru","kartk5.com","kartsitze.de","kartu8m.com","kartuliga.poker","kartvelo.com","kartvelo.me","kartykredytowepl.info","kartyusb.pl","kasandraava.livefreemail.top","kasdewhtewhrfasaea.vv.cc","kashi-sale.com","kasihtahuaja.xyz","kasmabirader.com","kasmail.com","kaspecism.site","kasper.uni.me","kaspop.com","kast64.plasticvouchercards.com","kasthouse.com","kastransport.com","kat-777.com","kat-net.com","katalogstronstron.pl","katamo1.com","katanganews.cd","katanyoo.shop","katanyoo.xyz","katanyoobattery.com","katarina.maya.istanbul-imap.top","katarinalouise.com","katcang.tk","kate.1bd.pl","katergizmo.de","katespade-factory.com","kathrinelarsen.me","kathrynowen.com","kathycashto.com","kathymackechney.com","katie11muramats.ga","katipa.pl","katipo.ru","katomcoupon.com","katonoma.com","kats.com","katsfastpaydayloans.co.uk","katsu28.xpath.site","katsu810.masashi89.yourfun.xyz","katsui.xyz","kattmanmusicexpo.com","katuchi.com","katyisd.com","katyperrytourblog.com","katztube.com","kauinginpergi.cf","kauinginpergi.ga","kauinginpergi.gq","kauinginpergi.ml","kaulananews.com","kavapors.com","kavbc6fzisxzh.cf","kavbc6fzisxzh.ga","kavbc6fzisxzh.gq","kavbc6fzisxzh.ml","kavbc6fzisxzh.tk","kavxx.xyz","kawaii.vet","kawaiishojo.com","kaws4u.com","kawu.site","kawy-4.pl","kaxks55ofhkzt5245n.cf","kaxks55ofhkzt5245n.ga","kaxks55ofhkzt5245n.gq","kaxks55ofhkzt5245n.ml","kaxks55ofhkzt5245n.tk","kayatv.net","kaye.ooo","kaysartycles.com","kazan-nedv.ru","kazelink.ml","kazinoblackjack.com","kazper.net","kbakvkwvsu857.cf","kbbxowpdcpvkxmalz.cf","kbbxowpdcpvkxmalz.ga","kbbxowpdcpvkxmalz.gq","kbbxowpdcpvkxmalz.ml","kbbxowpdcpvkxmalz.tk","kbdjvgznhslz.ga","kbdjvgznhslz.ml","kbdjvgznhslz.tk","kbellebeauty.com","kbox.li","kc-kenes.kz","kc8pnm1p9.pl","kchkch.com","kcil.com","kcrw.de","kdesignstudio.com","kdfgedrdf57mmj.ga","kdjhemail.com","kdjngsdgsd.tk","kdks.com","kdl8zp0zdh33ltp.ga","kdl8zp0zdh33ltp.gq","kdl8zp0zdh33ltp.ml","kdl8zp0zdh33ltp.tk","kdrplast.com","kdublinstj.com","kdxcvft.xyz","keagenan.com","keaih.com","kebandara.com","kebl0bogzma.ga","kebmail.com","kecambahijo89klp.ml","kecapasin.buzz","keely.johanna.chicagoimap.top","keenclimatechange.com","keepactivated.com","keeperhouse.ru","keepitsecurity.com","keeplucky.pw","keepmymail.com","keepmyshitprivate.com","keepsave.club","keepyourshitprivate.com","kehangatan.ga","kein.hk","keinhirn.de","keinmail.com","keinpardon.de","keipino.de","keirron31.are.nom.co","keis.com","kejenx.com","kekecog.com","keked.com","kekita.com","kelasbelajar.web.id","kelaskonversi.com","kelec.cf","kelec.ga","kelec.tk","kelev.biz","kellybagonline.com","kellychibale-researchgroup-uct.com","kellycro.ml","kelseyball.xyz","keluaranhk.online","keluruk.fun","kemail.com","kemampuan.me","kemanngon.online","kembangpasir.website","kembung.com","kemfra.com","kemonkoreeitaholoto.tk","kemptvillebaseball.com","kemska.pw","kemulastalk.https443.org","kenal-saya.ga","kenbaby.com","kenberry.com","kendallmarshallfans.info","kendalraven.webmailious.top","kenecrehand.port25.biz","kenesandari.art","kenfern.com","kengriffeyoutlet.com","kenmorestoveparts.com","kennedy808.com","kennethpaskett.name","kennie.club","kennie.com","kenshin2810.masashi26.lady-and-lunch.xyz","kenshin67.bitgalleries.site","kent1.rebatesrule.net","kent2.ns02.info","kent4.ftp1.biz","kent5.qpoe.com","kent7.3-a.net","kentg.co.cc","kenvanharen.com","keobzmvii.pl","keort.in","kepeznakliyat.com","kepler.uni.me","kepo.ml","kepqs.ovh","keralaairport.net","keratinhairtherapy.com","keratosispilarisguide.info","kerficians.xyz","kerfuffle.me","kerjqv.us","kernersvilleapartments.com","kernigh.org","kerrilid.win","kerrmail.men","kerrytonys.info","kerupukmlempem.ml","kerupukmlempem.tk","kerupukmlempem1.cf","kerupukmlempem1.ga","kerupukmlempem2.cf","kerupukmlempem3.cf","kerupukmlempem3.ml","kerupukmlempem4.cf","kerupukmlempem4.ml","kerupukmlempem5.cf","kerupukmlempem6.cf","kerupukmlempem6.ml","kerupukmlempem7.cf","kerupukmlempem7.ga","kerupukmlempem8.ga","kerupukmlempem9.cf","kespear.com","ketchet.com","kethough51.tk","ketiksms.club","ketoblazepro.com","ketodiet.info","ketoproteinrecipes.com","ketoultramax.com","kettlebellfatburning.info","kettledesign.com","kettles.info","kev.com","kev7.com","kevin7.com","kevinmalakas.com","kevintrankt.com","kevu.site","kewelhidden.com","kewkece.com","kewl-offers.com","kewlmail.info","kewrg.com","kexukexu.xyz","key-mail.net","key-windows-7.us","keyesrealtors.tk","keyforteams.com","keygenninjas.com","keykeykelyns.cf","keykeykelyns.ga","keykeykelyns.gq","keykeykelyns.ml","keykeykelyns.tk","keykeykelynss.cf","keykeykelynss.ga","keykeykelynss.gq","keykeykelynss.ml","keykeykelynss.tk","keykeykelynsss.cf","keykeykelynsss.ga","keykeykelynsss.gq","keykeykelynsss.ml","keykeykelynsss.tk","keykeykelynz.cf","keykeykelynz.ga","keykeykelynz.gq","keykeykelynz.ml","keykeykelynz.tk","keyprestige.com","keypreview.com","keyscapital.com","keysky.online","keytarbear.net","keywordstudy.pl","keyy.com","kf2ddmce7w.cf","kf2ddmce7w.ga","kf2ddmce7w.gq","kf2ddmce7w.ml","kf2ddmce7w.tk","kfamilii2011.co.cc","kfark.net","kfhgrftcvd.cf","kfhgrftcvd.ga","kfhgrftcvd.gq","kfhgrftcvd.ml","kfhgrftcvd.tk","kfjsios.com","kfoiwnps.com","kftcrveyr.pl","kg1cz7xyfmps.cf","kg1cz7xyfmps.gq","kg1cz7xyfmps.tk","kgduw2umqafqw.ga","kgduw2umqafqw.ml","kgduw2umqafqw.tk","kghf.de","kghfmqzke.pl","kgohjniyrrgjp.cf","kgohjniyrrgjp.ga","kgohjniyrrgjp.gq","kgohjniyrrgjp.ml","kgohjniyrrgjp.tk","kgxz6o3bs09c.cf","kgxz6o3bs09c.ga","kgxz6o3bs09c.gq","kgxz6o3bs09c.ml","kgxz6o3bs09c.tk","kh0hskve1sstn2lzqvm.ga","kh0hskve1sstn2lzqvm.gq","kh0hskve1sstn2lzqvm.ml","kh0hskve1sstn2lzqvm.tk","khabmails.com","khagate.xyz","khakiskinnypants.info","khalifahallah.com","khalilah.glasslightbulbs.com","khan007.cf","khazeo.ml","khbfzlhayttg.cf","khbfzlhayttg.ga","khbfzlhayttg.gq","khbfzlhayttg.ml","khbfzlhayttg.tk","khbikemart.com","khel.de","khoabung.com","khoahocseopro.com","khoahocseoweb.com","khoantuta.com","khoi-fm.org","khongsocho.xyz","khpkufk.pl","khti34u271y217271271.ezyro.com","khtyler.com","khujenao.net","khuongdz.club","khyuz.ru","khyz.luk2.com","ki-sign.com","ki7hrs5qsl.cf","ki7hrs5qsl.ga","ki7hrs5qsl.gq","ki7hrs5qsl.ml","ki7hrs5qsl.tk","kiabws.com","kiabws.online","kiani.com","kibristime.com","kibwot.com","kickers-world.be","kickers.online","kickit.ga","kickmark.com","kickmarx.net","kickme.me","kickskshoes.com","kickstartbradford.com","kicv.com","kid-car.ru","kidalovo.com","kidalylose.pl","kiddsdistribution.co.uk","kidesign.co.uk","kidohalgeyo.com","kidsenabled.org","kidspocketmoney.org","kidworksacademy.com","kieea.com","kiejls.com","kielon.pl","kigwa.com","kiham.club","kihc.com","kikie.club","kikihu.com","kikoxltd.com","kil.it","kil58225o.pl","kilaok.site","kiliosios.gr","kill-me.tk","killarbyte.ru","killdred99.uk.com","killerelephants.com","killerlearner.ga","killgmail.com","killmail.com","killmail.net","kilo.kappa.livefreemail.top","kilo.sigma.aolmail.top","kilomerica.xyz","kily.com","kim-tape.com","kimachina.com","kimberly.dania.chicagoimap.top","kimberlymed.com","kimbral.umiesc.pl","kimchichi.com","kimfetme.com","kimim.tk","kimmyjayanti.art","kimsangun.com","kimsangung.com","kimsdisk.com","kimyl.com","kindbest.com","kinderbook-inc.com","kinderworkshops.de","kindleebs.xyz","kindtoto12.com","kindvideo.ru","king-yaseen.cf","king.buzz","king2003.ml","kingbet99.com","kingdomhearts.cf","kingice-store.com","kingmenshealth.com","kingofmails.com","kingpol.eu","kingsbbq.biz","kingseo.edu.vn","kingsleyassociates.co.uk","kingsq.ga","kingsready.com","kingstoncs.com","kingyslmail.com","kingyslmail.top","kinitawowis.xyz","kinky-fetish.cyou","kinkz.com","kino-100.ru","kinofan-online.ru","kinoger.site","kinoggo.ru","kinogokinogo.ru","kinogomegogo.ru","kinogomyhit.ru","kinoiks.ru","kinokinoggo.ru","kinokradkinokrad.ru","kinolive.pl","kinolublin.pl","kinomaxru.ru","kinopoisckhd.ru","kinosmotretonline.ru","kinoxaxru.ru","kinoz.pl","kinsil.co.uk","kintravel.com","kinx.cf","kinx.gq","kinx.ml","kinx.tk","kio-mail.com","kiois.com","kiolisios.gr","kipavlo.ru","kipmail.xyz","kipomail.com","kipr-nedv.ru","kir.ch.tc","kirt.er","kiryubox.cu.cc","kisiihft2hka.cf","kisiihft2hka.ga","kisiihft2hka.gq","kisiihft2hka.ml","kisiihft2hka.tk","kismail.com","kismail.ru","kiss918.info","kissadulttoys.com","kisshq.com","kissmoncler.com","kissmyapps.store","kisstwink.com","kitaura-net.jp","kitchen-tvs.ru","kitchendesign1.co.uk","kitchenettereviews.com","kitchenlean.fun","kitela.work","kitesmith.com","kitesurfinguonline.pl","kitezh-grad.ru","kithjiut.cf","kithjiut.ga","kithjiut.gq","kithjiut.ml","kitiva.com","kitkat.pop3.lavaweb.in","kitnastar.com","kitooes.com","kitsappowdercoating.com","kitten-mittons.com","kittenemail.com","kittenemail.xyz","kittiza.com","kiustdz.com","kiuyutre.ga","kiuyutre.ml","kivoid.blog","kiworegony.com","kiwsz.com","kiziwi.xyz","kjdghdj.co.cc","kjdo9rcqnfhiryi.cf","kjdo9rcqnfhiryi.ga","kjdo9rcqnfhiryi.ml","kjdo9rcqnfhiryi.tk","kjhjgyht6ghghngh.ml","kjhkj.10mail.tk","kjjeggoxrm820.gq","kjjit.eu","kjkjk.com","kjkszpjcompany.com","kjncascoiaf.ru","kjoiewrt.in","kjwyfs.com","kkack.com","kkbuildd.com","kkdz.luk2.com","kkenny.com","kkjef655grg.cf","kkjef655grg.ga","kkjef655grg.gq","kkjef655grg.ml","kkjef655grg.tk","kkkkkk.com","kkkmail.tk","kkkzzz.cz.cc","kkmail.be","kkmjnhff.com","kkomimi.com","kkr47748fgfbef.cf","kkr47748fgfbef.ga","kkr47748fgfbef.gq","kkr47748fgfbef.ml","kkr47748fgfbef.tk","kkreatorzyimprez.pl","kkredyt.pl","kkredyttonline.pl","kksm.be","kktt32s.net.pl","kkvmdfjnvfd.dx.am","klabuk.pl","klaky.net","klammlose.org","klarasaty25rest.cf","klarasfree09net.ml","klassmaster.com","klassmaster.net","klasyczne.info","klate.site","klefv.com","klefv6.com","kleiderboutique.de","kleiderhaken.shop","kleinisd.com","klek.com","klembaxh23oy.gq","klemon.ru","kleogb.com","klepf.com","klerom.in","kles.info","klhaeeseee.pl","klick-tipp.us","kligoda.com","klimatyzacjaa.pl","klimwent.pl","klinika-zdrowotna.pl","klipp.su","klipschx12.com","klng.com","klo.com","kloap.com","klodrter.pl","klondikestar.com","klone0rz.be","klonteskacondos.com","klopsjot.ch","kluayprems.cf","klubnikatv.com","kludgemush.com","kludio.xyz","kluofficer.com","klvm.gq","klytreuk.com.uk","klyum.com","klzlk.com","klzmedia.com","km1iq.xyz","km4fsd6.pl","km6uj.xyz","kmail.li","kmail.mooo.com","kmail.wnetz.pl","kmbr.de","kmdt.cm","kme6g.xyz","kmeuktpmh.pl","kmfdesign.com","kmhow.com","kmjp.luk2.com","kmjq.luk2.com","kmkl.de","kmoduy.buzz","kmonkeyd.com","kmonlinestore.co.uk","kmrx1hloufghqcx0c3.cf","kmrx1hloufghqcx0c3.ga","kmrx1hloufghqcx0c3.gq","kmrx1hloufghqcx0c3.ml","kmrx1hloufghqcx0c3.tk","kmuye.xyz","kmvdizyz.shop","kmwtevepdp178.gq","kn7il8fp1.pl","knaiji.com","knaq.com","kneeguardkids.ru","knessed.xyz","kngusa.com","knife.ruimz.com","kniffel-online.info","kniga-galob.ru","knightsworth.com","knime.app","knime.online","knime.us","knnl.ru","knock.favbat.com","knol-power.nl","knolgy.net","knolselder.cf","knolselder.ga","knolselder.gq","knolselder.ml","knolselder.tk","know.cowsnbullz.com","know.marksypark.com","know.poisedtoshrike.com","know.popautomated.com","know.qwertylock.com","knowallergies.org","knowhowitaly.com","knowledge-from-0.com","knowledgemd.com","knowyourfaqs.com","knoxy.net","knptest.com","kntl.me","knw4maauci3njqa.cf","knw4maauci3njqa.gq","knw4maauci3njqa.ml","knw4maauci3njqa.tk","knymue.xyz","ko76nh.com","koalaltd.net","koalaswap.com","kobessa.com","kobietaidom.pl","kobrandly.com","koch.ml","kocheme.com","kochen24.de","kochenk.online","kochkurse-online.info","kocoks.com","kod-emailing.com","kod-maling.com","kodaka.cf","kodaka.ga","kodaka.gq","kodaka.ml","kodaka.tk","kodemail.ga","kodemailing.com","kodifyqa.com","kodmailing.com","kodok.xyz","kodorsex.cf","kodpan.com","koekdmddf.com","koenigsolutions.com","koewrt.in","kogda.online","kogojet.net","kohlsprintablecouponshub.com","kohz5gxm.pl","koin-qq.top","koiqe.com","koismwnndnbfcswte.cf","koismwnndnbfcswte.ga","koismwnndnbfcswte.gq","koismwnndnbfcswte.ml","koismwnndnbfcswte.tk","kojitatsuno.com","kojon6ki.cy","kojonki.cy","kojsaef.ga","koka-komponga.site","kokinus.ro","kokkiii.com","kokocookies.com","kokokoko.com","kokorot.cf","kokorot.ga","kokorot.gq","kokorot.ml","kokorot.tk","kokosik.site","kokscheats.com","kolagenanaturalny.eu","kolbasasekas.ru","kolczynka.pl","koldpak.com","kolekcjazegarkow.com","kolkmendbobc.tk","koloekmail.com","koloekmail.net","kolonyajel.com","kolovers.com","kolumb-nedv.ru","kolvok2.xyz","kolyasski.com","komalik.club","koman.team","kombatcopper.com","kombiservisler.com","kommunity.biz","kommv.cc.be","kompakteruss.cf","kompbez.ru","komper.info","komputer.design","komputrobik.pl","kon42.com","konacode.com","konbat.ru","konferencja-partnerstwo-publiczno-prywatne.pl","kongree.site","kongshuon.com","kongzted.net","konkurrierenden.ml","konkursoteka.com","konmail.com","konne.pl","konno.tk","konoha.asia","konsalt-proekt.ru","kontagion.pl","kontakt.imagehostfile.eu","kontaktbloxx.com","konto-w-banku.net","kontol.city","kontol.co.uk","kontol.guru","kontormatik.org","konultant-jurist.ru","konveksigue.com","konwinski50.glasslightbulbs.com","koochmail.info","koofy.net","kook.ml","kookabungaro.com","kookkom.com","koolm.com","koongyako.com","kopagas.com","kopaka.net","kopakorkortonline.com","kopiacehgayo15701806.cf","kopiacehgayo15701806.ga","kopiacehgayo15701806.ml","kopiacehgayo15701806.tk","kopibajawapunya15711640.cf","kopibajawapunya15711640.ga","kopibajawapunya15711640.ml","kopibajawapunya15711640.tk","kopienak.website","kopikapalapi11821901.cf","kopikapalapi11821901.ga","kopikapalapi11821901.ml","kopikapalapi11821901.tk","kopipahit.ga","kopqi.com","korcznerwowy.com","kore-tv.com","koreaautonet.com","koreamail.cf","koreamail.ml","koreautara.cf","koreautara.ga","korelmail.com","korika.com","kormail.xyz","korneri.net","korona-nedvizhimosti.ru","korozy.de","korsakov-crb.ru","korutbete.cf","korzystnykredyt.com.pl","kos21.com","kosgcg0y5cd9.cf","kosgcg0y5cd9.ga","kosgcg0y5cd9.gq","kosgcg0y5cd9.ml","kosgcg0y5cd9.tk","kosherlunch.com","koshu.ru","kosiarszkont.com","kosla.pl","kosmetik-obatkuat.com","kosmetika-kr.info","kosmetika-pro.in.ua","kosmicmusic.com","kosolar.pl","kost.party","kosta-rika-nedv.ru","kostenlos-web.com","kostenlose-browsergames.info","kostenlosemailadresse.de","kostestas.co.pl","kosze-na-smieciok.pl","koszmail.pl","koszulki-swiat.pl","kotea.pl","kotiki.pw","kotm.com","kotruyerwrwyrtyuio.co.tv","kotsu01.info","kouattre38t.cf","kouattre38t.ga","kouattre38t.gq","kouattre38t.ml","kouattre38t.tk","kouch.ml","kovezero.com","koweancenjancok.cf","koweancenjancok.ga","koweancenjancok.gq","koweancenjancok.ml","kowert.in","koyocah.ml","koyunum.com","koyunum.net","kozacki.pl","kozow.com","kpay.be","kpgindia.com","kpnaward.com","kpnmail.org","kpooa.com","kpost.be","kpsc.com","kpxnxpkst.pl","kqhs4jbhptlt0.cf","kqhs4jbhptlt0.ga","kqhs4jbhptlt0.gq","kqhs4jbhptlt0.ml","kqhs4jbhptlt0.tk","kqis.de","kqo0p9vzzrj.ga","kqo0p9vzzrj.gq","kqo0p9vzzrj.ml","kqo0p9vzzrj.tk","kqwyqzjvrvdewth81.cf","kqwyqzjvrvdewth81.ga","kqwyqzjvrvdewth81.gq","kqwyqzjvrvdewth81.ml","kqwyqzjvrvdewth81.tk","kqxi.com","kraftdairymail.info","kraidi.com","krainafinansow.com.pl","krakenforwin.xyz","krakowpost.pl","krakowskiadresvps.com","kramatjegu.com","kramwerk.ml","krankenversicherungvergleich24.com","krapaonarak.com","kras-ses.ru","krasavtsev-ua.pp.ua","krasivie-parki.ru","krd.ag","kre8ivelance.com","kreacja.info","kreacjainfo.net","kreasianakkampoeng.com","kreatorzyiimprez.pl","kreatorzyimprez.pl","kredit-beamten.de","kreditmindi.org","kredyt-dla-ciebie.com.pl","kredytmaster.net","kredytnadowodbezbik.com.pl","kredytowemarzenia.pl","kredytowysklep.pl","kredytsamochodowy9.pl","kredyty-samochodowe.eu","kreines71790.co.pl","krem-maslo.info","krentery.tk","kresla-stulia.info","kreuiema.com","krgyui7svgomjhso.cf","krgyui7svgomjhso.ga","krgyui7svgomjhso.gq","krgyui7svgomjhso.ml","krgyui7svgomjhso.tk","krhr.co.cc","krillio.com","kriptowallet.ml","krishnarandi.tk","krissysummers.com","kristall2.ru","kristeven.tk","kristinehansen.me","kristinerosing.me","kristy-rows.com","krnf.de","krns.com","krnuqysd.pl","krodnd2a.pl","krofism.com","krogerco.com","krogstad24.aquadivingaccessories.com","kromosom.ml","krompakan.xyz","krondon.com","kronedigits.ru","kroniks.com","krovanaliz.ru","krovatka.su","krsw.sonshi.cf","krsw.tk","krte3562nfds.cf","krte3562nfds.ga","krte3562nfds.gq","krte3562nfds.ml","krte3562nfds.tk","krtjrzdt1cg2br.cf","krtjrzdt1cg2br.ga","krtjrzdt1cg2br.gq","krtjrzdt1cg2br.ml","krtjrzdt1cg2br.tk","kruay.com","krunsea.com","krupp.cf","krupp.ga","krupp.ml","krupukhslide86bze.gq","krushinem.net","kruszer.pl","krutynska.pl","krxr.ru","krxt.com","krypton.tk","kryptonqq.com","krystallettings.co.uk","krystalresidential.co.uk","krzysztofpiotrowski.com","ks87.igg.biz","ks87.usa.cc","ksadkscn.com","ksadrc.com","kscommunication.com","kserokopiarki-gliwice.com.pl","kserokopiarki.pl","ksframem.com","ksgmac.com","ksiegapozycjonera.priv.pl","ksiegarniapowszechna.pl","ksiegowi.biz","ksignnews.com","ksiowlc.com","ksis.com","ksiskdiwey.cf","ksjewelryboutique.com","ksksk.com","ksmtrck.cf","ksmtrck.ga","ksmtrck.rf.gd","ksmtrck.tk","ksnd.com","ksosmc.com","ksqpmcw8ucm.cf","ksqpmcw8ucm.ga","ksqpmcw8ucm.gq","ksqpmcw8ucm.ml","ksqpmcw8ucm.tk","kt-ex.site","ktajnnwkzhp9fh.cf","ktajnnwkzhp9fh.ga","ktajnnwkzhp9fh.gq","ktajnnwkzhp9fh.ml","ktajnnwkzhp9fh.tk","ktbk.ru","ktds.co.uk","ktotey6.mil.pl","ktumail.com","ku1hgckmasms6884.cf","ku1hgckmasms6884.ga","ku1hgckmasms6884.gq","ku1hgckmasms6884.ml","ku1hgckmasms6884.tk","kuai909.com","kuaijenwan.com","kuaixueapp01.mygbiz.com","kuantumdusunce.tk","kuatcak.cf","kuatcak.tk","kuatkanakun.com","kuatmail.gq","kuatmail.tk","kuatocokjaran.cf","kuatocokjaran.ga","kuatocokjaran.gq","kuatocokjaran.ml","kuatocokjaran.tk","kuba-nedv.ru","kuba.rzemien.xon.pl","kuban-kirpich.ru","kuchenmobel-berlin.ovh","kuchniee.eu","kucingarong.cf","kucingarong.ga","kucingarong.gq","kucingarong.ml","kucinge.site","kucix.com","kucoba.ml","kudaponiea.cf","kudaponiea.ga","kudaponiea.ml","kudaponiea.tk","kudaterbang.gq","kudzu.info.pl","kue747rfvg.cf","kue747rfvg.ga","kue747rfvg.gq","kue747rfvg.ml","kue747rfvg.tk","kuemail.men","kufrrygq.info","kugorze.com.pl","kuhlgefrierkombinationen.info","kuhninazakaz.info","kuhnya-msk.ru","kuhrap.com","kuikytut.review","kuiljunyu69lio.cf","kuingin.ml","kuiqa.com","kujztpbtb.pl","kukold.ru.com","kukowski.eu","kukowskikukowski.eu","kukuite.ch","kukuka.org","kulepszejprzyszlosci.pl","kulichiki.com","kulitlumpia.ml","kulitlumpia1.ga","kulitlumpia2.cf","kulitlumpia3.ml","kulitlumpia4.ga","kulitlumpia5.cf","kulitlumpia6.ml","kulitlumpia7.ga","kulitlumpia8.cf","kulksttt.com","kulmeo.com","kulpik.club","kulturalneokazje.pl","kulturbetrieb.info","kum38p0dfgxz.cf","kum38p0dfgxz.ga","kum38p0dfgxz.gq","kum38p0dfgxz.ml","kum38p0dfgxz.tk","kumail8.info","kumashome.shop","kumaszade.shop","kumisgonds69.me","kumpulanmedia.com","kune.app","kungfuseo.info","kungfuseo.net","kungfuseo.org","kuni-liz.ru","kunimedesu.com","kunio33.lady-and-lunch.xyz","kunio39.dev256.xyz","kunio69.yourfun.xyz","kunio7810.takumi12.lady-and-lunch.xyz","kuontil.buzz","kuoogle.com","kupakupa.waw.pl","kupeyka.com","kupiru.net","kupoklub.ru","kupsstubirfag.xyz","kurdit.se","kurkumazin.shn-host.ru","kuro.marver-coats.marver-coats.xyz","kurogaze.site","kursovaya-rabota.com","kuruapp.com","kurz-abendkleider.com","kurzepost.de","kusam.ga","kusaomachi.com","kusaomachi.net","kusaomachihotel.com","kusaousagi.com","kusma.org","kusrc.com","kustermail.com","kustomus.com","kusyuvalari.com","kut-mail1.com","kutahyaalyans.xyz","kutakbisadekatdekat.cf","kutakbisadekatdekat.ml","kutakbisadekatdekat.tk","kutakbisajauhjauh.cf","kutakbisajauhjauh.ga","kutakbisajauhjauh.gq","kutakbisajauhjauh.ml","kutakbisajauhjauh.tk","kutch.net","kuteotieu111.cz.cc","kuucrechf.pl","kuugyomgol.pl","kuyberuntung.com","kuyzstore.com","kv8v0bhfrepkozn4.cf","kv8v0bhfrepkozn4.ga","kv8v0bhfrepkozn4.gq","kv8v0bhfrepkozn4.ml","kv8v0bhfrepkozn4.tk","kvartagroup.ru","kvhrr.com","kvhrs.com","kvhrw.com","kvr8.dns-stuff.com","kvs24.de","kvsa.com","kw9gnq7zvnoos620.cf","kw9gnq7zvnoos620.ga","kw9gnq7zvnoos620.gq","kw9gnq7zvnoos620.ml","kw9gnq7zvnoos620.tk","kwa.xyz","kwadratowamaskar.pl","kwalidd.cf","kwanj.ml","kwantiques.com","kweci.com","kweekendci.com","kwertueitrweo.co.tv","kwestor4.pl","kwestor5.pl","kwestor6.pl","kwestor7.pl","kwestor8.pl","kwiatownik.pl","kwiatyikrzewy.pl","kwift.net","kwikway.com","kwilco.net","kwontol.com","kwozy.com","kwthr.com","kwyv.com","kxcmail.com","kxliooiycl.pl","kxmnbhm.gsm.pl","kxzaten9tboaumyvh.cf","kxzaten9tboaumyvh.ga","kxzaten9tboaumyvh.gq","kxzaten9tboaumyvh.ml","kxzaten9tboaumyvh.tk","ky-ky-ky.ru","ky019.com","kyal.pl","kyfeapd.pl","kyhuifu.site","kylemaguire.com","kylemorin.co","kylesphotography.com","kylinara.ru","kynet.be","kyois.com","kyotosteakhouse.com","kyp.in","kyrescu.com","kyverify.ga","kz64vewn44jl79zbb.cf","kz64vewn44jl79zbb.ga","kz64vewn44jl79zbb.gq","kz64vewn44jl79zbb.ml","kz64vewn44jl79zbb.tk","kzcontractors.com","kzq6zi1o09d.cf","kzq6zi1o09d.ga","kzq6zi1o09d.gq","kzq6zi1o09d.ml","kzq6zi1o09d.tk","kzw1miaisea8.cf","kzw1miaisea8.ga","kzw1miaisea8.gq","kzw1miaisea8.ml","kzw1miaisea8.tk","l-c-a.us","l-okna.ru","l.bgsaddrmwn.me","l.co.uk","l.polosburberry.com","l.r3-r4.tk","l.safdv.com","l.searchengineranker.email","l0.l0l0.xyz","l00s9ukoyitq.cf","l00s9ukoyitq.ga","l00s9ukoyitq.gq","l00s9ukoyitq.ml","l00s9ukoyitq.tk","l0l.l1l.ink","l0llbtp8yr.cf","l0llbtp8yr.ga","l0llbtp8yr.gq","l0llbtp8yr.ml","l0llbtp8yr.tk","l0real.net","l1rwscpeq6.cf","l1rwscpeq6.ga","l1rwscpeq6.gq","l1rwscpeq6.ml","l1rwscpeq6.tk","l2creed.ru","l2n5h8c7rh.com","l33r.eu","l48zzrj7j.pl","l4usikhtuueveiybp.cf","l4usikhtuueveiybp.gq","l4usikhtuueveiybp.ml","l4usikhtuueveiybp.tk","l5.ca","l5prefixm.com","l6factors.com","l6hmt.us","l73x2sf.mil.pl","l745pejqus6b8ww.cf","l745pejqus6b8ww.ga","l745pejqus6b8ww.gq","l745pejqus6b8ww.ml","l745pejqus6b8ww.tk","l7b2l47k.com","l8oaypr.com","l9qwduemkpqffiw8q.cf","l9qwduemkpqffiw8q.ga","l9qwduemkpqffiw8q.gq","l9qwduemkpqffiw8q.ml","l9qwduemkpqffiw8q.tk","l9tmlcrz2nmdnppabik.cf","l9tmlcrz2nmdnppabik.ga","l9tmlcrz2nmdnppabik.gq","l9tmlcrz2nmdnppabik.ml","l9tmlcrz2nmdnppabik.tk","la-boutique.shop","la0u56qawzrvu.cf","la0u56qawzrvu.ga","la2imperial.vrozetke.com","la2walker.ru","la5ralo.345.pl","labara.com","labas.com","labebx.com","labeledhf.com","labeng.shop","labetteraverouge.at","labfortyone.tk","lablasting.com","labo.ch","laboratortehnicadentara.ro","laboriously.com","laborstart.org","labum.com","labworld.org","lacedmail.com","lacercadecandi.ml","laceylist.com","lachorrera.com","lack.favbat.com","lackmail.net","lackmail.ru","laco.fun","laconicoco.net","lacosteshoesfree.com","lacouette.glasslightbulbs.com","lacrosselocator.com","lacto.info","lada-granta-fanclub.ru","ladailyblog.com","ladapickup.ru","laddsmarina.com","laden3.com","ladeweile.com","ladiabetessitienecura.com","ladrop.ru","lady-jisel.pl","ladycosmetics.ru","ladydressnow.com","ladyfleece.com","ladylounge.de","ladylovable.com","ladymacbeth.tk","ladyofamerica.com","ladyreiko.com","ladyvictory-vlg.ru","ladz.site","laewe.com","lafani.com","lafarmaciachina.com","lafrem3456ails.com","laftelgo.com","lagiapa.online","lagicantiik.com","lagify.com","lagniappe-restaurant.com","lags.us","lagsixtome.com","lagugratis.net","lagushare.me","lahainataxi.com","lahamnakam.me","lahi.me","lahta9qru6rgd.cf","lahta9qru6rgd.ga","lahta9qru6rgd.gq","lahta9qru6rgd.ml","lahta9qru6rgd.tk","laika999.ml","laikacyber.cf","laikacyber.ga","laikacyber.gq","laikacyber.ml","laikacyber.tk","lain.ch","lajoska.pe.hu","lak.pp.ua","lakarstwo.info","lakarunyha65jjh.ga","lakefishingadvet.net","lakelivingstonrealestate.com","lakemneadows.com","lakeplacid2009.info","lakesidde.com","laketahoe-realestate.info","lakevilleapartments.com","laklica.com","lakngin.ga","lakngin.ml","lakqs.com","lal.kr","lala-mailbox.club","lala-mailbox.online","lalala-family.com","lalala.fun","lalala.site","lalala001.orge.pl","lalalaanna.com","lalalamail.net","lalalapayday.net","lalamailbox.com","lalune.ga","lam0k.com","lambadarew90bb.gq","lambda.uniform.thefreemail.top","lambdaecho.webmailious.top","lambdasu.com","lamdep.net","lamdx.com","lamgme.xyz","lami4you.info","lamiproi.com","lamongan.cf","lamongan.gq","lamongan.ml","lamore.com","lampadaire.cf","lampartist.com","lampdocs.com","lamseochuan.com","lan-utan-uc-se.com","lanaa.site","lancastercoc.com","lancasterdining.net","lancasterpainfo.com","lancasterplumbing.co.uk","lancastertheguardian.com","lancego.space","lancekellar.com","lancelsacspascherefr.com","lanceus.com","lancia.ga","lancia.gq","lancourt.com","lancsvt.co.uk","landandseabauty.com","landans.ru","landaugo.com","landfoster.com","landmail.co","landmanreportcard.com","landmark.io","landmarknet.net","landmarktest.site","landonbrafford.com","landrumsupply.com","landscapesolution.com","landtinfotech.com","lanelofte.com","langabendkleider.com","langanswers.ru","langitserver.biz","lankew.com","lantofe.ga","laoeq.com","laoho.com","laokzmaqz.tech","laonanrenj.com","laoshandicraft.com","laotmail.com","laparbgt.cf","laparbgt.ga","laparbgt.gq","laparbgt.ml","laporinaja.com","lapost.net","lapptoposse99.com","laptopbeddesk.net","laptopcooler.me","laptoptechie.com","laputs.co.pl","laraes.pl","laramail.io","laraskey.com","largeformatprintonline.com","largehdube.com","largelift.com","largo.laohost.net","larisamanah.online","larisia.com","larjem.com","laroadsigns.info","larryblair.me","larykennedy.com","lasarusltd.com","lasde.xyz","laserevent.com","laserfratetatuaj.com","laserowe-ciecie.pl","laserremovalreviews.com","lasertypes.net","lasg.info","lasixonlineatonce.com","lasixonlinesure.com","lasixonlinetablets.com","lasixprime.com","lasojcyjrcwi8gv.cf","lasojcyjrcwi8gv.ga","lasojcyjrcwi8gv.gq","lasojcyjrcwi8gv.ml","lasojcyjrcwi8gv.tk","last-chance.pro","laste.ml","lastflights.ir","lasthotel.website","lastmail.co","lastmail.com","lastmail.ga","lastminute.dev","lastmx.com","lastrwasy.co.cc","laststand.xyz","laszki.info","laszlomail.com","lat-nedv.ru","latamdate.review","latemail.tech","latesmail.com","latestgadgets.com","latinchat.com","latinmail.com","latovic.com","latreat.com","latviansmn.com","laud.net","laudmed.com","laugh.favbat.com","launchjackings.com","laurelmountainmustang.com","laurenbt.com","laurenscoaching.com","laurentnay.com","lavabit.com","lavalagogo.com","lavarip.xyz","lavendarlake.com","lavendel24.de","lavern.com","laverneste.com","laveuseapression.shop","lavp.de","lawdeskltd.com","lawenforcementcanada.ca","lawfinancial.ru","lawhead79840.co.pl","lawlita.com","lawlz.net","lawrence1121.club","lawsocial.ru","lawsocietyfindasolicitor.net","lawsocietyfindasolicitor.org","lawson.cf","lawson.ga","lawson.gq","lawvest.com","lawyers2016.info","layarqq.loan","laychuatrenxa.ga","layout-webdesign.de","lazarskipl.com","lazdmzmgke.mil.pl","lazyarticle.com","lazyfire.com","lazyinbox.com","lazyinbox.us","lazymail.me","lazymail.ooo","lazymail.win","lb1333.com","lbe.kr","lbhuxcywcxjnh.cf","lbhuxcywcxjnh.ga","lbhuxcywcxjnh.gq","lbhuxcywcxjnh.ml","lbhuxcywcxjnh.tk","lbicamera.com","lbicameras.com","lbicams.com","lbitly.com","lbjmail.com","lbn10.com","lbn11.com","lbn12.com","lbn13.com","lbn14.com","lboinhomment.info","lbox.de","lbthomu.com","lbx0qp.pl","lbzannualj.com","lcad.com","lcamywkvs.pl","lcasports.com","lccggn.fr.nf","lccteam.xyz","lcdvd.com","lce0ak.com","lcebull.com","lceland.net","lceland.org","lcelander.com","lcelandic.com","lceqee.buzz","lcga9.site","lcleanersad.com","lcmail.ml","lcomcast.net","lcshjgg.com","lcyxfg.com","ldaho.biz","ldaho.net","ldaho0ak.com","ldaholce.com","ldebaat9jp8x3xd6.cf","ldebaat9jp8x3xd6.ga","ldebaat9jp8x3xd6.gq","ldebaat9jp8x3xd6.ml","ldebaat9jp8x3xd6.tk","ldefsyc936cux7p3.cf","ldefsyc936cux7p3.ga","ldefsyc936cux7p3.gq","ldefsyc936cux7p3.ml","ldefsyc936cux7p3.tk","ldfo.com","ldnplaces.com","ldokfgfmail.com","ldokfgfmail.net","ldop.com","ldovehxbuehf.cf","ldovehxbuehf.ga","ldovehxbuehf.gq","ldovehxbuehf.ml","ldovehxbuehf.tk","ldtp.com","ldwdkj.com","le-asi-yyyo-ooiue.com","le-diamonds.com","le-tim.ru","le.monchu.fr","lea-0-09ssiue.org","lea-ss-ws-33.org","leaddogstats.com","leadersinevents.com","leadgems.com","leadingbulls.com","leadingemail.com","leadingway.com","leadlovers.site","leadssimple.com","leadwins.com","leadwizzer.com","leafzie.com","leaguedump.com","leagueofdefenders.gq","leagueoflegendscodesgratuit.fr","leaknation.com","leakydisc.com","leakygutawarness.com","leanrights.com","leapradius.com","learena.com","learnaffiliatemarketingbusiness.org","learnhowtobehappy.info","learntofly.me","lease.com","leasecarsuk.info","leasidetoronto.com","leasnet.net","leasswsiue.org","leatherjackets99.com","leatherprojectx.com","leave-notes.com","leaver.ru","lebadge.com","lebaominh.ga","lebaran.me","lebatelier.com","lebronjamessale.com","lechenie-raka.su","lecsaljuk.club","lecturebazaar.com","lecz6s2swj1kio.cf","lecz6s2swj1kio.ga","lecz6s2swj1kio.gq","lecz6s2swj1kio.ml","lecz6s2swj1kio.tk","leczycanie.pl","led-best.ru","ledcaps.de","ledgardenlighting.info","ledhorticultural.com","lediponto.com","ledmask.com","lednlux.com","ledoktre.com","lee.mx","leeching.net","leecountyschool.us","leemail.me","leerling.ml","leeseman.com","leessummitapartments.com","leetmail.co","leezro.com","lefaqr5.com","lefmail.com","left-mail.com","leftsydethoughts.com","leg10.xyz","legacy-network.com","legacyfloor.com","legacymode2011.info","legacywa.com","legal.maildin.com","legal.marksypark.com","legalalien.net","legalizamei.com","legalrc.loan","legalresourcenow.com","legalsentences.com","legalsteroidsstore.info","leganimathe.site","legcramps.in","lege4h.com","legibbean.site","legitimateonline.info","legkospet.ru","lehman.cf","lehman.ga","lehman.gq","lehman.ml","lehman.tk","lei.kr","leifr.com","lejada.pl","leknawypadaniewlosow.pl","leks.me","lella.co","lellno.gq","lelucoon.net","lemaxime.com","lembarancerita.ga","lembarancerita.ml","lemel.info","lemonadeka.org.ua","lemondresses.com","lemondresses.net","lemper.cf","lemurhost.net","lemycam.ml","lendlesssn.com","lendoapp.co","lendscape.com","lenfly.com","leniences.com","lenin-cola.info","leningrad.space","lenlusiana5967.ga","lenmawarni5581.ml","lennurfitria2852.ml","lennymarlina.art","lenovo120s.cf","lenovo120s.gq","lenovo120s.ml","lenovo120s.tk","lenovog4.com","lenprayoga2653.ml","lenputrima5494.cf","lensdunyasi.com","lensmarket.com","lentafor.me","lenuh.com","leoirkhf.space","leonebets.com","leonelahmad.cf","leonmail.men","leonorcastro.com","leonvero.com","leonyvh.art","leopardstyle.com","leos.org.uk","leparfait.net","lepavilliondelareine.com","lepdf.site","lephamtuki.com","lepoxo.xyz","lepszenizdieta.pl","lequitywk.com","lequydononline.net","lerbhe.com","lerch.ovh","lercjy.com","leribigb.tk","lernerfahrung.de","lersptear.com","lerwfv.com","les-bouquetins.com","les-trois-cardinaux.com","lesatirique.com","lesbugs.com","lesmail.top","lesoleildefontanieu.com","lesotho-nedv.ru","lespassant.com","lespedia.com","lespompeurs.site","lesproekt.info","lesrecettesdebomma.com","lessschwab.com","lestgeorges.com","lestinebell.com","lestnicy.in.ua","lestrange45.aquadivingaccessories.com","lesy.pl","lesz.com","let.favbat.com","letgo99.com","letmeinonthis.com","letmymail.com","letsgo.co.pl","letsgoalep.net","letshack.cc","letsmail9.com","letsrelay.com","letthemeatspam.com","letup.com","leufhozu.com","leupus.com","levaetraz.tk","level-3.cf","level-3.ga","level-3.gq","level-3.ml","level-3.tk","level3.flu.cc","level3.igg.biz","level3.nut.cc","level3.usa.cc","levelmebel.ru","levisdaily.com","levitra.fr","levitrasx.com","levitraxnm.com","levius.online","levothyroxinedosage.com","levtbox.com","levtov.net","levtr20mg.com","levy.ml","lew2sv9bgq4a.cf","lew2sv9bgq4a.ga","lew2sv9bgq4a.gq","lew2sv9bgq4a.ml","lew2sv9bgq4a.tk","lewiseffectfoundation.org","lewistweedtastic.com","lexisense.com","lexortho.com","lexoxasnj.pl","lexpublib.com","lexu4g.com","lexyland.com","leylareylesesne.art","leysatuhell.sendsmtp.com","lez.se","lfc.best","lfifet19ax5lzawu.ga","lfifet19ax5lzawu.gq","lfifet19ax5lzawu.ml","lfifet19ax5lzawu.tk","lfmwrist.com","lfo.com","lfsvddwij.pl","lftjaguar.com","lg-g7.cf","lg-g7.ga","lg-g7.gq","lg-g7.ml","lg-g7.tk","lg88.site","lgeacademy.com","lgfvh9hdvqwx8.cf","lgfvh9hdvqwx8.ga","lgfvh9hdvqwx8.gq","lgfvh9hdvqwx8.ml","lgfvh9hdvqwx8.tk","lghjgbh89xcfg.cf","lgjiw1iaif.gq","lgjiw1iaif.ml","lgjiw1iaif.tk","lgloo.net","lgloos.com","lgmail.com","lgratuitys.com","lgt8pq4p4x.cf","lgt8pq4p4x.ga","lgt8pq4p4x.gq","lgt8pq4p4x.ml","lgt8pq4p4x.tk","lgx2t3iq.pl","lgxscreen.com","lgyimi5g4wm.cf","lgyimi5g4wm.ga","lgyimi5g4wm.gq","lgyimi5g4wm.ml","lgyimi5g4wm.tk","lh-properties.co.uk","lh.ro","lh2ulobnit5ixjmzmc.cf","lh2ulobnit5ixjmzmc.ga","lh2ulobnit5ixjmzmc.gq","lh2ulobnit5ixjmzmc.ml","lh2ulobnit5ixjmzmc.tk","lh451.cf","lh451.ga","lh451.gq","lh451.ml","lh451.tk","lheb.com","lhkjfg45bnvg.gq","lhpa.com","lhrnferne.mil.pl","lhsdv.com","lhslhw.com","lhtstci.com","lhzoom.com","liamcyrus.com","liamekaens.com","lianhe.in","liaphoto.com","liargroup.com","liastoen.com","liawaode.art","libbywrites.com","libeoweb.info","libera.ir","liberarti.org","liberiaom.com","libertyinworld.com","libertymail.info","libertymu5ual.com","libertyproperty.com","libestill.site","libfemblog.com","libox.fr","libra47.flatoledtvs.com","librans.co.uk","librielibri.info","libriumprices.com","libusnusc.online","licencja.host-001.eu","liceomajoranarho.it","licepann.com","lichten-nedv.ru","lickmyass.com","lickmyballs.com","licytuj.net.pl","lidell.com","lidprep.vision","lidte.com","liebenswerter.de","lied.com","liefdezuste.ml","lienminhnuthan.vn","liepaia.com","life-online1.ru","life-smile.ru","lifebyfood.com","lifecoach4elite.net","lifefit.pl","lifeforceschool.com","lifeforchanges.com","lifeguru.online","lifejacketwhy.ml","lifeofrhyme.com","lifeperformers.com","lifestitute.site","lifestyle4u.ru","lifestylemagazine.co","lifetalkrc.com","lifetimefriends.info","lifetotech.com","lifewithouttanlines.com","liffoberi.com","liftandglow.net","lifted.cc","ligagnb.pl","ligai.ru","ligaku.com","lightengroups.com","lighthousebookkeeping.com","lighthouseequity.com","lighthouseventure.com","lighting-us.info","lightningcomputers.com","lightpower.pw","ligirls.ru","ligobet56.com","ligsb.com","lihe555.com","lihuafeng.com","lihui.lookin.at","liitokala.ga","lijeuki.co","like-v.ru","like.ploooop.com","likelystory.net","likeme252.com","likememes23.com","likeorunlike.info","likere.ga","likesieure.ga","likesv.com","likesyouback.com","likethat1234.com","likettt.com","likevipfb.cf","likewayn.club","likewayn.online","likewayn.site","likewayn.space","likewayn.store","likewayn.xyz","lilin.pl","lilittka.tk","lillemap.net","lilly.co","lilnx.net","lilo.me","lilo.org","lilspam.com","lilyclears.com","lilylee.com","limahfjdhn89nb.tk","limamail.ml","limaquebec.webmailious.top","limbostudios.com","limcorp.net","limedesign.net","limeline.in","liming.de","limiteds.me","limon.biz.tm","limpasseboutique.com","limsoohyang.com","limuzyny-hummer.pl","lin.lingeriemaid.com","lin889.com","lincolnag.com","lindaknujon.info","lindamedic.com","lindaramadhanty.art","lindbarsand.cf","linden.com","lindenbaumjapan.com","lindsayphillips.com","lindwards.info","lineansen24.flu.cc","lineking232.com","lineofequitycredit.net","lines12.com","lingdlinjewva.xyz","lingerieluna.com","linguistic.ml","linguisticlast.com","linhtinh.ml","linind.ru","liningnoses.top","linjianhui.me","link-assistant.com","link-protector.biz","link.cloudns.asia","link2mail.net","link3mail.com","linkadulttoys.com","linkauthorityreview.info","linkbearer.com","linkbet88.org","linkbet88.xyz","linkdominobet.me","linked-in.ir","linkedintuts2016.pw","linki321.pl","linkjewellery.com","linklist.club","linkloginjoker123.com","linksdown.net","linkserver.es","linksgold.ru","linku.in","linkusupng.com","linkverse.ru","linkzimra.ml","linlowebp.gq","linlshe.com","linodg.com","linop.online","linshiyou.com","linshiyouxiang.net","linshuhang.com","linux.7m.ro","linuxmail.com","linuxmail.so","linuxmail.tk","linuxpl.eu","linx.email","linyukaifa.com","lioasdero.tk","liofilizat.pl","liokfu32wq.com","lionelastomers.com","lions.gold","lioplpac.com","liopolo.com","liopolop.com","lipitorprime.com","lipo13blogs.com","lipoaspiratie.info","liporecovery.com","liposuctionofmiami.com","lippystick.info","lipskydeen.ga","lipstickjunkiesshow.com","liquidation-specialists.com","liquidfastrelief.com","liquidherbalincense.com","liquidmail.de","liquidxs.com","lirank.com","lirankk.com","lirikkuy.cf","lisamadison.cf","lisamail.com","lisciotto.com","lisseurghdpascherefr.com","lisseurghdstylers.com","lissseurghdstylers.com","list-here.com","list.elk.pl","listallmystuff.info","listdating.info","listentowhatisaynow.club","listtoolseo.info","litardo192013.club","litb.site","litbnno874tak6nc2oh.cf","litbnno874tak6nc2oh.ga","litbnno874tak6nc2oh.ml","litbnno874tak6nc2oh.tk","litd.site","lite-bit.com","lite.com","lite14.us","litea.site","liteb.site","litec.site","liteclubsds.com","lited.site","litedrop.com","litee.site","litef.site","liteg.site","liteh.site","litei.site","litej.site","litek.site","litem.site","liten.site","liteo.site","litep.site","liteq.site","literb.site","literc.site","literd.site","litere.site","literf.site","literg.site","literh.site","literi.site","literj.site","literk.site","literl.site","literm.site","litermssb.com","litet.site","liteu.site","litev.site","litew.site","litex.site","litez.site","litf.site","litg.site","litj.site","litl.site","litm.site","litn.site","litom.icu","litony.com","litp.site","litrb.site","litrc.site","litrd.site","litre.site","litrf.site","litrg.site","litrh.site","litri.site","litrj.site","litrk.site","litrl.site","litrm.site","litrn.site","litrp.site","litrq.site","litrr.site","litrs.site","litrt.site","litru.site","litrv.site","litrw.site","litrx.site","litry.site","litrz.site","littlebiggift.com","littlefarmhouserecipes.com","littlemail.org.ua","littlepc.ru","littlestpeopletoysfans.com","litv.site","litva-nedv.ru","litw.site","litx.site","liv3jasmin.com","livan-nedv.ru","live-gaming.net","live-sexycam.fr","live.encyclopedia.tw","live.vo.uk","live.xo.uk","live1994.com","livecam.edu","livecam24.cc","livecamsexshow.com","livecric.info","livecur.info","livedebtfree.co.uk","livedecors.com","liveefir.ru","liveemail.xyz","livegolftv.com","livehbo.us","livehk.online","liveintv.com","livejournali.com","livelcd.com","livemail.bid","livemail.download","livemail.men","livemail.pro","livemail.stream","livemail.top","livemail.trade","livemaill.com","livemails.info","liveoctober2012.info","livepharma.org","liveproxies.info","liveradio.tk","liverbidise.site","livercirrhosishelp.info","livern.eu","liverpoolac.uk","liveset100.info","liveset200.info","liveset300.info","liveset404.info","liveset505.info","liveset600.info","liveset700.info","liveset880.info","livesex-camgirls.info","livesexchannel.xyz","livesexyvideochat.com","livesilk.info","liveskiff.us","livetechhelp.com","livewebcamsexshow.com","livinginsurance.co.uk","livingsalty.us","livingthere.org","livingwater.net","livingwealthyhealthy.com","livingwiththeinfidels.com","livinwuater.com","livn.de","livzadsz.com","lixianlinzhang.cn","lixo.loxot.eu","liybt.live","lizardrich.com","ljcomm.com","ljgcdxozj.pl","ljhj.com","ljhjhkrt.cf","ljhjhkrt.ga","ljhjhkrt.ml","ljkjouinujhi.info","ljljl.com","ljogfbqga.pl","lkasyu.xyz","lkfeybv43ws2.cf","lkfeybv43ws2.ga","lkfeybv43ws2.gq","lkfeybv43ws2.ml","lkfeybv43ws2.tk","lkgn.se","lkhcdiug.pl","lkim1wlvpl.com","lkiopooo.com","lkj.com.au","lkjhjkuio.info","lkjhljkink.info","lkjjikl2.info","lko.co.kr","lko.kr","lkoqmcvtjbq.cf","lkoqmcvtjbq.ga","lkoqmcvtjbq.gq","lkoqmcvtjbq.ml","lkoqmcvtjbq.tk","lkscedrowice.pl","lkxloans.com","ll47.net","llaen.net","llaurenu.com","llcs.xyz","lldtnlpa.com","llessonza.com","llfilmshere.tk","llil.info","llj59i.kr.ua","llllll.com","llogin.ru","llubed.com","llventures.co","llvh.com","llzali3sdj6.cf","llzali3sdj6.ga","llzali3sdj6.gq","llzali3sdj6.ml","llzali3sdj6.tk","lm0k.com","lm1.de","lm360.us","lmav59c1.xyz","lmav5ba4.xyz","lmav7758.xyz","lmav87d2.xyz","lmavbfad.xyz","lmave2a9.xyz","lmavec51.xyz","lmcudh4h.com","lmialovo.com","lmomentsf.com","lmypasla.gq","ln0hio.com","ln0rder.com","ln0ut.com","ln0ut.net","lndex.net","lndex.org","lngscreen.com","lnongqmafdr7vbrhk.cf","lnongqmafdr7vbrhk.ga","lnongqmafdr7vbrhk.gq","lnongqmafdr7vbrhk.ml","lnongqmafdr7vbrhk.tk","lnsilver.com","lnvoke.net","lnvoke.org","lnwhosting.com","lnwiptv.com","lo.guapo.ro","loa22ttdnx.cf","loa22ttdnx.ga","loa22ttdnx.gq","loa22ttdnx.ml","loa22ttdnx.tk","loadby.us","loadcatbooks.site","loadcattext.site","loadcattexts.site","loaddefender.com","loaddirbook.site","loaddirfile.site","loaddirfiles.site","loaddirtext.site","loadedanyfile.site","loadedanytext.site","loadedfreshtext.site","loadedgoodfile.site","loadednicetext.site","loadedrarebooks.site","loadfreshstuff.site","loadfreshtexts.site","loadingsite.info","loadingya.com","loadlibbooks.site","loadlibfile.site","loadlibstuff.site","loadlibtext.site","loadlistbooks.site","loadlistfiles.site","loadlisttext.site","loadnewbook.site","loadnewtext.site","loadspotfile.site","loadspotstuff.site","loan101.pro","loan123.com","loancash.us","loanexp.com","loanfast.com","loanins.org","loanrunners.com","loans.com","loaoa.com","loaphatthanh.com","loapq.com","lob.com.au","loblaw.twilightparadox.com","local-classifiedads.info","local.blatnet.com","local.lakemneadows.com","local.marksypark.com","local.tv","localbreweryhouse.info","localbuilder.xyz","localhomepro.com","localinternetbrandingsecrets.com","localintucson.com","localityhq.com","locals.net","localsape.com","localserv.no-ip.org","localslots.co","localss.com","localtank.com","localtenniscourt.com","localtopography.com","localwomen-meet.cf","localwomen-meet.ga","localwomen-meet.gq","localwomen-meet.ml","locanto1.club","locantofuck.top","locantospot.top","locantowsite.club","locarlsts.com","located6j.com","locateme10.com","locationans.ru","locationlocationlocation.eu","locbanbekhongtuongtac.com","loccomail.host","locialispl.com","lock.bthow.com","lockaya.com","lockedsyz.com","lockout.com","locksis.site","locksmangaragedoors.info","locoblogs.com","locomodev.net","locshop.me","lodiapartments.com","lodon.cc","lodores.com","loehkgjftuu.aid.pl","lofi-untd.info","lofi.host","loftnoire.com","logacheva.net","logaelda603.ml","loganairportbostonlimo.com","loganisha253.ga","logardha605.ml","logartika465.ml","logatarita892.cf","logatarita947.tk","logavrilla544.ml","logdewi370.ga","logdufay341.ml","logefrinda237.ml","logertasari851.cf","logesra202.cf","logeva564.ga","logfauziyah838.tk","logfika450.cf","logfitriani914.ml","logfrisaha808.ml","loghermawaty297.ga","loghermawaty297.ml","loghermawaty297.tk","loghning469.cf","loghusnah2.cf","logiclaser.com","logicstreak.com","logifixcalifornia.store","logike708.cf","login-email.cf","login-email.ga","login-email.ml","login-email.tk","login-to.online","loginadulttoys.com","logincbet.asia","logingar.cf","logingar.ga","logingar.gq","logingar.ml","loginioru1.com","loginpage-documentneedtoupload.com","loginz.net","logismi227.ml","logiteech.com","logmardhiyah828.ml","logmaureen141.tk","logmoerdiati40.tk","lognadiya556.ml","lognc.com","lognoor487.cf","logodez.com","logoktafiyanti477.cf","logomarts.com","logopitop.com","logpabrela551.ml","logrialdhie62.ga","logrialdhie707.cf","logrozi350.tk","logsharifa965.ml","logsinuka803.ga","logstefanny934.cf","logsutanti589.tk","logsyarifah77.tk","logtanuwijaya670.tk","logtheresia637.cf","logtiara884.ml","logular.com","logutomo880.ml","logvirgina229.tk","logw735.ml","logwan245.ml","logwibisono870.ml","logwulan9.ml","logyanti412.ga","loh.pp.ua","lohpcn.com","loil.site","loin.in","lokaperuss.com","lokata-w-banku.com.pl","lokatowekorzysci.eu","lokd.com","lokerpati.site","lokerupdate.me","lokesh-gamer.ml","loketa.com","lokka.net","lokmynghf.com","lokote.com","lokum.nu","lol.it","lol.ovpn.to","lolaamaria.art","lolemails.pl","lolfhxvoiw8qfk.cf","lolfhxvoiw8qfk.ga","lolfhxvoiw8qfk.gq","lolfhxvoiw8qfk.ml","lolfhxvoiw8qfk.tk","lolfreak.net","lolidze.top","lolimail.tk","lolimailer.gq","lolimailer.ml","lolio.com","lolioa.com","lolior.com","lolitka.cf","lolitka.ga","lolitka.gq","lolito.tk","lolivisevo.online","lolllipop.stream","lolmail.biz","lolo1.dk","lolokakedoiy.com","lolswag.com","lolusa.ru","lolwegotbumedlol.com","lolwtf.1337.cx","lom.kr","lomilweb.com","lominault.com","lompaochi.com","lompikachi.com","lompocplumbers.com","london2.space","londonderryretirement.com","londonescortsbabes.co","londonlocalbiz.com","londonwinexperience.com","lonelybra.ml","lonestarmedical.com","long-eveningdresses.com","long.idn.vn","long.marksypark.com","longaitylo.com","longbrain.com","longchamponlinesale.com","longchampsoutlet.com","longdz.site","longio.org","longlongcheng.com","longmonkey.info","longmontpooltablerepair.com","longshot.2amail.top","lonker.net","lonrahtritrammail.com","lonthe.ml","loo.life","loofty.com","look.cowsnbullz.com","look.lakemneadows.com","look.oldoutnewin.com","lookingthe.com","looklemsun.uni.me","lookmail.ml","lookthesun.tk","lookugly.com","lookup.com","loonycoupon.com","loop-whisper.tk","loopemail.online","loopsnow.com","loopy-deals.com","lopeure.com","lopivolop.com","lopl.co.cc","loptagt.com","loranet.pro","loranund.world","lord2film.online","lordmobilehackonline.eu","lordsofts.com","lordvold.cf","lordvold.ga","lordvold.gq","lordvold.ml","lorencic.ro","lorientediy.com","lorotzeliothavershcha.info","lortemail.dk","losa.tr","losangeles-realestate.info","lose20pounds.info","losebellyfatau.com","losemymail.com","loseweight-advice.info","loseweightnow.tk","loskmail.com","losowynet.com","lostfiilmtv.ru","lostfilmhd1080.ru","lostfilmhd720.ru","lostle.site","lostpositive.xyz","lotmail.net","lotteryfordream.com","lotto-wizard.net","lottoresults.ph","lottoryshow.com","lottosend.ro","lottovip900.online","lottowinnboy.com","lotusloungecafe.com","lotusph.com","louboinhomment.info","louboutinemart.com","louboutinkutsutenpojp.com","louboutinpascher1.com","louboutinpascher2.com","louboutinpascher3.com","louboutinpascher4.com","louboutinpascheshoes.com","louboutinshoesfr.com","louboutinshoessalejp.com","louboutinshoesstoresjp.com","louboutinshoesus.com","louder1.bid","loudmouthmag.com","loudoungcc.store","loufad.com","louieliu.com","louis-vuitton-onlinestore.com","louis-vuitton-outlet.com","louis-vuitton-outletenter.com","louis-vuitton-outletsell.com","louis-vuittonbags.info","louis-vuittonbagsoutlet.info","louis-vuittonoutlet.info","louis-vuittonoutletonline.info","louis-vuittonsac.com","louisct.com","louisvillestudio.com","louisvuitton-handbagsonsale.info","louisvuitton-handbagsuk.info","louisvuitton-outletstore.info","louisvuitton-replica.info","louisvuitton-uk.info","louisvuittonallstore.com","louisvuittonbagsforcheap.info","louisvuittonbagsjp.org","louisvuittonbagsuk-cheap.info","louisvuittonbagsukzt.co.uk","louisvuittonbeltstore.com","louisvuittoncanadaonline.info","louisvuittonchoooutlet.com","louisvuittondesignerbags.info","louisvuittonfactory-outlet.us","louisvuittonffr1.com","louisvuittonforsalejp.com","louisvuittonhandbags-ca.info","louisvuittonhandbagsboutique.us","louisvuittonhandbagsoutlet.us","louisvuittonhandbagsprices.info","louisvuittonjpbag.com","louisvuittonjpbags.org","louisvuittonjpsale.com","louisvuittonmenwallet.info","louisvuittonmonogramgm.com","louisvuittonnfr.com","louisvuittonnicebag.com","louisvuittonofficielstore.com","louisvuittononlinejp.com","louisvuittonoutlet-store.info","louisvuittonoutlet-storeonline.info","louisvuittonoutlet-storesonline.info","louisvuittonoutlet-usa.us","louisvuittonoutletborseitaly.com","louisvuittonoutletborseiy.com","louisvuittonoutletjan.net","louisvuittonoutletonlinestore.info","louisvuittonoutletrich.net","louisvuittonoutletrt.com","louisvuittonoutletstoregifts.us","louisvuittonoutletstores-online.info","louisvuittonoutletstores-us.info","louisvuittonoutletstoresonline.us","louisvuittonoutletsworld.net","louisvuittonoutletwe.com","louisvuittonoutletzt.co.uk","louisvuittonpursesstore.info","louisvuittonreplica-outlet.info","louisvuittonreplica.us","louisvuittonreplica2u.com","louisvuittonreplicapurse.info","louisvuittonreplicapurses.us","louisvuittonretailstore.com","louisvuittonrreplicahandbagsus.com","louisvuittonsac-fr.info","louisvuittonsavestore.com","louisvuittonsbags8.com","louisvuittonshopjapan.com","louisvuittonshopjp.com","louisvuittonshopjp.org","louisvuittonshopoutletjp.com","louisvuittonsjapan.com","louisvuittonsjp.org","louisvuittonsmodaitaly1.com","louisvuittonspascherfrance1.com","louisvuittonstoresonline.com","louisvuittontoteshops.com","louisvuittonukbags.info","louisvuittonukofficially.com","louisvuittonukzt.co.uk","louisvuittonused.info","louisvuittonwholesale.info","louisvuittonworldtour.com","louisvunttonworldtour.com","louivuittoutletuksalehandbags.co.uk","loux5.universallightkeys.com","love-brand.ru","love-fuck.ru","love-krd.ru","love-s.top","love.info","love.vo.uk","love365.ru","love4writing.info","lovea.site","loveabledress.com","loveabledress.net","loveablelady.com","loveablelady.net","loveandotherstuff.co","lovebitan.club","lovebitan.online","lovebitan.site","lovebitan.xyz","lovebitco.in","lovebite.net","lovecuirinamea.com","lovediscuss.ru","lovee.club","lovefall.ml","lovelacelabs.net","lovelemk.tk","lovelybabygirl.com","lovelybabygirl.net","lovelybabylady.com","lovelybabylady.net","lovelycats.org","lovelyhotmail.com","lovelyladygirl.com","lovelynhatrang.ru","lovelyshoes.net","lovemail.top","loveme.com","lovemeet.faith","lovemeleaveme.com","lovemue.com","loves.dicksinhisan.us","loves.dicksinmyan.us","lovesea.gq","lovesoftware.net","lovesunglasses.info","lovesystemsdates.com","lovetests99.com","loveu.com","lovework.jp","loviel.com","lovingnessday.com","lovingnessday.net","lovingr3co.ga","lovisvuittonsjapan.com","lovitolp.com","lovlyn.com","lovomon.com","lovxwyzpfzb2i4m8w9n.cf","lovxwyzpfzb2i4m8w9n.ga","lovxwyzpfzb2i4m8w9n.gq","lovxwyzpfzb2i4m8w9n.tk","low.pixymix.com","low.poisedtoshrike.com","low.qwertylock.com","lowcost.solutions","lowcypromocji.com.pl","lowdh.com","lowendjunk.com","lowerrightabdominalpain.org","lowes.fun","lowesters.xyz","lowestpricesonthenet.com","loy.kr","loyalherceghalom.ml","loyalnfljerseys.com","loyalworld.com","lpaoaoao80101919.ibaloch.com","lpdf.site","lpfmgmtltd.com","lpi1iyi7m3zfb0i.cf","lpi1iyi7m3zfb0i.ga","lpi1iyi7m3zfb0i.gq","lpi1iyi7m3zfb0i.ml","lpi1iyi7m3zfb0i.tk","lpmwebconsult.com","lpnnurseprograms.net","lpo.ddnsfree.com","lprevin.joseph.es","lprssvflg.pl","lpurm5.orge.pl","lpva5vjmrzqaa.cf","lpva5vjmrzqaa.ga","lpva5vjmrzqaa.gq","lpva5vjmrzqaa.ml","lpva5vjmrzqaa.tk","lqghzkal4gr.cf","lqghzkal4gr.ga","lqghzkal4gr.gq","lqghzkal4gr.ml","lqlz8snkse08zypf.cf","lqlz8snkse08zypf.ga","lqlz8snkse08zypf.gq","lqlz8snkse08zypf.ml","lqlz8snkse08zypf.tk","lqonrq7extetu.cf","lqonrq7extetu.ga","lqonrq7extetu.gq","lqonrq7extetu.ml","lqonrq7extetu.tk","lqsgroup.com","lr7.us","lr78.com","lrcc.com","lrelsqkgga4.cf","lrelsqkgga4.ml","lrelsqkgga4.tk","lrfjubbpdp.pl","lrglobal.com","lrland.net","lroid.com","lron0re.com","lrtptf0s50vpf.cf","lrtptf0s50vpf.ga","lrtptf0s50vpf.gq","lrtptf0s50vpf.ml","lrtptf0s50vpf.tk","lru.me","ls-server.ru","lsaar.com","lsac.com","lsadinl.com","lsdny.com","lsh.my.id","lslconstruction.com","lsmpic.com","lsmu.com","lsnttttw.com","lsrtsgjsygjs34.gq","lss176.com","lssu.com","lsxprelk6ixr.cf","lsxprelk6ixr.ga","lsxprelk6ixr.gq","lsxprelk6ixr.ml","lsxprelk6ixr.tk","lsyx0.rr.nu","ltcorp.org","ltdtab9ejhei18ze6ui.cf","ltdtab9ejhei18ze6ui.ga","ltdtab9ejhei18ze6ui.gq","ltdtab9ejhei18ze6ui.ml","ltdtab9ejhei18ze6ui.tk","ltdwa.com","lteselnoc.cf","ltfg92mrmi.cf","ltfg92mrmi.ga","ltfg92mrmi.gq","ltfg92mrmi.ml","ltfg92mrmi.tk","ltt0zgz9wtu.cf","ltt0zgz9wtu.gq","ltt0zgz9wtu.ml","ltt0zgz9wtu.tk","lttcourse.ir","lttmail.com","ltuc.edu.eu.org","luadao.club","lubie-placki.com.pl","lubisbukalapak.tk","lubnanewyork.com","lucas.1amail.top","lucaz.com","lucian.dev","lucianoop.com","lucidmation.com","lucifergmail.tk","lucigenic.com","luck-win.com","luckboy.pw","luckindustry.ru","luckjob.pw","luckmail.us","lucky.bthow.com","lucky.wiki","luckyladydress.com","luckyladydress.net","luckylooking.com","luckymail.org","lucyu.com","luddo.me","ludi.com","ludovodka.com","ludq.com","ludxc.com","ludziepalikota.pl","lufaf.com","luggagetravelling.info","luhman16.lavaweb.in","luilkkgtq43q1a6mtl.cf","luilkkgtq43q1a6mtl.ga","luilkkgtq43q1a6mtl.gq","luilkkgtq43q1a6mtl.ml","luilkkgtq43q1a6mtl.tk","luisgiisjsk.tk","luispedro.xyz","lukasfloor.com.pl","lukaszmitula.pl","lukecarriere.com","lukemail.info","lukesrcplanes.com","lukop.dk","lulexia.com","lulluna.com","lulukbuah.host","lulumelulu.org","lulumoda.com","luminoustravel.com","luminoxwatches.com","luminu.com","lump.pa","lunarmail.info","lunas.today","lunatos.eu","lunchdinnerrestaurantmuncieindiana.com","lund.freshbreadcrumbs.com","luno-finance.com","luo.kr","luongbinhduong.ml","lupabapak.org","luscar.com","lusernews.com","lusianna.ml","lusmila.com","lusobridge.com","lustgames.org","lustlonelygirls.com","lutherhild.ga","luutrudulieu.net","luutrudulieu.online","luv2.us","luvfun.site","luxax.com","luxehomescalgary.ca","luxembug-nedv.ru","luxentic.com","luxiu2.com","luxmet.ru","luxor-sklep-online.pl","luxor.sklep.pl","luxuriousdress.net","luxury-handbagsonsale.info","luxurychanel.com","luxuryoutletonline.us","luxuryshomemn.com","luxuryshopforpants.com","luxuryspanishrentals.com","luxurytogel.com","luxusinc.com","luxusmail.ga","luxusmail.gq","luxusmail.ml","luxusmail.my.id","luxusmail.tk","luxusmail.uk","luxusmail.xyz","luxwane.club","luxwane.online","luyilu8.com","lv-bags-outlet.com","lv-magasin.com","lv-outlet-online.org","lv2buy.net","lvbag.info","lvbag11.com","lvbags001.com","lvbagsjapan.com","lvbagsshopjp.com","lvbq5bc1f3eydgfasn.cf","lvbq5bc1f3eydgfasn.ga","lvbq5bc1f3eydgfasn.gq","lvbq5bc1f3eydgfasn.ml","lvbq5bc1f3eydgfasn.tk","lvc2txcxuota.cf","lvc2txcxuota.ga","lvc2txcxuota.gq","lvc2txcxuota.ml","lvc2txcxuota.tk","lvcheapsua.com","lvcheapusa.com","lvdev.com","lvfityou.com","lvfiyou.com","lvforyouonlynow.com","lvhan.net","lvhandbags.info","lvheremeetyou.com","lvhotstyle.com","lvivonline.com","lvjp.com","lvory.net","lvoulet.com","lvoutlet.com","lvoutletonlineour.com","lvpascher1.com","lvsaleforyou.com","lvstormfootball.com","lvtimeshow.com","lvufaa.xyz","lvvd.com","lvxutizc6sh8egn9.cf","lvxutizc6sh8egn9.ga","lvxutizc6sh8egn9.gq","lvxutizc6sh8egn9.ml","lvxutizc6sh8egn9.tk","lwbmarkerting.info","lwide.com","lwmaxkyo3a.cf","lwmaxkyo3a.ga","lwmaxkyo3a.gq","lwmaxkyo3a.ml","lwmaxkyo3a.tk","lwmhcka58cbwi.cf","lwmhcka58cbwi.ga","lwmhcka58cbwi.gq","lwmhcka58cbwi.ml","lwmhcka58cbwi.tk","lwru.com","lwwz3zzp4pvfle5vz9q.cf","lwwz3zzp4pvfle5vz9q.ga","lwwz3zzp4pvfle5vz9q.gq","lwwz3zzp4pvfle5vz9q.ml","lwwz3zzp4pvfle5vz9q.tk","lxlxdtskm.pl","lxupukiw4dr277kay.cf","lxupukiw4dr277kay.ga","lxupukiw4dr277kay.gq","lxupukiw4dr277kay.ml","lxupukiw4dr277kay.tk","lycis.com","lycoprevent.online","lycos.comx.cf","lycose.com","lyct.com","lydia.anjali.miami-mail.top","lydia862.sbs","lyfestylecreditsolutions.com","lygjzx.xyz","lyjnhkmpe1no.cf","lyjnhkmpe1no.ga","lyjnhkmpe1no.gq","lyjnhkmpe1no.ml","lyjnhkmpe1no.tk","lylilupuzy.pl","lynleegypsycobs.com.au","lyonsteamrealtors.com","lyqmeu.xyz","lyqo9g.xyz","lyricauthority.com","lyrics-lagu.me","lyricshnagu.com","lyustra-bra.info","lyva.luk2.com","lywenw.com","lyzj.org","lyzzgc.com","lzcxssxirzj.cf","lzcxssxirzj.ga","lzcxssxirzj.gq","lzcxssxirzj.ml","lzcxssxirzj.tk","lzfkvktj5arne.cf","lzfkvktj5arne.ga","lzfkvktj5arne.gq","lzfkvktj5arne.tk","lzgyigfwf2.cf","lzgyigfwf2.ga","lzgyigfwf2.gq","lzgyigfwf2.ml","lzgyigfwf2.tk","lzoaq.com","lzpooigjgwp.pl","lzs94f5.pl","m-c-e.de","m-dnc.com","m-drugs.com","m-mail.cf","m-mail.ga","m-mail.gq","m-mail.ml","m-myth.com","m-p-s.cf","m-p-s.ga","m-p-s.gq","m.887.at","m.arkf.xyz","m.articlespinning.club","m.bccto.me","m.beedham.org","m.c-n-shop.com","m.cloudns.cl","m.codng.com","m.convulse.net","m.ddcrew.com","m.dfokamail.com","m.nik.me","m.nosuchdoma.in","m.polosburberry.com","m.svlp.net","m.u-torrent.cf","m.u-torrent.ga","m.u-torrent.gq","m.xxi2.com","m0.guardmail.cf","m00b2sryh2dt8.cf","m00b2sryh2dt8.ga","m00b2sryh2dt8.gq","m00b2sryh2dt8.ml","m00b2sryh2dt8.tk","m015j4ohwxtb7t.cf","m015j4ohwxtb7t.ga","m015j4ohwxtb7t.gq","m015j4ohwxtb7t.ml","m015j4ohwxtb7t.tk","m07.ovh","m0lot0k.ru","m0y1mqvqegwfvnth.cf","m0y1mqvqegwfvnth.ga","m0y1mqvqegwfvnth.gq","m0y1mqvqegwfvnth.ml","m0y1mqvqegwfvnth.tk","m1.blogrtui.ru","m1.guardmail.cf","m2.guardmail.cf","m2.trekr.tk","m21.cc","m2project.xyz","m2r60ff.com","m3.guardmail.cf","m3u5dkjyz.pl","m4il5.pl","m4ilweb.info","m5s.flu.cc","m5s.igg.biz","m5s.nut.cc","m6c718i7i.pl","m88laos.com","m8g8.com","m8gj8lsd0i0jwdno7l.cf","m8gj8lsd0i0jwdno7l.ga","m8gj8lsd0i0jwdno7l.gq","m8gj8lsd0i0jwdno7l.ml","m8gj8lsd0i0jwdno7l.tk","m8h63kgpngwo.cf","m8h63kgpngwo.ga","m8h63kgpngwo.gq","m8h63kgpngwo.ml","m8h63kgpngwo.tk","m8r.davidfuhr.de","m8r.mcasal.com","m8r.r-66y.com","m8r8ltmoluqtxjvzbev.cf","m8r8ltmoluqtxjvzbev.ga","m8r8ltmoluqtxjvzbev.gq","m8r8ltmoluqtxjvzbev.ml","m8r8ltmoluqtxjvzbev.tk","m9enrvdxuhc.cf","m9enrvdxuhc.ga","m9enrvdxuhc.gq","m9enrvdxuhc.ml","m9enrvdxuhc.tk","m9so.ru","ma-boite-aux-lettres.infos.st","ma-perceuse.net","ma.567map.xyz","ma1l.bij.pl","ma1lgen622.ga","ma2limited.com","maa.567map.xyz","maaail.com","maaill.com","maal.com","maart.ml","maatpeasant.com","mabermail.com","mabh65.ga","maboard.com","mabuklagi.ga","mabulareserve.com","mabv.club","mac-24.com","mac.hush.com","macaniuo235.cf","macauvpn.com","macbookpro13.com","macdell.com","macess.com","macfittest.com","machineearning.com","machineproseo.net","machineproseo.org","machineshop.de","machinetest.com","macmille.com","macosnine.com","macosten.com","macpconline.com","macplus-vrn.ru","macr2.com","macromaid.com","macromice.info","macslim.com","macsoftware.de","mactom.com","macviro.com","macwish.com","madagaskar-nedv.ru","madasioil.com","maddison.allison.spithamail.top","made.boutique","made7.ru","madebyfrances.com","madejstudio.com","madelhocin.xyz","madhorse.us","madiba-shirt.com","madibashirts.com","madmext.store","madnter.com","mado34.com","madridmuseumsmap.info","madriverschool.org","madrivertennis.com","madurahoki.com","maeel.com","maelcerkciks.com","maerroadoe.com","mafiaa.cf","mafiaa.ga","mafiaa.gq","mafiaa.ml","mafrat.com","mafrem3456ails.com","mag.su","magamail.com","magass.store","magazin-biciclete.info","magazin-elok69.ru","magazin20000.ru","magazinfutbol.com","mageborn.com","magegraf.com","magetrust.com","maggie.makenzie.chicagoimap.top","maggot.3amail.top","maggotymeat.ga","magia-malarska.pl","magiamgia.site","magicbeep.com","magicblocks.ru","magicbox.ro","magicbroadcast.com","magiccablepc.com","magicedhardy.com","magicflight.ir","magicftw.com","magicmail.com","magiconly.ru","magicpaper.site","magicsubmitter.biz","magigo.site","magim.be","magma.7amail.top","magnet1.com","magneticmessagingbobby.com","magnetik.com.ua","magnetl.ink","magnoliapost.com","magnomsolutions.com","magpietravel.com","magspam.net","magura.shop","mahan95.ir","mahazai.com","mahdevip.com","mahiidev.site","mahindrabt.com","mai1bx.ovh","mai1campzero.net.com","maia.aniyah.coayako.top","maidlow.info","maikel.com","mail-2-you.com","mail-4-uk.co.uk","mail-4-you.bid","mail-4server.com","mail-9g.pl","mail-address.live","mail-amazon.us","mail-app.net","mail-apps.com","mail-apps.net","mail-box.ml","mail-boxes.ru","mail-c.cf","mail-c.ga","mail-c.gq","mail-c.ml","mail-c.tk","mail-card.com","mail-card.net","mail-cart.com","mail-click.net","mail-data.net","mail-demon.bid","mail-desk.net","mail-dj.com","mail-easy.fr","mail-fake.com","mail-file.net","mail-filter.com","mail-finder.net","mail-fix.com","mail-fix.net","mail-free-mailer.online","mail-group.net","mail-guru.net","mail-help.net","mail-hosting.co","mail-hub.info","mail-hub.online","mail-hub.top","mail-j.cf","mail-j.ga","mail-j.gq","mail-j.ml","mail-j.tk","mail-jetable.com","mail-jim.gq","mail-jim.ml","mail-lab.net","mail-line.net","mail-list.top","mail-maker.net","mail-man.com","mail-miu.ml","mail-neo.gq","mail-now.top","mail-owl.com","mail-point.net","mail-pop3.com","mail-pro.info","mail-register.com","mail-reply.net","mail-s01.pl","mail-search.com","mail-searches.com","mail-send.ru","mail-server.bid","mail-share.com","mail-share.net","mail-space.net","mail-temp.com","mail-temporaire.com","mail-temporaire.fr","mail-tester.com","mail-uk.co.uk","mail-v.net","mail-vix.ml","mail-w.cf","mail-w.ga","mail-w.gq","mail-w.ml","mail-w.tk","mail-x91.pl","mail-z.gq","mail-z.ml","mail-z.tk","mail-zone.pp.ua","mail.a1.wtf","mail.anhthu.org","mail.ankokufs.us","mail.atomeca.com","mail.aws910.com","mail.backflip.cf","mail.bccto.com","mail.bccto.me","mail.bentrask.com","mail.bestoption25.club","mail.by","mail.c-n-shop.com","mail.chatfunny.com","mail.comx.cf","mail.crowdpress.it","mail.defaultdomain.ml","mail.effektiveerganzungen.de","mail.fast10s.design","mail.fettometern.com","mail.fgoyq.com","mail.fm.cloudns.nz","mail.free-emailz.com","mail.freeml.net","mail.fsmash.org","mail.gen.tr","mail.gmail.com.cad.edu.gr","mail.gokir.eu","mail.grupogdm.com","mail.guokse.net","mail.hanungofficial.club","mail.health-ua.com","mail.hh1.pl","mail.hotxx.in","mail.igosad.me","mail.illistnoise.com","mail.info","mail.inforoca.ovh","mail.johnscaffee.com","mail.jopasfo.net","mail.jpgames.net","mail.ju.io","mail.kaaaxcreators.tk","mail.koalaltd.net","mail.lgbtiqa.xyz","mail.libivan.com","mail.lindstromenterprises.com","mail.lowestpricesonthenet.com","mail.mailinator.com","mail.mayboy.xyz","mail.me","mail.mezimages.net","mail.mixhd.xyz","mail.mjj.edu.ge","mail.mnisjk.com","mail.mrgamin.ml","mail.myde.ml","mail.myserv.info","mail.mzr.me","mail.neynt.ca","mail.omahsimbah.com","mail.oyu.kr","mail.partskyline.com","mail.piaa.me","mail.pozycjonowanie8.pl","mail.przyklad-domeny.pl","mail.ptcu.dev","mail.qmeta.net","mail.rthyde.com","mail.stars19.xyz","mail.tggmall.com","mail.ticket-please.ga","mail.to","mail.tomsoutletw.com","mail.toprevenue.net","mail.twfaka.com","mail.unionpay.pl","mail.vuforia.us","mail.wnetz.pl","mail.wtf","mail.wvwvw.tech","mail.yauuuss.net","mail.zinn.gq","mail.zp.ua","mail0.cf","mail0.ga","mail0.gq","mail0.lavaweb.in","mail0.ml","mail01.ns01.info","mail1.cf","mail1.drama.tw","mail1.ftp1.biz","mail1.hacked.jp","mail1.i-taiwan.tv","mail1.ismoke.hk","mail1.kaohsiung.tv","mail1.kein.hk","mail1.mungmung.o-r.kr","mail1.top","mail10.cf","mail10.ga","mail10.gq","mail10.ml","mail11.cf","mail11.gq","mail11.hensailor.hensailor.xyz","mail11.ml","mail114.net","mail123.club","mail14.pl","mail15.com","mail1999.cf","mail1999.ga","mail1999.gq","mail1999.ml","mail1999.tk","mail1a.de","mail1h.info","mail1web.org","mail2.cf","mail2.drama.tw","mail2.info.tm","mail2.ntuz.me","mail2.p.marver-coats.xyz","mail2.space","mail2.vot.pl","mail2.waw.pl","mail2.worksmobile.ml","mail2000.cf","mail2000.ga","mail2000.gq","mail2000.ml","mail2000.ru","mail2000.tk","mail2001.cf","mail2001.ga","mail2001.gq","mail2001.ml","mail2001.tk","mail21.cc","mail22.club","mail22.com","mail22.space","mail24.club","mail24.gdn","mail24h.top","mail2bin.com","mail2k.bid","mail2k.trade","mail2k.website","mail2k.win","mail2nowhere.cf","mail2nowhere.ga","mail2nowhere.gq","mail2nowhere.ml","mail2nowhere.tk","mail2paste.com","mail2rss.org","mail2run.com","mail2tor.com","mail2world.com","mail3.activelyblogging.com","mail3.drama.tw","mail3.top","mail333.com","mail35.net","mail3plus.net","mail3s.pl","mail3tech.com","mail3x.com","mail3x.net","mail4-us.org","mail4.com","mail4.drama.tw","mail4.online","mail48.top","mail4all.jp.pn","mail4biz.pl","mail4biz.sejny.pl","mail4edu.net","mail4free.waw.pl","mail4gmail.com","mail4trash.com","mail4uk.co.uk","mail4used.com","mail4you.bid","mail4you.men","mail4you.racing","mail4you.stream","mail4you.trade","mail4you.usa.cc","mail4you.website","mail4you.win","mail4you24.net","mail5.drama.tw","mail5.me","mail52.cf","mail52.ga","mail52.gq","mail52.ml","mail52.tk","mail56.me","mail6.me","mail62.net","mail666.online","mail666.ru","mail7.cf","mail7.ga","mail7.gq","mail7.io","mail7.vot.pl","mail707.com","mail72.com","mail77.top","mail777.cf","mail7d.com","mail8.ga","mail8.gq","mail8.vot.pl","mail8app.com","mail998.com","mailabconline.com","mailaccount.de.pn","mailadadad.org","mailadda.cf","mailadda.ga","mailadda.gq","mailadda.ml","mailadresim.site","mailairport.com","mailals.com","mailanddrive.de","mailant.xyz","mailanti.com","mailapi.ru","mailapp.top","mailapps.online","mailapso.com","mailart.top","mailart.ws","mailasdkr.com","mailasdkr.net","mailb.tk","mailback.com","mailbeaver.net","mailbehance.info","mailbidon.com","mailbiscuit.com","mailbiz.biz","mailblocks.com","mailblog.biz","mailbonus.fr","mailbookstore.com","mailbosi.com","mailbox.blognet.in","mailbox.com.cn","mailbox.comx.cf","mailbox.drr.pl","mailbox.in.ua","mailbox.r2.dns-cloud.net","mailbox.universallightkeys.com","mailbox1.gdn","mailbox1.site","mailbox24.top","mailbox2go.de","mailbox52.ga","mailbox72.biz","mailbox80.biz","mailbox82.biz","mailbox87.de","mailbox92.biz","mailboxheaven.info","mailboxhub.site","mailboxint.info","mailboxlife.net","mailboxok.club","mailboxonline.org","mailboxprotect.com","mailboxrental.org","mailboxt.com","mailboxt.net","mailboxvip.com","mailboxxx.net","mailboxxxx.tk","mailboxy.fun","mailbrazilnet.space","mailbros1.info","mailbros2.info","mailbros3.info","mailbros4.info","mailbros5.info","mailbucket.org","mailbusstop.com","mailbyemail.com","mailbyus.com","mailc.cf","mailc.gq","mailc.tk","mailcard.net","mailcat.biz","mailcatch.com","mailcatch.xyz","mailcather.com","mailcc.cf","mailcc.ga","mailcc.gq","mailcc.ml","mailcc.tk","mailcdn.ml","mailch.com","mailchop.com","mailcker.com","mailclient.com","mailclubs.info","mailcom.cf","mailcom.ga","mailcom.gq","mailcom.ml","mailconect.info","mailconn.com","mailcontact.xyz","mailcool45.us","mailcuk.com","mailcupp.com","mailcx.cf","mailcx.ga","mailcx.gq","mailcx.ml","mailcx.tk","mailde.de","mailde.info","maildeluxehost.com","maildemon.bid","maildepot.net","maildfga.com","maildgsp.com","maildim.com","maildivine.com","maildom.xyz","maildomain.com","maildonna.space","maildot.xyz","maildrop.cc","maildrop.cf","maildrop.ga","maildrop.gq","maildrop.ml","maildu.de","maildump.tk","maildx.com","maile.com","maile2email.com","maileater.com","mailed.in","mailed.ro","maileder.com","maileere.com","maileimer.de","mailelectronic.com","mailelix.space","mailell.com","maileme101.com","mailer.net","mailer.onmypc.info","mailer2.cf","mailer2.ga","mailer2.net","mailer9.net","mailerde.com","mailerforus.com","mailergame.serveexchange.com","mailerie.com","mailermails.info","mailernam.com","maileronline.club","mailerowavc.com","mailerraas.com","mailerrtts.com","mailersc.com","mailersend.ru","mailert.ru","mailerv.net","mailetk.com","maileto.com","maileven.com","mailex.pw","mailexpire.com","maileze.net","mailezee.com","mailf5.com","mailfa.cf","mailfa.tk","mailfall.com","mailfasfe.com","mailfavorite.com","mailfen.com","mailfer.com","mailfile.net","mailfile.org","mailfirst.icu","mailfish.de","mailfix.xyz","mailflix1.it.o-r.kr","mailfm.net","mailfnmng.org","mailfob.com","mailfony.com","mailfootprint.mineweb.in","mailforall.pl","mailformail.com","mailforspam.com","mailforthemeak.info","mailfranco.com","mailfree.ga","mailfree.gq","mailfree.ml","mailfreehosters.com","mailfreeonline.com","mailfs.com","mailfy.cf","mailfy.ga","mailfy.gq","mailfy.ml","mailfy.tk","mailgano.com","mailgc.com","mailgen.biz","mailgen.club","mailgen.fun","mailgen.info","mailgen.io","mailgen.pro","mailgen.pw","mailgen.xyz","mailgia.com","mailglobalnet.space","mailglobe.club","mailglobe.org","mailgo.biz","mailgoogle.com","mailgov.info","mailguard.me","mailguard.veinflower.veinflower.xyz","mailgui.pw","mailgutter.com","mailhair.com","mailhaven.com","mailhazard.com","mailhazard.us","mailherber.com","mailhero.io","mailhex.com","mailhole.de","mailhon.com","mailhorders.com","mailhost.bid","mailhost.com","mailhost.top","mailhost.win","mailhound.com","mailhub.online","mailhub.pro","mailhub.pw","mailhub.top","mailhub24.com","mailhubpros.com","mailhulk.info","mailhz.me","mailicon.info","mailid.info","mailimail.com","mailimails.patzleiner.net","mailimate.com","mailin.icu","mailin8r.com","mailinatar.com","mailinater.com","mailinatior.com","mailinatoe.com","mailinator.cf","mailinator.cl","mailinator.co","mailinator.co.uk","mailinator.com","mailinator.ga","mailinator.gq","mailinator.info","mailinator.linkpc.net","mailinator.net","mailinator.org","mailinator.pl","mailinator.us","mailinator.usa.cc","mailinator0.com","mailinator1.com","mailinator2.com","mailinator2.net","mailinator3.com","mailinator4.com","mailinator5.com","mailinator6.com","mailinator7.com","mailinator8.com","mailinator9.com","mailinatorzz.mooo.com","mailinatr.com","mailinbox.cf","mailinbox.co","mailinbox.ga","mailinbox.gq","mailinbox.ml","mailinc.tech","mailincubator.com","mailindexer.com","mailinfo8.pro","mailing.o-r.kr","mailing.one","mailing.serveblog.net","mailingforever.biz","mailingmail.net","mailingo.net","mailismagic.com","mailita.tk","mailivw.com","mailj.tk","mailjean.com","mailjonny.org","mailjuan.com","mailjunk.cf","mailjunk.ga","mailjunk.gq","mailjunk.ml","mailjunk.tk","mailjuose.ga","mailka.ml","mailkept.com","mailkert.com","mailking.ru","mailkita.cf","mailkon.com","mailkor.xyz","mailksders.com","mailku.live","mailkuatjku2.ga","mailkutusu.site","maillak.com","maillang.com","maillap.com","maillbox.ga","maillei.com","maillei.net","mailline.net","mailling.ru","maillink.in","maillink.info","maillink.live","maillink.top","maillinked.com","maillist.in","mailllc.download","mailllc.top","mailloading.com","maillogin.site","maillotdefoot.com","maillote.com","maillux.online","mailluxe.com","mailly.xyz","mailmae.com","mailmail.biz","mailmailv.eu","mailman.com","mailmanbeat.club","mailmassa.info","mailmate.com","mailme.gq","mailme.ir","mailme.judis.me","mailme.lv","mailme.vip","mailme24.com","mailmeanyti.me","mailmedo.com","mailmefast.info","mailmeking.com","mailmel.com","mailmerk.info","mailmetal.com","mailmetrash.com","mailmetrash.comilzilla.org","mailmink.com","mailmit.com","mailmix.pl","mailmoat.com","mailmonster.bid","mailmonster.download","mailmonster.stream","mailmonster.top","mailmonster.trade","mailmonster.website","mailmoth.com","mailms.com","mailmuffta.info","mailmy.co.cc","mailmyrss.com","mailn.pl","mailn.tk","mailna.biz","mailna.co","mailna.in","mailna.me","mailna.us","mailnails.com","mailnator.com","mailnax.com","mailnd7.com","mailne.com","mailnesia.com","mailnesia.net","mailnest.net","mailnet.top","mailnetter.co.uk","mailniu.com","mailnow2.com","mailnowapp.com","mailnull.com","mailo.cf","mailo.icu","mailo.tk","mailof.com","mailon.ws","mailonator.com","mailonaut.com","mailondandan.com","mailone.es.vu","mailontherail.net","mailonxh.pl","mailop7.com","mailor.com","mailorc.com","mailorg.org","mailos.gq","mailosiwo.com","mailou.de","mailowanovaroc.com","mailowowo.com","mailox.biz","mailox.fun","mailpay.co.uk","mailphar.com","mailpick.biz","mailpkc.com","mailplus.pl","mailpluss.com","mailpm.live","mailpoly.xyz","mailpooch.com","mailpoof.com","mailpost.comx.cf","mailpost.ga","mailpost.gq","mailpr3.info","mailpremium.net","mailpress.gq","mailprm.com","mailpro5.club","mailprofile.website","mailprohub.com","mailproof.com","mailprotech.com","mailprotect.minemail.in","mailproxsy.com","mailproxy.gm9.com","mailps01.cf","mailps01.ml","mailps01.tk","mailps02.gq","mailps02.ml","mailps02.tk","mailps03.cf","mailps03.ga","mailps03.tk","mailpts.com","mailpuppet.tk","mailquack.com","mailr24.com","mailraccoon.com","mailrard01.ga","mailrazer.com","mailrc.biz","mailreds.com","mailree.live","mailref.net","mailrerrs.com","mailres.net","mailrest.com","mailretor.com","mailretrer.com","mailrfngon.xyz","mailrnl.com","mailrock.biz","mailros.com","mailroyal.net","mailrrpost.com","mailrunner.net","mails-24.net","mails-4-mails.bid","mails.com","mails.omvvim.edu.in","mails.v2-ray.net","mails.wf","mails4mails.bid","mailsac.cf","mailsac.com","mailsac.ga","mailsac.gq","mailsac.ml","mailsac.tk","mailsadf.com","mailsadf.net","mailsall.com","mailscdn.com","mailschain.com","mailscheap.us","mailscrap.com","mailsd.net","mailsdfd.com","mailsdfd.net","mailsdfeer.com","mailsdfeer.net","mailsdfsdf.com","mailsdfsdf.net","mailseal.de","mailsearch.net","mailsecv.com","mailseo.net","mailserp.com","mailserv369.com","mailserv95.com","mailserver.bid","mailserver.men","mailserver2.cf","mailserver2.ga","mailserver2.ml","mailserver2.tk","mailserver89.com","mailseverywhere.net","mailshell.com","mailshiv.com","mailsinabox.bid","mailsinabox.club","mailsinabox.info","mailsinthebox.co","mailsiphon.com","mailsister1.info","mailsister2.info","mailsister3.info","mailsister4.info","mailsister5.info","mailska.com","mailslapping.com","mailslite.com","mailsmail.com","mailsmart.info","mailsnails.com","mailsor.com","mailsoul.com","mailsource.info","mailspam.me","mailspam.xyz","mailspeed.ru","mailspirit.info","mailspro.net","mailspru.cz.cc","mailsrv.ru","mailssents.com","mailsst.com","mailste.com","mailsuckbro.cf","mailsuckbro.ga","mailsuckbro.gq","mailsuckbro.ml","mailsuckbro.tk","mailsuckbrother.cf","mailsuckbrother.ga","mailsuckbrother.gq","mailsuckbrother.ml","mailsuckbrother.tk","mailsucker.net","mailsucker1.cf","mailsucker1.ga","mailsucker1.gq","mailsucker1.ml","mailsucker1.tk","mailsucker11.cf","mailsucker11.ga","mailsucker11.gq","mailsucker11.ml","mailsucker11.tk","mailsucker14.cf","mailsucker14.ga","mailsucker14.gq","mailsucker14.ml","mailsucker14.tk","mailsucker2.cf","mailsucker2.ga","mailsucker2.gq","mailsucker2.ml","mailsucker2.tk","mailsucker34.cf","mailsucker34.ga","mailsucker34.gq","mailsucker34.ml","mailsucker34.tk","mailsup.net","mailsupply.net","mailswim.com","mailsy.top","mailt.net","mailt.top","mailtal.com","mailtanpakaudisini.com","mailtechx.com","mailtemp.info","mailtemp.net","mailtemp.org","mailtemp1123.ml","mailtempmha.tk","mailtemporaire.com","mailtemporaire.fr","mailthink.net","mailthunder.ml","mailtic.com","mailtimail.co.tv","mailtime.com","mailtmk.com","mailto.buzz","mailto.plus","mailtod.com","mailtome.de","mailtomeinfo.info","mailtop.ga","mailtothis.com","mailtoyou.top","mailtoyougo.xyz","mailtraps.com","mailtrash.net","mailtrix.net","mailtune.ir","mailtv.net","mailtv.tv","mailu.cf","mailu.gq","mailu.ml","mailuniverse.co.uk","mailur.com","mailusivip.xyz","mailvat.com","mailvk.net","mailvq.net","mailvs.net","mailvxin.com","mailvxin.net","mailw.cf","mailw.ga","mailw.gq","mailw.info","mailw.ml","mailw.tk","mailwebsite.info","mailwithyou.com","mailwriting.com","mailxing.com","mailxtr.eu","maily.info","mailyes.co.cc","mailymail.co.cc","mailyouspacce.net","mailyuk.com","mailz.info","mailz.info.tm","mailzen.win","mailzi.ru","mailzilla.com","mailzilla.org","mailzilla.orgmbx.cc","mailzxc.pl","maimobis.com","main-tube.com","main.truyenbb.com","mainasia.systems","mainctu.com","mainerfolg.info","mainlandortho.com","mainphp.cf","mainphp.ga","mainphp.gq","mainphp.ml","mainpokerv.net","mainsews.com","mainstore.fun","mainstore.live","mainstore.space","mainstore.website","mainstreethost.company","maintainhealthfoods.life","maintecloud.com","maintenances.us","maipersonalmail.tk","maisdeliveryapp.com","maisondesjeux.com","maisonmargeila.com","maito.space","maiu.tk","majnmail.pl","major-jobs.com","major.clarized.com","major.emailies.com","major.emailind.com","major.lakemneadows.com","major.maildin.com","major.ploooop.com","majorices.site","majorleaguemail.com","majorsww.com","makaor.com","makasarpost.cf","make-bootable-disks.com","make.marksypark.com","make.ploooop.com","makebootabledisk.com","makedon-nedv.ru","makemenaughty.club","makemetheking.com","makemnhungnong.xyz","makemoney.com","makemoneyscams.org","makemydisk.com","makente.com","makentehosting.com","makepleasure.club","makerains.tk","makeshopping.pp.ua","makesnte.com","makethebadmanstop.com","makeupneversleeps.com","makinadigital.com","makingfreebasecocaine.in","makmadness.info","makmotors.com","maks.com","maksap.com","makudi.com","makumba.justdied.com","mal3ab.online","malahov.de","malaizy-nedv.ru","malakies.tk","malamutepuppies.org","malapo.ovh","malarenorrkoping.se","malarz-mieszkaniowy.pl","malarz-remonciarz.pl","malarz-remonty-warszawa.pl","malarz-remonty.pl","malarzmieszkaniowy.pl","malayalamdtp.com","malaysianrealty.com","malboxe.com","malchikzer.cf","malchikzer.gq","malcolmdriling.com","maldimix.com","maldonadomail.men","male-pillsrx.info","malecigarettestore.net","maleenhancement.club","maleenhancement24.net","malegirl.com","malenalife.com","maletraveller.com","malh.site","mali-nedv.ru","maliberty.com","malibubright.org","malibucoding.com","malinagames.ru","maliyetineambalaj.xyz","mall.tko.co.kr","mallinator.com","mallinco.com","malomies.com","malomiesed.com","malove.site","malpracticeboard.com","malrekel.tk","malta-nedv.ru","maltacp.com","mam-pap.ru","mama.com","mama3.org","mamail.cf","mamail.com","mamajitu.net","mamajitu.org","mamamintaemail.com","mamasuna.com","mamazumba.com","mamba.ru","mambaru.in","mamber.net","mami000.com","mami999.net","mamin-shop.ru","mamkinarbuzer.cf","mamkinarbuzer.ml","mamkinarbuzer.tk","mamkinrazboinik.gq","mamonsuka.com","mamulenok.ru","man-or-machine.com","manab.site","manabisagan.com","manac.site","manad.site","manae.site","manage-11.com","managelaw.ru","managgg12.com","manam.ru","manantial20.mx","manantialwatermx2.com.mx","manapuram.com","manaq.site","manatialagua.com.mx","manatialxm.com.mx","manau.site","manaw.site","manderich.com","mandraghen.cf","mandynmore.com","manekicasino3.com","manf.site","manghinsu.com","mangovision.com","mangtinnhanh.com","manhwamomo.com","manifestgenerator.com","manifietso.org","maninblacktequila.com","manipurbjp.org","maniskata.online","manitowc.com","mankindmedia.com","mankyrecords.com","manlb.site","manlc.site","manld.site","manle.site","manlf.site","manlg.site","manlh.site","manli.site","manlj.site","manlk.site","manln.site","manlo.site","manlp.site","manlq.site","manlr.site","manls.site","manlt.site","manlu.site","manlv.site","manlw.site","manlx.site","manlz.site","manm.site","manmail.xyz","manmandirbus.com","mannawo.com","mannbdinfo.org","mannerladies.com","mannhomes.com","manomangojoa.com","manp.site","manq.site","manq.space","manr.site","mansilverinsdier.com","mansiondev.com","mansonusa.com","mantap.com","mantestosterone.com","mantramail.com","mantutimaison.com","mantutivi.com","mantutivie.com","manual219.xyz","manualial.site","manub.site","manuc.site","manue.site","manuh.site","manuj.site","manuka.com","manul.site","manum.site","manun.site","manuo.site","manuq.site","manur.site","manut.site","manuu.site","manuv.site","manuw.site","manux.site","manuy.site","manv.site","manw.site","manyb.site","manybrain.com","manyc.site","manyd.site","manye.site","manyg.site","manyh.site","manyj.site","manyk.site","manyl.site","manym.site","manyme.com","manymonymo.com","manyn.site","manyo.site","manyp.site","manyq.site","manyr.site","manys.site","manyt.site","manytan364.ga","manytan364.tk","manyw.site","manyx.site","manyy.site","manyz.site","mao.igg.biz","maoaed.site","maoaokachima.com","maokai-lin.com","maokeba.com","maomaaigang.ml","maomaaigang.tk","maomaocheng.com","mapa-polskii.pl","mapet.pl","mapfnetpa.tk","mapfrecorporate.com","maphic.site","mapi.pl","mapleemail.com","mapleheightslanes.com","mapolace.xyz","maps.blatnet.com","maps.marksypark.com","mapycyfrowe-bydgoszcz.pl","mara.jessica.webmailious.top","maratabagamereserve.com","marathonkit.com","marbau-hydro.pl","marbleorbmail.bid","marcb.com","marcbymarcjacobsjapan.com","marchcats.com","marchiapohan.art","marchmovo.com","marciszewski.pl","marcjacobshandbags.info","marcpfitzer.com","marcsplaza.com","marcuswarner.com","marcwine.com","mareczkowy.pl","mareno.net","marenos.com","maret-genkzmail.ga","marezindex.com","margarette1818.site","margateschoolofbeauty.net","margeguzellik.net","margel.xyz","marginsy.com","margolotta4.pl","margolotta5.pl","margolotta6.pl","marianajoelle.lavaweb.in","mariannehallberg.se","marib5ethmay.ga","mariela1121.club","marijuana-delight.com","marijuana-delight.info","marijuana-delight.net","marimari.website","marimastu98huye.cf","marimastu98huye.gq","marinad.org","marinajohn.org","marinarlism.com","marinrestoration.com","marionsport.com.pl","marissajeffryna.art","marissasbunny.com","marizing.com","mark-compressoren.ru","mark-sanchez2011.info","mark234.info","markapia.com","markaspoker88.com","market177.ru","marketal.com","marketconow.com","markethealthreviews.info","marketingagency.net","marketingeffekt.de","marketingsolutions.info","marketlink.info","marketmans.ir","marketplacedc.com","marketplaceselector.com","marketyou.fun","marketyou.site","marketyou.website","markhansongu.com","markhutchins.info","markinternet.co.uk","marklewitz.com","markmurfin.com","marksearcher.com","marlboro-ez-cigarettes.com","marloni.com.pl","marmaryta.com","marmaryta.email","marmaryta.space","marmotmedia.com","maroonsea.com","marriagedate.net","marriedchat.co.uk","marrocomail.gdn","marromeunationalreserve.com","marryznakomstv.ru","mars.blatnet.com","mars.martinandgang.com","marstur.com","marsuniversity.com","marthaloans.co.uk","martin.securehost.com.es","martinatesela.art","martinezfamilia.com","martystahl.com","martyvole.ml","marukushino.co.jp","marutv.site","marvelcomicssupers.online","maryamsupraba.art","maryjanehq.com","maryjanehq.info","maryjanehq.net","maryland-college.cf","marylandwind.org","masaaki18.marver-coats.xyz","masaaki77.funnetwork.xyz","masafiagrofood.com","masafigroupbd.com","masaindah.online","masashi5210.yoshito97.veinflower.xyz","masasih.loan","masdo88.top","masgtd.xyz","mashed.site","mashkrush.info","mashy.com","masjoco.com","mask03.ru","mask576.gq","maskcnsn.com","maskedmails.com","maskmail.net","masks-muzik.ru","maslicov.biz","masok.lflinkup.com","masonline.info","masrku.online","massagecentral.club","massagecentral.online","massagecentral.website","massagecentral.xyz","massagecool.club","massagecool.online","massagecool.site","massagecool.space","massagecool.website","massagecool.xyz","massagefin.club","massagefin.online","massagefin.site","massagefin.xyz","massagelove.club","massagelove.online","massagelove.website","massagelove.xyz","massagelux.club","massagelux.online","massagelux.website","massagelux.xyz","massageoil.club","massagepar.fun","massagepar.online","massagepar.site","massagepar.xyz","massageshophome.com","massagetissue.com","massageway.club","massageway.online","massageway.website","massageway.xyz","massazhistki-40.com","massazhistki-50.com","massazhistki-na-dom.com","masseymail.men","massimiliano-alajmo.art","massmedios.ru","massrewardgiveaway.gq","mastahype.net","master-mail.net","master.veinflower.xyz","masterbuiltoutlet.com","masterbuiltoutlet.info","masterbuiltoutlet.net","masterbuiltoutlet.org","mastercard-3d.cf","mastergardens.org","masterhost.services","mastermail24.gq","mastermind911.com","masternode.online","masterofwarcraft.net","mastersstar.me","masto.link","masumi010.tadao54.hotube.site","masumi1210.katsu73.kiesag.xyz","masumi19.kiesag.xyz","maswae.world","maszynkiwaw.pl","maszyny-rolnicze.net.pl","matamuasu.cf","matamuasu.ga","matamuasu.gq","matamuasu.ml","matchb.site","matchingwrw.com","matchpol.net","matchsticktown.com","matchtv.pw","mateb.site","materiali.ml","materialos.com","materialresources.org","matgaming.com","mathews.com","mathildelemahieu.pine-and-onyx.xyz","matincipal.site","matka.host-001.eu","matogeinou.biz","matra.site","matra.top","matriv.hu","mattersjf8.com","matthewservices.com","mattmason.xyz","mattress-mattress-usa.com","mattwoodrealty.com","matydezynfekcyjne.com.pl","matzan-fried.com","matzxcv.org","mauler.ru","maureen.1amail.top","mauricemagazine.com","mauriss.xyz","maurya.ml","maverickcreativegroup.org","maverickdonuts.com","mavriki-nedv.ru","mawpinkow.konin.pl","max-adv.pl","max-direct.com","max-mail.com","max-mail.info","max-mail.org","max-mirnyi.com","max.mailedu.de","max88.club","maxbetspinz.co","maxcasi.xyz","maxflo.com","maxgtrend.ru","maximalbonus.de","maximeblack.com","maximem.com","maximise.site","maximum10review.com","maximumcomputer.com","maxivern.com","maxmail.in","maxmail.info","maxmails.eu","maxmtc.me","maxoutmedia.buzz","maxpanel.id","maxpedia.ro","maxprice.co","maxresistance.com","maxrollspins.co","maxsize.online","maxutz.dynamailbox.com","maxxdrv.ru","mayaaaa.cf","mayaaaa.ga","mayaaaa.gq","mayaaaa.ml","mayaaaa.tk","mayacaroline.art","maybe.eu","maybelike.com","maydayconception.com","mayflowerchristianschool.org","maygiuxecamtay.com","mayhco.com","maymetalfest.info","maymovo.com","mayogold.com","mayorpoker.net","mayschemical.com","maysunsaluki.com","maytree.ru","mazaevka.ru","mazedojo.com","mb.com","mb69.cf","mb69.ga","mb69.gq","mb69.ml","mb69.tk","mb7y5hkrof.cf","mb7y5hkrof.ga","mb7y5hkrof.gq","mb7y5hkrof.ml","mb7y5hkrof.tk","mba-cpa.com","mbacolleges.info","mbadvertising.com","mbahtekno.net","mban.ml","mbangilan.ga","mbap.ml","mbdnsmail.mooo.com","mbe.kr","mbfc6ynhc0a.cf","mbfc6ynhc0a.ga","mbfc6ynhc0a.gq","mbfc6ynhc0a.ml","mbfc6ynhc0a.tk","mblinuxfdp.com","mblsglobal.com","mblungsungi.com","mboled.ml","mbox.0x01.tk","mbox.re","mbsho.com","mbsl.com","mbt-shoeshq.com","mbt01.cf","mbt01.ga","mbt01.gq","mbt01.ml","mbta.org","mbtjpjp.com","mbtsalesnow.com","mbtshoeclearancesale.com","mbtshoes-buy.com","mbtshoes-z.com","mbtshoes32.com","mbtshoesbetter.com","mbtshoesclear.com","mbtshoesclearancehq.com","mbtshoesdepot.co.uk","mbtshoesfinder.com","mbtshoeslive.com","mbtshoesmallhq.com","mbtshoeson-deal.com","mbtshoesondeal.co.uk","mbtshoesonline-clearance.net","mbtshoespod.com","mbtshoessellbest.com","mbtshoeswarehouse.com","mbutm4xjem.ga","mbx.cc","mbybea.xyz","mc-freedom.net","mc-ij2frasww-ettg.com","mc-s789-nuyyug.com","mc-shop.com","mc-templates.de","mc8xbx5m65trpt3gs.ga","mc8xbx5m65trpt3gs.ml","mc8xbx5m65trpt3gs.tk","mcache.net","mcands.com","mcatay.xyz","mcatrucking.com","mcaxia.buzz","mcb64dfwtw.cf","mcb64dfwtw.ga","mcb64dfwtw.gq","mcb64dfwtw.ml","mcb64dfwtw.tk","mcbryar.com","mcbslqxtf.pl","mccarley.co.uk","mccee.org","mccluremail.bid","mccoy.com","mccs.info","mcde.com","mcde1.com","mcdonald.cf","mcdonald.gq","mcdoudounefemmefr.com","mcdrives.com","mcelderry.eu","mcelderryrodiquez.eu","mcenany.freshbreadcrumbs.com","mchdp.com","mchyde.com","mciek.com","mcintoshemails.com","mcjassenonlinenl.com","mcjazz.pl","mckaymail.bid","mckenzie.rebekah.miami-mail.top","mckinleymail.net","mcmbulgaria.info","mcmillansmith.com","mcmmobile.co.uk","mcov.com","mcpeck.com","mcpego.ru","mcpsvastudents.org","mcshan.ml","mcsoh.org","mcsweeneys.com","mctware.com","mcvip.es","mcytaooo0099-0.com","mcyvkf6y7.pl","md5hashing.net","md7eh7bao.pl","mdba.com","mddatabank.com","mddwgs.mil.pl","mdgmk.com","mdhc.tk","mdo88.com","mdoe.de","mdpc.de","mdssol.com","mdt.creo.site","mdu.edu.rs","mdva.com","mdwo.com","mdz.email","me-angel.net","me-ble.pl","me.cowsnbullz.com","me.lakemneadows.com","me.oldoutnewin.com","me.ploooop.com","me2.cuteboyo.com","meachlekorskicks.com","meadowmaegan.london-mail.top","meadowutilities.com","meaghan.jasmin.coayako.top","meail.com","mealcash.com","meangel.net","meantinc.com","mebel-atlas.com","mebeldomoi.com","mebelnu.info","meble-biurowe.com","meble-biurowe.eu","mebleikea.com.pl","meblevps24x.com","meboxmedia.us","mecbuc.cf","mecbuc.ga","mecbuc.gq","mecbuc.ml","mecbuc.tk","mechanicalresumes.com","mechpromo.com","mecip.net","meckakorp.site","meconomic.ru","meconstruct.com","mecs.de","med-tovary.com","med.gd","medan4d.online","medan4d.top","medapharma.us","meddepot.com","medfederation.ru","medhelperssustav.xyz","media-one.group","media.motornation.buzz","mediacrushing.com","mediadelta.com","mediafate.com","mediapulsetech.com","mediaseo.de","mediastyaa.tk","mediatui.com","mediawebhost.de","medicalfacemask.life","medicalschooly.com","medicationforyou.info","medications-shop.com","medicc.app","medicheap.co","mediciine.site","medicinemove.xyz","medicinepea.com","medicineworldportal.net","mediko.site","medimom.com","mediosbase.com","medium.blatnet.com","medium.cowsnbullz.com","medium.lakemneadows.com","medium.oldoutnewin.com","medkabinet-uzi.ru","medley.hensailor.xyz","medod6m.pl","medsheet.com","medukr.com","medyczne-odchudzanie.com","meenakshisilks.com","meepsheep.eu","meesterlijkmoederschap.nl","meet-me.live","meethornygirls.top","meetlocalhorny.top","meetmeatthebar.com","meetoricture.site","mefvopic.com","mega-buy.vn","mega-dating-directory.com","mega.zik.dj","mega1.gdn","mega389.live","megabot.info","megaceme.bid","megaceme.top","megahost.info","megahost.l6.org","megaklassniki.net","megalearn.ru","megalovers.ru","megamail.pl","megamailhost.com","meganscott.xyz","megape.in","megapuppies.com","megaquiet.com","megastar.com","megatel.pw","megatraffictoyourwebsite.info","megatraherhd.ru","megavigor.info","megogonett.ru","megoqo.ru","mehditech.info","mehr-bitcoin.de","mehrpoy.ir","meibaishu.com","meibokele.com","meidir.com","meihuajun76.com","meil4me.pl","meiler.co.pl","meimanbet.com","meimeimail.cf","meimeimail.gq","meimeimail.ml","meimeimail.tk","meineinkaufsladen.de","meinspamschutz.de","meintick.com","meisteralltrades.com","meituxiezhen.xyz","mejjang.xyz","mejlnastopro.pl","mejlowy1.pl","mejlowy2.pl","mejlowy3.pl","mejlowy4.pl","mejlowy5.pl","mejlowy6.pl","mejlowy7.pl","mejlowy8.pl","meken.ru","mekhmon.com","meksika-nedv.ru","melapatas.space","melatoninsideeffects.org","melcow.com","melhor.ws","melhoramentos.net","melhorvisao.online","melifestyle.ru","melindaschenk.com","meliput.com","melite.shop","mellieswelding.com","mellymoo.com","melodysouvenir.com","meloman.in","melonic.store","melowsa.com","melroseparkapartments.com","meltedbrownies.com","meltmail.com","melzmail.co.uk","memailme.co.uk","memberheality.ga","memclin.com","memecituenakganasli.cf","memecituenakganasli.ga","memecituenakganasli.gq","memecituenakganasli.ml","memecituenakganasli.tk","memeil.top","memek-mail.cf","memek.ml","memem.uni.me","mememail.com","memequeen.club","memeware.net","memkottawaprofilebacks.com","memoriesphotos.com","memorygalore.com","memp.net","memsg.site","memsg.top","memusa.dynamailbox.com","men.blatnet.com","men.hellohappy2.com","men.lakemneadows.com","men.oldoutnewin.com","mendoan.uu.gl","mendoanmail.club","mendoo.com","menece.com","menene.com","menherbalenhancement.com","menidsx.com","menkououtlet-france.com","menopozbelirtileri.com","mensdivorcelaw.com","menshoeswholesalestores.info","menterprise.app","mentonit.net","mentornkc.com","menu-go.com","menuyul.club","menuyul.online","menviagraget.com","menx.com","meooovspjv.pl","meox.com","mepf1zygtuxz7t4.cf","mepf1zygtuxz7t4.ga","mepf1zygtuxz7t4.gq","mepf1zygtuxz7t4.ml","mepf1zygtuxz7t4.tk","mephilosophy.ru","mephistore.co","mepost.pw","meprice.co","meraciousmotyxskin.com","merantikk.cf","merantikk.ga","merantikk.gq","merantikk.ml","merantikk.tk","mercadostreamer.com","mercantravellers.com","mercedes.co.id","mercurials2013.com","mercurialshoesus.com","mercygirl.com","merda.cf","merda.ga","merda.gq","merda.ml","merexaga.xyz","merfwotoer.com","merfwotoertest.com","mergame.info","meriam.edu","mericant.xyz","meridensoccerclub.com","meridian-technology.com","meridianessentials.com","meridiaonlinesale.net","merkez34.com","merlemckinnellmail.com","merliaz.xyz","merlismt2.org","mermail.info","meroflix.ml","meroflixnepal.com","merrellshoesale.com","merrittnils.ga","merry.pink","merrydresses.com","merrydresses.net","merryflower.net","merrygoround.com","mervo.site","mesotheliomasrates.ml","mesrt.online","messaeg.gq","messagea.gq","messagebeamer.de","messageden.com","messageden.net","messageme.ga","messageovations.com","messageproof.gq","messageproof.ml","messager.cf","messagesafe.co","messagesafe.io","messagesafe.ninja","messagesenff.com","messagesino.xyz","messwiththebestdielikethe.rest","mestechnik.de","mestracter.site","met-sex.com","met5fercj18.cf","met5fercj18.ga","met5fercj18.gq","met5fercj18.ml","met5fercj18.tk","metaboliccookingpdf.com","metadownload.org","metaintern.net","metajeans.com","metalrika.club","metalunits.com","metamorphosisproducts.com","metamusic.blog","metaprice.co","metastudio.net","metcoat.com","methodismail.com","metin1.pl","metrika-hd.ru","metrocar.com","metropolitanmining.com","metroset.net","mettamarketingsolutions.com","metuwar.tk","meuemail.ml","meugi.com","mevj.de","mewx.xyz","mex.broker","mexcool.com","mexicanonlinepharmacyhq.com","mexicobookclub.com","mexicolindo.com.mx","mexicomail.com","mexicons.com","mexicotulum.com","meximail.pl","meyfugo.gq","mezimages.net","mfbh.cf","mfgfx.com","mfghrtdf5bgfhj7hh.tk","mfii.com","mfil4v88vc1e.cf","mfil4v88vc1e.ga","mfil4v88vc1e.gq","mfil4v88vc1e.ml","mfil4v88vc1e.tk","mfriends.com","mfsa.info","mfsa.ru","mg-rover.cf","mg-rover.ga","mg-rover.gq","mg-rover.ml","mg-rover.tk","mg2222.com","mgaba.com","mgabratzboys.info","mgdchina.com","mgeladze.ru","mgleek.com","mgmblog.com","mgnt.link","mh3fypksyifllpfdo.cf","mh3fypksyifllpfdo.ga","mh3fypksyifllpfdo.gq","mh3fypksyifllpfdo.ml","mh3fypksyifllpfdo.tk","mhail.tk","mhcolimpia.ru","mhdpower.me","mhds.ml","mhdsl.cf","mhdsl.ddns.net","mhdsl.dynamic-dns.net","mhdsl.ga","mhdsl.gq","mhdsl.ml","mhdsl.tk","mhere.info","mhmmmkumen.cf","mhmmmkumen.ga","mhmmmkumen.gq","mhmmmkumen.ml","mhorhet.ru","mhschool.info","mhtqq.icu","mhwolf.net","mhzayt.com","mhzayt.online","mi-fucker-ss.ru","mi-mails.com","mi.meon.be","mi.orgz.in","mi166.com","mia6ben90uriobp.cf","mia6ben90uriobp.ga","mia6ben90uriobp.gq","mia6ben90uriobp.ml","mia6ben90uriobp.tk","miadz.com","miaferrari.com","mial.cf","mial.com.creou.dev","mial.tk","mialbox.info","miam.kd2.org","miamimetro.com","miamovies.com","miamovies.net","miauj.com","mic3eggekteqil8.cf","mic3eggekteqil8.ga","mic3eggekteqil8.gq","mic3eggekteqil8.ml","mic3eggekteqil8.tk","miccomputers.com","michaelkors4ssalestore.com","michaelkorsborsa.it","michaelkorshandbags-uk.info","michaelkorss.com","michaelkorstote.org","michaellees.net","michaelrader.biz","michein.com","michelinpilotsupersport.com","michellaadlen.art","michelleziudith.art","michigan-nedv.ru","michigan-rv-sales.com","michigan-web-design.com","micicubereptvoi.com","mickey-discount.info","mickeyandjohnny.com","mickeymart.com","micksbignightout.info","microcenter.io","microcreditoabruzzo.it","microfibers.info","micropul.com","microsoftt.biz","microsses.xyz","microteez.com","micsocks.net","mid6mwm.pc.pl","midascmail.com","midcoastcustoms.com","midcoastcustoms.net","midcoastmowerandsaw.com","midcoastsolutions.com","midcoastsolutions.net","midedf.net","mideuda.com","midfloridaa.com","midiharmonica.com","midlertidig.com","midlertidig.net","midlertidig.org","midpac.net","midtoys.com","miducusz.com","mieakusuma.art","miegrg.ga","miegrg.ml","mierdamail.com","miesedap.pw","mieszkania-krakow.eu","mighty.technivant.net","migliorisitidiincontri.com","migmail.net","migmail.pl","migranthealthworkers.org.uk","migratetoodoo.com","migro.co.uk","migserver2.gq","migserver2.ml","miguecunet.xyz","migumail.com","mih-team.com","mihanmail.ir","mihep.com","mihoyo-email.ml","miim.org","mijnbestanden.shop","mijnhva.nl","mikaela.kaylin.webmailious.top","mikaela38.universallightkeys.com","mikand.com","mike.designterrarium.de","mikeblogmanager.info","mikeformat.org","mikesweb6.com","miki7.site","miki8.xyz","milandwi.cf","milanuncios-es.com","milavitsaromania.ro","milbox.info","mildin.org.ua","milehiceramics.com","milenashair.com","milestoneprep.org","milfaces.com","miliancis.net","milier.website","milionkart.pl","militaryinfo.com","milited.site","miljaye.ga","milk.gage.ga","milke.ru","millanefernandez.art","millband.com","millertavernbay.com","millertavernyonge.com","millinance.site","millionairesocietyfree.com","millionairesweetheart.com","millions.cx","millionstars1.com","miloandpi.com","milomlynzdroj.pl","miltonfava.com","mimail.com","mimail.info","mimailtoix.com","mime.6amail.top","mimemail.mineweb.in","mimicooo.com","mimo.agency","mimo.digital","mimomail.info","mimowork.com","mimpaharpur.cf","mimpaharpur.ga","mimpaharpur.gq","mimpaharpur.ml","mimpaharpur.tk","mimpi99.com","min.burningfish.net","min.edu.gov","mina.com","minadentist.com","minamail.info","minamitoyama.info","mindcools.club","mindcools.website","mindfery.tk","mindini.com","mindless.com","mindmail.ga","mindpoop.com","mindpowerup.com","mindpring.com","mindsetup.us","mindstring.com","mindthe.biz","mindyobusiness.com","mindyrose.online","mine-epic.ru","mineactivity.com","minecraft-dungeons.ru","minecraft-survival-servers.com","minecraftgo.ru","minecraftinfo.ru","minecraftrabbithole.com","minegiftcode.pl","mineprinter.us","mineralka1.cf","mineralka1.gq","mineralnie.com.pl","mineralshealth.com","mineralstechnology.com","mineralwnx.com","minerhouse.ru","minerpanel.com","minerscamp.org","minestream.com","minex-coin.com","minggu.me","minhazfb.cf","minhazfb.ga","minhazfb.ml","minhazfb.tk","mini-mail.net","mini.pixymix.com","mini.poisedtoshrike.com","minifieur.com","minikuchen.info","minimail.eu.org","minimail.gq","minime.xyz","minimeq.com","minimoifactory.org","miniotls.gr","minipaydayloansuk.co.uk","minisers.xyz","minishop.site","miniskirtswholesalestores.info","ministry-of-silly-walks.de","minivacations.com","miniwowo.com","minkowitz.aquadivingaccessories.com","minnesotavikings-jerseys.us","minor.oldoutnewin.com","minor.warboardplace.com","minorandjames.com","minsa.com","minskysoft.ru","minsmail.com","mint-space.info","mintaa.com","mintadomaindong.cf","mintadomaindong.ga","mintadomaindong.gq","mintadomaindong.ml","mintadomaindong.tk","mintcbg.com","mintconditionin.ga","mintemail.cf","mintemail.com","mintemail.ga","mintemail.gq","mintemail.ml","mintemail.tk","minyoracle.ru","miodonski.ch","miodymanuka.com","mionavi2012.info","miopaaswod.jino.ru","mior.in","miototo.com","mipodon.ga","miptvdz.com","miracle5123.com","miraclegarciniareview.com","miraclemillwork.com","miracleoilhairelixir.com","mirai.re","miraigames.net","miramail.my.id","miramarmining.com","miranda.instambox.com","miranda1121.club","mirasa.site","mirbeauty.ru","mirekpsikuta.ct8.pl","mirenaclaimevaluation.com","miri.com","mirimus.org","mirmirchi.site","mironovskaya.ru","mirpiknika.ru","mirrorrr.asia","mirrorsstorms.top","mirrror.asia","mirs.com","mirsky99.instambox.com","mirstyle.ru","mirtazapine.life","misc.marksypark.com","misc.ploooop.com","misc.warboardplace.com","miscbrunei.net","miscritscheats.info","misdemeanors337dr.online","mishreid.net","misiz.com","miskolc.club","miss.marksypark.com","miss.oldoutnewin.com","missi.fun","missing-e.com","missiongossip.com","mississaugaseo.com","misslana.ru","misslawyers.com","missright.co.uk","misssiliconvalley.org","missthegame.com","missyhg.com","misteacher.com","mister-x.gq","misterpinball.de","mistressnatasha.net","mistridai.com","mistrioni.com","mistycig.com","mistyle.ru","mitakian.com","mitchellent.com","mite.tk","mithiten.com","mitiz.site","mitnian.xyz","mitobet.com","mitrasbo.com","mitsubishi-asx.cf","mitsubishi-asx.ga","mitsubishi-asx.gq","mitsubishi-asx.ml","mitsubishi-asx.tk","mitsubishi-pajero.cf","mitsubishi-pajero.ga","mitsubishi-pajero.gq","mitsubishi-pajero.ml","mitsubishi-pajero.tk","mitsubishi2.cf","mitsubishi2.ga","mitsubishi2.gq","mitsubishi2.ml","mitsubishi2.tk","mituvn.com","miucce.com","miucce.online","miucline.com","miumiubagjp.com","miumiubagsjp.com","miumiuhandbagsjp.com","miumiushopjp.com","miupdates.org","miur.cf","miur.ga","miur.gq","miur.ml","miur.tk","miwacle.com","mix-good.com","mix-mail.online","mixaddicts.com","mixbox.pl","mixchains.win","mixcoupons.com","mixfe.com","mixflosay.org.ua","mixi.gq","mixmail.veinflower.veinflower.xyz","mixmidth.site","mixtureqg.com","mixxermail.com","mizapol.net","mizii.eu","mizoey.com","mizugiq2efhd.cf","mizugiq2efhd.ga","mizugiq2efhd.gq","mizugiq2efhd.ml","mizugiq2efhd.tk","mj.spymail.one","mjans.com","mjemail.cf","mjfitness.com","mji.ro","mjj.edu.ge","mjjqgbfgzqup.info","mjmail.cf","mjmautohaus.com","mjolkdailies.com","mjpotshop.com","mjua.com","mjuifg5878xcbvg.ga","mjukglass.nu","mjut.ml","mjxfghdfe54bnf.cf","mk24.at","mk2u.eu","mkathleen.com","mkbmax.biz","mkbw3iv5vqreks2r.ga","mkbw3iv5vqreks2r.ml","mkbw3iv5vqreks2r.tk","mkdshhdtry546bn.ga","mkfactoryshops.com","mkjhud.online","mkk83.top","mkk84.top","mkljyurffdg987.cf","mkljyurffdg987.ga","mkljyurffdg987.gq","mkljyurffdg987.ml","mkljyurffdg987.tk","mkm24.de","mkmove.tk","mko.kr","mkpfilm.com","mkredyt24.pl","mkshake.tk","mktmail.xyz","ml244.site","ml8.ca","mldl3rt.pl","mldsh.com","mlhweb.com","mlj101.com","mlkancelaria.com.pl","mlleczkaweb.pl","mlmtips.org","mlnd8834.cf","mlnd8834.ga","mlo.kr","mlodyziemniak.katowice.pl","mlogicali.com","mlq6wylqe3.cf","mlq6wylqe3.ga","mlq6wylqe3.gq","mlq6wylqe3.ml","mlq6wylqe3.tk","mlsix.ovh","mlsix.xyz","mlsmodels.com","mlusae.xyz","mlvp.com","mlx.ooo","mm.8.dnsabr.com","mm.my","mm5.se","mmach.ru","mmail.com","mmail.igg.biz","mmail.men","mmail.org","mmail.trade","mmail.xyz","mmailinater.com","mmccproductions.com","mmcdoutpwg.pl","mmciinc.com","mmclobau.top","mmemories.com","mmgaklan.com","mmkozmetik.com","mmlaaxhsczxizscj.cf","mmlaaxhsczxizscj.ga","mmlaaxhsczxizscj.gq","mmlaaxhsczxizscj.tk","mmm-invest.biz","mmm.2eat.com","mmmail.pl","mmmmail.com","mmnjooikj.com","mmo365.co.uk","mmoaia.com","mmobackyard.com","mmoexchange.org","mmogames.in","mmoifoiei82.com","mmomismqs.biz","mmon99.com","mmoonz.faith","mmps.org","mmsilrlo.com","mmvl.com","mn.curppa.com","mn.j0s.eu","mn.riaki.com","mnage-ctrl-aplex.com","mnbvcxz10.info","mnbvcxz2.info","mnbvcxz5.info","mnbvcxz6.info","mnbvcxz8.info","mnerwdfg.com","mnexq7nf.rocks","mng2gq.pl","mnode.me","mnqlm.com","mnst.de","mnswp.website","mntechcare.com","mntwincitieshomeloans.com","mnvl.com","mnxv.com","moail.ru","moakt.cc","moakt.co","moakt.com","moakt.ws","moanalyst.com","moathrababah.com","moba.press","mobachir.site","mobanswer.ru","mobaratopcinq.life","mobc.site","mobd.site","mobelej3nm4.ga","mobf.site","mobi.web.id","mobib.site","mobic.site","mobid.site","mobie.site","mobif.site","mobig.site","mobih.site","mobii.site","mobij.site","mobik.site","mobilb.site","mobilc.site","mobild.site","mobile.cowsnbullz.com","mobile.droidpic.com","mobile.emailies.com","mobile.inblazingluck.com","mobile.marksypark.com","mobile.ploooop.com","mobilebankapp.org","mobilebuysellgold.com","mobilehypnosisandcoaching.com","mobilekaku.com","mobilekeiki.com","mobilekoki.com","mobilemail365.com","mobileninja.co.uk","mobilephonecarholder.net","mobilephonelocationtracking.info","mobilephonespysoftware.info","mobilephonetrackingsoftware.info","mobilerealty.net","mobileshopdeals.info","mobilespring.com","mobilespyphone.info","mobiletracker.com","mobiletrashmail.com","mobilevpn.top","mobilf.site","mobilg.site","mobilhondasidoarjo.com","mobility.camp","mobility.energy","mobilj.site","mobilk.site","mobilm.site","mobiln.site","mobilnaja-versiya.ru","mobilo.site","mobilp.site","mobilq.site","mobilr.site","mobils.site","mobilt.site","mobilu.site","mobilv.site","mobilw.site","mobilx.site","mobilz.site","mobim.site","mobimogul.com","mobip.site","mobiq.site","mobir.site","mobis.site","mobisa.site","mobisb.site","mobisc.site","mobisd.site","mobise.site","mobisf.site","mobisg.site","mobish.site","mobisi.site","mobisj.site","mobisk.site","mobisl.site","mobism.site","mobisn.site","mobiso.site","mobisp.site","mobitifisao.com","mobitiomisao.com","mobitivaisao.com","mobitiveisao.com","mobitivisao.com","mobiu.site","mobiv.site","mobiw.site","mobiwireless.com","mobiy.site","mobk.site","moblibrary.com","mobm.site","mobo.press","moboinfo.xyz","mobotap.net","mobp.site","mobq.site","mobr.site","mobt.site","moburl.com","mobv.site","mobw.site","mobz.site","mocanh.info","mocg.co.cc","mochaphotograph.com","mochkamieniarz.pl","mockmyid.co","mockmyid.com","mocnyy-katalog-wp.pl","mocomorso.com","mocw.ru","modaborsechane2.com","modaborseguccioutletonline.com","modaborseprezzi.com","modachane1borsee.com","modapeuterey2012.com","modapeutereyuomo.com","modapk.fun","moddema.ga","modejudnct4432x.cf","modelix.ru","modemtlebuka.com","modeperfect3.fr","moderatex.com","moderatex.net","modernbiznes.pl","moderne-raumgestaltung.de","modernfs.pl","modernsailorclothes.com","modernsocialuse.co.uk","moderntransfers.info","modernx.site","modikulp.com","modila.asia","modmdmds.com","modul-rf.ru","modz.pro","modz.store","moeae.com","moebelhersteller.top","moeri.org","mofpay.com","mofu.be","mogcheats.com","mogensenonline.com","mogotech.com","mohcine.ml","mohmail.com","mohmal.club","mohmal.com","mohmal.im","mohmal.in","mohmal.tech","mohsenfb.com","moijkh.com.uk","moimoi.re","moisoveti.ru","moist.gq","moiv.com","mojastr.pl","mojblogg.com","mojewiki.com","mojezarobki.com.pl","mojiphone.pl","mojodefender.com","mojok34.xyz","mojorage.life","mojzur.com","molda.com","moldova-nedv.ru","molecadamail.pw","molineschools.com","mollyposts.com","molms.com","molot.01898.com","molten-wow.com","moltrosa.cf","moltrosa.tk","mom2kid.com","momalls.com","momentics.ru","momew.com","mommadeit.com","mommsssrl.com","mommyfix.com","momo365.net","momobet-8.com","momomacknang.com","momonono.info","momos12.com","momswithfm.com","mon-entrepreneur.com","monachat.tk","monaco-nedv.ru","monadi.ml","monastereo.com","monawerka.pl","moncker.com","monclerboutiquesenligne.com","monclercoupon.org","monclerdeinfo.info","monclerderedi.info","monclerdoudounemagasinfra.com","monclerdoudouneparis.com","monclerdoudounepascherfrance1.com","monclerfrredi.info","monclermagasinfrances.com","moncleroutwearstore.com","monclerpascherboutiquefr.com","monclerpascherrsodles.com","monclerppascherenlignefra.com","monclerredi.info","monclersakstop.com","monclersoldespascherfra.com","monclersonlinesale.com","moncoiffeuretmoi.com","moncourrier.fr.nf","monctonlife.com","mondaylaura.com","mone15.ru","monedix.com","monemail.fr.nf","money-drives.com","money-trade.info","money-vopros.ru","moneyandcents.com","moneyboxtvc.com","moneyhome.com","moneypayday.biz","moneypipe.net","moneyprofit.online","moneyrobotdiagrams.club","moneyslon.ru","moneyup.club","monica.org","monikas.work","monipozeo8igox.cf","monipozeo8igox.ga","monipozeo8igox.gq","monipozeo8igox.ml","monipozeo8igox.tk","monir.eu","monisee.com","monister.com","monkeemail.info","monkey.lakemneadows.com","monkey.oldoutnewin.com","monkey4u.org","monkeyforex.com","monmail.fr.nf","monnoyra.gq","monopici.ml","monopolitics.xyz","monopolyempiretreasurehunt.com","monorailnigeria.com","monotv.store","monporn.net","monsaustraliaa.com","monsieurbiz.wtf","monsterabeatsbydre.com","monsterbeatsbydre-x.com","monsterhom.com","monsterjcy.com","monsukanews.com","monta-ellis.info","monta-ellis2011.info","montaicu.com","montana-nedv.ru","montanaweddingdjs.com","montefino.cf","montefiore.com","montepaschi.cf","montepaschi.ga","montepaschi.gq","montepaschi.ml","montepaschi.tk","monterra.tk","monthlyseopackage.com","montokop.pw","montowniafryzur.pl","montre-geek.fr","montreal.com","monumentmail.com","monvoyantperso.com","mooblan.ml","mooecofficail.club","moola4books.com","moolooku.com","moominmcn.com","moon.blatnet.com","moon.cowsnbullz.com","moondoo.org","moonm.review","moonpiemail.com","moonran.com","moons.7amail.top","moonshine.4amail.top","moonwake.com","mooo.com","mooo.ml","moooll.site","moopzoopfeve1r.com","moose-mail.com","moose.3amail.top","mooshimity.com","moot.es","moozique.musicbooksreviews.com","moparayes.site","mopjgudor.ml","mopjgudor.tk","mopyrkv.pl","mor19.uu.gl","morahdsl.cf","moralitas.tech","morawski.instambox.com","moreawesomethanyou.com","morecoolstuff.net","morefunmart.com","moregrafftsfrou.com","moremobileprivacy.com","moreno1999.xyz","moreorcs.com","moreshead73.instambox.com","morethanvacs.com","morethanword.site","moretrend.shop","moretrend.xyz","moreview.xyz","morex.ga","morganink.com","morielasd.ovh","morina.me","mormoncoffee.com","mornhfas.org.ua","morriesworld.ml","morsin.com","morteinateb.xyz","mortgagebrief.com","mortgagecalculatorwithtaxess.com","mortgagelends.com","mortgagemotors.com","mortir.com","mortmesttesre.wikaba.com","mortystore.cf","moruzza.com","mos-kwa.ru","moscow-nedv.ru","moscowmail.ru","mosertelor.ga","mosheperetz.bet","mosheperetz.net","moship.com","mosmc.com","mosoconsulting.com","mosspointhotelsdirect.com","most-wanted-stuff.com","most.blatnet.com","most.marksypark.com","most.ploooop.com","mostafapour.com","mostofit.com","mostpopulardriver.com","mot1zb3cxdul.cf","mot1zb3cxdul.ga","mot1zb3cxdul.gq","mot1zb3cxdul.ml","mot1zb3cxdul.tk","mother-russia.ru","mother-russia.space","motionindustires.com","motique.de","motivationalsites.com","moto-gosz.pl","moto4you.pl","motorcycleserivce.info","motorisation.ga","mottel.fr","mottenarten.ga","mouadim.tk","mouadslider.site","moukrest.ru","moul.com","moulybrien.cf","moulybrien.tk","mountainregionallibrary.net","mountainviewbandb.net","mountainviewwiki.info","mountathoss.gr","mountedxth.com","moustache-media.com","mouthube0t.com","movanfj.ml","move2.ru","movedto.info","movemail.com","movgal.com","movie-ru-film.ru","movie-ru-girls.ru","movie4khd.net","movieblocking.com","movienox.com","movies1.online","movies4youfree.com","movies69.xyz","moviesclab.net","moviesdirectoryplus.com","moviesjoy.online","moviesonlinehere.com","moviespur.xyz","movietv4u.com","moviflix.tk","mowgli.jungleheart.com","mowoo.net","mowspace.co.za","mox.pp.ua","moxinbox.info","moxkid.com","moy-elektrik.ru","moydom12.tk","moyuzi.com","moyy.net","moza.pl","mozara.com","mozej.com","mozej.online","mozgu.com","mozillafirefox.cf","mozillafirefox.ga","mozillafirefox.gq","mozillafirefox.ml","mozillafirefox.tk","mozmail.info","mozzinovo.club","mozzzi12.com","mp-j.cf","mp-j.ga","mp-j.gq","mp-j.igg.biz","mp-j.ml","mp-j.tk","mp.igg.biz","mp3-world.us","mp3cc-top.biz","mp3geulis.net","mp3granie.pl","mp3hd.online","mp3hungama.xyz","mp3nt.net","mp3sa.my.to","mp3skull.com","mp3wifi.site","mp4-base.ru","mpaaf.cf","mpaaf.ga","mpaaf.gq","mpaaf.ml","mpaaf.tk","mpbtodayofficialsite.com","mpdacrylics.com","mpegsuite.com","mphaotu.com","mpictureb.com","mpisd.com","mpiz.com","mpjgqu8owv2.pl","mpl8.info","mplusmail.com","mpm-motors.cf","mpmps160.tk","mpo303.xyz","mpo4d.info","mpocash.club","mpoplaytech.net","mpsomaha.com","mpszcsoport.xyz","mptncvtx0zd.cf","mptncvtx0zd.ga","mptncvtx0zd.gq","mptncvtx0zd.ml","mptncvtx0zd.tk","mptrance.com","mpvnvwvflt.cf","mpvnvwvflt.ga","mpvnvwvflt.gq","mpvnvwvflt.ml","mpvnvwvflt.tk","mpystsgituckx4g.cf","mpystsgituckx4g.gq","mpzoom.com","mq.orgz.in","mqg77378.cf","mqg77378.ga","mqg77378.ml","mqg77378.tk","mqhtukftvzcvhl2ri.cf","mqhtukftvzcvhl2ri.ga","mqhtukftvzcvhl2ri.gq","mqhtukftvzcvhl2ri.ml","mqhtukftvzcvhl2ri.tk","mqkivwkhyfz9v4.cf","mqkivwkhyfz9v4.ga","mqkivwkhyfz9v4.gq","mqkivwkhyfz9v4.ml","mqkivwkhyfz9v4.tk","mquote.tk","mr-manandvanlondon.co.uk","mr24.co","mr907tazaxe436h.cf","mr907tazaxe436h.ga","mr907tazaxe436h.gq","mr907tazaxe436h.tk","mracc.it","mrblacklist.gq","mrcaps.org","mrchinh.com","mrdashboard.com","mrdevilstore.com","mrecphoogh.pl","mrepair.com","mrflibble.icu","mrha.win","mrichacrown39dust.tk","mrisemail.com","mrisemail.net","mrjgyxffpa.pl","mrmail.info","mrmail.mrbasic.com","mrmal.ru","mrmanie.com","mrmikea.com","mrmrmr.com","mroneeye.com","mrossi.cf","mrossi.ga","mrossi.gq","mrossi.ml","mrresourcepacks.tk","mrrob.net","mrs24.de","mrsands.org","mrshok.xyz","mrsikitjoefxsqo8qi.cf","mrsikitjoefxsqo8qi.ga","mrsikitjoefxsqo8qi.gq","mrsikitjoefxsqo8qi.ml","mrsikitjoefxsqo8qi.tk","mrugesh.tk","mrunlock.run","mrvpm.net","mrvpt.com","mrzero.tk","ms.vcss.eu.org","ms365.ml","ms9.mailslite.com","msa.minsmail.com","msabate.com","msarra.com","msb.minsmail.com","mscbestforever.com","mscdex.com.au.pn","msdc.co","msdla.com","msendback.com","mseo.ehost.pl","mservices.life","msft.cloudns.asia","msgden.com","msgden.net","msghideaway.net","msgos.com","msgsafe.io","msgsafe.ninja","msgwire.com","msiofke.com","msiwkzihkqifdsp3mzz.cf","msiwkzihkqifdsp3mzz.ga","msiwkzihkqifdsp3mzz.gq","msiwkzihkqifdsp3mzz.ml","msiwkzihkqifdsp3mzz.tk","msk-farm.ru","msk-intim-dosug.ru","msk-pharm.ru","msk.ru","mskey.co","mskhousehunters.com","msm.com","msmail.bid","msmail.cf","msmail.trade","msmail.website","msmail.win","msmx.site","msn.edu","msn.org","msnai.com","msnblogs.info","msng.com","msnt007.com","msnviagrarx.com","msoft.com","mson.com","msotln.com","mspa.com","mspas.com","mspeciosa.com","mspforum.com","msrc.ml","msse.com","mssf.com","mssfpboly.pl","mssn.com","mstyfdrydz57h6.cf","msu69gm2qwk.pl","msucougar.org","msugcf.org","msvvscs6lkkrlftt.cf","msvvscs6lkkrlftt.ga","msvvscs6lkkrlftt.gq","mswebapp.com","mswork.ru","msxd.com","mt2009.com","mt2014.com","mt2015.com","mt2016.com","mt2017.com","mt66ippw8f3tc.gq","mta.com","mtc-cloud.tech","mtcx.org","mtcxmail.com","mtcz.us","mtgmogwysw.pl","mtjoy.org","mtlcz.com","mtmdev.com","mtpower.com","mtrucqthtco.cf","mtrucqthtco.ga","mtrucqthtco.gq","mtrucqthtco.ml","mtrucqthtco.tk","mtsg.me","mtu-net.ru","mtyju.com","mu3dtzsmcvw.cf","mu3dtzsmcvw.ga","mu3dtzsmcvw.gq","mu3dtzsmcvw.ml","mu3dtzsmcvw.tk","muabanclone.site","muamuawrtcxv7.cf","muamuawrtcxv7.ga","muamuawrtcxv7.gq","muamuawrtcxv7.ml","muamuawrtcxv7.tk","muathegame.com","muchomail.com","muchovale.com","mucincanon.com","mudanzasbaratass.com","mudanzasbp.com","mudbox.ml","mudrait.com","muehlacker.tk","muell.email","muell.icu","muell.monster","muell.ru","muell.xyz","muellemail.com","muellmail.com","muellpost.de","muffinbasketap.com","mufollowsa.com","mufux.com","mugglenet.org","mughftg5rtgfx.gq","muglamarket.online","muhabbetkusufiyatlari.com","muhamadnurdin.us","muhammadafandi.com","muhbuh.com","muhdioso8abts2yy.cf","muhdioso8abts2yy.ga","muhdioso8abts2yy.gq","muhdioso8abts2yy.ml","muhdioso8abts2yy.tk","muhoy.com","muimail.com","mujaz.net","mukund.info","mulars.ru","mulatera.site","mulberry.de","mulberry.eu","mulberrybags-outlet.info","mulberrybagsgroup.us","mulberrybagsoutletonlineuk.com","mulberrymarts.com","mulberrysmall.co.uk","mull.email","mullemail.com","mullerd.gq","mullmail.com","multi-car-insurance.net","multichances.com","multiplanet.de","multiplayerwiigames.com","multiplexer.us","multireha.pl","mumbama.com","mumgoods.site","mumpangmeumpeung.space","muncieschool.org","mundocripto.com","mundodigital.me","mundonetbo.com","mundopregunta.com","mundri.tk","muni-kuni-tube.ru","muniado.waw.pl","municiamailbox.com","munjago.buzz","munoubengoshi.gq","mupick.xyz","mupload.nl","mupre.xyz","muq.orangotango.tk","muqaise.com","muqwftsjuonmc2s.cf","muqwftsjuonmc2s.ga","muqwftsjuonmc2s.gq","muqwftsjuonmc2s.ml","muqwftsjuonmc2s.tk","murakamibooks.com","murattomruk.com","murticans.com","mus-max.info","mus.email","musclebuilding.club","musclefactorxreviewfacts.com","musclemailbox.com","musclemaximizerreviews.info","musclesorenesstop.com","museboost.com","musezoo.com","musialowski.pl","music-feels-great.com","music.blatnet.com","music.droidpic.com","music.emailies.com","music.lakemneadows.com","music4buck.pl","music896.are.nom.co","musicalinstruments2012.info","musicalnr.com","musicandsunshine.com","musicbizpro.com","musiccode.me","musicdrom.com","musicfilesarea.com","musicmakes.us","musicproducersi.com","musicresearch.edu","musicsdating.info","musicsoap.com","musict.net","musicwiki.com","musikayok.ru","musincreek.site","muskgrow.com","muskify.com","must.blatnet.com","must.marksypark.com","must.poisedtoshrike.com","mustafakiranatli.xyz","mustale.com","mustbe.ignorelist.com","mustbedestroyed.org","mustillie.site","mustmails.cf","musttufa.site","mutant.me","mutechcs.com","mutewashing.site","muti.site","muttonvindaloobeast.xyz","muttvomit.com","muttwalker.net","mutualmetarial.org","mutualwork.com","muuyharold.com","muvilo.net","muxala.com","muymolo.com","muyoc.com","muyrte4dfjk.cf","muyrte4dfjk.ga","muyrte4dfjk.gq","muyrte4dfjk.ml","muyrte4dfjk.tk","muzhskaiatema.com","muzik-fermer.ru","muzikaper.ru","mv1951.cf","mv1951.ga","mv1951.gq","mv1951.ml","mv1951.tk","mvat.de","mvlnjnh.pl","mvmusic.top","mvo.pl","mvoa.site","mvoudzz34rn.cf","mvoudzz34rn.ga","mvoudzz34rn.gq","mvoudzz34rn.ml","mvoudzz34rn.tk","mvpdream.com","mvres.com","mvrh.com","mvrht.com","mvrht.net","mvswydnps.pl","mw.orgz.in","mwabviwildlifereserve.com","mwarner.org","mwcq.com","mwdsgtsth1q24nnzaa3.cf","mwdsgtsth1q24nnzaa3.ga","mwdsgtsth1q24nnzaa3.gq","mwdsgtsth1q24nnzaa3.ml","mwdsgtsth1q24nnzaa3.tk","mwfptb.gq","mwh.group","mwkancelaria.com.pl","mwp4wcqnqh7t.cf","mwp4wcqnqh7t.ga","mwp4wcqnqh7t.gq","mwp4wcqnqh7t.ml","mwp4wcqnqh7t.tk","mwrd.com","mx.dysaniac.net","mx.j7.rr.nu","mx0.wwwnew.eu","mx18.mailr.eu","mx19.mailr.eu","mx8168.net","mxbin.net","mxcdd.com","mxclip.com","mxdevelopment.com","mxfuel.com","mxg.mayloy.org","mxgsby.com","mxheesfgh38tlk.cf","mxheesfgh38tlk.ga","mxheesfgh38tlk.gq","mxheesfgh38tlk.ml","mxheesfgh38tlk.tk","mxndjshdf.com","mxnn.com","mxp.dns-cloud.net","mxp.dnsabr.com","mxvia.com","mxzvbzdrjz5orbw6eg.cf","mxzvbzdrjz5orbw6eg.ga","mxzvbzdrjz5orbw6eg.gq","mxzvbzdrjz5orbw6eg.ml","mxzvbzdrjz5orbw6eg.tk","my-001-website.ml","my-aunt.com","my-blog.ovh","my-email.gq","my-free-tickets.com","my-google-mail.de","my-health.site","my-link.cf","my-mail.top","my-points.info","my-pomsies.ru","my-server-online.gq","my-teddyy.ru","my-top-shop.com","my-turism.info","my-webmail.cf","my-webmail.ga","my-webmail.gq","my-webmail.ml","my-webmail.tk","my-world24.de","my.blatnet.com","my.cowsnbullz.com","my.efxs.ca","my.hellohappy2.com","my.id","my.lakemneadows.com","my.longaid.net","my.makingdomes.com","my.ploooop.com","my.poisedtoshrike.com","my.safe-mail.gq","my.vondata.com.ar","my10minutemail.com","my301.info","my301.pl","my365.tw","my365office.pro","my3mail.cf","my3mail.ga","my3mail.gq","my3mail.ml","my3mail.tk","my6com.com","my6mail.com","my7km.com","myabandonware.com","myabccompany.info","myacaiberryreview.net","myacc.codes","myakapulko.cf","myakapulko.gq","myalias.pw","myallergiesstory.com","myallgaiermogensen.com","myautoinfo.ru","myazg.ru","mybackend.com","mybackup.com","mybackup.xyz","mybada.net","mybaegsa.xyz","mybanglaspace.net","mybathtubs.co.cc","mybeligummail.com","mybestmailbox.biz","mybestmailbox.com","mybiginbox.info","mybikinibellyplan.com","mybirthday.com","mybisnis.online","mybitcoin.com","mybitti.de","myblogmail.xyz","myblogpage.com","mybuycosmetics.com","mybx.site","mycakil.xyz","mycard.net.ua","mycarway.online","mycasualclothing.com","mycasualclothing.net","mycasualtshirt.com","mycatbook.site","mycattext.site","myccscollection.com","mycellphonespysoft.info","mycharming.club","mycharming.live","mycharming.online","mycharming.site","mychicagoheatingandairconditioning.com","mychildsbike.com","mychillmailgo.tk","mycityvillecheat.com","mycleaninbox.net","mycloudmail.tech","mycominbox.com","mycompanigonj.com","mycontentbuilder.com","mycoolemail.xyz","mycorneroftheinter.net","mycrazyemail.com","mycrazynotes.com","mycryptocare.com","mycybervault.com","mydb.com","myde.ml","mydemo.equipment","mydesign-studio.com","mydexter.info","mydiaryfe.club","mydiaryfe.online","mydiaryfe.xyz","mydigitalhome.xyz","mydirbooks.site","mydirfiles.site","mydirstuff.site","mydirtexts.site","mydoaesad.com","mydogspotsa.com","mydomain.buzz","mydomainc.cf","mydomainc.ga","mydomainc.gq","myecho.es","myedhardyonline.com","myemail1.cf","myemail1.ga","myemail1.ml","myemailaddress.co.uk","myemailboxmail.com","myemailboxy.com","myemaill.com","myemailmail.com","myemailonline.info","myfaceb00k.cf","myfaceb00k.ga","myfaceb00k.gq","myfaceb00k.ml","myfaceb00k.tk","myfake.cf","myfake.ga","myfake.gq","myfake.ml","myfake.tk","myfakemail.cf","myfakemail.ga","myfakemail.gq","myfakemail.tk","myfashionshop.com","myfavmailbox.info","myfavorite.info","myfbprofiles.info","myficials.club","myficials.online","myficials.site","myficials.website","myficials.world","myfirstdomainname.cf","myfirstdomainname.ga","myfitness24.de","myfoldingshoppingcart.com","myfortune.com","myfreemail.bid","myfreemail.download","myfreemail.space","myfreeola.uk","myfreeserver.bid","myfreeserver.download","myfreeserver.website","myfreshbook.site","myfreshbooks.site","myfreshfiles.site","myfreshlive.club","myfreshlive.online","myfreshlive.site","myfreshlive.website","myfreshlive.xyz","myfreshtexts.site","myfullstore.fun","mygeoweb.info","myggemail.com","myglockner.com","myglocknergroup.com","myglockneronline.com","mygoldenmail.co","mygoldenmail.com","mygoldenmail.online","mygourmetcoffee.net","mygrammarly.co","mygreatarticles.info","mygrmail.com","mygsalife.xyz","mygsalove.xyz","myhagiasophia.com","myhandbagsuk.com","myhashpower.com","myhavyrtd.com","myhavyrtda.com","myhealthanswers.com","myhealthbusiness.info","myhf.de","myhiteswebsite.website","myhitorg.ru","myhoanglantuvi.com","myhobbies24.xyz","myholidaymaldives.com","myhoroscope.com","myhost.bid","myhost.trade","myimail.bid","myimail.men","myimail.website","myinbox.com","myinbox.icu","myinboxmail.co.uk","myindohome.services","myinterserver.ml","myjeffco.com","myjhccvdp.pl","myjobswork.store","myjointhealth.com","myjordanshoes.us","myjuicycouturesoutletonline.com","myjunkmail.ovh","myjustmail.co.cc","myk-pyk.eu","mykcloud.com","mykickassideas.com","mykidsfuture.com","mykingle.xyz","mykiss.fr","mylaguna.ru","mylameexcuses.com","mylapak.info","mylaserlevelguide.com","mylastdomainname.ga","mylastdomainname.ml","mylastdomainname.tk","mylcdscreens.com","myled68456.cf","myled68456.ml","myled68456.tk","mylenecholy.com","mylenobl.ru","myletter.online","mylibbook.site","mylibfile.site","mylibstuff.site","mylibtexts.site","mylicense.ga","mylistfiles.site","myliststuff.site","mylittleali.ga","mylittlepwny.com","myloans.space","mylongemail.info","mylongemail2015.info","mylovelyfeed.info","mylovepale.live","mylovepale.store","myltqa.com","myluvever.com","mymail-in.net","mymail.hopto.org","mymail.infos.st","mymail13.com","mymail24.xyz","mymail90.com","mymailbag.com","mymailbest.com","mymailbox.pw","mymailbox.tech","mymailbox.top","mymailboxpro.org","mymailcr.com","mymailid.tk","mymailjos.cf","mymailjos.ga","mymailjos.tk","mymailoasis.com","mymailsrv.info","mymailsystem.co.cc","mymailto.cf","mymailto.ga","mymarketinguniversity.com","mymarkpro.com","mymassages.club","mymassages.online","mymassages.site","mymassages.xyz","mymintinbox.com","mymitel.ml","mymobilehut.icu","mymobilekaku.com","mymogensen.com","mymogensenonline.com","mymonies.info","mymulberrybags.com","mymulberrybags.us","mymy.cf","mymymymail.com","mymymymail.net","myn4s.ddns.net","myneek.com","myneena.club","myneena.online","myneena.xyz","myneocards.cz","mynes.com","mynetsolutions.bid","mynetsolutions.men","mynetsolutions.website","mynetstore.de","mynetwork.cf","mynewbook.site","mynewemail.info","mynewfile.site","mynewfiles.site","mynewmail.info","mynewtext.site","myntu5.pw","myobamabar.com","myonline-services.net","myonlinetarots.com","myonlinetoday.info","myopang.com","myoverlandtandberg.com","mypacks.net","mypandoramails.com","mypartyclip.de","mypcrmail.com","mypend.fun","mypend.xyz","mypensionchain.cf","myperfumeshop.net","myphantomemail.com","myphonam.gq","myphpbbhost.com","mypieter.com","mypietergroup.com","mypieteronline.com","mypop3.bid","mypop3.trade","mypop3.website","mypop3.win","myproximity.us","myqrops.net","myqvartal.com","myqwik.cf","myr2d.com","myrabeatriz.minemail.in","myrandomthoughts.info","myraybansunglasses-sale.com","myredirect.info","myreferralconnection.com","myrentway.live","myrentway.online","myrentway.xyz","myrice.com","mysafe.ml","mysafemail.cf","mysafemail.ga","mysafemail.gq","mysafemail.ml","mysafemail.tk","mysaitenew.ru","mysamp.de","mysans.tk","mysecretnsa.net","mysecurebox.online","myself.com","mysend-mailer.ru","myseneca.ga","mysent.ml","myseotraining.org","mysermail1.xyz","mysermail2.xyz","mysermail3.xyz","mysex4me.com","mysexgames.org","myshopway.xyz","mysistersvids.com","mysophiaonline.com","myspaceave.info","myspacedown.info","myspaceinc.com","myspaceinc.net","myspaceinc.org","myspacepimpedup.com","myspainishmail.com","myspamless.com","myspotbook.site","myspotbooks.site","myspotfile.site","myspotfiles.site","myspotstuff.site","myspottext.site","myspottexts.site","mysqlbox.com","mystartupweekendpitch.info","mystiknetworks.com","mystufffb.fun","mystvpn.com","mysudo.biz","mysudo.net","mysudomail.com","mysugartime.ru","mysukam.com","mysuperwebhost.com","mytandberg.com","mytandbergonline.com","mytarget.info","mytaxes.com","mytechhelper.info","mytechsquare.com","mytemp.email","mytempdomain.tk","mytempemail.com","mytempmail.com","mythnick.club","mythoughtsexactly.info","mytivilebonza.com","mytmail.in","mytmail.net","mytools-ipkzone.gq","mytopwebhosting.com","mytownusa.info","mytrashmail.com","mytrashmail.net","mytrashmailer.com","mytrashmailr.com","mytravelstips.com","mytrend24.info","mytrommler.com","mytrommlergroup.com","mytrommleronline.com","mytrumail.com","mytuttifruitygsa.xyz","mytvs.online","myugg-trade.com","myumail.bid","myumail.stream","myumail.website","myunivschool.com","myvapepages.com","myvaultsophia.com","myvensys.com","myvtools.com","mywarnernet.net","mywgi.com","mywikitree.com","myworld.edu","mywrld.site","mywrld.top","myxl.live","myybloogs.com","myzat.com","myzone.press","myzx.com","myzxseo.net","mzagency.pl","mzbysdi.pl","mzhttm.com","mzico.com","mzigg6wjms3prrbe.cf","mzigg6wjms3prrbe.ga","mzigg6wjms3prrbe.gq","mzigg6wjms3prrbe.ml","mzigg6wjms3prrbe.tk","mziqo.com","mztiqdmrw.pl","mzwallacepurses.info","mzzu.com","n-system.com","n.polosburberry.com","n.ra3.us","n.rugbypics.club","n.spamtrap.co","n.zavio.nl","n00btajima.ga","n0qyrwqgmm.cf","n0qyrwqgmm.ga","n0qyrwqgmm.gq","n0qyrwqgmm.ml","n0qyrwqgmm.tk","n0te.tk","n1buy.com","n1c.info","n1nja.org","n2fnvtx7vgc.cf","n2fnvtx7vgc.ga","n2fnvtx7vgc.gq","n2fnvtx7vgc.ml","n2fnvtx7vgc.tk","n4445.com","n4e7etw.mil.pl","n4paml3ifvoi.cf","n4paml3ifvoi.ga","n4paml3ifvoi.gq","n4paml3ifvoi.ml","n4paml3ifvoi.tk","n59fock.pl","n659xnjpo.pl","n7program.nut.cc","n7s5udd.pl","n8.gs","n8he49dnzyg.cf","n8he49dnzyg.ga","n8he49dnzyg.ml","n8he49dnzyg.tk","n8tini3imx15qc6mt.cf","n8tini3imx15qc6mt.ga","n8tini3imx15qc6mt.gq","n8tini3imx15qc6mt.ml","n8tini3imx15qc6mt.tk","na-cat.com","na-raty.com.pl","na-start.com","na.com.au","na288.com","naaag6ex6jnnbmt.ga","naaag6ex6jnnbmt.ml","naaag6ex6jnnbmt.tk","naabiztehas.xyz","naaer.com","naaughty.club","nabajin.com","nabuma.com","nacer.com","nacho.pw","naciencia.ml","nacion.com.mx","nada.email","nada.ltd","nadalaktywne.pl","nadcpexexw.pl","nadeoskab.igg.biz","nadinealexandra.art","nadinechandrawinata.art","nadmorzem.com","nadrektor4.pl","nadrektor5.pl","nadrektor6.pl","nadrektor7.pl","nadrektor8.pl","nafko.cf","nafrem3456ails.com","nafxo.com","nagamems.com","nagapkqq.biz","nagapkqq.info","nagapokerqq.live","nagarata.com","naghini.cf","naghini.ga","naghini.gq","naghini.ml","nagi.be","nahcek.cf","nahcekm.cf","nahetech.com","naildiscount24.de","nails111.com","nailsmasters.ru","naim.mk","najko.com","najlakaddour.com","najlepszehotelepl.net.pl","najlepszeprzeprowadzki.pl","najpierw-masa.pl","najstyl.com","nakam.xyz","nakammoleb.xyz","nakedlivesexcam.com","nakedtruth.biz","nakee.com","nakiuha.com","nakrutkalaykov.ru","nalafx.com","nalevo.xyz","nalim.shn-host.ru","nalsci.com","nalsdg.com","naluzotan.com","nam.su","namail.com","namakuirfan.com","nambi-nedv.ru","nameaaa.myddns.rocks","namefake.com","namemail.xyz","namemerfo.co.pl","namemerfo.com","nameofname.pw","nameofpic.org.ua","namepicker.com","nameplanet.com","nameprediction.com","nameshirt.xyz","namilu.com","namina.com","namirapp.com","namkr.com","namnerbca.com","namtruong318.com","namunathapa.com.np","namuwikiusercontent.com","nan.us.to","nanbianshan.com","nancypen.com","nando1.com","nanividia.art","nanofielznan3s5bsvp.cf","nanofielznan3s5bsvp.ga","nanofielznan3s5bsvp.gq","nanofielznan3s5bsvp.ml","nanofielznan3s5bsvp.tk","nanonym.ch","nansyiiah.xyz","naogaon.gq","naoki51.investmentweb.xyz","naoki54.alphax.site","naoki70.funnetwork.xyz","napalm51.cf","napalm51.flu.cc","napalm51.ga","napalm51.gq","napalm51.igg.biz","napalm51.ml","napalm51.nut.cc","napalm51.tk","napalm51.usa.cc","nape.net","napj.com","naplesmedspa.com","napoleonides.xyz","naprawa-wroclaw.xaa.pl","nares.de","narjwoosyn.pl","narrereste.ml","narsaab.site","narsan.ru","narutogamesforum.xyz","nasamdele.ru","nascimento.com","nash.ml","nashvilledaybook.com","nashvillestreettacos.com","nasinyang.cf","nasinyang.ga","nasinyang.gq","nasinyang.ml","naskotk.cf","naskotk.ga","naskotk.ml","naslazhdai.ru","nastroykalinuxa.ru","naszelato.pl","nat4.us","natachasteven.com","nataliesarah.art","nate.co.kr","nathanielenergy.com","nati.com","national-escorts.co.uk","national.shitposting.agency","nationalchampionshiplivestream.com","nationalgardeningclub.com","nationalgerometrics.com","nationallists.com","nationalsalesmultiplier.com","nationalspeedwaystadium.co","nationwidedebtconsultants.co.uk","nativityans.ru","natmls.com","naturalious.com","naturalstudy.ru","naturalwebmedicine.net","naturazik.com","naturecoastbank.com","natureglobe.pw","naturewild.ru","natweat.com","natxt.com","naudau.com","naufra.ga","naughty-blog.com","naughty.2amail.top","naughtyrevenue.com","nauka999.pl","nautonk.com","naux.com","navendazanist.net","naverapp.com","navientlogin.net","naviosun-ca.info","navmanwirelessoem.com","navyhodnye.ru","navyrizkytavania.art","nawe-videohd.ru","nawforum.ru","nawideti.ru","nawis.online","nawmin.info","nawny.com","naxamll.com","nayiye.xyz","naymeo.com","naymio.com","nayobok.net","nazcaventures.com","nazimail.cf","nazimail.ga","nazimail.gq","nazimail.ml","nazimail.tk","nazuboutique.site","nazzmail.com","nb.sympaico.ca","nb8qadcdnsqxel.cf","nb8qadcdnsqxel.ga","nb8qadcdnsqxel.gq","nb8qadcdnsqxel.ml","nb8qadcdnsqxel.tk","nbabasketball.info","nbacheap.com","nbalakerskidstshirt.info","nbcutelemundoent.com","nbfd.com","nbhealthcare.com","nbhsssib.fun","nbnvcxkjkdf.ml","nbnvcxkjkdf.tk","nbny.com","nbobd.com","nbobd.store","nbox.lv","nbox.notif.me","nboxwebli.eu","nbpwvtkjke.pl","nbrst7e.top","nbseomail.com","nbva.com","nbvojcesai5vtzkontf.cf","nbyongheng.com","nbzmr.com","nc.webkrasotka.com","ncaaomg.com","ncced.org","nccedu.media","nccedu.team","ncco.de","nccsportsmed.com","ncdainfo.com","nce2x8j4cg5klgpupt.cf","nce2x8j4cg5klgpupt.ga","nce2x8j4cg5klgpupt.gq","nce2x8j4cg5klgpupt.ml","nce2x8j4cg5klgpupt.tk","ncedetrfr8989.cf","ncedetrfr8989.ga","ncedetrfr8989.gq","ncedetrfr8989.ml","ncedetrfr8989.tk","ncewy646eyqq1.cf","ncewy646eyqq1.ga","ncewy646eyqq1.gq","ncewy646eyqq1.ml","ncewy646eyqq1.tk","nciblogs.com","ncinema3d.ru","nclean.us","nconrivnirn.site","ncov.office.gy","ncpine.com","ncsoft.top","ncstorms.com","nctm.de","nctuiem.xyz","ndaraiangop2wae.buzz","nddgxslntg3ogv.cf","nddgxslntg3ogv.ga","nddgxslntg3ogv.gq","nddgxslntg3ogv.ml","nddgxslntg3ogv.tk","ndek4g0h62b.cf","ndek4g0h62b.ga","ndek4g0h62b.gq","ndek4g0h62b.ml","ndek4g0h62b.tk","ndemail.ga","ndenwse.com","ndeooo.com","ndeooo.xyz","ndfakemail.ga","ndfbmail.ga","ndgbmuh.com","ndid.com","ndif8wuumk26gv5.cf","ndif8wuumk26gv5.ga","ndif8wuumk26gv5.gq","ndif8wuumk26gv5.ml","ndif8wuumk26gv5.tk","ndinstamail.ga","ndmail.cf","ndmlpife.com","ndptir.com","nds8ufik2kfxku.cf","nds8ufik2kfxku.ga","nds8ufik2kfxku.gq","nds8ufik2kfxku.ml","nds8ufik2kfxku.tk","ndxgokuye98hh.ga","ndxmails.com","ne-neon.info","neaeo.com","neajazzmasters.com","nealheardtrainers.com","nearify.com","nebbo.online","nebltiten0p.cf","nebltiten0p.gq","nebltiten0p.ml","nebltiten0p.tk","necalin.com","necesce.info","necessaryengagements.info","neckandbackmassager.com","necklacebeautiful.com","necklacesbracelets.com","nectarweb.com","nederchan.org","nedevit1.icu","nedf.de","nedistore.com","nedorogaya-mebel.ru","nedoz.com","nedrk.com","nedt.com","nedt.net","neeahoniy.com","need-mail.com","needaprint.co.uk","needidoo.org.ua","needle.9amail.top","needlegqu.com","neeman-medical.com","neenahdqgrillchill.com","neewho.pl","nefacility.com","neffsnapback.com","negated.com","negociodigitalinteligente.com","negociosyempresas.info","negrocavallo.pl","negrofilio.com","nehi.info","nehomesdeaf.org","nehzlyqjmgv.auto.pl","neibu306.com","neibu963.com","neic.com","nejamaiscesser.com","neko2.net","nekochan.fr","nekomi.net","nekopoker.com","nel21.cc","nel21.me","nemhgjujdj76kj.tk","nemo.4amail.top","nenekbet.com","nenengsaja.cf","nenianggraeni.art","neobkhodimoe.ru","neoconstruction.net","neocorp2000.com","neoeon.com","neoghost.com","neomailbox.com","neon.waw.pl","neopetcheats.org","neosaumal.com","neosilico.com","neotlozhniy-zaim.ru","neotrade.ru","neoven.us","nepal-nedv.ru","nephisandeanpanflute.com","nepnut.com","neppi.site","neptun-pro.ru","nepwk.com","neragez.com","nerd.blatnet.com","nerd.click","nerd.cowsnbullz.com","nerd.hellohappy2.com","nerd.lakemneadows.com","nerd.oldoutnewin.com","nerd.poisedtoshrike.com","nerdmail.co","nerds4u.com.au","nereida.odom.marver-coats.xyz","neremail.com","nerfgunstore.com","nerimosaja.cf","nerpmail.com","nerrys.com","nerve.bthow.com","nervmich.net","nervtmich.net","nesine.fun","nestle-usa.cf","nestle-usa.ga","nestle-usa.gq","nestle-usa.ml","nestle-usa.tk","nestor99.co.uk","nestspace.co","nesy.pl","net-led.com.pl","net-list.com","net-solution.info","net.ua","net191.com","net1mail.com","net2mail.top","net3mail.com","net4k.ga","net8mail.com","netaccessman.com","netarchive.buzz","netcol.club","netcook.org","netctrcon.live","netflix.ebarg.net","netflixvip.xyz","netflixweb.com","netfxd.com","netgas.info","netgia.com","netguide.com","nethermon4ik.ru","nethers.store","nethotmail.com","netinta.com","netjex.xyz","netjook.com","netkao.xyz","netkiff.info","netmail-pro.com","netmail.tk","netmail3.net","netmail8.com","netmail9.com","netmails.com","netmails.info","netmails.net","netmakente.com","netmon.ir","netolsteem.ru","netone.com","netpaper.eu","netpaper.ml","netplixprem.xyz","netprfit.com","netricity.nl","netris.net","netscapezs.com","netscspe.net","netsolutions.top","nettmail.com","netu.site","netuygun.online","netvemovie.com","netven.site","netveplay.com","netviewer-france.com","network-loans.co.uk","network-source.com","networkapps.info","networkbio.com","networkcabletracker.com","networkcollection.com","networker.pro","networkofemail.com","networksfs.com","networksmail.gdn","netzidiot.de","netzwerk-industrie.de","neujahrsgruesse.info","neuro-safety.net","neusp.loan","neutralx.com","neutronmail.gdn","nevada-nedv.ru","nevadaibm.com","nevadasunshine.info","never.ga","neverapart.site","neverbox.com","neverbox.net","neverbox.org","neverenuff.com","neverit.tk","nevermail.de","nevermorsss1.ru","nevermorsss3.ru","nevermorsss5.ru","nevermosss7.ru","nevernverfsa.org.ua","neverthisqq.org.ua","nevertmail.cf","nevertoolate.org.ua","neverttasd.org.ua","neveu.universallightkeys.com","new-beats-by-dr-dre.com","new-belstaff-jackets.com","new-paulsmithjp.com","new-purse.com","new.blatnet.com","new.cowsnbullz.com","new.emailies.com","new.hellohappy2.com","new.lakemneadows.com","newagemail.com","newairmail.com","newbalanceretail.com","newbat.site","newbelstaff-jackets.com","newbpotato.tk","newbridesguide.com","newburlingtoncoatfactorycoupons.com","newcanada-goose-outlet.com","newchristianlouboutinoutletfr.com","newchristianlouboutinshoesusa.us","newdawnnm.xyz","newdaykg.tk","newdaytrip.site","newdesigner-watches.info","newdiba.site","newdigitalmediainc.com","newdo.site","newdrw.com","newe-mail.com","neweffe.shop","newerasolutions.co","newestnike.com","newestpumpshoes.info","newfilm24.ru","newfishingaccessories.com","newforth.com","newgmaill.com","newgmailruner.com","newhavyrtda.com","newhdblog.com","newhoanglantuvi.com","newhomemaintenanceinfo.com","newhopebaptistaurora.com","newhorizons.gq","newhousehunters.net","newhub.site","newideasfornewpeople.info","newjordanshoes.us","newkarmalooppromocodes.com","newkiks.eu","newleafwriters.com","newlove.com","newmail.top","newmailsc.com","newmailss.co.cc","newmarketingcomapny.info","newmedicforum.com","newmesotheliomalaywers.com","newmonsteroutlet2014.co.uk","newmore.tk","newmovietrailers.biz","newmuzon.ru","newness.info","newnxnsupport.ru","newo.site","newob.site","newones.com","newpk.com","newpochta.com","newportbeachsup.com","newportrelo.com","newroc.info","news-online24.info","news-videohd.ru","news.mamode-amoi.fr","news3.edu","newsairjordansales.com","newscenterdecatur.com","newscoin.club","newscorp.cf","newscorp.gq","newscorp.ml","newscorpcentral.com","newscup.cf","newsdailynation.com","newsdvdjapan.com","newsetup.site","newsforhouse.com","newsforus24.info","newsgetz.com","newsgolfjapan.com","newshbo.com","newshnb.com","newshourly.net","newshubz.tk","newsinhouse.com","newsinyourpocket.com","newsitems.com","newsm.info","newsmag.us","newsminia.site","newsms.pl","newsomerealty.com","newsonlinejapan.com","newsonlinejp.com","newsote.com","newsouting.com","newspro.fun","newssites.com","newsslimming.info","newssportsjapan.com","newstarescorts.com","newstyle-handbags.info","newstylecamera.info","newstylehandbags.info","newstylescarves.info","newsusfun.com","newswimwear2012.info","newtakemail.ml","newtap.site","newtempmail.com","newtestik.co.cc","newtimespop.com","newtivilebonza.com","newtmail.com","newtocode.site","newtogel.com","newtours.ir","newtuber.info","newuggoutlet-shop.com","newviral.fun","newwaysys.com","newx6.info","newyearfreepas.ws","newyork-divorce.org","newyorkinjurynews.com","newyorkmetro5.top","newyorkskyride.net","newyoutube.ru","newzbling.com","newzeroemail.com","newzgraph.net","nexhibit.com","nexofinance.us","nexral.com","nexsolutions.com","next-mail.info","next-mail.online","next.emailies.com","next.maildin.com","next.marksypark.com","next.net","next.oldoutnewin.com","next.ovh","next.umy.kr","next2cloud.info","nextag.com","nextbox.ir","nextemail.in","nextemail.net","nextfash.com","nextgenadmin.com","nextgenmail.cf","nextmail.in","nextmail.info","nextstopvalhalla.com","nexttonorm.com","nexttrend.site","nezdiro.org","nezumi.be","nezzart.com","nf2v9tc4iqazwkl9sg.cf","nf2v9tc4iqazwkl9sg.ga","nf2v9tc4iqazwkl9sg.ml","nf2v9tc4iqazwkl9sg.tk","nf38.pl","nf5pxgobv3zfsmo.cf","nf5pxgobv3zfsmo.ga","nf5pxgobv3zfsmo.gq","nf5pxgobv3zfsmo.ml","nf5pxgobv3zfsmo.tk","nfaca.org","nfamilii2011.co.cc","nfast.net","nfeconsulta.net","nfhtbcwuc.pl","nfirmemail.com","nfl.name","nfl49erssuperbowlshop.com","nflbettings.info","nflfootballonlineforyou.com","nfljerseyscool.com","nfljerseysussupplier.com","nflnewsforfun.com","nflravenssuperbowl.com","nflravenssuperbowlshop.com","nflshop112.com","nfnorthfaceoutlet.co.uk","nfnov28y9r7pxox.ga","nfnov28y9r7pxox.gq","nfnov28y9r7pxox.ml","nfnov28y9r7pxox.tk","nfovhqwrto1hwktbup.cf","nfovhqwrto1hwktbup.ga","nfovhqwrto1hwktbup.gq","nfovhqwrto1hwktbup.ml","nfovhqwrto1hwktbup.tk","nfprince.com","ng9rcmxkhbpnvn4jis.cf","ng9rcmxkhbpnvn4jis.ga","ng9rcmxkhbpnvn4jis.gq","ng9rcmxkhbpnvn4jis.ml","ng9rcmxkhbpnvn4jis.tk","ngab.email","ngancuk.online","ngaydi.xyz","ngem.net","ngeme.me","ngentodgan-awewe.club","ngentot.info","ngf1.com","ngg1bxl0xby16ze.cf","ngg1bxl0xby16ze.ga","ngg1bxl0xby16ze.gq","ngg1bxl0xby16ze.ml","ngg1bxl0xby16ze.tk","nghacks.com","nginbox.tk","nginxphp.com","ngo1.com","ngocminhtv.com","ngocsita.com","ngolearning.info","ngowscf.pl","ngt7nm4pii0qezwpm.cf","ngt7nm4pii0qezwpm.ml","ngt7nm4pii0qezwpm.tk","ngtierlkexzmibhv.ga","ngtierlkexzmibhv.ml","ngtierlkexzmibhv.tk","ngtix.com","nguhoc.xyz","nguyenduyphong.tk","nguyentienloi.email","nguyentuki.com","nguyenusedcars.com","nh3.ro","nhacai88.online","nhadatgiaviet.com","nhanqualienquan.online","nhatdinhmuaduocxe.info","nhatu.com","nhaucungtui.com","nhdental.co","nhgt.com","nhi9ti90tq5lowtih.cf","nhi9ti90tq5lowtih.ga","nhi9ti90tq5lowtih.gq","nhi9ti90tq5lowtih.tk","nhifswkaidn4hr0dwf4.cf","nhifswkaidn4hr0dwf4.ga","nhifswkaidn4hr0dwf4.gq","nhifswkaidn4hr0dwf4.ml","nhifswkaidn4hr0dwf4.tk","nhisystem1.org","nhjxwhpyg.pl","nhmicrosoft.com","nhmty.com","nhn.edu.vn","nhs0armheivn.cf","nhs0armheivn.ga","nhs0armheivn.gq","nhs0armheivn.ml","nhs0armheivn.tk","nhserr.com","nhtlaih.com","nhuthi.design","niassanationalreserve.org","niatingsun.tech","niatlsu.com","nic.aupet.it","nic.com.au","nic58.com","nice-4u.com","nice-tits.info","nicebeads.biz","nicecatbook.site","nicecatfiles.site","nicecattext.site","nicecook.top","nicedirbook.site","nicedirbooks.site","nicedirtext.site","nicedirtexts.site","nicefreshbook.site","nicefreshtexts.site","nicegarden.us","nicegashs.info","nicegirl5.me","nicejoke.ru","nicelibbook.site","nicelibbooks.site","nicelibfiles.site","nicelibtext.site","nicelibtexts.site","nicelistbook.site","nicelistbooks.site","nicelistfile.site","nicelisttext.site","nicelisttexts.site","nicely.info","nicemail.online","nicemail.pro","nicemebel.pl","nicemotorcyclepart.com","nicenewfile.site","nicenewfiles.site","nicenewstuff.site","niceroom2.eu","nicespotfiles.site","nicespotstuff.site","nicespottext.site","niceteeshop.com","nicewoodenbaskets.com","nichenetwork.net","nichess.cf","nichess.ga","nichess.gq","nichess.ml","nichole.essence.webmailious.top","nickbizimisimiz.ml","nickloswebdesign.com","nicknassar.com","nickrizos.com","nickrosario.com","nicloo.com","nicnadya.com","nicolabs.info","nicolaseo.fr","nicolhampel.com","niconiconii.xyz","nicoric.com","nicton.ru","nie-podam.pl","niede.de","nieise.com","niekie.com","niemail.com","niemozesz.pl","niepodam.pl","nifect.com","nifone.ru","nigdynieodpuszczaj.pl","nigeria-nedv.ru","nigge.rs","niggetemail.tk","nightfunmore.online.ctu.edu.gr","nightmedia.cf","nihongames.pl","niibb.com","niickel.us","nijakvpsx.com","nijmail.com","nikart.pl","nike-air-rift-shoes.com","nike-airmax-chaussures.com","nike-airmaxformen.com","nike-nfljerseys.org","nike.coms.hk","nikeairjordansfrance.com","nikeairjp.com","nikeairmax1zt.co.uk","nikeairmax90sales.co.uk","nikeairmax90ukzt.co.uk","nikeairmax90usa.com","nikeairmax90zr.co.uk","nikeairmax90zt.co.uk","nikeairmax90zu.co.uk","nikeairmaxonline.net","nikeairmaxskyline.co.uk","nikeairmaxvipus.com","nikeairmaxzt.co.uk","nikefreerunshoesuk.com","nikehhhh.com","nikehigh-heels.info","nikejashoes.com","nikejordansppascher.com","nikenanjani.art","nikepopjp.com","nikerunningjp.com","nikesalejp.com","nikesalejpjapan.com","nikeshoejapan.com","nikeshoejp.org","nikeshoesoutletforsale.com","nikeshoesphilippines.com","nikeshox4sale.com","nikeskosalg.com","niketexanshome.com","niketrainersukzt.co.uk","nikihiklios.gr","nikiliosiufe.de","nikkifenton.com","nikkikailey.chicagoimap.top","nikoiios.gr","nikojii.com","nikola-tver.ru","nikon-coolpixl810.info","nikoncamerabag.info","nikosiasio.gr","nikossf.gr","nilazan.space","nilechic.store","nilocaserool.tk","nilyazilim.com","nimfa.info","nimiety.xyz","nimilite.online","nimilite.shop","ninaanwar.art","ninakozok.art","nincsmail.com","nincsmail.hu","nine.emailfake.ml","nine.fackme.gq","ninewestbootsca.com","ningame.com","ninja-mail.com","ninja0p0v3spa.ga","ninjabinger.com","ninjachibi.finance","ninjadoll.international","ninjadoll.org","ninjagg.com","niohotel.ir","nionic.com","niotours.ir","nipponian.com","nirapatta24.com","nisantasiclinic.com","nisc.me","niseko.be","niskaratka.eu","niskopodwozia.pl","nissa.com.mx","nissan370zparts.com","nissanleaf.club","nitricoxidesupplementshq.com","nitricpowerreview.org","nitroshine.xyz","nitynote.com","nitza.ga","nivy.com","niwalireview.net","niwghx.com","niwghx.online","niwise.life","niwl.net","niwod.com","nixad.com","nixemail.net","nixonbox.com","niydomen897.ga","niydomen897.gq","niydomen897.tk","njamf.org","njc65c15z.com","njelarubangilan.cf","njelarucity.cf","njetzisz.ga","njhdes.xyz","njpsepynnv.pl","njrtu37y872334y82234234.unaux.com","njtec.com","nkads.com","nkcompany.ru","nkcs.ru","nkebiu.xyz","nkgursr.com","nkhfmnt.xyz","nkiehjhct76hfa.ga","nkjdgidtri89oye.gq","nkln.com","nkmq7i.xyz","nkmx8h.xyz","nknq65.pl","nko.kr","nkqgpngvzg.pl","nkshdkjshtri24pp.ml","nktltpoeroe.cf","nkvtkioz.pl","nl.edu.pl","nl.szucsati.net","nlbassociates.com","nlmdatabase.org","nlopenworld.com","nlpreal-vn-2299908.yaconnect.com","nm.beardedcollie.pl","nm5905.com","nm7.cc","nmail.cf","nmailtop.ga","nmailv.com","nmappingqk.com","nmarticles.com","nmbbmnm2.info","nmfrvry.cf","nmfrvry.ga","nmfrvry.gq","nmfrvry.ml","nmpkkr.cf","nmpkkr.ga","nmpkkr.gq","nmpkkr.ml","nmqyasvra.pl","nmske.website","nmsr.com","nmsu.com","nmsy83s5b.pl","nmxjvsbhnli6dyllex.cf","nmxjvsbhnli6dyllex.ga","nmxjvsbhnli6dyllex.gq","nmxjvsbhnli6dyllex.ml","nmxjvsbhnli6dyllex.tk","nn2.pl","nn46gvcnc84m8f646fdy544.tk","nn5ty85.cf","nn5ty85.ga","nn5ty85.gq","nn5ty85.tk","nnacell.com","nncncntnbb.tk","nnejakrtd.pl","nnggffxdd.com","nnh.com","nnjiiooujh.com","nnnnnn.com","nnot.net","nnoway.ru","nntcesht.com","nnvl.com","nnzzy.com","no-dysfonction.com","no-more-hangover.tk","no-one.cyou","no-spam.ws","no-spammers.com","no-ux.com","no-vax.cf","no-vax.ga","no-vax.gq","no-vax.ml","no-vax.tk","no.blatnet.com","no.lakemneadows.com","no.marksypark.com","no.oldoutnewin.com","no.ploooop.com","no.tap.tru.io","no07.biz","no11.xyz","no1but.icu","no2maximusreview.org","no2paper.net","noahfleisher.com","noar.info","noauu.com","nobinal.site","nobitcoin.net","noblelord.com","noblemail.bid","nobleperfume.info","noblepioneer.com","nobugmail.com","nobulk.com","nobuma.com","noc0szetvvrdmed.cf","noc0szetvvrdmed.ga","noc0szetvvrdmed.gq","noc0szetvvrdmed.ml","noc0szetvvrdmed.tk","noc1tb4bfw.cf","noc1tb4bfw.ga","noc1tb4bfw.gq","noc1tb4bfw.ml","noc1tb4bfw.tk","noclegi0.pl","noclegiwsieci.com.pl","noclickemail.com","nocturne.7amail.top","nocujunas.com.pl","nod03.ru","nod9d7ri.aid.pl","nodemon.peacled.xyz","nodeoppmatte.com","nodepositecasinous.com","nodesauce.com","nodezine.com","nodie.cc","nodnor.club","noduha.com","noe.prometheusx.pl","noe2fa.digital","noedgetest.space","noelia.meghan.ezbunko.top","nofakeipods.info","nofaxpaydayloansin24hrs.com","nofbi.com","nofocodobrasil.tk","nogmailspam.info","nogueira2016.com","noicd.com","noifeelings.com","noinfo.info","noisemails.com","noiuihg2erjkzxhf.cf","noiuihg2erjkzxhf.ga","noiuihg2erjkzxhf.gq","noiuihg2erjkzxhf.ml","noiuihg2erjkzxhf.tk","noiybau.online","nokatmaroc.com","nokiahere.cf","nokiahere.ga","nokiahere.gq","nokiahere.ml","nokiahere.tk","nokiamail.cf","nokiamail.com","nokiamail.ga","nokiamail.gq","nokiamail.ml","noklike.info","nokorweb.com","nolemail.ga","nolikeowi2.com","nolimemail.com.ua","nolimitbooks.site","nolimitfiles.site","nolog.network","nolteot.com","nom.za","nomad1.com","nomadhub.xyz","nomail.cf","nomail.ch","nomail.fr","nomail.ga","nomail.net","nomail.nodns.xyz","nomail.pw","nomail.xl.cx","nomail2me.com","nomailthankyou.com","nomame.site","nomeucu.ga","nomnomca.com","nomoremail.net","nomorespam.kz","nomorespamemails.com","nomotor247.info","nomtool.info","nomylo.com","nonamecyber.org","nonameex.com","nonapkr.com","none.cyou","noneso.site","nonetary.xyz","nonewanimallab.com","nongvannguyen.com","nongzaa.cf","nongzaa.gq","nongzaa.ml","nongzaa.tk","nonicamy.com","nonise.com","nonohairremovalonline.com","nonspam.eu","nonspammer.de","nonstop-traffic-formula.com","nonze.ro","noobf.com","noopala.club","noopala.online","noopala.store","noopala.xyz","noopept.store","noopmail.org","noosty.com","nootopics.tulane.edu","nootropicstudy.xyz","nopenopenope.com","nopino.com","noq.luk2.com","noquierobasura.ga","noqulewa.com","noquviti.com","norahoguerealestateagentbrokenarrowok.com","norcalenergy.edu","norcos.com","nordexexplosives.com","noref.in","noreply.fr","noreply.pl","norih.com","norkinaart.net","normandys.com","normcorpltd.com","norsa.com.br","norseforce.com","northandsouth.pl","northcmu.com","northdallas-plasticsurgeons.com","northdallashomebuyers.com","northeastern-electric.com","northemquest.com","northernbets.co","northernwicks.com","northernwinzhotelcasino.com","northface-down.us","northfaceeccheap.co.uk","northfaceonlineclearance.com","northfacesalejacketscouk.com","northfacesky.com","northfaceuka.com","northfaceusonline.com","northibm.com","northshorelaserclinic.com","northsixty.com","northstardirect.co.uk","northyorkdogwalking.com","norules.zone","norvasconlineatonce.com","norveg-nedv.ru","norwars.site","norwaycup.cf","norwegischlernen.info","noscabies.org","nose-blackheads.com","nosemail.com","noseycrazysumrfs5.com","nosh.ml","nospam.allensw.com","nospam.barbees.net","nospam.sparticus.com","nospam.thurstons.us","nospam.today","nospam.wins.com.br","nospam.ze.tc","nospam2me.com","nospam4.us","nospamdb.com","nospamfor.us","nospammail.bz.cm","nospammail.net","nospamme.com","nospammer.ovh","nospamthanks.info","nostockui.com","nostrajewellery.xyz","not.cowsnbullz.com","not.lakemneadows.com","not.legal","not.ploooop.com","not0k.com","notable.de","notaproduction.com","notarymarketing.com","notaryp.com","notasitseems.com","notatempmail.info","notbooknotbuk.com","notchbox.info","notcuttsgifts.com","notdus.xyz","notebookercenter.info","notebooki.lv","notebookmail.top","notebookmerkezi.com","notebookware.de","notenation.com","notesapps.com","notfond.404.mn","notherone.ca","nothingtoseehere.ca","notice-iphone.club","notif.me","notification-iphone.club","notion.work","notipr.com","notivsjt0uknexw6lcl.ga","notivsjt0uknexw6lcl.gq","notivsjt0uknexw6lcl.ml","notivsjt0uknexw6lcl.tk","notmail.com","notmail.ga","notmail.gq","notmail.ml","notmailinator.com","notowany.pl","notregmail.com","notrelab.site","notrnailinator.com","notsharingmy.info","notua.com","notvn.com","noumirasjahril.art","nountree.com","nourashop.com","nov-vek.ru","novaeliza.art","novaemail.com","novagun.com","novartismails.com","novelbowl.xyz","novemberdelta.myverizonmail.top","novembervictor.webmailious.top","novencolor.otsoft.pl","novensys.pl","novgorod-nedv.ru","novidadenobrasil.com","novosib-nedv.ru","novosti-pro-turizm.ru","novosti2019.ru","novostinfo.ru","novostroiki-moscow.ru","novpdlea.cf","novpdlea.ga","novpdlea.ml","novpdlea.tk","novstan.com","now.im","now.mefound.com","now.oldoutnewin.com","now.ploooop.com","now.poisedtoshrike.com","now4you.biz","noway.pw","noways.ddns.net","nowbuzzoff.com","nowdigit.com","nowemail.ga","nowemailbox.com","nowena.site","nowhere.org","nowlike.com","nowmymail.com","nowmymail.net","nownaw.ml","nowoczesne-samochody.pl","nowoczesnesamochody.pl","nowthatsjive.com","nox.llc","noyabrsk.me","noyten.info","npaiin.com","npajjgsp.pl","npas.de","npfd.de","npfd.gq","nphcsfz.pl","npofgo90ro.com","npoopmeee.site","nproxi.com","npsis.net","npv.kr","npwfnvfdqogrug9oanq.cf","npwfnvfdqogrug9oanq.ga","npwfnvfdqogrug9oanq.gq","npwfnvfdqogrug9oanq.ml","npwfnvfdqogrug9oanq.tk","nqav95zj0p.kro.kr","nqcf.com","nqcialis.com","nqeq3ibwys0t2egfr.cf","nqeq3ibwys0t2egfr.ga","nqeq3ibwys0t2egfr.gq","nqeq3ibwys0t2egfr.ml","nqeq3ibwys0t2egfr.tk","nqrk.luk2.com","nrhskhmb6nwmpu5hii.cf","nrhskhmb6nwmpu5hii.ga","nrhskhmb6nwmpu5hii.gq","nrhskhmb6nwmpu5hii.ml","nrhskhmb6nwmpu5hii.tk","nroc2mdfziukz3acnf.cf","nroc2mdfziukz3acnf.ga","nroc2mdfziukz3acnf.gq","nroc2mdfziukz3acnf.ml","nroc2mdfziukz3acnf.tk","nroeor.com","nrsje.online","nrsuk.com","nrwproperty.com","ns2.vipmail.in","nsabdev.com","nsaking.de","nsamuy.buzz","nsandu.com","nsbwsgctktocba.cf","nsbwsgctktocba.ga","nsbwsgctktocba.gq","nsbwsgctktocba.ml","nsbwsgctktocba.tk","nscream.com","nsddourdneis.gr","nsdjr.online","nses.online","nsholidayv.com","nsja.com","nsk1vbz.cf","nsk1vbz.ga","nsk1vbz.gq","nsk1vbz.ml","nsk1vbz.tk","nsserver.org","nswgovernment.ga","ntalecom.net","ntb9oco3otj3lzskfbm.cf","ntb9oco3otj3lzskfbm.ga","ntb9oco3otj3lzskfbm.gq","ntb9oco3otj3lzskfbm.ml","ntb9oco3otj3lzskfbm.tk","ntdxx.com","ntdy.icu","ntdz.club","ntdz.icu","nterfree.it","ntflx.store","nthmail.com","nthmessage.com","nthrl.com","nthrw.com","ntirrirbgf.pl","ntkworld.com","ntlhelp.net","ntllma3vn6qz.cf","ntllma3vn6qz.ga","ntllma3vn6qz.gq","ntllma3vn6qz.ml","ntllma3vn6qz.tk","ntlshopus.com","ntlword.com","ntlworkd.com","ntna.luk2.com","ntschools.com","ntservices.xyz","ntslink.net","ntt.gotdns.ch","ntub.cf","ntudofutluxmeoa.cf","ntudofutluxmeoa.ga","ntudofutluxmeoa.gq","ntudofutluxmeoa.ml","ntudofutluxmeoa.tk","ntutnvootgse.cf","ntutnvootgse.ga","ntutnvootgse.gq","ntutnvootgse.ml","ntutnvootgse.tk","ntuv4sit2ai.cf","ntuv4sit2ai.ga","ntuv4sit2ai.gq","ntuv4sit2ai.ml","ntuv4sit2ai.tk","ntviagrausa.com","ntxstream.com","nty5upcqq52u3lk.cf","nty5upcqq52u3lk.ga","nty5upcqq52u3lk.gq","nty5upcqq52u3lk.ml","nty5upcqq52u3lk.tk","nu588.com","nub3zoorzrhomclef.cf","nub3zoorzrhomclef.ga","nub3zoorzrhomclef.gq","nub3zoorzrhomclef.ml","nub3zoorzrhomclef.tk","nubenews.com","nubescontrol.com","nubri.tw","nucleant.org","nucor.ru","nuctrans.org","nuda.pl","nude-vista.ru","nudecamsites.com","nudeluxe.com","nudinar.net","nuesond.com","nuevomail.com","nugaba.com","nugastore.com","nukahome.com","nuke.africa","nuliferecords.com","null.k3vin.net","nullbox.info","nulledsoftware.com","nulledsoftware.net","numanavale.com","number-inf-called.com","number-whoisit.com","numbersearch-id.com","numbersgh.com","numbersstationmovie.com","numweb.ru","nun.ca","nunudatau.art","nunung.cf","nunungcantik.ga","nunungnakal.ga","nunungsaja.cf","nuo.co.kr","nuo.kr","nuprice.co","nuqhvb1lltlznw.cf","nuqhvb1lltlznw.ga","nuqhvb1lltlznw.gq","nuqhvb1lltlznw.ml","nuqhvb1lltlznw.tk","nuqypepalopy.rawa-maz.pl","nurdea.biz","nurdea.com","nurdea.net","nurdead.biz","nurdeal.biz","nurdeal.com","nurdeas.biz","nurdeas.com","nurdintv.com","nurdsgetbad2015.com","nurfuerspam.de","nurkowania-base.pl","nurpharmacy.com","nurseryschool.ru","nurslist.com","nurularifin.art","nurumassager.com","nus.edu.sg","nut-cc.nut.cc","nut.cc","nut.favbat.com","nutcc.nut.cc","nutpa.net","nutrice.xyz","nutritiondrill.com","nutritionreporter.com","nutritionzone.net","nutrizin.com","nutrmil.site","nutroastingmachine.net","nutropin.in","nuts2trade.com","nutsmine.com","nutte.com","nuttyjackstay.ml","nuvast.com","nvapplelab.com","nvb467sgs.cf","nvb467sgs.ga","nvb467sgs.gq","nvb467sgs.ml","nvb467sgs.tk","nvc-e.com","nvcc.org","nvcdv29.tk","nvce.net","nvetvl55.orge.pl","nvfpp47.pl","nvfxcrchef.com","nvgf3r56raaa.cf","nvgf3r56raaa.ga","nvgf3r56raaa.gq","nvgf3r56raaa.ml","nvgf3r56raaa.tk","nvhrw.com","nvision2011.co.cc","nvmetal.pl","nvnav.com","nvtelecom.info","nvtmail.bid","nvuti.studio","nvuti.wine","nvv1vcfigpobobmxl.cf","nvv1vcfigpobobmxl.gq","nvv1vcfigpobobmxl.ml","nvysiy.xyz","nvzj.com","nw7cxrref2hjukvwcl.cf","nw7cxrref2hjukvwcl.ga","nw7cxrref2hjukvwcl.gq","nw7cxrref2hjukvwcl.ml","nw7cxrref2hjukvwcl.tk","nwak.com","nwd6f3d.net.pl","nwesmail.com","nwheart.com","nwhsii.com","nwldx.com","nwldx.net","nwpalace.com","nwufewum9kpj.gq","nwytg.com","nwytg.net","nwyzoctpa.pl","nx-mail.com","nx1.de","nx1.us","nxbrasil.net","nxdgrll3wtohaxqncsm.cf","nxdgrll3wtohaxqncsm.gq","nxdgrll3wtohaxqncsm.ml","nxdgrll3wtohaxqncsm.tk","nxeswavyk6zk.cf","nxeswavyk6zk.ga","nxeswavyk6zk.gq","nxeswavyk6zk.ml","nxeswavyk6zk.tk","nxgwr24fdqwe2.cf","nxgwr24fdqwe2.ga","nxgwr24fdqwe2.gq","nxgwr24fdqwe2.ml","nxgwr24fdqwe2.tk","nxmwzlvux.pl","nxpeakfzp5qud6aslxg.cf","nxpeakfzp5qud6aslxg.ga","nxpeakfzp5qud6aslxg.gq","nxpeakfzp5qud6aslxg.ml","nxpeakfzp5qud6aslxg.tk","nxraarbso.pl","nxtbroker.com","nxtseccld.tk","nxtsports.com","ny7.me","nyahraegan.miami-mail.top","nyamail.com","nyanime.gq","nyc-pets.info","nyc.org","nyc2way.com","nyccommunity.info","nycconstructionaccidentreports.com","nycexercise.com","nyeschool.org","nyexercise.com","nyfeel.com","nyflcigarettes.net","nylworld.com","nymopyda.kalisz.pl","nyms.net","nyobase.com","nyoregan09brex.ml","nypato.com","nyrmusic.com","nytaudience.com","nytimes.com","nyumail.com","nyusul.com","nywcmiftn8hwhj.cf","nywcmiftn8hwhj.ga","nywcmiftn8hwhj.gq","nywcmiftn8hwhj.ml","nywcmiftn8hwhj.tk","nzaif.com","nzbeez.com","nzgoods.net","nzhkmnxlv.pl","nzmymg9aazw2.cf","nzmymg9aazw2.ga","nzmymg9aazw2.gq","nzmymg9aazw2.ml","nzmymg9aazw2.tk","nzntdc4dkdp.cf","nzntdc4dkdp.ga","nzntdc4dkdp.gq","nzntdc4dkdp.ml","nzntdc4dkdp.tk","nzttrial.xyz","o-pizda.info","o-taka.ga","o.cfo2go.ro","o.idigo.org","o.muti.ro","o.oai.asia","o.opendns.ro","o.polosburberry.com","o.spamtrap.ro","o.wp-viralclick.com","o029o.ru","o060bgr3qg.com","o0i.es","o13mbldrwqwhcjik.cf","o13mbldrwqwhcjik.ga","o13mbldrwqwhcjik.gq","o13mbldrwqwhcjik.ml","o13mbldrwqwhcjik.tk","o1mail.veinflower.veinflower.xyz","o2.co.com","o22.com","o22.info","o2mail.co","o2stk.org","o3enzyme.com","o3live.com","o3vgl9prgkptldqoua.cf","o3vgl9prgkptldqoua.ga","o3vgl9prgkptldqoua.gq","o3vgl9prgkptldqoua.ml","o3vgl9prgkptldqoua.tk","o473ufpdtd.ml","o473ufpdtd.tk","o4tnggdn.mil.pl","o4zkthf48e46bly.cf","o4zkthf48e46bly.ga","o4zkthf48e46bly.gq","o4zkthf48e46bly.ml","o4zkthf48e46bly.tk","o5o5.ru","o6.com.pl","o6o4h29rbcb.xorg.pl","o7edqb.pl","o7i.net","o7t2auk8msryc.cf","o7t2auk8msryc.ga","o7t2auk8msryc.gq","o7t2auk8msryc.ml","o7t2auk8msryc.tk","o8t30wd3pin6.cf","o8t30wd3pin6.ga","o8t30wd3pin6.gq","o8t30wd3pin6.ml","o8t30wd3pin6.tk","o90.org","o90opri9e.com","oafrem3456ails.com","oai.asia","oakfiling.com","oakleglausseskic.com","oakley-solbriller.com","oakleyfancyflea.com","oakleyoutlet.com","oakleysaleonline.net","oakleysaleonline.org","oakleysalezt.co.uk","oakleysonlinestore.net","oakleysonlinestore.org","oakleysoutletonline.com","oakleysoutletstore.net","oakleysoutletstore.org","oakleystorevip.com","oakleysunglasses-online.co.uk","oakleysunglassescheapest.org","oakleysunglassescheapsale.us","oakleysunglassesdiscountusw.com","oakleysunglassesoutletok.com","oakleysunglassesoutletstore.org","oakleysunglassesoutletstore.us","oakleysunglassesoutletzt.co.uk","oakleysunglassessoldes.com","oakleysunglasseszt.co.uk","oakleyusvip.com","oaksw.com","oalegro.pl","oallenlj.com","oalsp.com","oamail.com","oanbeeg.com","oanghika.com","oanhdaotv.net","oanhtaotv.com","oanhxintv.com","oaouemo.com","oarange.fr","oasiscafedallas.com","oasiscentral.com","oaudienceij.com","oauth-vk.ru","oaxmail.com","oazv.net","ob5d31gf3whzcoo.cf","ob5d31gf3whzcoo.ga","ob5d31gf3whzcoo.gq","ob5d31gf3whzcoo.ml","ob5d31gf3whzcoo.tk","ob7eskwerzh.cf","ob7eskwerzh.ga","ob7eskwerzh.gq","ob7eskwerzh.ml","ob7eskwerzh.tk","obamaiscool.com","obchod-podlahy.cz","obd2forum.org","obelisk4000.cf","obelisk4000.ga","obelisk4000.gq","obeliskenterprises.co","obemail.com","obermail.com","obesityhelp.online","obet889.online","obfusko.com","obgsdf.site","obibike.net","obibok.de","obimail.com","obitel.com","objectmail.com","objectuoso.com","obln.luk2.com","obmail.com","obmw.ru","obo.kr","obobbo.com","oborudovanieizturcii.ru","oboymail.ga","obserwatorbankowy.pl","obtechglobal.com","obtqadqunonkk1kgh.cf","obtqadqunonkk1kgh.ga","obtqadqunonkk1kgh.gq","obtqadqunonkk1kgh.ml","obtqadqunonkk1kgh.tk","obtrid.site","obuchenie-zarabotku.online","obumail.com","obuv-poisk.info","obverse.com","obviousdistraction.com","obviousidea.com","obvy.us","obxpestcontrol.com","obxstorm.com","obymbszpul.pl","ocassettew.com","occasics.site","occumulately.site","occural.site","oceancares.xyz","oceanicmail.gdn","oceansofwaves.com","ocenka-krym.ru","oceore.com","ocfindlocal.com","ochkimoscow.ru","ochupella.ru","ocigaht4.pc.pl","ocisd.com","ocketmail.com","ocmail.com","ocotbukanmain.club","ocourts.org","ocsonline.com","octa-sex.com","octowall.com","oczyszczalnie-sciekow24.pl","od21gwnkte.cf","od21gwnkte.ga","od21gwnkte.gq","od21gwnkte.ml","od21gwnkte.tk","od9b0vegxj.cf","od9b0vegxj.ga","od9b0vegxj.gq","od9b0vegxj.ml","od9b0vegxj.tk","odadingmangoleh.fun","odavissza.hu","odaymail.com","odbiormieszkania.waw.pl","odchudzanienit.mil.pl","odchudzedsfanie.pl","odd.bthow.com","oddhat.com","oddiyanadharmasanctuary.org","oddsbucket.com","oddwayinternational.com","odeask.com","odegda-optom.biz","odem.com","odemail.com","odemodiv.com","odinaklassnepi.net","odinsklinge.com","odishakenduleaves.com","odixer.rzeszow.pl","odja.com","odkrywcy.com","odnorazovoe.ru","odocu.site","odod.com","odoiiwo.com","odomail.com","odoo-consultant.com","odoo-demo.com","odoo-gold-partner.com","odoo-implementation.com","odoo-integration.com","odoo-partner-uk.com","odoo-partner-usa.com","odoo-tour.com","odooapplicationdevelopment.com","odoousa.com","odqykmt.pl","odqznam.wirt11.biznes-host.pl","odseo.ru","odsniezanie.kera.pl","odsniezanienieruchomosci.pl","odszkodowanie-w-anglii.eu","odu-tube.ru","odulmail.com","oduyzrp.com","odysseybuilders.com","odzyskiwaniedanych.com","odzywkidorzes.eu","oe1f42q.com","oeioswn.com","oekakies.com","oelmjo.com","oemkoreabrand.com","oemkoreafactory.com","oemmeo.com","oemsale.org","oemsoftware.eu","oemzpa.cf","oenek.com","oenii.com","oeoqzf.pl","oepia.com","oeppeo.com","oerfa.org","oerpub.org","oertefae.tk","oeshare.biz","oesw.com","oeu4sdyoe7llqew0bnr.cf","oeu4sdyoe7llqew0bnr.ga","oeu4sdyoe7llqew0bnr.gq","oeu4sdyoe7llqew0bnr.ml","oeu4sdyoe7llqew0bnr.tk","oewob.com","of.blatnet.com","of.cowsnbullz.com","of.marksypark.com","ofacchecking.com","ofanda.com","ofaw.com","ofdow.com","ofdyn.com","ofenbuy.com","oferta.pl","oferty-domiporta.pl","oferty-kredytowe.com.pl","oferty-warszawa.pl","offerall.biz","offersale.info","offertapremium.com","offficepost.com","office.ms365.ml","officebuhgaltera.pp.ua","officeking.pl","officeliveusers.com","officemalaga.com","officemanagementinfo.com","officepoland.com.pl","offices.freshbreadcrumbs.com","officesupport.fun","officetechno.ru","official-colehaan.com","official-louisvuitton.com","official-saints.com","official-tomsshoes.net","official.site","official49erssportshop.com","officialairmaxprostore.com","officialairmaxsproshop.com","officialairmaxuksshop.com","officialfreerun.com","officialltoms-shoes.com","officialltoms-shoes.org","officialmailsites.com","officialmulberry.com","officialmulberryonline.com","officialnflbears.com","officialnflbearsshop.com","officialnflcoltsstore.com","officialnfldenverbroncoshop.com","officialnflfalconshoponline.com","officialnflgiantspromart.com","officialnflpackerspromart.com","officialnflsf49ershop.com","officialnflsteelersprostore.com","officialngentot.cf","officialngentot.ga","officialngentot.gq","officialngentot.ml","officialngentot.tk","officialouisvuittonsmart.com","officialpatriotssportshop.com","officialravenssportshop.com","officialravensuperbowlshop.com","officialredbottomsshop.com","officialreversephonelookupsites.com","officialsf49erssuperbowlshop.com","officialsf49ersteamshop.com","officialtiffanycoproshop.com","officialtolol.ga","officieel-airmaxs.com","officieelairmaxshop.com","officiel-jordans.com","officiel-tnrequin.com","officielairmaxfr.com","officielairmaxfrance.com","officielairmaxpascher.com","officielairmaxsshop.com","officielchaussurestore.com","officiellairmaxsshop.com","officielle-jordans.com","officielleairmax.com","officiellejordan.com","officielmaxshop.com","officielnikeairmas.org","officieltnrequinfr.com","officieltnrequinfrshop.com","offsetmail.com","offshore-company.tk","offshore-proxies.net","offshorepa.com","offthebridge.com","offthechainfishing.com","offtherecordmail.com","ofiac.com","oficinasjorgevelasquez.com","ofirit.com","ofmail.com","ofmailer.net","ofmf.co.cc","ofojwzmyg.pl","ofowatch.com","ofth3crumrhuw.cf","ofth3crumrhuw.ga","ofth3crumrhuw.gq","ofth3crumrhuw.ml","ofth3crumrhuw.tk","ofvn.com","og2j06b2y.xorg.pl","ogemail.com","oggology.com","ogirisim.xyz","ogladajonlinezadarmo.pl","oglerau.com","ogloszeniadladzieci.pl","ogmail.com","ogremail.net","ogrodzenia.pl","ogu188.com","ogu7777.net","ohaaa.de","ohaauthority.org","ohamail.com","ohcw.com","ohdaddy.co.uk","ohdomain.xyz","ohi-design.pl","ohi.tw","ohio-riverland.info","ohioticketpayments.xyz","ohkogtsh.ga","ohkogtsh.ml","ohmail.com","ohmbet.org","ohmyfly.com","ohrabbi.me","ohtheprice.com","ohxmail.com","ohyesjysuis.fr","oiche.xyz","oida.icu","oidhdozens.com","oidzc1zgxrktxdwdkxm.cf","oidzc1zgxrktxdwdkxm.ga","oidzc1zgxrktxdwdkxm.gq","oidzc1zgxrktxdwdkxm.ml","oidzc1zgxrktxdwdkxm.tk","oigmail.com","oiizz.com","oikaweb.com","oikrach.com","oilcocomasag.live","oilcocomasag.store","oilofolay.in","oilpaintingsale.net","oilpaintingvalue.info","oilrepairs.com","oiltempof.icu","oimail.com","oing.cf","oink8jwx7sgra5dz.cf","oink8jwx7sgra5dz.ga","oink8jwx7sgra5dz.gq","oink8jwx7sgra5dz.ml","oink8jwx7sgra5dz.tk","oinkboinku.com","oioinb.com","oioio.club","oiplikai.ml","oipmail.com","oippg.ru","oipplo.com","oiqas.com","oitlook.co","oiwke.com","oizxwhddxji.cf","oizxwhddxji.ga","oizxwhddxji.gq","oizxwhddxji.ml","oizxwhddxji.tk","ojamail.com","ojdh71ltl0hsbid2.cf","ojdh71ltl0hsbid2.ga","ojdh71ltl0hsbid2.gq","ojdh71ltl0hsbid2.ml","ojdh71ltl0hsbid2.tk","ojemail.com","ojimail.com","ojobmail.com","ojolbet.com","ojosambat.cf","ojosambat.ml","ojpvym3oarf3njddpz2.cf","ojpvym3oarf3njddpz2.ga","ojpvym3oarf3njddpz2.gq","ojpvym3oarf3njddpz2.ml","ojpvym3oarf3njddpz2.tk","ok-body.pw","ok.sy","okathens.com","okaybet777.com","okbeatsdrdre1.com","okbody.pw","okclprojects.com","okcomputer.ru","okdiane35.pl","okeoceapasajaoke.com","oker.com","okezone.bid","okgmail.com","okhko.com","oki9oeuw.com","okinawa.li","okinotv.ru","okkokshop.com","okledslights.com","oklho.com","oklkfu.com","okmail.com","okmail.p-e.kr","okmilton.com","okna-sochi.ru","okna2005.ru","oknagornica.ru","okndrt2ebpshx5tw.cf","okndrt2ebpshx5tw.ga","okndrt2ebpshx5tw.gq","okndrt2ebpshx5tw.ml","okndrt2ebpshx5tw.tk","oknokurierskie.pl","okocewakaf.com","okolkad.buzz","okrent.us","okrhosting.com","okryszardkowalski.pl","okstorytye.com","oksunglassecool.com","oktai.ru","oktempe.com","oktoberfest2012singapore.com","okuito.xyz","okulistykakaszubska.pl","okventura.com","okzk.com","ol.telz.in","olafmail.com","olafood.com","olahoo.com","olaytacx.top","olc.one","old-recipes.com","old.blatnet.com","old.cowsnbullz.com","old.makingdomes.com","old.marksypark.com","old.ploooop.com","old.poisedtoshrike.com","oldcelebrities.net","olden.com.pl","oldgwt.space","oldhatseo.co","oldmadein.com","oldmummail.online","oldnavycouponsbox.com","oldscheme.org","oldschoolnewbodyreviews.org","oldstationcafe8.com","olduser.cf","olechnowicz.com.pl","olegfemale.org","olegmike.org","olgis.ru","olgsale.top","olgt6etnrcxh3.cf","olgt6etnrcxh3.ga","olgt6etnrcxh3.gq","olgt6etnrcxh3.ml","olgt6etnrcxh3.tk","olimp-case.ru","olinbzt.ga","olinel.ga","olinel.ml","olisadebe.org","olittem.site","olive.0amail.top","olivegardencouponshub.com","oliveli.com","oljdsjncat80kld.gq","ollablaed.com","ollbiz.com","ollisterpascheremagasinfrance.com","olmail.com","olo4lol.uni.me","ololomail.in","ololzi.ga","olplq6kzeeksozx59m.cf","olplq6kzeeksozx59m.ga","olplq6kzeeksozx59m.gq","olplq6kzeeksozx59m.ml","olplq6kzeeksozx59m.tk","olqn.com","olsenmail.men","olvqnr7h1ssrm55q.cf","olvqnr7h1ssrm55q.ga","olvqnr7h1ssrm55q.gq","olvqnr7h1ssrm55q.ml","olvqnr7h1ssrm55q.tk","olwr.com","olyabeling.site","olypmall.ru","olyztnoblq.pl","omahsimbah.com","omail.pro","oman.com","omca.info","omdiaco.com","omdlism.com","omdo.xyz","omeaaa124.ddns.net","omeea.com","omega-3-foods.com","omega.omicron.spithamail.top","omegacoin.org","omegafive.net","omegasale.org","omegaxray.thefreemail.top","omeprazolex.com","omeraydinoglu.com","omerfaruksahin.com","omesped7.net","omessage.gq","omgdelights.com","omgdodedo.com","omi4.net","omibrown.com","omicron.omega.myverizonmail.top","omicron4.ml","omicrongamma.coayako.top","omicronlambda.ezbunko.top","omicronwhiskey.coayako.top","omilk.site","omineralsby.com","omk24.de","ommail.com","omne.com","omnievents.org","omnyo.com","ompokerasia.com","omsk-nedv.ru","omsshoesonline4.com","omtamvan.com","omtecha.com","omumail.com","omwe.ru","omxvfuaeg.pl","omzae.com","omzg5sbnulo1lro.cf","omzg5sbnulo1lro.ga","omzg5sbnulo1lro.gq","omzg5sbnulo1lro.ml","omzg5sbnulo1lro.tk","on-review.com","on.cowsnbullz.com","on.marksypark.com","onbf.org","oncesex.com","oncloud.ws","oncult.ru","ondemandemail.top","ondemandmap.com","ondesign.info","one-college.ru","one-mail.top","one-shop.online","one-time.email","one.blatnet.com","one.emailfake.ml","one.fackme.gq","one.marksypark.com","one.oldoutnewin.com","one.pl","one.raikas77.eu","one.sch.lv","one2mail.info","oneandoneny.com","onebiginbox.com","onebucktwobuckthree.com","onebyoneboyzooole.com","onecalltrack.com","onecitymail.com","onecroc.com","onedaymail.cf","onedaymail.ga","onedayyylove.xyz","onedrive.web.id","onefineline.com","onegoodchair.com","onehandtyper.com","oneheartusa.com","oneindex.in.net","onekisspresave.com","onelegalplan.com","onelinkpr.net","onemahanet.com","onemail.host","onemail.website","onemail1.com","onemoremail.net","onemoretimes.info","onenime.ga","oneoffemail.com","oneoffmail.com","oneonfka.org.ua","onepack.systems","onepiecetalkblog.com","onepvp.com","onestepmail.com","onestop21.com","onestopwv.com","onet.com","onetag.org","onetimeusemail.com","onetouchedu.com","onetouchtv.com","onety.pl","onewaylinkcep.com","onewaymail.com","onewayticket.online","ongc.ga","onhealth.tech","onhrrzqsubu.pl","oniaj.com","oninmail.com","onionred.com","onit.com","onkyo1.com","onlatedotcom.info","onligaddes.site","onlimail.com","online-business-advertising.com","online-casino24.us","online-dartt.pl","online-dating-bible.com","online-dating-service-sg.com","online-geld-verdienen.gq","online-pills.xyz","online-std.com","online-stream.biz","online-support.tech","online-web.site","online.ms","online5.ru","onlineaccutaneworldpills.com","onlineadultwebcam.com","onlineautoloanrates.com","onlineautomatenspiele.host","onlineavtomati.net","onlinebankingcibc.com","onlinebankingpartner.com","onlinecanada.biz","onlinecarinsuranceexpert.com","onlinecasino-x.ru","onlinechristianlouboutinshoesusa.us","onlinecmail.com","onlinecollegemail.com","onlinecomputerhelp.net","onlinedatingsiteshub.com","onlinedeals.pro","onlinedeals.trade","onlinedutyfreeeshop.com","onlinedutyfreeshop.com","onlineee.com","onlinefs.com","onlinefunnynews.com","onlineguccibags.com","onlinegun.com","onlinehackland.com","onlinehealthreports.com","onlinehunter.ml","onlineidea.info","onlineinsurancequotescar.net","onlinejackpots.bid","onlinejerseysnews.com","onlinejordanretro2013.org","onlinelivesexcam.com","onlinemail.press","onlinemail.pw","onlinemailfree.com","onlinemarket365.ru","onlinemedic.biz","onlinemoneyfan.com","onlinemoneymaking.org","onlinenet.info","onlinenewsfootball.com","onlinenewyorksingles.com","onlinepaydayloansvip.com","onlinepharmacy-order.com","onlinepharmacy.name","onlineplayers.ru","onlinepokerid.info","onlinepokiesau.com.au","onlineprofessionalorganizer.com","onlinesexcamchat.com","onlineshoesboots.com","onlineshop24h.pl","onlineshopinfo.com","onlineshoppingcoupons24.com","onlineshopsinformation.com","onlinestodays.info","onlinetantraclasses.com","onlinetantracourses.com","onlinetomshoeoutletsale.com","onlineusa.biz","onlinevideomusic.xyz","onlinewcm.com","onlinexploits.com","only-bag.com","only.blatnet.com","only.marksypark.com","onlyapps.info","onlyblood.com","onlyhaededor.com","onlykills.xyz","onlyme.pl","onlys.site","onlysext.com","onlysingleparentsdating.co.uk","onlysolars.com","onlyu.link","onlyways.ru","onlywedding.ru","onmagic.ru","onmail.top","onmail.win","onmail3.com","onmailzone.com","onme.com","onmuscletissue.uk","onnormal.com","onofmail.com","onplayagain.net","onpointpartners.com","onprice.co","onqin.com","onqus.com","onsaleadult.com","onsalemall.top","onshop5.com","onshoreteam.com","onsitecomputing.com","onsitetrainingcourses.com","ontalk.biz","onthewaterlifestyle.com","ontheweblearning.com","ontimeflight.ir","ontyne.biz","onumail.com","onvii.com","onwardmail.com","onwmail.com","onymi.com","onzmail.com","oo-mail.net","oo.pl","ooag.com","ooaj.com","ooapmail.com","oob8q2rnk.pl","ooeawtppmznovo.cf","ooeawtppmznovo.ga","ooeawtppmznovo.gq","ooeawtppmznovo.ml","ooeawtppmznovo.tk","oofmail.tk","oogmail.com","oohioo.com","oohlaleche.com","oohotmail.club","oohotmail.com","oohotmail.online","oohsecrets.com","ooikfjeojg.com","ookfmail.com","oolk.com","oolloo.org","oolmail.com","oolong.ro","oolus.com","oonabrangamsnell.com","oonies-shoprus.ru","ooof.gq","ooomail.ga","oooomo.site","ooooni.site","ooooooo.com","oopi.org","oopsify.com","oosln.com","ootlook.com","oou.us","oourmail.xyz","ooutlook.com","opalroom.com","opamtis.online","opanv.com","opayq.com","opelmail.com","open-domains.info","open-sites.info","open.brainonfire.net","openavz.com","opencalls.co","opende.de","opendns.ro","openfront.com","openingforex.com","openmail.ml","openmail.tk","openmailbox.tk","openmindedzone.club","opennames.info","opennetgame.org","openskiesgroup.com","openskj.com","opensourceed.app","opentrash.com","openwebmail.contractors","operabrow.com","operacjezeza.pl","operatingtechnology.com","operativemedia.com","operenetow.com","opetron.com","opettajatmuljankoulu.tk","opexonline.com","ophaltde.com","opilon.com","opinionsbte.com","opisce.site","opito.co.uk","opkast.net","oplaskit.ml","opljggr.org","opmail.com","opmmail.com","opmmax.com","opmmedia.ga","opna.me","opno.life","opojare.org","opole-bhp.pl","opoprclea.website","opowlitowe53.tk","opp24.com","oppamail.com","oppax.com","oppein.pl","oppobitty-myphen375.com","oppositivity.xyz","oproom.com","opsmkyfoa.pl","opten.email","opthix.io","opthix.me","opticdesk.xyz","optician.com","optidesk.xyz","optikavid.ru","optimalstackreview.net","optimalstackreviews.net","optimaweb.me","optimisticheart.com","optimisticheart.org","optimumnutritionseriousmass.net","optimuslinks.com","optinum.net","optiplex.com","optitum.com","optline.com","optmails.xyz","optom-sumki.ru","optonlime.net","optonline.bet","optonlinr.net","optykslepvps.com","optymalizacja.com.pl","opude.com","opulent-fx.com","opwebw.com","opzeo.com","oqao.com","oqiwq.com","oqtypical.com","or.blurelizer.com","or.orgz.in","or.ploooop.com","oracruicat.xyz","oralia.freshbreadcrumbs.com","oralreply.com","oramail.net","oranek.com","orangdalem.org","orange-bonplan.com","orangecountyfare.com","orangegraphic.com","orangeinbox.org","orangesticky.info","orangotango.cf","orangotango.ga","orangotango.gq","orangotango.ml","orangotango.tk","orante.xyz","orbitforce.com","orbitnew.net","ordenadores.online","order84.gmailmirror.com","orderbagsonline.handbagsluis.net","ordershoes.com","ordinaryamerican.net","ordinarybzi.com","ordinaryyz1.com","oredaorissa.com","oregon-nedv.ru","oreidresume.com","orenge.fr","oreple.com","orfea.pl","orfeaskios.com","org.blatnet.com","org.marksypark.com","org.oldoutnewin.com","organiccoffeeplace.com","organicfarming101.com","organicgreencoffeereview.com","organicmedinc.com","orgcity.info","orgiiusisk.gr","orgiosdos.gr","orgmbx.cc","orgogiogiris.gr","oriellyautoparts.com","orientcode.com","oriete.cf","origamilinux.com","originalhooters.co","orikamset.de","orimail.com","oringame.com","orinmail.com","oriogiosi.gr","orion.tr","oriondertest.it","orionwebs.net","oriwijn.com","orlandoroofreplacement.com","orleasi.com","ormtalk.com","ormutual.com","oroki.de","orosbu.com","orotab.com","orpxp547tsuy6g.cf","orpxp547tsuy6g.ga","orpxp547tsuy6g.gq","orpxp547tsuy6g.ml","orpxp547tsuy6g.tk","orq1ip6tlq.cf","orq1ip6tlq.ga","orq1ip6tlq.gq","orq1ip6tlq.ml","orq1ip6tlq.tk","orsltd.co.uk","ortho3.com","orthodrs.com","orthopathy.info","ortimax.com","orumail.com","orvit.net","orvnr2ed.pl","orxy.tech","oryx.hr","osa.pl","osakawiduerr.cf","osakawiduerr.gq","osakawiduerr.ml","osamail.com","oscar.delta.livefreemail.top","oscar20.live","oscarpostlethwaite.com","osdfsew.tk","osendingwr.com","osfujhtwrblkigbsqeo.cf","osfujhtwrblkigbsqeo.ga","osfujhtwrblkigbsqeo.gq","osfujhtwrblkigbsqeo.ml","osfujhtwrblkigbsqeo.tk","oshietechan.link","oskadonpancenoye.com","oskarplyt.cf","oskarplyt.ga","oskarplyt.gq","oskarplyt.ml","oslermedical.com","osmom.justdied.com","osmqgmam5ez8iz.cf","osmqgmam5ez8iz.ga","osmqgmam5ez8iz.gq","osmqgmam5ez8iz.ml","osmqgmam5ez8iz.tk","osmye.com","oso.pl","osoftx.software","osormail.com","osporno-x.info","ospul.com","osrypdxpv.pl","ostah.ru","osteopath-enfield.co.uk","osterrike.com","ostinmail.com","ostrov.net","ostrozneinwestowanie.pl","osuedc.org","osuvpto.com","oswietlenieogrodow.pl","oswo.net","oszczednezycie.pl","otaywater.org","otekyc.xyz","otezuot.com","othedsordeddy.info","other.marksypark.com","other.ploooop.com","otheranimals.ru","otherdog.net","othergoods.ru","otherinbox.codupmyspace.com","otherinbox.com","othersch.xyz","othest.site","otkrit-ooo.ru","otlaecc.com","otlook.es","otmail.com","otnasus.xyz","otoeqis66avqtj.cf","otoeqis66avqtj.ga","otoeqis66avqtj.gq","otoeqis66avqtj.ml","otoeqis66avqtj.tk","otomax-pro.com","otonmail.ga","otozuz.com","otpku.com","otrabajo.com","ottappmail.com","ottawaprofilebacks.com","otu1txngoitczl7fo.cf","otu1txngoitczl7fo.ga","otu1txngoitczl7fo.gq","otu1txngoitczl7fo.ml","otu1txngoitczl7fo.tk","oturizme.net","otvetinavoprosi.com","ou127.space","ouadeb43.xzzy.info","ouenkwxrm.shop","ouhihu.cf","ouhihu.ga","ouhihu.gq","ouhihu.ml","ouishare.us","oulook.com","oultlook.com","oultlookii.com","oup3kcpiyuhjbxn.cf","oup3kcpiyuhjbxn.ga","oup3kcpiyuhjbxn.gq","oup3kcpiyuhjbxn.ml","oup3kcpiyuhjbxn.tk","our.cowsnbullz.com","our.oldoutnewin.com","ourawesome.life","ourawesome.online","ourbox.info","ourcocktaildress.com","ourcocktaildress.net","ourdietpills.org","ourgraduationdress.com","ourgraduationdress.net","ourhealthministry.com","ourhosting.xyz","ourklips.com","ourlook.de","ourlouisvuittonfr.com","ourmonclerdoudounefr.com","ourmonclerpaschere.com","ouroboros.icu","ourpreviewdomain.com","oursblog.com","oursecure.com","ourstorereviews.org","ousoleil.com","out-email.com","out-mail.com","out-mail.net","out-sourcing.com.pl","out.cowsnbullz.com","out.marksypark.com","out.oldoutnewin.com","outbacksteakhousecouponshub.com","outcom.com","outdoorproductsupplies.com","outdoorslifestyle.com","outernet.nu","outernet.shop","outfu.com","outhere.com","outikoumail.com","outlawmma.co.uk","outlawspam.com","outlddook.com","outlet-michaelkorshandbags.com","outletcoachfactorystoreus.com","outletcoachonlinen.com","outletcoachonliner.com","outletgucciitaly.com","outletjacketsstore.com","outletkarenmillener.co.uk","outletlouisvuittonborseiitaly.com","outletlouisvuittonborseitaly.com","outletlouisvuittonborseoutletitaly.com","outletlouisvuittonsbag.co.uk","outletmichaelkorssales.com","outletmonclerpiuminiit.com","outletomszt.com","outletpiuminimoncleritaly.com","outletpiuminimoncleritaly1.com","outletraybans.com","outlets5.com","outletstores.info","outlettcoachstore.com","outlettomsonlinevip.com","outlettomsonlinezt.com","outlettomszt.com","outlettoryburchjpzt.com","outllok.com","outllok.es","outlo.com","outlok.com","outlok.it","outlok.net","outloo.be","outloo.com","outlook-mails.ga","outlook.b.bishop-knot.xyz","outlook.com.hotpusssy69.host","outlook.dynamailbox.com","outlook.sbs","outlook.twitpost.info","outlook2.gq","outlookkk.online","outlookpro.net","outloomail.gdn","outloook.be","outlouk.com","outloutlook.com","outluk.co","outluk.com","outluo.com","outluok.com","outmail.win","outmail4u.ml","outmix.com","outrageousbus.com","outrageousmail.top","outree.org","outrlook.com","outsidered.xyz","outsidestructures.com","outstandingtrendy.info","outuok.com","ouwoanmz.shop","ouwrmail.com","ouylook.es","ov3u841.com","ovaclockas24.net","ovaqmail.com","ovarienne.ml","ovbest.com","ovea.pl","ovefagofceaw.com","over-craft.ru","over-you-24.com","over.ploooop.com","over.popautomated.com","overagent.com","overcomebf.com","overcomeoj.com","overdrivemedia.com","overkill4.pl","overkill5.pl","overkill6.pl","overmetre.com","overtechs.com","overwatch.party","overwholesale.com","ovh9mgj0uif.xorg.pl","ovi.usa.cc","ovimail.cf","ovimail.ga","ovimail.gq","ovimail.ml","ovimail.tk","ovipmail.com","ovlov.cf","ovlov.ga","ovlov.gq","ovlov.ml","ovlov.tk","ovmail.com","ovomail.co","ovooovo.com","ovorowo.com","ovout.com","ovpn.to","ovvee.com","ovwfzpwz.pc.pl","owa.kr","owatch.co","owawkrmnpx876.tk","owbot.com","oweiidfjjif.cf","oweiidfjjif.ga","oweiidfjjif.gq","oweiidfjjif.ml","oweiidfjjif.tk","owemolexi.swiebodzin.pl","owfcbxqhv.pl","owh.ooo","owlag.com","owleyes.ch","owlpic.com","owlymail.com","own-tube.com","ownerbanking.org","ownersimho.info","ownsyou.de","ownyourapps.com","owoso.com","owrdonjk6quftraqj.cf","owrdonjk6quftraqj.ga","owrdonjk6quftraqj.gq","owrdonjk6quftraqj.ml","owrdonjk6quftraqj.tk","owski.de","owsz.edu.pl","oxbio.xyz","oxcel.art","oxfarm1.com","oxford-edu.cf","oxford-edu.university","oxford.gov","oxfordedu.cf","oxiburn.com","oxkvj25a11ymcmbj.cf","oxkvj25a11ymcmbj.ga","oxkvj25a11ymcmbj.gq","oxkvj25a11ymcmbj.tk","oxmail.com","oxnipaths.com","oxopoha.com","oxsgyd.fun","oxtenda.com","oxudvqstjaxc.info","oxvps.us","oxxdd12.com","oxyelitepro.ru","oxzi.com","oyalmail.com","oydtab.com","oyekgaring.ml","oygkt.com","oylmm.com","oylstze9ow7vwpq8vt.cf","oylstze9ow7vwpq8vt.ga","oylstze9ow7vwpq8vt.gq","oylstze9ow7vwpq8vt.ml","oylstze9ow7vwpq8vt.tk","oymail.com","oymuloe.com","oyo.pl","oysa.life","oyu.kr","oyuhfer.cf","oyuhfer.ga","oyuhfer.gq","oyuhfer.ml","oyuncudostu.com","ozark.store","ozijmail.com","ozlaq.com","ozmail.com","oznmtwkng.pl","ozost.com","ozozwd2p.com","ozqn1it6h5hzzxfht0.cf","ozqn1it6h5hzzxfht0.ga","ozqn1it6h5hzzxfht0.gq","ozqn1it6h5hzzxfht0.ml","ozqn1it6h5hzzxfht0.tk","ozra.com","oztasmermer.com","ozumz.com","ozyl.de","ozyumail.com","ozzi12.com","p-a-y.biz","p-banlis.ru","p-gdl.cf","p-gdl.ga","p-gdl.gq","p-gdl.ml","p-gdl.tk","p-oops.com","p-response.com","p-value.ga","p-value.tk","p.9q.ro","p.k4ds.org","p.l.9.gmail.com.4.7.gmail.1.u.gmail.2.h.cad.edu.gr","p.mrrobotemail.com","p.new-mgmt.ga","p.polosburberry.com","p0o9iehfg.com","p180.cf","p180.ga","p180.gq","p180.ml","p180.tk","p1c.us","p1nhompdgwn.cf","p1nhompdgwn.ga","p1nhompdgwn.gq","p1nhompdgwn.ml","p1nhompdgwn.tk","p2marketing.co.uk","p2zyvhmrf3eyfparxgt.cf","p2zyvhmrf3eyfparxgt.ga","p2zyvhmrf3eyfparxgt.gq","p2zyvhmrf3eyfparxgt.ml","p2zyvhmrf3eyfparxgt.tk","p33.org","p4tnv5u.pl","p58fgvjeidsg12.cf","p58fgvjeidsg12.ga","p58fgvjeidsg12.gq","p58fgvjeidsg12.ml","p58fgvjeidsg12.tk","p5mail.com","p684.com","p6halnnpk.pl","p6s4resx6.xorg.pl","p71ce1m.com","p8oan2gwrpbpvbh.cf","p8oan2gwrpbpvbh.ga","p8oan2gwrpbpvbh.gq","p8oan2gwrpbpvbh.ml","p8oan2gwrpbpvbh.tk","p8y56fvvbk.cf","p8y56fvvbk.ga","p8y56fvvbk.gq","p8y56fvvbk.ml","p8y56fvvbk.tk","p90x-dvd.us","p90xdvds60days.us","p90xdvdsale.info","p90xlifeshow.com","p90xstrong.com","p9fnveiol8f5r.cf","p9fnveiol8f5r.ga","p9fnveiol8f5r.gq","p9fnveiol8f5r.ml","p9fnveiol8f5r.tk","pa913.com","pa975.com","pa9e.com","paapitech.com","pacdoitreiunu.com","paceforwarders.com","paceincorp.com","pachilly.com","pacific-ocean.com","pacificraft.com","pacificwestrealty.net","pack.oldoutnewin.com","pack.ploooop.com","pack.poisedtoshrike.com","packersandmovers-pune.in","packersproteamsshop.com","packerssportstore.com","packiu.com","packsurfwifi.com","pacnoisivoi.com","pacnut.com","pacourts.com","pactdog.com","padanghijau.online","padcasesaling.com","paddlepanel.com","paddockpools.net","padili.com","padlet-alternate.link","padlettings.com","padyou.com","pafnuty.com","pafrem3456ails.com","pagamenti.tk","page1ranker.com","pagedangan.me","paharpurmim.cf","paharpurmim.ga","paharpurmim.gq","paharpurmim.ml","paharpurmim.tk","paharpurtitas.cf","paharpurtitas.ga","paharpurtitas.gq","paharpurtitas.ml","paharpurtitas.tk","paherowalk.org","paherpur.ga","paherpur.gq","paherpur.ml","pahrumptourism.com","paiconk.site","paidattorney.com","paiindustries.com","paikhuuok.com","painsocks.com","paint.bthow.com","paintballpoints.com","paintedblackhorseranch.com","painting-commission.com","paintyourarboxers.com","paiucil.com","pakadebu.ga","pakayathama.ml","paketliburantourwisata.com","paketos.ru","pakkaji.com","pakolokoemail.com.uk","pakrocok.tech","pakwork.com","palaciosvinodefinca.com","palaena.xyz","palau-nedv.ru","paleomail.com","paleorecipebookreviews.org","palermo-pizza.ru","palingbaru.tech","paliny.com","paller.cf","palm-bay.info","palmerass.tk","palmettospecialtytransfer.com","palosdonar.com","palpialula.gq","pals-pay54.cf","palsengineering.com","pamapamo.com","pamelakline.com","pamperedpetsanimalrescue.org","pamposhtrophy.com","pamuo.site","panaceabiotech.com","panaged.site","panama-nedv.ru","panama-real-estate.cf","panarabanesthesia2021.live","panasonicgf1.net","pancakemail.com","panchitocastellodelaplana.com","panchoalts.com","pancon.site","pancosj.cf","pancosj.ga","pancosj.gq","pancosj.ml","pancreaticprofessionals.com","pandacn8app.com","pandacoin.shop","pandamail.tk","pandarastore.top","pandoradeals.com","pandoradrodmc.com","pandoraonsalestore.com","pandostore.co","panel-admin.0rg.us","panelfinance.com","panelpros.gq","panels.top","panelssd.com","panen228.net","panget.com","pankasyno23.com","pankujvats.com","pankx.cf","pankx.ga","pankx.ml","pankx.tk","panlvzhong.com","panopticsites.com","panpacificbank.com","pantabi.com","panteraclub.com","panterrra.com","pantheonclub.info","pantheonstructures.com","paobv.com","paohetao.com","paoina.com","paosk.com","papa.foxtrot.ezbunko.top","papai.cf","papai.ga","papai.gq","papai.ml","papai.tk","papakiung.com","papaparororo.com","papasha.net","papayamailbox.com","paperblank.com","paperfu.com","paperlesspractice.com","papermakers.ml","paperpapyrus.com","papierkorb.me","papillomadelete.info","paplease.com","papolog.com","papua-nedv.ru","papubar.pl","para2019.ru","parabellum.us","paradigmplumbing.com","paradisedev.tk","paragvai-nedv.ru","paralet.info","paramail.cf","parampampam.com","paranaguia.com","parashospital.com","paraska.host","parasluhov.ru","parcel4.net","pardisyadak.com","parelay.org","parentsxke.com","parer.net","pareton.info","parezvan.com","parfaitparis.com","parfum-sell.ru","parfum-uray.ru","parfum33.ru","paridisa.cf","paridisa.ga","paridisa.gq","paridisa.ml","paridisa.tk","parisannonce.com","parisdentists.com","parisinabridal.net","parispatisserie.com","parisvipescorts.com","parittas.com","parkcrestlakewood.xyz","parkerglobal.com","parkingaffiliateprogram.com","parkll.xyz","parkpulrulfland.xyz","parkwaypolice.com","parlaban.com","parleasalwebp.zyns.com","parlimentpetitioner.tk","parolonboycomerun.com","parqueadero.work","parsinglabs.com","partenariat.ru","partnera.site","partnerct.com","partnered.systems","partneriklan.com","partnerlink-stoloto.site","partners-personnel.com","partners.blatnet.com","partners.lakemneadows.com","partners.oldoutnewin.com","partpaotideo.com","partskyline.com","partualso.site","party4you.me","partyearrings.com","partyweddingdress.net","parusie.de","pasarjohar.biz","pascherairjordanchaussuresafr.com","pascherairjordanssoldes.com","pasdus.fr.cr","paseacuba.com","pasenraaghous.xyz","pashter.com","passacredicts.xyz","passas7.com","passava.com","passboxer.com","passionblood.com","passionforbusinessblog.com","passionhd.pro","passionhd18.info","passionwear.us","passive-income.tk","passiveagenda.com","passives-einkommen.ga","passport11.com","passportholder.me","passthecpcexam.com","passtown.com","passued.site","passw0rd.cf","passw0rd.ga","passw0rd.gq","passw0rd.ml","passw0rd.tk","password.colafanta.cf","password.nafko.cf","passwordhacking.net","passwort.schwarzmail.ga","pastcraze.xyz","pastebinn.com","pastebitch.com","pasterlia.site","pastipass.com","pastmao.com","pastortips.com","pastycarse.pl","pasukanganas.tk","patacore.com","patandlornaontwitter.com","patch.6amail.top","patchde.icu","patheticcat.cf","patho.com","pathtoig.com","patmui.com","patonce.com","patorodzina.pl","patriotsjersey-shop.com","patriotsprofanshop.com","patriotsproteamsshop.com","patriotssportshoponline.com","patzwccsmo.pl","pauikolas.tk","paul.1amail.top","paulblogs.com","paulfucksallthebitches.com","paulkippes.com","paulpartington.com","paulsmithgift.com","paulsmithnihonn.com","paulsmithpresent.com","paulwardrip.com","paulzbj.ml","pavilionx2.com","pawfullyfit.com","pawssentials.com","pay-debtor.com","pay-mon.com","pay-pal48996.ml","pay-pal55424.ml","pay-pal63.tk","pay-pal8585.ml","pay-pal8978746.tk","pay-pals.cf","pay-pals.ga","pay-pals.ml","pay-pals54647.cf","pay-pals5467.ml","pay.rentals","pay2pay.com","pay4d.space","paych.com","payday-loans-since-1997.co.uk","paydayadvanceworld.co.uk","paydaycash750.com.co","paydaycic2013.co.uk","paydayinstantly.net","paydayjonny.net","paydaylaons.org","paydayloan.us","paydayloanaffiliate.com","paydayloanmoney.us","paydayloans.com","paydayloans.org","paydayloans.us","paydayloansab123.co.uk","paydayloansangely.co.uk","paydayloansbc123.co.uk","paydayloansonline1min.com","paydayloansonlinebro.com","paydayloansproviders.co.uk","paydayloanyes.biz","paydayoansangely.co.uk","paydaypoll.org","paydayquiduk.co.uk","payforclick.net","payforclick.org","payforpost.net","payforpost.org","payinapp.com","paying-tax.com","paylessclinic.com","paymentmaster.gq","payot.club","paypal.comx.cf","payperex2.com","payspun.com","pazarlamadahisi.com","pb-shelley.cf","pb-shelley.ga","pb-shelley.gq","pb-shelley.ml","pb-shelley.tk","pb5g.com","pbitrading.com","pc-service-in-heidelberg.de","pc1520.com","pc24poselokvoskresenki.ru","pcaccessoriesshops.info","pcapsi.com","pcc.mailboxxx.net","pccareit.com","pccomputergames.info","pcfastkomp.com","pcgameans.ru","pcgamemart.com","pchatz.ga","pcijztufv1s4lqs.cf","pcijztufv1s4lqs.ga","pcijztufv1s4lqs.gq","pcijztufv1s4lqs.ml","pcijztufv1s4lqs.tk","pcixemftp.pl","pcknowhow.de","pclaptopsandnetbooks.info","pcmo.de","pcmylife.com","pcpccompik91.ru","pcrc.de","pcusers.otherinbox.com","pd6badzx7q8y0.cf","pd6badzx7q8y0.ga","pd6badzx7q8y0.gq","pd6badzx7q8y0.ml","pd6badzx7q8y0.tk","pd7a42u46.pl","pdam.com","pdazllto0nc8.cf","pdazllto0nc8.ga","pdazllto0nc8.gq","pdazllto0nc8.ml","pdazllto0nc8.tk","pdcqvirgifc3brkm.cf","pdcqvirgifc3brkm.ga","pdcqvirgifc3brkm.gq","pdcqvirgifc3brkm.ml","pdcqvirgifc3brkm.tk","pddauto.ru","pdf24-ch.org","pdfa.site","pdfa.space","pdfb.site","pdfc.site","pdfd.site","pdfd.space","pdff.site","pdfh.site","pdfi.press","pdfia.site","pdfib.site","pdfie.site","pdfif.site","pdfig.site","pdfih.site","pdfii.site","pdfij.site","pdfik.site","pdfim.site","pdfin.site","pdfio.site","pdfip.site","pdfiq.site","pdfir.site","pdfis.site","pdfit.site","pdfiu.site","pdfiv.site","pdfiw.site","pdfix.site","pdfiy.site","pdfiz.site","pdfj.site","pdfk.site","pdfl.press","pdfl.site","pdfm.site","pdfp.site","pdfpool.com","pdfq.site","pdfr.site","pdfra.site","pdfrb.site","pdfrc.site","pdfrd.site","pdfre.site","pdfrf.site","pdfrg.site","pdfrh.site","pdfri.site","pdfrj.site","pdfrk.site","pdfrl.site","pdfrm.site","pdfrn.site","pdfro.site","pdfrp.site","pdfs.icu","pdfs.press","pdfsa.site","pdfsb.site","pdfsc.site","pdfsd.site","pdfse.site","pdfsg.site","pdfsh.site","pdfsi.site","pdfsj.site","pdfsk.site","pdfsl.site","pdfsm.site","pdfsn.site","pdfso.site","pdfsp.site","pdfsq.site","pdfsr.site","pdfss.site","pdfst.site","pdfsv.site","pdfsw.site","pdfsx.site","pdfsy.site","pdfsz.site","pdft.site","pdfu.site","pdfw.site","pdfy.site","pdfz.icu","pdfz.site","pdfzi.biz","pdjkyczlq.pl","pdmmedical.org","pdold.com","pdtdevelopment.com","pe.hu","pe19et59mqcm39z.cf","pe19et59mqcm39z.ga","pe19et59mqcm39z.gq","pe19et59mqcm39z.ml","pe19et59mqcm39z.tk","peace.mielno.pl","peacebuyeriacta10pills.com","peachcalories.net","peachsleep.com","peakkutsutenpojp.com","peaksneakerjapan.com","peaksun.com","peapz.com","pear.email","pearless.com","pearly-papules.com","pearlypenilepapulesremovalreview.com","peatresources.com","pebih.com","pebkit.ga","pebti.us","pecdo.com","pecinan.com","pecinan.net","pecinan.org","pecintapoker.com","pecmail.gq","pecmail.tk","pectcandtive.gettrials.com","pedalpatchcommunity.org","pedangcompany.com","pedes.spicysallads.com","pedigon.com","pedimed-szczecin.pl","pedpulm.com","peemanlamp.info","peepeepopoda.com","peepto.me","peer10.tk","peevr.com","peewee-sweden.com","pegasse.biz","pegasus.metro.twitpost.info","pegasusaccounting.com","pegellinux.ga","pegoku.com","pegweuwffz.cf","pegweuwffz.ga","pegweuwffz.gq","pegweuwffz.ml","pegweuwffz.tk","peidmont.org","peio.com","pejovideomaker.tk","pekimail.com","pekin.org","pekl.ml","pekoi.com","pekow.org","pekow.us","pekow.xyz","peksmcsx.com","pel.com","pelecandesign.com","peliscloud.com","pelor.ga","pelor.tk","pemail.com","pembola.com","pemess.com","pemwe.com","pen960.ml","penandpaper.site","pencalc.xyz","pencap.info","pencemaran.com","pendivil.site","pendokngana.cf","pendokngana.ga","pendokngana.gq","pendokngana.ml","pendokngana.tk","penemails.com","penest.bid","pengangguran.me","pengelan123.com","penghasilan.online","penguincreationdate.pw","penienet.ru","penimed.at","penis.computer","penisenlargementbiblereview.org","penisenlargementshop.info","penisgoes.in","penisuzvetseni.com","penmangroup.com","pennwoods.net","pennyauctionsonlinereview.com","peno-blok1.ru","penoto.tk","penraker.com","pens4t.pl","pensjonatyprojekty.pl","penspam.com","pentagonltd.co.uk","penuyul.online","penyewaanmobiljakarta.com","peopledrivecompanies.com","peoplehavethepower.cf","peoplehavethepower.ga","peoplehavethepower.gq","peoplehavethepower.ml","peoplehavethepower.tk","peopleloi.club","peopleloi.online","peopleloi.site","peopleloi.website","peopleloi.xyz","peoplepc.fr","peoplepoint.ru","peoplepoliticallyright.com","pepbot.com","peppe.usa.cc","pepperlink.net","pepperload.com","pepsi.coms.hk","pepsisanc.com","peptide-conference.com","peptize29nq.online","pequenosnegocioslucrativos.com","peramatozoa.info","perance.com","perasut.us","peratron.com","perceptium.com","percikanilmu.com","perdoklassniki.net","perdredupoids24.fr","pereezd-deshevo.ru","pereirafitzgerald.com","perelinkovka.ipiurl.net","peresvetov.ru","perevozim78spb.ru","perevozov.com","perfect-teen.com","perfect-u.pw","perfectcreamshop.com","perfectfirstimpressions.com","perfectnetworksbd.com","perfectskinclub.com","perfectu.pw","perfromance.net","pergi.id","perillorollsroyce.com","periperoraro.com","perirh.com","peristical.xyz","peritusauto.pl","perjalanandinas.cf","perjalanandinas.ga","perjalanandinas.gq","perjalanandinas.ml","perjalanandinas.tk","perkdaily.com","perkinsit.com","perkypoll.com","perkypoll.net","perkypoll.org","perl.mil","perm-master.ru","permanentans.ru","permkurort.ru","perpetualsecurities.com","perrybear.com","pers.craigslist.org","persatuanburuh.us","persebaya1981.cf","persebaya1999.cf","pershart.com","persimmongrove.org","person.blatnet.com","person.cowsnbullz.com","person.lakemneadows.com","person.marksypark.com","person.martinandgang.com","personal-email.ml","personal-fitness.tk","personal-health-information.com","personalassistant.live","personalcok.cf","personalcok.ga","personalcok.gq","personalcok.ml","personalcok.tk","personalenvelop.cf","personalinjuryclaimsadvice.com","personalizedussbsales.info","personalmailer.cf","perspectivescs.org","perthusedcars.co.uk","pertinem.ml","peru-nedv.ru","perutmules.buzz","perverl.co.cc","pervova.net","pesachmeals.com","pesico.com","pesnibeez.ru","pesowuwzdyapml.cf","pesowuwzdyapml.ga","pesowuwzdyapml.gq","pesowuwzdyapml.ml","pesowuwzdyapml.tk","pestabet.com","pet-care.com","pete.0amail.top","petebrigham.net","peterdethier.com","petergunter.com","peterhoffmanlaw.com","peterschoice.info","petertijj.com","petervwells.com","petesauto.com","petitlien.fr","petloca.com","petrolgames.com","petromap.com","petronas.cf","petronas.gq","petrzilka.net","petsday.org","petssiac.com","pett41.freshbreadcrumbs.com","peugeot-club.org","peugeot206.cf","peugeot206.ga","peugeot206.gq","peugeot206.ml","pewnealarmy.pl","pexda.co.uk","peyekkolipi.buzz","peykesabz.com","peyzag.ru","pezda.com","pezhub.org","pezmail.biz","pfgvreg.com","pflege-schoene-haut.de","pfmretire.com","pfui.ru","pg59tvomq.pl","pgazhyawd.pl","pgbs.de","pgdln.cf","pgdln.ga","pgdln.gq","pgdln.ml","pgioa4ta46.ga","pgqudxz5tr4a9r.cf","pgqudxz5tr4a9r.ga","pgqudxz5tr4a9r.gq","pgqudxz5tr4a9r.ml","pgqudxz5tr4a9r.tk","pgslotwallets.com","pguar-t.com","phaantm.de","phamay.com","phamtuki.com","phantommail.cf","pharm-france.com","pharma-pillen.in","pharmacy-city.com","pharmacy-generic.org","pharmacy-online.bid","pharmacyshop.top","pharmafactsforum.com","pharmasiana.com","pharmatiq.com","pharmshop-online.com","pharmwalmart.com","pharusa.biz","phatmail.net","phatrukhabaenglish.education","phbikemart.com","phclaim.ml","phd-com.ml","phd-com.tk","phdriw.com","phea.ml","phearak.ml","pheasantridgeestates.com","phecrex.cf","phecrex.ga","phecrex.gq","phecrex.ml","phecrex.tk","phen375-help1.com","phen375.tv","phenomers.xyz","pheolutdi.ga","phh6k4ob9.pl","phickly.site","philadelphiaflyerjerseyshop.com","philatelierevolutionfrancaise.com","philipposflavors.com","philipsmails.pw","phillipsandtemro.com","philosophyquotes.org","phim.best","phim68vn.com","phimg.org","phkp446e.orge.pl","phoe.com","phoenixdate.com","phoenixstyle.com","phonam4u.tk","phone-elkey.ru","phone-top-new-speed.club","phone-zip.com","phoneaccessoriestips.info","phonearea.us","phonecalltracking.info","phonecasesforiphone.com","phonecasesforiphonestore.com","phonestlebuka.com","phongchongvirus.com","phonghoithao.net","phosk.site","photo-impact.eu","photoaim.com","photocircuits.com","photoconception.com","photographer.net","photoimaginganddesign.com","photomark.net","photonmail.com","photonspower.com","phpbb.uu.gl","phpieso.com","phpmail.pro","phqobvrsyh.pl","phrase-we-had-to-coin.com","phrastime.site","phsacca.com","phse.com","phtunneler.com","phtunneler.ml","phtunnelerr.com","phuked.net","phukiend2p.store","phuongblue1507.xyz","phuongpt9.tk","phuongsimonlazy.ga","phus8kajuspa.cu.cc","phymail.info","phymix.de","physiall.site","physicaltherapydegree.info","physicaltherapysalary.info","pi.vu","piaa.me","piabellacasino.com","piaggio.cf","piaggio.ga","piaggio.gq","piaggio.ml","piaggioaero.cf","piaggioaero.ga","piaggioaero.gq","piaggioaero.ml","piaggioaero.tk","piala188.com","pialaeropa180.com","pianomusicinfo.com","pianounlimited.com","pianoxltd.com","piaskowanie24.pl","piba.info","pibwifi.com","picandcomment.com","picanto.pl","picbop.com","picfame.com","pichosti.info","pickadulttoys.com","pickawash.com","pickettproperties.org","pickle.5amail.top","picklez.org","picknameme.fun","pickuplanet.com","pickybuys.com","pickyourmail.info","picous.com","picsedate.com","picsviral.net","picture-movies.com","pictureattic.com","pictureframe1.com","pid.mx","pidcockmarketing.com","pidhoes.com","pidmail.com","pidouno.com","pidox.org","pie.favbat.com","piecza.ml","pieknanaplazylezy.eu","pieknewidokilasem.eu","pieknybiust.com.pl","pient.com","pietergroup.com","pietershop.com","pieu.site","piewish.com","piftir.com","pifv.luk2.com","pig.pp.ua","pigeon-mail.bid","pigeonmail.bid","piggybankcrypto.com","piggywiggy22.info","pigicorn.com","pigmanis.site","pigybankcoin.com","pii.at","pika.pc486.net","pikabu.press","pikagen.cf","pikespeakcardiology.com","piki.si","pikirkumu.cf","pikirkumu.ga","pikirkumu.gq","pikirkumu.ml","pikolanitto.cf","pikos.online","pilazzo.ru","piletaparvaz.com","piletaparvaz.ir","pilios.com","pillen-fun-shop.com","pillole-blu.com","pillole-it.com","pillowfightlosangeles.com","pillsbreast.info","pillsellr.com","pillsshop.info","pillsvigra.info","pilomaterial57.ru","pilosella.club","pilottime.com","pilpres2018.ga","pilpres2018.ml","pilpres2018.tk","pilv.com","pimpedupmyspace.com","pimples.com","pimpmystic.com","pimpstyle.com","pin-fitness.com","pinafh.ml","pinamail.com","pinbahis237.com","pinbookmark.com","pinchevisados.tk","pinchevisauno.cf","pincoffee.com","pinehill-seattle.org","pinemaile.com","pingbloggereidan.com","pingextreme.com","pingir.com","pingxtreme.com","pinkfrosting.com.au","pinkgifts.ru","pinkiezze.com","pinkinbox.org","pinknbo.cf","pinknbo.ga","pinknbo.gq","pinknbo.ml","pinkribbonmail.com","pinksalt.org","pinoy.monster","pinsmigiterdisp.xyz","pintermail.com","pio21.pl","piocvxasd321.info","piogroup.software","pioj.online","piolk.online","pioneer.pro","pioneeri.com","pipaipo.org","pipecutting.com","pipemail.space","pipi.net","pipinbos.host","pipiska6879.ml","pipiska6879.tk","pippop.cf","pippopmig33.cf","pippopmigme.cf","pippuzzo.gq","piquate.com","pirataz.com","piratedgiveaway.ml","pirategy.com","piribet100.com","piromail.com","piry.site","pisakii.pl","pisanie-tekstow.pl","pisceans.co.uk","piscium.minemail.in","piscosf.com","pisdapoolamoe.com","piseliger.xyz","pisls.com","pisqopli.com","pistolcrockett.com","pitamail.info","pitaniezdorovie.ru","piter-nedv.ru","pitkern-nedv.ru","pitonresources.org","pittatech.com","pittpenn.com","pittsborochiro.com","pitvn.ga","piuminimoncler2013italia.com","piuminimoncler2013spaccio.com","piusmbleee49hs.cf","piusmbleee49hs.ga","piusmbleee49hs.gq","piusmbleee49hs.ml","piusmbleee49hs.tk","pivo-bar.ru","pixdoudounemoncler.com","pixego.com","pixelrate.info","pixeltips.xyz","pixieapp.com","pixiegirlshop.com","pizzaface.com","pizzajunk.com","pizzanadiapro.website","pizzanewcas.eu","pj.luk2.com","pj12l3paornl.cf","pj12l3paornl.ga","pj12l3paornl.gq","pj12l3paornl.ml","pj12l3paornl.tk","pjbals.co.pl","pjbpro.com","pji40o094c2abrdx.cf","pji40o094c2abrdx.ga","pji40o094c2abrdx.gq","pji40o094c2abrdx.ml","pji40o094c2abrdx.tk","pjjkp.com","pjmanufacturing.com","pk2s.com","pk4.org","pkcabyr.cf","pkcabyr.ml","pkwccarbnd.pl","pkwreifen.org","pkwt.luk2.com","pkykcqrruw.pl","pl-praca.com","pl85s5iyhxltk.cf","pl85s5iyhxltk.ga","pl85s5iyhxltk.gq","pl85s5iyhxltk.ml","pl85s5iyhxltk.tk","placebod.com","placebomail10.com","placemail.online","placeright.ru","pladprodandartistmgt.com","plainst.site","plancetose.com","planchas-ghd.org","planchasghdy.com","plancul2013.com","planet-travel.club","planetario.online","planetvirtworld.ru","planeze.com","plangeeks.com","plano-mail.net","planowaniewakacji.pl","plant-stand.com","plant.vegas","plant1plant.com","plantcarbs.com","plantfeels.com","planto.net","plants61.instambox.com","plantsvszombies.ru","plasticandclothing.com","plasticwebsites.com","plastikmed.com","plateapanama.com","plates4skates2.info","platini.com","platinum-plus.com","platinum.blatnet.com","platinum.cowsnbullz.com","platinum.emailies.com","platinum.poisedtoshrike.com","platinumalerts.com","platinumr.com","platrax-tg.ga","plavixprime.com","play1x.icu","play555.best","play588.com","playcard-semi.com","playcell.fun","player-midi.info","players501.info","playforfun.ru","playforpc.icu","playfortunaonline.ru","playfunplus.com","playfuny.com","plaync.top","playsbox.ru","playtell.us","playtheopenroad.com","playtoou.com","playwithkol.com","plclip.com","plcschool.org","plcshools.org","pleasanthillapartments.com","pleasegoheretofinish.com","pleasenoham.org","pleb.lol","pleca.com","plecmail.ml","plee.nyc","plesniaks.com.pl","plexfirm.com","plexolan.de","plexvenet.com","plez.org","plfdisai.ml","plfdisai.tk","plgbgus.ga","plgbgus.ml","plhk.ru","plhosting.pl","pliego.dev","pliqya.xyz","plitkagranit.com","ploae.com","plokpgmeo2.com","plollpy.edu","plotterart.com","plotwin.xyz","plrdn.com","plsh.xyz","plt.com.pl","pluggedinsocial.net","plumber-thatcham.co.uk","plumberjerseycity.info","plumberplainfieldnj.info","plumbingpackages.com","plumblandconsulting.co.uk","plumfox.com","plumripe.com","plus-size-promdresses.com","plusgmail.ru","plusiptv.xyz","plusmail.cf","plusonefactory.com","plussizecorsets4sale.com","plussized.xyz","plussmail.com","plutocow.com","plutofox.com","plw.me","plxa.com","plymouthrotarynh.org","plyty-betonowe.com.pl","pmarketst.com","pmcindia.com","pmdlt.win","pmeshki.ru","pmlep.de","pmpmail.org","pmriverside.com","pmsvs.com","pmtmails.com","pndan.com","pnew-purse.com","pnizgotten.com","pnpbiz.com","pnrep.com","pnvp7zmuexbqvv.cf","pnvp7zmuexbqvv.ga","pnvp7zmuexbqvv.gq","pnvp7zmuexbqvv.ml","pnvp7zmuexbqvv.tk","po-telefonu.net","po.bot.nu","po.com","poainec.com","poalmail.ga","pob9.pl","pochatkivkarmane.gq","pochatkivkarmane.ml","pochatkivkarmane.tk","pochta.pw","pochta2.xrumersoft.ru","pochta2018.ru","pochta3.xrumersoft.ru","pochtadom.com","pochtamt.ru","pochtar.men","pochtar.top","pochwilowke.com.pl","pocketslotz.co","poclickcassx.com","pocupki.ru","poczta.bid","poczta.pl","pocztaaonet.pl","pocztex.ovh","poczxneolinka.info","poczxneolinkc.info","podam.pl","podarbuke.ru","podatnik.info","poderosa.com","podgladaczgoogle.pl","podkarczowka.pl","podlogi.net","podmozon.ru","poegal.ru","poehali-otdihat.ru","poers.com","poesie-de-nuit.com","poeticise.ml","poetred.com","poetrysms.in","poetrysms.org","pogotowiepozyczkowe.com.pl","poh.ong","poh.pp.ua","pointcreator.com","pointsom.com","pointssurvey.com","poioijnkjb.cf","poioijnkjb.ml","poiopuoi568.info","poisontech.net","poiuweqw2.info","pojdveri.ru","pojok.ml","pokeett.site","pokegofast.com","pokemail.net","pokemonbattles.science","poker-texas.com.pl","pokerasean.com","pokerbonuswithoutdeposit.com","pokercash.org","pokerduo.com","pokerface11.info","pokeronlinecc.site","pokersdating.info","pokertexas1001.com","pokertexas77.com","pokertexasidn.com","pokesmail.xyz","pokeymoms.org","poki.us","pokiemobile.com","pokjey.com","pokr-str.ru","pokr.com","pokrowcede.pl","poky.ro","polacy-dungannon.tk","polameaangurata.com","poland-nedv.ru","polaniel.xyz","polaris-280.com","polarkingxx.ml","polatalemdar.com","polccat.site","polemarh.ru","polen-ostsee-ferienhaus.de","polezno2012.com","policare.com","policity.ml","poliden.me","polimatsportsp.com","polimi.ml","polina777.ru","polioneis-reborb.com","polishbs.pl","polishmasters.ml","polishusa.com","polishxwyb.com","politicalcowboy.com","politikerclub.de","poliusraas.tk","polkadot.tk","polkaidot.ml","polkarsenal.com","pollgirl.org","polljonny.org","pollrokr.net","pollux.mineweb.in","pollys.me","polobacolono.com","polohommefemmee2.com","polol.com","polopasdcheres.com","polopashcheres.com","polopasqchere7.com","poloralphlaurenjacket.org","poloralphlaurenpascheresfrancefr.com","poloralphlaurenpascherfr1.com","polosburberry.com","polosiekatowice.pl","polostar.me","polpo93w.com","polres-aeknabara.cf","polsekan.club","polskikatalogfirm.pl","poltawa.ru","poly-swarm.com","polyace.ru","polycond.eu","polyfaust.com","polyfaust.net","polyformat.media","polyfox.xyz","polygami.pl","polymnestore.co","polymorph.icu","polyswarms.com","polytrame.com","pomorscyprzedsiebiorcy.pl","pompanette.maroonsea.com","pomyslnaatrakcjedladzieci.pl","pomysloneo.net","pomyslynabiznes.net","ponahakizaki.xyz","ponibo.com","ponibox.com","ponili.cf","ponk.com","ponotaxi.com","ponp.be","pontualcontabilidade.org","poo.email","pooae.com","pooasdod.com","pooev.com","poofy.org","pooj.de","pookmail.com","poolameafrate.com","poolemail.men","poolfared.ml","poolitalia.com","poolkantibit.site","poolph.com","poolseidon.com","pooltoys.com","poolx.site","poopiebutt.club","pop-newpurse.com","pop-s.xyz","pop.com","pop.pozycjonowanie8.pl","pop2011email.co.tv","pop3.xyz","pop3boston.top","pop3email.cz.cc","pop3mail.cz.cc","popa-mopa.ru","popbum.com","popcanadagooseoutlet.com","popconn.party","popcornfarm7.com","popcornfly.com","popecompany.com","popemailwe.com","popeorigin.pw","popesodomy.com","popgx.com","popherveleger.com","popmail.io","popmail3.veinflower.veinflower.xyz","popmaildf.com","popmailserv.org","popmailset.com","popmailset.org","popmile45.com","popofish.com","popolo.waw.pl","poppell.eu","poppellsimsdsaon.eu","poppunk.pl","popso.cf","popso.ga","popso.gq","popso.ml","popso.tk","popsok.cf","popsok.ga","popsok.gq","popsok.ml","popsok.tk","popteen4u.com","popularbagblog.com","popularclub.com","popularedstore.com","popularjackets.info","popularmotorcycle.info","popularswimwear.info","populiser.com","popuptvs.net","popuza.net","porarriba.com","porch-pride-slight-feathers.xyz","porchauhodi.org","porco.cf","porco.ga","porco.gq","porco.ml","pordiosw.com","pordpopogame.com","poreglot.ru","porevoorevo.co.cc","poribikers.tk","porilo.com","porjoton.com","porkinjector.info","porn-movies.club","pornfreefiles.com","pornizletr.com","porno-man.com","porno-prosto.ru","porno-sex-video.net","pornoclipskostenlos.net","pornomors.info","pornopopki.com","pornoseti.com","pornosexe.biz","pornosiske.com","porororebus.top","porsh.net","port-to-port.com","porta.loyalherceghalom.ml","portableblender.club","portablespeaker.club","portablespins.co","portadosfundos.ml","portal-finansowy.com.pl","portal-internetowo-marketingowy.pl","portal-marketingowy.pl","portal-ogloszeniowy-24.pl","portalcutter.com","portalduniajudi.com","portalsehat.com","portalvideo.info","portalweb.icu","portatiles.online","porterbraces.com","portigalconsulting.com","portocalamecanicalor.com","portocalelele.com","portu-nedv.ru","posatlanta.net","posdz.com","posicionamientowebmadrid.com.es","posmotretonline.ru","possystemsguide.com","post-box.in","post-box.xyz","post-mail-server.com","post-shift.ru","post.melkfl.es","post.mydc.in.ua","post0.profimedia.net","post123.site","posta.store","posta2015.ml","postacin.com","postafree.com","postalmail.biz","postbox.cyou","postcardsfromukraine.crowdpress.it","postcm.com","postelectro.com","postemail.net","postermanderson.com","posteronwall.com","postfach2go.de","posthava.ga","posthectomie.info","postheo.de","postim.de","postimel.com","postlee.eu","postnasaldripbadbreath.com","postonline.me","postroimkotedg.ru","postshift.ru","postupstand.com","posurl.ga","posvabotma.x24hr.com","potarveris.xyz","potawaomi.org","potencialexstore.ru","potrawka.eu","pottattemail.xyz","poubelle-automatique.org","pouet.xyz","pourforme.com","pourri.fr","poutineyourface.com","povorotov.ru","pow-pows.com","powdergeek.com","power-leveling-service.com","power.ruimz.com","powerbike.de","powerdast.ru","powered.name","powerencry.com","powerexsys.com","powerlink.com.np","powerml.racing","poweronrepair.com","powerpressed.com","powers-balances.ru","powertoolsarea.com","powertradecopier.com","powerup.katasumber.com","powested.site","powiekszaniepenisaxxl.pl","powlearn.com","pox2.com","poy.e-paws.net","poy.kr","poyrtsrxve.pl","pozitifff.com","pozitiv.ru","pozycja-w-google.com","pozycjanusz.pl","pozycjonowanie-2015.pl","pozycjonowanie-jest-ok.pl","pozycjonowanie-stron-szczecin.top","pozycjonowanie.com","pozycjonowanie.com.pl","pozycjonowanie56.pl","pozycjonowaniekielce.pl","pozycjonowanieopole.net","pozycjonowanietop.pl","pozyczka-chwilowka-opinie.eu","pozyczka-chwilowki.pl","pozyczka-provident.info","pozyczkabezbik24.com.pl","pozyczkabezbikikrd.com","pozyczkasms24.com.pl","pozyczki-dowod.pl","pozyczki48.pl","pozyczkigotowkowewuk.com.pl","pozyczkiinternetowechwilowki.com.pl","pozyczkilokalne.pl","pozyczkiprywatne24.net","pozyczkiwuk.com.pl","pozyczkodawcy.com","pozyczkoserwis.pl","pozyjo.eu","pp.ua","pp7rvv.com","pp916.com","pp98.cf","pp98.ga","pp98.gq","pp98.ml","pp98.tk","ppabldwzsrdfr.cf","ppabldwzsrdfr.ga","ppabldwzsrdfr.gq","ppabldwzsrdfr.ml","ppabldwzsrdfr.tk","ppbanr.com","ppbk.ru","ppbomail.com","ppc-e.com","ppetw.com","ppgu8mqxrmjebc.ga","ppgu8mqxrmjebc.gq","ppgu8mqxrmjebc.ml","ppgu8mqxrmjebc.tk","pple.com","ppme.pro","ppmoazqnoip2s.cf","ppmoazqnoip2s.ga","ppmoazqnoip2s.gq","ppmoazqnoip2s.ml","ppoet.com","ppp998.com","pppppp.com","ppri.com","ppst4.com","pptrvv.com","ppx219.com","ppx225.com","ppymail.win","ppz.pl","pq6fbq3r0bapdaq.cf","pq6fbq3r0bapdaq.ga","pq6fbq3r0bapdaq.gq","pq6fbq3r0bapdaq.ml","pq6fbq3r0bapdaq.tk","pqoia.com","pqoss.com","pqtoxevetjoh6tk.cf","pqtoxevetjoh6tk.ga","pqtoxevetjoh6tk.gq","pqtoxevetjoh6tk.ml","pqtoxevetjoh6tk.tk","pr1ngsil4nmu.ga","pr4y.web.id","pr7979.com","prac6m.xyz","practicalsight.com","practitionergrowthinstitute.com","prada-bags-outlet.org","prada-messenge-bag.us","prada-shoes.info","pradabagsalejp.com","pradabagshopjp.com","pradabagstorejp.com","pradabagstorejp.org","pradabakery.com","pradabuyjp.com","pradahandbagsrjp.com","pradahotonsale.com","pradajapan.com","pradajapan.org","pradajapan.orgpradajapan.orgpradajapan.orgpradajapan.orgpradajapan.orgpradajapan.orgpradajapan.orgpradajapan.orgpradajapan.org","pradanewjp.com","pradanewjp.org","pradanewstyle.com","pradaoutletonline.us","pradaoutletpop.com","pradaoutletshopjp.com","pradaoutletus.us","pradapursejp.com","pradapursejp.org","pragmatic.website","pramolcroonmant.xyz","pranto.me","prasannasafetynets.com","prass.me","pratik-ik.com","pratikmail.com","pratikmail.net","pratikmail.org","pravorobotov.ru","pray.agencja-csk.pl","prayersa3.com","prazdnik-37.ru","prca.site","prcaa.site","prcab.site","prcac.site","prcad.site","prcae.site","prcaf.site","prcag.site","prcah.site","prcai.site","prcaj.site","prcak.site","prcal.site","prcam.site","prcan.site","prcao.site","prcap.site","prcar.site","prcas.site","prcau.site","prcav.site","prcax.site","prcay.site","prcaz.site","prcb.site","prcc.site","prcd.site","prce.site","prcea.site","prceb.site","prcec.site","prcee.site","prcef.site","prceg.site","prceh.site","prcei.site","prcej.site","prcek.site","prcel.site","prcem.site","prcen.site","prceo.site","prcep.site","prceq.site","prcer.site","prces.site","prcf.site","prcg.site","prch.site","prci.site","prcj.site","prck.site","prcl.site","prcn.site","prco.site","prcp.site","prcq.site","prcs.site","prct.site","prcu.site","prcv.site","prcx.site","prcy.site","prcz.site","prebuilding.com","precisionmetalsmiths.com","precisionpestcontrol.com","predatorrat.cf","predatorrat.ga","predatorrat.gq","predatorrat.ml","predatorrat.tk","prediksibola88.com","prednestr-nedv.ru","prednisone-20mg-pills.com","prefood.ru","pregnan.ru","pregnancymiraclereviewnow.org","pregnancymiraclereviews.info","prekab.net","preklady-polstina.cz","prekuldown47mmi.ml","premierpainandwellness.com","premiertrafficservices.com","premium-emailos.com","premium-mail.fr","premium4pets.info","premiumail.ml","premiumcannabis.online","premiumgreencoffeereview.com","premiumlabels.de","premiumperson.website","premiumseoservices.net","premoto.com","preorderdiablo3.com","preownedluxurycars.com","preparee.top","prescription-swimming-goggles.info","presences.me","preseven.com","presidency.com","presidentoto.com","preskot.info","prespa.mochkamieniarz.pl","prespaprespa.e90.biz","presporary.site","pressbypresser.info","pressreleasedispatcher.com","pressuredell.com","prestamospersonales.nom.es","prestamospersonalesfzrz.com","prestig-okno.com","prestigeii.com","prestore.co","pret-a-renover-rona.com","pret-a-renover.com","pretans.com","prethlah907huir.cf","prettyishlady.com","prettyishlady.net","prettylashes.co","prettysoonlips.com","prettyyards.com","preup.xyz","prevary.site","previos.com","prewx.com","prfl-fb4.xyz","price.blatnet.com","price.cowsnbullz.com","price.lakemneadows.com","price.marksypark.com","pricebit.co","priceblog.co","priceio.co","pricenew.co","pricenow.co","priceonline.co","pricep.com","pricepage.co","priceplunges.com","priceworld.co","pricraball.tk","pride.nafko.cf","pridemail.co","priest.com","priligyonlineatonce.com","priligyonlinesure.com","priligyprime.com","primabananen.net","primalburnkenburge.com","primaryale.com","primate.de","prime-gaming.ru","prime-zone.ru","primeblog.us","primecialisonline.com","primelocationlets.co.uk","primerka.co.cc","primonet.pl","primotor.com","prin.be","prince-khan.tk","princeroyal.net","princesscutengagementringsinfo.info","princeton-edu.com","princeton.edu.pl","princetowncable.com","principlez.com","pring.org","pringlang.cf","pringlang.ga","pringlang.gq","pringlang.ml","printemailtext.com","printersni.co.uk","printf.cf","printf.ga","printf.ml","printofart.ru","printphotos.ru","priokfl.gr","priong.com","prioritypaydayloans.com","priorityxn5.com","priscimarabrasil.com","prisessifor.xyz","prismgp.com","prismlasers.tk","priv.beastemail.com","privacy-mail.top","privacy.net","privacyharbour.com","privacymailshh.com","privacys.tech","privatdemail.net","private-investigator-fortlauderdale.com","private.kubuntu.myhomenetwork.info","private33.com","privatebag.ml","privateclosets.com","privatehost.xyz","privateinvest.me","privateinvestigationschool.com","privatemail.in","privatemail1.jasaseo.me","privatemail1.katasumber.com","privatemail1.kategoriblog.com","privatemailinator.nl","privatemitel.cf","privatemitel.ml","privatemusicteacher.com","privatesent.tk","privmag.com","privy-mail.com","privy-mail.de","privyinternet.com","privyinternet.net","privymail.de","privyonline.com","privyonline.net","prixfixeny.com","prlinkjuicer.info","prmail.top","pro-baby-dom.ru","pro-expert.online","pro-files.ru","pro-imports.com","pro-tag.org","pro.cloudns.asia","pro.hellohappy2.com","pro.iskba.com","pro.marksypark.com","pro.poisedtoshrike.com","pro100sp.ru","pro2mail.net","proadech.com","probabilitical.xyz","probaseballfans.net","probbox.com","probenext.com","probizemail.com","probowlvoting.info","probowlvoting2011.info","procarautogroup.com","procowork.com","procrackers.com","prodaza-avto.kiev.ua","prodence.com","prodigy.5amail.top","prodigysolutionsgroup.net","producativel.site","produciden.site","productdealsonline.info","productemails.info","producti-online-pro.com","production4you.ru","productpacking.com","produgy.net","produktu.ru","proeasyweb.com","proefhhnwtw.pl","proemeil.pl","proexpertonline.ru","profast.top","profcsn.eu","profeocn.pl","profeocnn.pl","profesjonalne-pozycjonowanie.com","professional-go.com","professionalgo.live","professionalgo.site","professionalgo.store","professionalgo.website","professionalgo.xyz","professionalseast.com","professionalseoservicesuk.com","professionegommista.com","professionneldumail.com","profi-bot.ru","profihent.ru","profile3786.info","profilelinkservices.com","profilific.com","profimails.pw","profit-kopiarki.com","profit-pozycjonowanie.pl","profit.idea-profit.pl","profitcheetah.com","profitindex.ru","profitxtreme.com","profonmail.com","progem.pl","progetti.rs","progiftstore.org","progigy.net","progonrumarket.ru","progps.rs","programacomoemagrecer.org","programmaperspiarecellulari.info","programmeimmobilier-neuf.org","programmerov.net","programmingant.com","programmiperspiarecellulari.info","programmispiapercellulari.info","programpit2013rok.pl","programtv.edu.pl","progrespolska.net","progressi8ve.com","proigy.net","project-xhabbo.com","projectaus.com","projectbasho.org","projectcl.com","projectcrankwalk.com","projectgold.ru","projectmike.pl","projector-replacement-lamp.info","projectred.ru","projectsam.net","projectsolutionsllc.com","projekty.com","projektysamochodowe.pl","prolagu.pro","prolifepowerup.com","promail.net","promail.site","promail1.net","promail9.net","promaild.com","promaill.com","promails.xyz","promailt.com","promdresses-short.com","promedtur.com","promenadahotel.pl","promkat.info","promo-msk.com","promobetgratis.com","promobetgratis.net","promocjawnecie.pl","promonate.site","promotime.com","promotion-seo.net","promotionalcoder.com","promotzy.com","promptly700.com","promtmt.ru","promyscandlines.pl","prontobet.com","prontonmail.com","proofcamping.com","propcleaners.com","propecia.ru.com","propeciabuyonlinenm.com","propeciaonlinesure.com","propeciaonlinesureone.com","properevod.ru","properties.com","propertyhotspot.co.uk","propertytalking.com","propgenie.com","propoker.vn","propradayo.com","proprice.co","proprietativalcea.ro","propscore.com","prorefit.eu","proscaronlinesure.com","proscarprime.com","prosek.xyz","proseriesm.info","prosfor.com","proshopnflfalcons.com","proshopnflravens.com","proshopsf49ers.com","proslowo.home.pl","prosmail.info","prosolutiongelreview.net","prosolutionpillsreviews.org","prosophys.site","prosperformula.com","prosperre.com","prosquashtour.net","proste-przetargi.pl","prostitutki-s-p-b.ru","prostodin.space","protection-0ffice365.com","protectrep.com","protectthechildsman.com","protectyourhealthandwealth.com","protein-krasnodar.ru","protempmail.com","protestant.com","protestly.com","protestore.co","protestosteronereviews.com","protipsters.net","protivirus.ru","protnonmail.com","proto2mail.com","proton-team.com","protonamail.com","protonemach.waw.pl","protongras.ga","protonic.org","protonmail55.lady-and-lunch.lady-and-lunch.xyz","protrendcolorshop.com","provamail.com","provident-pl.info","providentwniosek.info","providentwnioski.pl","providesoft.software","providier.com","provlst.com","provmail.net","provokedc47.tk","prow.cf","prow.ga","prow.gq","prow.ml","prowerl.com","prowessed.com","prowickbaskk.com","proxiesblog.com","proxivino.com","proxsei.com","proxy.dreamhost.com","proxy1.pro","proxy4gs.com","proxymail.eu","proxyparking.com","prozdeal.com","prplunder.com","prs7.xyz","prsnly.com","prtc.com","prtnews.com","prtnx.com","prtshr.com","prtxw.com","prtz.eu","prudentialltm.com","prumrstef.pl","prurls.com","prwmqbfoxdnlh8p4z.cf","prwmqbfoxdnlh8p4z.ga","prwmqbfoxdnlh8p4z.gq","prwmqbfoxdnlh8p4z.ml","prwmqbfoxdnlh8p4z.tk","prxnzb4zpztlv.cf","prxnzb4zpztlv.ga","prxnzb4zpztlv.gq","prxnzb4zpztlv.ml","prxnzb4zpztlv.tk","pryamieruki.ru","pryeqfqsf.pl","prywatnebiuro.pl","przeciski.ovh","przepis-na-pizze.pl","przeprowadzam.eu","przezsms.waw.pl","przyklad-domeny.pl","ps-nuoriso.com","ps126mat.com","ps160.mpm-motors.cf","ps21cn.com","ps2emulatorforpc.co.cc","ps4info.com","psacake.me","psasey.site","psccodefree.com","pscylelondon.com","psettinge5.com","pseudoname.io","pseyusv.com","psh.me","psicanalisi.org","psiek.com","psikus.pl","psiolog.com","psirens.icu","psk3n.com","psles.com","psnator.com","psncl.com","psncodegeneratorsn.com","psnworld.com","pso2rmt.com","psoriasisfreeforlifediscount.org","psoxs.com","pspinup.com","pspvitagames.info","psw.kg","psy-hd-astro.ru","psyans.ru","psychedelicwarrior.xyz","psychiatragabinet.pl","psycho.com","psychodeli.co.uk","psyhicsydney.com","psyiszkolenie.com","psymedic.ru","psymejsc.pl","pt-games.com","ptc.vuforia.us","ptcassino.com","ptcji.com","ptcks1ribhvupd3ixg.cf","ptcks1ribhvupd3ixg.ga","ptcks1ribhvupd3ixg.gq","ptcks1ribhvupd3ixg.ml","ptcks1ribhvupd3ixg.tk","ptcsites.in","pterodactyl.email","ptgtar7lslnpomx.ga","ptgtar7lslnpomx.ml","ptgtar7lslnpomx.tk","ptgurindam.com","ptimesmail.com","ptjdthlu.pl","ptjp.com","ptkd.com","ptll5r.us","ptmm.com","ptpigeaz0uorsrygsz.cf","ptpigeaz0uorsrygsz.ga","ptpigeaz0uorsrygsz.gq","ptpigeaz0uorsrygsz.ml","ptpigeaz0uorsrygsz.tk","ptpomorze.com.pl","ptsejahtercok.online","pttj.de","puanghli.com","puapickuptricksfanboy.com","puaqbqpru.pl","pub-mail.com","puba.site","puba.space","pubb.site","pubc.site","pubd.site","pube.site","puberties.com","puberties.net","pubf.site","pubfb.com","pubg-pro.xyz","pubgeresnrpxsab.cf","pubgeresnrpxsab.ga","pubgeresnrpxsab.gq","pubgeresnrpxsab.ml","pubgeresnrpxsab.tk","pubgm.website","pubh.site","pubi.site","pubia.site","pubid.site","pubie.site","pubif.site","pubig.site","pubih.site","pubii.site","pubij.site","pubik.site","pubil.site","pubim.site","pubin.site","pubip.site","pubiq.site","pubir.site","pubis.site","pubit.site","pubiu.site","pubiv.site","pubiw.site","pubix.site","pubiy.site","pubiz.site","pubj.site","pubk.site","publa.site","publb.site","publc.site","publd.site","puble.site","publg.site","publh.site","publi.innovatio.es","publicadjusterinfo.com","publichobby.com","publj.site","publl.site","publm.site","publn.site","publo.site","publp.site","publq.site","publr.site","publs.site","publt.site","publu.site","publv.site","publx.site","publz.site","pubm.site","pubmail886.com","pubn.site","puboa.site","pubp.site","pubr.site","pubs.ga","pubt.site","pubv.site","pubw.site","pubwarez.com","pubwifi.myddns.me","pubx.site","puby.site","puchmlt0mt.ga","puchmlt0mt.gq","puchmlt0mt.tk","pucp.de","pud.org","pudel.in","puds5k7lca9zq.cf","puds5k7lca9zq.ga","puds5k7lca9zq.gq","puds5k7lca9zq.ml","puds5k7lca9zq.tk","pudxe.com","puebloareaihn.org","pueblowireless.com","puegauj.pl","puerto-nedv.ru","puglieisi.com","puh4iigs4w.cf","puh4iigs4w.ga","puh4iigs4w.gq","puh4iigs4w.ml","puh4iigs4w.tk","puhuleather.com","puibagajunportbagaj.com","puikusmases.info","pujanpujari.com","puje.com","puji.pro","puk.us.to","pukimay.cf","pukimay.ga","pukimay.gq","pukimay.ml","pukimay.tk","puks.de","pularl.site","pulating.site","pullcombine.com","pullmail.info","pulpa.pl","pulpmail.us","pulsatiletinnitus.com","pulsedlife.com","pulwarm.net","pumail.com","pumamaning.cf","pumamaning.ml","pumapumayes.cf","pumapumayes.ml","pumasale-uk.com","pumashopkutujp.com","pump-ltd.ru","pumps-fashion.com","pumpwearil.com","puncakyuk.com","punchthat.com","punchyandspike.com","punggur.tk","pungkiparamitasari.com","punishly.com","punkass.com","punkexpo.com","punkmail.com","punto24.com.pl","punyabcl.com","puouadtq.pl","puppetmail.de","purcell.email","purecollagenreviews.net","puregreencleaning.com.au","puregreencoffeefacts.com","purelogistics.org","puremuscleproblogs.com","puressancereview.com","purewhitekidneyx.org","purificadorasmex1.com.mx","purinanestle.com","puritronicde.com.mx","puritronicdemexico.com.mx","puritronicmexicano.com.mx","puritronicmexico.com.mx","puritronicmx.com.mx","puritronicmx2.com.mx","puritronicmxococo2.com.mx","puritunic.com","purixmx2000.com","purixmx2012.com","purkz.com","purnomostore.online","purple.dev","purple.flu.cc","purple.igg.biz","purple.nut.cc","purple.usa.cc","purplemail.ga","purplemail.gq","purplemail.ml","purplemail.tk","purplepromo.com","purselongchamp.net","purseorganizer.me","pursesoutletsale.com","pursesoutletstores.info","purseva11ey.co","pursuil.site","purtunic.com","pusatinfokita.com","push.uerly.com","push19.ru","push50.com","pushmojo.com","pussport.com","put2.net","puta.com","putdomainhere.com","putfs6fbkicck.cf","putfs6fbkicck.ga","putfs6fbkicck.gq","putfs6fbkicck.ml","putfs6fbkicck.tk","putlockerfree.info","putlook.com","putrimarino.art","putsbox.com","puttana.cf","puttana.ga","puttana.gq","puttana.ml","puttana.tk","puttanamaiala.tk","putthisinyourspamdatabase.com","puttingpv.com","putzmail.pw","puxa.top","puyenkgel50ccb.ml","pv3xur29.xzzy.info","pvcstreifen-vorhang.de","pvdprohunter.info","pver.com","pvmail.pw","pvtnetflix.com","pw-mail.cf","pw-mail.ga","pw-mail.gq","pw-mail.ml","pw-mail.tk","pw.8.dnsabr.com","pw.epac.to","pw.flu.cc","pw.fm.cloudns.nz","pw.igg.biz","pw.islam.igg.biz","pw.j7.cloudns.cx","pw.loyalherceghalom.ml","pw.mymy.cf","pw.mysafe.ml","pw.nut.cc","pw.r4.dns-cloud.net","pwbs.de","pweoij90.com","pwfwtgoxs.pl","pwjsdgofya4rwc.cf","pwjsdgofya4rwc.ga","pwjsdgofya4rwc.gq","pwjsdgofya4rwc.ml","pwjsdgofya4rwc.tk","pwkosz.pl","pwn9.cf","pwodskdf.com","pwodskdf.net","pwp.lv","pwrby.com","pwt9azutcao7mi6.ga","pwt9azutcao7mi6.ml","pwt9azutcao7mi6.tk","pwvoyhajg.pl","pwy.pl","px0dqqkyiii9g4fwb.cf","px0dqqkyiii9g4fwb.ga","px0dqqkyiii9g4fwb.gq","px0dqqkyiii9g4fwb.ml","px0dqqkyiii9g4fwb.tk","px1.pl","px9ixql4c.pl","pxddcpf59hkr6mwb.cf","pxddcpf59hkr6mwb.ga","pxddcpf59hkr6mwb.gq","pxddcpf59hkr6mwb.ml","pxddcpf59hkr6mwb.tk","pxeneu.xyz","pxjtw.com","pyatigorskhot.info","pyffqzkqe.pl","pygmy.3amail.top","pygmypuff.com","pyhaihyrt.com","pyhtml.com","pyiauje42dysm.cf","pyiauje42dysm.ga","pyiauje42dysm.gq","pyiauje42dysm.ml","pyiauje42dysm.tk","pylehome.com","pylondata.com","pymehosting.es","pypdtrosa.cf","pypdtrosa.ga","pypdtrosa.ml","pypdtrosa.tk","pyrelle.com","pyrokiwi.xyz","pyroleech.com","pyromail.info","pystyportfel.pl","pyxe.com","pzikteam.tk","pzu.bz","pzuilop.de","q-q.me","q.jetos.com","q.new-mgmt.ga","q.polosburberry.com","q.xtc.yt","q0bcg1druy.ga","q0bcg1druy.ml","q0bcg1druy.tk","q0rpqy9lx.xorg.pl","q2b.ru","q2gfiqsi4szzf54xe.cf","q2gfiqsi4szzf54xe.ga","q2gfiqsi4szzf54xe.gq","q2gfiqsi4szzf54xe.ml","q2gfiqsi4szzf54xe.tk","q2lofok6s06n6fqm.cf","q2lofok6s06n6fqm.ga","q2lofok6s06n6fqm.gq","q2lofok6s06n6fqm.ml","q2lofok6s06n6fqm.tk","q314.net","q4heo7ooauboanqh3xm.cf","q4heo7ooauboanqh3xm.ga","q4heo7ooauboanqh3xm.gq","q4heo7ooauboanqh3xm.ml","q4heo7ooauboanqh3xm.tk","q5prxncteag.cf","q5prxncteag.ga","q5prxncteag.gq","q5prxncteag.ml","q5prxncteag.tk","q5vm7pi9.com","q65pk6ii.targi.pl","q6suiq1aob.cf","q6suiq1aob.ga","q6suiq1aob.gq","q6suiq1aob.ml","q6suiq1aob.tk","q7t43q92.com","q7t43q92.com.com","q8cbwendy.com","q8ec97sr791.cf","q8ec97sr791.ga","q8ec97sr791.gq","q8ec97sr791.ml","q8ec97sr791.tk","q8fqrwlxehnu.cf","q8fqrwlxehnu.ga","q8fqrwlxehnu.gq","q8fqrwlxehnu.ml","q8fqrwlxehnu.tk","q8i4v1dvlsg.ga","q8i4v1dvlsg.ml","q8i4v1dvlsg.tk","q8z.ru","qa.team","qaaw.ga","qablackops.com","qacquirep.com","qaetaldkgl64ygdds.gq","qafatwallet.com","qafrem3456ails.com","qaioz.com","qasd2qgznggjrl.cf","qasd2qgznggjrl.ga","qasd2qgznggjrl.ml","qasd2qgznggjrl.tk","qasti.com","qatqxsify.pl","qatw.net","qazmail.ga","qazmail.ml","qazulbaauct.cf","qazulbaauct.ga","qazulbaauct.gq","qazulbaauct.ml","qazulbaauct.tk","qb.hazziz.biz.st","qb04x4.badcreditcreditcheckpaydayloansloansloanskjc.co.uk","qb23c60behoymdve6xf.cf","qb23c60behoymdve6xf.ga","qb23c60behoymdve6xf.gq","qb23c60behoymdve6xf.ml","qb23c60behoymdve6xf.tk","qbaydx2cpv8.cf","qbaydx2cpv8.ga","qbaydx2cpv8.gq","qbaydx2cpv8.ml","qbaydx2cpv8.tk","qbefirst.com","qbex.pl","qbfree.us","qbg32bjdk8.xorg.pl","qbgmvwojc.pl","qbi.kr","qbikgcncshkyspoo.cf","qbikgcncshkyspoo.ga","qbikgcncshkyspoo.gq","qbikgcncshkyspoo.ml","qbikgcncshkyspoo.tk","qbknowsfq.com","qbmail.bid","qbnifofx.shop","qbqbtf4trnycocdg4c.cf","qbqbtf4trnycocdg4c.ga","qbqbtf4trnycocdg4c.gq","qbqbtf4trnycocdg4c.ml","qbsgdf.xyz","qbuog1cbktcy.cf","qbuog1cbktcy.ga","qbuog1cbktcy.gq","qbuog1cbktcy.ml","qbuog1cbktcy.tk","qc.to","qc0lipw1ux.cf","qc0lipw1ux.ga","qc0lipw1ux.ml","qc0lipw1ux.tk","qcmail.qc.to","qcvsziiymzp.edu.pl","qdrwriterx.com","qe41hqboe4qixqlfe.gq","qe41hqboe4qixqlfe.ml","qe41hqboe4qixqlfe.tk","qeabluqwlfk.agro.pl","qeaxluhpit.pl","qecl.com","qedwardr.com","qefmail.com","qege.site","qeispacesq.com","qelawi.xyz","qeotxmwotu.cf","qeotxmwotu.ga","qeotxmwotu.gq","qeotxmwotu.ml","qeotxmwotu.tk","qepn5bbl5.pl","qeps.de","qeqrtc.ovh","qewaz21.eu","qewzaqw.com","qf1tqu1x124p4tlxkq.cf","qf1tqu1x124p4tlxkq.ga","qf1tqu1x124p4tlxkq.gq","qf1tqu1x124p4tlxkq.ml","qf1tqu1x124p4tlxkq.tk","qfavori.com","qfhh3mmirhvhhdi3b.cf","qfhh3mmirhvhhdi3b.ga","qfhh3mmirhvhhdi3b.gq","qfhh3mmirhvhhdi3b.ml","qfhh3mmirhvhhdi3b.tk","qfhometown.com","qfrsxco1mkgl.ga","qfrsxco1mkgl.gq","qfrsxco1mkgl.ml","qg8zn7nj8prrt4z3.cf","qg8zn7nj8prrt4z3.ga","qg8zn7nj8prrt4z3.gq","qg8zn7nj8prrt4z3.ml","qg8zn7nj8prrt4z3.tk","qgae.com","qgfkslkd1ztf.cf","qgfkslkd1ztf.ga","qgfkslkd1ztf.gq","qgfkslkd1ztf.ml","qhexkgvyv.pl","qhhub.com","qhid.com","qhqhidden.com","qhrgzdqthrqocrge922.cf","qhrgzdqthrqocrge922.ga","qhrgzdqthrqocrge922.gq","qhrgzdqthrqocrge922.ml","qhrgzdqthrqocrge922.tk","qhrhtlvek.com","qhsmedicaltraining.com","qhstreetr.com","qhwclmql.pl","qianaseres.com","qiantangylzc.com","qiaua.com","qibl.at","qifnsklfo0w.com","qinenut.site","qinicial.ru","qip-file.tk","qipaomei.com","qipmail.net","qiq.us","qiqmail.ml","qirzgl53rik0t0hheo.cf","qirzgl53rik0t0hheo.ga","qirzgl53rik0t0hheo.gq","qirzgl53rik0t0hheo.ml","qirzgl53rik0t0hheo.tk","qisdo.com","qisoa.com","qiviamd.pl","qiziriq.uz","qj97r73md7v5.com","qjnnbimvvmsk1s.cf","qjnnbimvvmsk1s.ga","qjnnbimvvmsk1s.gq","qjnnbimvvmsk1s.ml","qjnnbimvvmsk1s.tk","qjuhpjsrv.pl","qkbzptliqpdgeg.cf","qkbzptliqpdgeg.ga","qkbzptliqpdgeg.gq","qkbzptliqpdgeg.ml","qkbzptliqpdgeg.tk","qkerbl.com","qkffkd.com","qkrthasid.com","qkw4ck7cs1hktfba.cf","qkw4ck7cs1hktfba.ga","qkw4ck7cs1hktfba.gq","qkw4ck7cs1hktfba.ml","qkw4ck7cs1hktfba.tk","ql2qs7dem.pl","ql9yzen3h.pl","qlearer.com","qlenw.com","qlevjh.com","qlhnu526.com","qlijgyvtf.pl","qlovey.buzz","qluiwa5wuctfmsjpju.cf","qluiwa5wuctfmsjpju.ga","qluiwa5wuctfmsjpju.gq","qluiwa5wuctfmsjpju.ml","qm1717.com","qmail.com","qmail2.net","qmailers.com","qmails.loan","qmails.online","qmails.pw","qmails.services","qmails.website","qmails.world","qmails.xyz","qmailshop.com","qmailtgs.com","qmailv.com","qmoil.com","qmperehpsthiu9j91c.ga","qmperehpsthiu9j91c.ml","qmperehpsthiu9j91c.tk","qmqmqmzx.com","qmrbe.com","qmtvchannel.co.uk","qmwparouoeq0sc.cf","qmwparouoeq0sc.ga","qmwparouoeq0sc.gq","qmwparouoeq0sc.ml","qmwparouoeq0sc.tk","qn5egoikcwoxfif2g.cf","qn5egoikcwoxfif2g.ga","qn5egoikcwoxfif2g.gq","qn5egoikcwoxfif2g.ml","qn5egoikcwoxfif2g.tk","qnb.io","qnkznwsrwu3.cf","qnkznwsrwu3.ga","qnkznwsrwu3.gq","qnkznwsrwu3.ml","qnkznwsrwu3.tk","qnmails.com","qnuqgrfujukl2e8kh3o.cf","qnuqgrfujukl2e8kh3o.ga","qnuqgrfujukl2e8kh3o.gq","qnuqgrfujukl2e8kh3o.ml","qnuqgrfujukl2e8kh3o.tk","qnxo.com","qnzkugh2dhiq.cf","qnzkugh2dhiq.ga","qnzkugh2dhiq.gq","qnzkugh2dhiq.ml","qnzkugh2dhiq.tk","qobz.com","qocya.com","qofocused.com","qoika.com","qoiolo.com","qonfident.com","qonmprtxz.pl","qoo-10.id","qopmail.com","qopow.com","qopxlox.com","qorikan.com","qortu.com","qp-tube.ru","qpalong.com","qpaud9wq.com","qpfoejkf2.com","qpi8iqrh8wtfpee3p.ga","qpi8iqrh8wtfpee3p.ml","qpi8iqrh8wtfpee3p.tk","qpptplypblyp052.cf","qpulsa.com","qq.my","qq152.com","qq163.com","qq164.com","qq234.com","qq323.com","qq568.top","qq8hc1f9g.pl","qqaa.com","qqaa.zza.biz","qqhokipoker.org","qqhow.com","qqipgthtrlm.cf","qqipgthtrlm.ga","qqipgthtrlm.gq","qqipgthtrlm.ml","qqipgthtrlm.tk","qqkini.asia","qqmimpi.com","qqowl.club","qqq.xyz","qqqo.com","qqqwwwil.men","qqspot.com","qqwtrnsqdhb.edu.pl","qqzymail.win","qrav.com","qrd6gzhb48.xorg.pl","qreciclas.com","qropspensionadvice.com","qropspensiontransfers.com","qrudh.win","qrvdkrfpu.pl","qs.dp76.com","qs1986.com","qs2k.com","qsdqsdqd.com","qsdt.com","qsl.ro","qt1.ddns.net","qtc.org","qtfxtbxudvfvx04.cf","qtfxtbxudvfvx04.ga","qtfxtbxudvfvx04.gq","qtfxtbxudvfvx04.ml","qtfxtbxudvfvx04.tk","qtlhkpfx3bgdxan.cf","qtlhkpfx3bgdxan.ga","qtlhkpfx3bgdxan.gq","qtlhkpfx3bgdxan.ml","qtlhkpfx3bgdxan.tk","qtmail.net","qtmail.org","qtmtxzl.pl","qtmx.space","qtooth.org","qtpxsvwifkc.cf","qtpxsvwifkc.ga","qtpxsvwifkc.gq","qtpxsvwifkc.ml","qtpxsvwifkc.tk","qtum-ico.com","qtxm.us","quadrafit.com","quaestore.co","qualifyamerica.com","qualityimpres.com","qualityservice.com","qualtric.com","quanaothethao.com","quandahui.com","quangcaoso1.net","quangcaouidfb.club","quanthax.com","quanticmedia.co","quantobasta.ru","quantsoftware.com","quantumofhappiness.com","quarida.com","quarl.xyz","qubecorp.tk","quebec.alpha.webmailious.top","quebec.victor.webmailious.top","quebecdelta.101livemail.top","quebecgolf.livemailbox.top","quebecorworld.com","quebecstart.com","quebecupsilon.thefreemail.top","queeejkdfg7790.cf","queeejkdfg7790.ga","queeejkdfg7790.gq","queeejkdfg7790.ml","queeejkdfg7790.tk","queen.com","queen408.ga","queensbags.com","queensmassage.co.uk","quequeremos.com","quertzs.com","querydirect.com","questore.co","questza.com","queuem.com","qui-mail.com","qui2-mail.com","quiba.pl","quichebedext.freetcp.com","quick-emails.com","quick-mail.cc","quick-mail.club","quick-mail.info","quick-mail.online","quickbookstampa.com","quickcash.us","quickemail.info","quickemail.top","quickerpitch.com","quickestloans.co.uk","quickinbox.com","quicklined.xyz","quickloans.com","quickloans.us","quickloans560.co.uk","quicklymail.info","quickmail.best","quickmail.in","quickmail.nl","quickmail.rocks","quickmailgroup.com","quickpaydayloansuk34.co.uk","quickreport.it","quickresponsecanada.info","quicksend.ch","quicktv.xyz","quid4pro.com","quiline.com","quimbanda.com","quintalaescondida.com","quintania.top","quirkynyc.com","quitsmokinghelpfulguide.net","quitsmokingmanyguides.net","quizitaly.com","quizr.org","quodro.com","quossum.com","quote.ruimz.com","quotesre.com","ququb.com","qurist.com","quuradminb.com","quxppnmrn.pl","quyendo.com","qv.com","qvap.ru","qvaq.ru","qvarqip.ru","qvestmail.com","qvharrisu.com","qvwthrows.com","qvy.me","qw.luk2.com","qwarmingu.com","qwbqwcx.com","qwe.com","qwe.wmmail1.veinflower.xyz","qweasdzxcva.com","qweazcc.com","qweewqrtr.info","qwefaswee.com","qwefewtata.com","qwekssxt6624.cf","qwekssxt6624.ga","qwekssxt6624.gq","qwekssxt6624.ml","qwekssxt6624.tk","qwer123.com","qwereed.eu","qwerqwerty.ga","qwerqwerty.ml","qwerqwerty.tk","qwertaz.com","qwertymail.cf","qwertymail.ga","qwertymail.gq","qwertymail.ml","qwertymail.tk","qwertyuiop.tk","qwertywar.com","qwerytr978.info","qwexaqwe.com","qwezxsa.co.uk","qwfox.com","qwickmail.com","qwkcmail.com","qwkcmail.net","qwqrwsf.date","qwrezasw.com","qwrfssdweq.com","qwsa.ga","qwtof1c6gewti.cf","qwtof1c6gewti.ga","qwtof1c6gewti.gq","qwtof1c6gewti.ml","qwtof1c6gewti.tk","qwvasvxc.com","qwvsacxc.com","qx95.com","qx98.com","qxlvqptiudxbp5.cf","qxlvqptiudxbp5.ga","qxlvqptiudxbp5.gq","qxlvqptiudxbp5.ml","qxlvqptiudxbp5.tk","qxpaperk.com","qysyny.site","qyx.pl","qzbdlapps.shop.pl","qzd.luk2.com","qzdnetf.com","qzdynxhzj71khns.cf","qzdynxhzj71khns.gq","qzdynxhzj71khns.ml","qzdynxhzj71khns.tk","qzick.com","qztc.edu","qzvbxqe5dx.cf","qzvbxqe5dx.ga","qzvbxqe5dx.gq","qzvbxqe5dx.ml","qzvbxqe5dx.tk","r-mail.cf","r-mail.ga","r-mail.gq","r-mail.ml","r.polosburberry.com","r.yasser.ru","r0.igg.biz","r0ywhqmv359i9cawktw.cf","r0ywhqmv359i9cawktw.ga","r0ywhqmv359i9cawktw.gq","r0ywhqmv359i9cawktw.ml","r0ywhqmv359i9cawktw.tk","r115pwhzofguwog.cf","r115pwhzofguwog.ga","r115pwhzofguwog.gq","r115pwhzofguwog.ml","r115pwhzofguwog.tk","r18udogyl.pl","r1qaihnn9wb.cf","r1qaihnn9wb.ga","r1qaihnn9wb.gq","r1qaihnn9wb.ml","r1qaihnn9wb.tk","r2cakes.com","r2vw8nlia9goqce.cf","r2vw8nlia9goqce.ga","r2vw8nlia9goqce.gq","r2vw8nlia9goqce.ml","r2vw8nlia9goqce.tk","r2vxkpb2nrw.cf","r2vxkpb2nrw.ga","r2vxkpb2nrw.gq","r2vxkpb2nrw.ml","r2vxkpb2nrw.tk","r3-r4.tk","r31s4fo.com","r3h.com","r3hyegd84yhf.cf","r3hyegd84yhf.ga","r3hyegd84yhf.gq","r3hyegd84yhf.ml","r3hyegd84yhf.tk","r4-3ds.ca","r4.dns-cloud.net","r4carta.eu","r4carte3ds.com","r4carte3ds.fr","r4ds-ds.com","r4ds.com","r4dscarte.fr","r4gmw5fk5udod2q.cf","r4gmw5fk5udod2q.ga","r4gmw5fk5udod2q.gq","r4gmw5fk5udod2q.ml","r4gmw5fk5udod2q.tk","r4ifr.com","r4nd0m.de","r4ntwsd0fe58xtdp.cf","r4ntwsd0fe58xtdp.ga","r4ntwsd0fe58xtdp.gq","r4ntwsd0fe58xtdp.ml","r4ntwsd0fe58xtdp.tk","r4unxengsekp.cf","r4unxengsekp.ga","r4unxengsekp.gq","r4unxengsekp.ml","r4unxengsekp.tk","r56r564b.cf","r56r564b.ga","r56r564b.gq","r56r564b.ml","r56r564b.tk","r57u.co.cc","r5p.xyz","r6cnjv0uxgdc05lehvs.cf","r6cnjv0uxgdc05lehvs.ga","r6cnjv0uxgdc05lehvs.gq","r6cnjv0uxgdc05lehvs.ml","r6cnjv0uxgdc05lehvs.tk","r6q9vpi.shop.pl","r7m8z7.pl","r8lirhrgxggthhh.cf","r8lirhrgxggthhh.ga","r8lirhrgxggthhh.ml","r8lirhrgxggthhh.tk","r8r4p0cb.com","r9jebqouashturp.cf","r9jebqouashturp.ga","r9jebqouashturp.gq","r9jebqouashturp.ml","r9jebqouashturp.tk","r9ycfn3nou.cf","r9ycfn3nou.ga","r9ycfn3nou.gq","r9ycfn3nou.ml","r9ycfn3nou.tk","ra3.us","raanank.com","raaninio.ml","rabaz.org","rabbit10.tk","rabidsammich.com","rabihtech.xyz","rabin.ca","rabiot.reisen","rabotnikibest.ru","rabuberkah.cf","racarie.com","race-karts.com","rachelleighny.com","rachelmaryam.art","rachelsreelreviews.com","rackabzar.com","racquetballnut.com","radade.com","radardetectorhunt.com","radarfind.com","radarmail.lavaweb.in","radarscout.com","radbandz.com","radecoratingltd.com","radiantliving.org","radiku.ye.vc","radio-crazy.pl","radiobruaysis.com","radiodale.com","radiodirectory.ru","radiologyhelp.info","radiologymadeeasy.com","radiosiriushduser.info","raditya.club","radius.in","radiven.com","radugateplo.ru","radules.site","rady24.waw.pl","rael.cc","raetp9.com","raf-store.com","rafael.1amail.top","rafalrudnik.pl","raffles.gg","rafmail.cf","rafmix.site","rafrem3456ails.com","rag-tube.com","ragel.me","ragitone.com","ragzwtna4ozrbf.cf","ragzwtna4ozrbf.ga","ragzwtna4ozrbf.gq","ragzwtna4ozrbf.ml","ragzwtna4ozrbf.tk","raiasu.cf","raiasu.ga","raiasu.gq","raiasu.ml","raiasu.tk","raihnkhalid.codes","raikas77.eu","rail-news.info","railcash.com","railroad-gifts.com","raimu.cf","raimucok.cf","raimucok.ga","raimucok.gq","raimucok.ml","raimuwedos.cf","raimuwedos.ga","raimuwedos.gq","raimuwedos.ml","rain.laohost.net","rainbowchildrensacademy.com","rainbowflowersaz.com","rainbowforgottenscorpion.info","rainbowgelati.com","rainbowly.ml","rainbowstore.fun","rainbowstored.ml","raindaydress.com","raindaydress.net","rainharvester.com","rainmail.biz","rainmail.top","rainmail.win","rainsofttx.com","rainstormes.com","rainwaterstudios.org","raiplay.cf","raiplay.ga","raiplay.gq","raiplay.ml","raiplay.tk","raisero.com","raisersharpe.com","raisethought.com","raitbox.com","raiway.cf","raiway.ga","raiway.gq","raiway.ml","raiway.tk","raj-stopki.pl","raja69toto.com","rajabioskop.com","rajapoker99.site","rajapoker99.xyz","rajarajut.co","rajasoal.online","rajawaliindo.co.id","rajdnocny.pl","rajemail.tk","rajeshcon.cf","rajetempmail.com","rajshreetrading.com","raketenmann.de","rakhasimpanan01.ml","rakietyssniezne.pl","rakinvymart.com","rakippro8.com","ralala.com","raleighshoebuddy.com","ralph-laurensoldes.com","ralphlauren51.com","ralphlaurenfemme3.com","ralphlaurenoutletzt.co.uk","ralphlaurenpascherfr1.com","ralphlaurenpaschersfrance.com","ralphlaurenpolo5.com","ralphlaurenpolozt.co.uk","ralphlaurenshirtszt.co.uk","ralphlaurensoldes1.com","ralphlaurensoldes2.com","ralphlaurensoldes3.com","ralphlaurensoldes4.com","ralphlaurenteejp.com","ralphlaurenukzt.co.uk","ralree.com","ralutnabhod.xyz","ramadanokas.xyz","ramaninio.cf","rambakcor44bwd.ga","ramblermail.com","ramcen.com","ramenjoauuy.com","ramgoformacion.com","ramireschat.com","ramjane.mooo.com","rampas.ml","rampasboya.ml","rampmail.com","ramseymail.men","ramsmail.com","ramswares.com","ranas.ml","rancidhome.net","rancility.site","rand1.info","randkiuk.com","rando-nature.com","randomail.io","randomail.net","randomfever.com","randomniydomen897.ga","randomniydomen897.tk","randomplanet.com","randomseantheblogger.xyz","randomusnet.com","randykalbach.info","rangerjerseysproshop.com","rangkutimail.me","rankingweightgaintablets.info","rankmagix.net","ranky.com","ranmoi.net","rao-network.com","rao.kr","rap-master.ru","rapa.ga","rapally.site","rape.lol","rapenakyodilakoni.cf","rapid-guaranteed-payday-loans.co.uk","rapidbeos.net","rapidcontentwizardofficial.com","rapidmail.com","rapik.online","raposoyasociados.com","rapt.be","rapzip.com","raqid.com","rarame.club","rarepersona.com","rarerpo.website","rarsato.xyz","rascal.3amail.top","rascvetit.ru","rasczsa.com","rasczsa2a.com","rasczsa2a3.com","rasczsa2a34.com","rasczsa2a345.com","rash-pro.com","raskhin54swert.ml","rasnick.dynamailbox.com","raspa96.plasticvouchercards.com","raspberrypi123.ddns.net","rastarco.com","rastenivod.ru","rastrofiel.com","ratcher5648.gq","ratcher5648.ml","rateliso.com","ratemycollection.com","ratesforrefinance.net","ratesiteonline.com","rating-slimming.info","ratingslimmingpills.info","rationare.site","ratnariantiarno.art","ratsukellari.info","ratsup.com","ratswap.com","ratta.cf","ratta.ga","ratta.gq","ratta.ml","ratta.tk","rattlearray.com","rattlecore.com","rauheo.com","raurua.com","rauxa.seny.cat","rav-4.cf","rav-4.ga","rav-4.gq","rav-4.ml","rav-4.tk","rav4.tk","ravensproteamsshop.com","ravenssportshoponline.com","ravenssuperbowlonline.com","ravensuperbowlshop.com","raverbaby.co.uk","ravipatel.tk","ravnica.org","rawhidefc.org","rawizywax.com","rawmails.com","rawrr.ga","rawrr.tk","rawscored.com","rawscores.net","rawscoring.com","rax.la","raxtest.com","raybanpascher2013.com","raybanspascherfr.com","raybanssunglasses.info","raybansunglassesdiscount.us","raybansunglassessalev.net","raybansunglasseswayfarer.us","raylee.ga","raymondjames.co","rayofshadow.xyz","rayong.mobi","razemail.com","razernv.com","razin.me","razinrocks.me","razorbackfans.net","razumkoff.ru","razzam.store","rbb.org","rbeiter.com","rbfxecclw.pl","rbitz.net","rbiwc.com","rbjkoko.com","rblx.site","rbmail.co.uk","rbnv.org","rbo88.xyz","rbpc6x9gprl.cf","rbpc6x9gprl.ga","rbpc6x9gprl.gq","rbpc6x9gprl.ml","rbpc6x9gprl.tk","rbscoutts.com","rbteratuk.co.uk","rc6bcdak6.pl","rcasd.com","rcbdeposits.com","rcedu.team","rchd.de","rcinvn408nrpwax3iyu.cf","rcinvn408nrpwax3iyu.ga","rcinvn408nrpwax3iyu.gq","rcinvn408nrpwax3iyu.ml","rcinvn408nrpwax3iyu.tk","rcm-coach.net","rcmails.com","rcpt.at","rcs.gaggle.net","rcs7.xyz","rcvideo.com","rdahb3lrpjquq.cf","rdahb3lrpjquq.ga","rdahb3lrpjquq.gq","rdahb3lrpjquq.ml","rdahb3lrpjquq.tk","rdiffmail.com","rdklcrv.xyz","rdlocksmith.com","rdresolucoes.com","rdrt.ml","rdset.com","rdvx.tv","rdycuy.buzz","rdyn171d60tswq0hs8.cf","rdyn171d60tswq0hs8.ga","rdyn171d60tswq0hs8.gq","rdyn171d60tswq0hs8.ml","rdyn171d60tswq0hs8.tk","re-gister.com","reacc.me","reachbeyondtoday.com","reachout.pw","reactbooks.com","reada.site","readb.site","readc.press","readc.site","readcricketclub.co.uk","readd.site","readf.site","readg.site","readh.site","readi.site","readissue.com","readk.site","readm.site","readn.site","readoa.site","readob.site","readoc.site","readod.site","readoe.site","readof.site","readog.site","readp.site","readq.site","readr.site","reads.press","readsa.site","readsb.site","readsc.site","readse.site","readsf.site","readsg.site","readsh.site","readsi.site","readsk.site","readsl.site","readsm.site","readsn.site","readsp.site","readsq.site","readss.site","readst.site","readsu.site","readsv.site","readsw.site","readsx.site","readsy.site","readsz.site","readt.site","readtoyou.info","readu.site","readv.site","readx.site","readya.site","readyb.site","readyc.site","readycoast.xyz","readyd.site","readye.site","readyf.site","readyforyou.cf","readyforyou.ga","readyforyou.gq","readyforyou.ml","readyg.site","readyh.site","readyi.site","readyj.site","readyl.site","readym.site","readyn.site","readyo.site","readyp.site","readyq.site","readyr.site","readys.site","readysetgaps.com","readyt.site","readyturtle.com","readyu.site","readyv.site","readyw.site","readyx.site","readyy.site","readyz.site","readz.site","reaic.com","real2realmiami.info","realacnetreatments.com","realantispam.com","realchristine.com","realedoewblog.com","realedoewcenter.com","realedoewnow.com","realestatearticles.us","realestatedating.info","realestateinfosource.com","realestateseopro.com","realhairlossmedicine.com","realhairlossmedicinecenter.com","realhoweremedydesign.com","realhoweremedyshop.com","realieee.com","realit.co.in","reality-concept.club","realjordansforsale.xyz","really.istrash.com","reallyfast.info","reallymymail.com","realpharmacytechnician.com","realprol.online","realprol.website","realproseremedy24.com","realquickemail.com","realremedyblog.com","realsoul.in","realtreff24.de","realtyalerts.ca","realwebcontent.info","reamtv.com","reanult.com","reatreast.site","rebag.cf","rebag.ga","rebag.gq","rebag.ml","rebag.tk","rebatedates.com","rebates.stream","rebeca.kelsey.ezbunko.top","rebeccamelissa.miami-mail.top","rebeccasfriends.info","rebeccavena.com","rebekamail.com","rebelrodeoteam.us","rebhornyocool.com","recargaaextintores.com","recdubmmp.org.ua","receiveee.chickenkiller.com","receiveee.com","recembrily.site","receptiki.woa.org.ua","rechnicolor.site","rechtsbox.com","reciaz.com","reciclaje.xyz","recipeforfailure.com","recklesstech.club","recode.me","recognised.win","recollaitavonforlady.ru","recommendedstampedconcreteinma.com","reconced.site","reconditionari-turbosuflante.com","reconmail.com","recordar.site","recordboo.org.ua","recordstimes.org.ua","recoverwater.com","recoveryhealth.club","recrea.info","recreationfourcorners.site","recruitaware.com","recruitengineers.com","rectalcancer.ru","recupemail.info","recurrenta.com","recursor.net","recursor.org","recyclemail.dk","red-mail.info","red-mail.top","red-paddle.ru","red-tron.com","red.rosso.ml","redacciones.net","redaksikabar.com","redanumchurch.org","redarrow.uni.me","redbottomheels4cheap.com","redbottomshoesdiscounted.com","redbottomsshoesroom.com","redbottomsstores.com","redcarpet-agency.ru","redchan.it","reddcoin2.com","reddit.usa.cc","reddithub.com","rededimensions.tk","redefinedcloud.com","redeo.net","redexecutive.com","redf.site","redfeathercrow.com","redfoxbet68.com","redfoxbet74.com","redfoxbet87.com","redgil.com","redgogork.com","redhattrend.com","redhawkscans.com","redheadnn.com","rediffmail.net","redinggtonlaz.xyz","redirect.plus","redirectr.xyz","rediska.site","redlineautosport.com","redmail.tech","redmn.com","redondobeachwomansclub.org","redovisningsbyra.nu","redpeanut.com","redpen.trade","redrabbit1.cf","redrabbit1.tk","redragon.xyz","redring.org","redrivervalleyacademy.com","redrobins.com","redrockdigital.net","redsuninternational.com","redtube-video.info","reduxe.jino.ru","redviet.com","redwinegoblet.info","redwinelady.com","redwinelady.net","redwoodscientific.co","reebnz.com","reedbusiness.nl","reeducaremagrece.com","ref-fuel.com","refaa.site","refab.site","refac.site","refad.site","refae.site","refaf.site","refag.site","refaj.site","refak.site","refal.site","refam.site","refao.site","refap.site","refaq.site","refar.site","refas.site","refau.site","refav.site","refaw.site","refb.site","refbux.com","refea.site","refec.site","refed.site","refee.site","refeele.live","refeh.site","refei.site","refej.site","refek.site","refem.site","refeo.site","refep.site","refeq.site","refer.methode-casino.com","referado.com","referalu.ru","refertific.xyz","refes.site","refet.site","refeu.site","refev.site","refew.site","refex.site","refey.site","refez.site","refina.tk","refittrainingcentermiami.com","refk.site","refk.space","refl.site","reflexgolf.com","reflexologymarket.com","refm.site","refo.site","refp.site","refr.site","refsb.site","refsc.site","refse.site","refsh.site","refsi.site","refsj.site","refsk.site","refsm.site","refsn.site","refso.site","refsp.site","refsq.site","refsr.site","refss.site","refst.site","refstar.com","refsu.site","refsv.site","refsw.site","refsx.site","refsy.site","reftoken.net","refurhost.com","refv.site","refw.site","refy.site","refz.site","reg.xmlhgyjx.com","reg19.ml","regadub.ru","regaloregamicudz.org","regalos.store","regalsz.com","regarganteng.store","regbypass.com","regbypass.comsafe-mail.net","regcloneone.xyz","regclonethree.xyz","regclonetwo.xyz","regencyop.com","reggaestarz.com","reginaldchan.net","reginekarlsen.me","regional.delivery","regionteks.ru","regiopage-deutschland.de","regiopost.top","regiopost.trade","registand.site","registered.cf","regmail.kategoriblog.com","regmailproject.info","regpp7arln7bhpwq1.cf","regpp7arln7bhpwq1.ga","regpp7arln7bhpwq1.gq","regpp7arln7bhpwq1.ml","regpp7arln7bhpwq1.tk","regreg.com","regspaces.tk","regularlydress.net","rehtdita.com","reiep.com","reignict.com","reilly.erin.paris-gmail.top","reillycars.info","reimondo.com","reinshaw.com","rejectmail.com","rejo.technology","rejuvenexreviews.com","reklama.com","reklambladerbjudande.se","reklambladerbjudanden.se","reklamilanlar005.xyz","reklamowaagencjawarszawa.pl","reklamtr81.website","reksareksy78oy.ml","rekt.ml","rekthosting.ml","relaterial.xyz","relathetic.parts","relationship-cure.com","relationshiphotline.com","relationshiping.ru","relativegifts.com","relax.ruimz.com","relaxabroad.ru","relaxall.ru","relaxcafes.ru","relaxgamesan.ru","relaxplaces.ru","relaxrussia.ru","relaxself.ru","relaxyplace.ru","relay-bossku3.com","relay-bossku4.com","releasingle.xyz","reliable-mail.com","reliablecarrier.com","reliableproxies.com","relianceretail.tech","reliefmail.com","reliefsmokedeter.com","reliefteam.com","religionguru.ru","religioussearch.com","relleano.com","relliklondon.com","relmarket.com","relmosophy.site","relopment.site","relrb.com","relscience.us","relumyx.com","relxv.com","remail.cf","remail.ga","remail7.com","remailed.ws","remailer.tk","remainmail.top","remarkable.rocks","remaster.su","remaxofnanaimopropertymanagement.com","rembaongoc.com","remehan.ga","remehan.ml","remight.site","remingtonaustin.com","remium4pets.info","remodelingcontractorassociation.com","remonciarz-malarz.pl","remont-92.ru","remont-dvigateley-inomarok.ru","remonty-firma.pl","remonty-malarz.pl","remontyartur.pl","remontyfirma.pl","remontymalarz.pl","remontynestor.pl","remote.li","remotepcrepair.com","removingmoldtop.com","remprojects.com","remsd.ru","remyqneen.com","remythompsonphotography.com","renaltechnologies.com","renatabitha.art","renate-date.de","renault-sa.cf","renault-sa.ga","renault-sa.gq","renault-sa.ml","renault-sa.tk","renaulttmail.pw","renaulttrucks.cf","renaulttrucks.ga","renaulttrucks.gq","renaulttrucks.ml","renaulttrucks.tk","rendrone.fun","rendrone.online","rendrone.xyz","rendymail.com","renegade-hair-studio.com","rengginangred95btw.cf","rengo.tk","renliner.cf","renotravels.com","renouweb.fr","renovasibangun-rumah.com","renovateur.com","renovation-manhattan.com","renraku.in","rent2.xyz","rentacarpool.com","rentaharleybike.com","rentalmobiljakarta.com","rentandwell.club","rentandwell.online","rentandwell.site","rentandwell.xyz","rentasig.com","rentautomoto.com","rentierklub.pl","rentk.com","rentokil.intial.com","rentonmotorcycles.com","rentonom.net","rentowner.website","rentowner.xyz","rentshot.pl","rentz.club","rentz.fun","rentz.website","renx.de","reollink.com","reorganize953mr.online","repaemail.bz.cm","repairnature.com","reparacionbatres.com","repatecus.pl","repdom.info","repeatxdu.com","repex.es","repk.site","replanding.site","replicalouisvuittonukoutlets.com","replicasunglassesonline.org","replicasunglasseswholesaler.com","replicawatchesusa.net","repolusi.com","repomega4u.co.uk","reportes.ml","reports-here.com","reprecentury.xyz","reprint-rights-marketing.com","reproductivestrategies.com","repshop.net","reptech.org","reptilegenetics.com","reptilemusic.com","republiktycoon.com","republizar.site","reqaxv.com","reqdocs.com","requanague.site","requestmeds.com","rerajut.com","rertimail.org","rerttymail.com","rerunway.com","res.craigslist.org","rescuewildlife.com","researchaeology.xyz","researchobservatories.org.uk","resellermurah.me","resepbersama.art","resepbersamakita.art","resepindonesia.site","resepku.site","reservationforum.com","reservelp.de","reservely.ir","reservematch.ir","reservepart.ir","reset123.com","resetsecure.org","resfe.com","resgedvgfed.tk","residencecure.com","residencemedicine.com","residencerewards.com","residencialgenova.com","resifi.com","resilientrepulsive.site","resindia.com","resistore.co","resmail24.com","resnitsy.com","resolution4print.info","resort-in-asia.com","resortbadge.site","respectabrew.com","respectabrew.net","respekus.com","responsive.co.il","resself.site","ressources-solidaires.info","rest-lux.ru","restauracjarosa.pl","restauranteosasco.ml","resthomejobs.com","restorationscompanynearme.com","restoringreach.com","restromail.com","restrument.xyz","restudwimukhfian.store","restumail.com","resultaatmarketing.com","resulter.me","resultevent.ru","resultierten.ml","resume.land","resumeworks4u.com","resumewrite.ru","resurgeons.com","reswitched.team","ret35363ddfk.cf","ret35363ddfk.ga","ret35363ddfk.gq","ret35363ddfk.ml","ret35363ddfk.tk","retailtopmail.cz.cc","rethmail.ga","reticaller.xyz","retinaonlinesure.com","retinaprime.com","retireddatinguk.co.uk","retkesbusz.nut.cc","retqio.com","retractablebannerstands.interstatecontracting.net","retractablebannerstands.us","retragmail.com","retrmailse.com","retrogamezone.com","retrojordansforsale.xyz","retrt.org","rettmail.com","return0.ga","return0.gq","return0.ml","reubidium.com","rev-amz.xyz","rev-mail.net","rev-zone.net","rev3.cf","revarix.com","revealeal.com","revealeal.net","revelryshindig.com","revengemc.us","revenueads.net","reverbnationpromotions.com","reverse-lookup-phone.com","reversehairloss.net","reverseyourdiabetestodayreview.org","reverze.ru","revi.ltd","review4forex.co.uk","reviewsmr.com","reviewtable.gov","revistasaude.club","revistavanguardia.com","reviveherdriveprogram.com","revivemail.com","revofgod.cf","revolve-fitness.com","revolvingdoorhoax.org","revutap.com","revy.com","rewardents.com","rewas-app-lex.com","rewerty.fun","rewolt.pl","rewqweqweq.info","rewtorsfo.ru","rex-app-lexc.com","rexagod-freeaccount.cf","rexagod-freeaccount.ga","rexagod-freeaccount.gq","rexagod-freeaccount.ml","rexagod-freeaccount.tk","rexagod.cf","rexagod.ga","rexagod.gq","rexagod.ml","rexagod.tk","rexburgonbravo.com","rexburgwebsites.com","rexhuntress.com","rexmail.fun","reymisterio.com","reynox.com","rezato.com","rezkavideo.ru","rezoth.ml","rezumenajob.ru","rezunz.com","rf-now.com","rf7gc7.orge.pl","rfactorf1.pl","rfavy2lxsllh5.cf","rfavy2lxsllh5.ga","rfavy2lxsllh5.gq","rfavy2lxsllh5.ml","rfc822.org","rffff.net","rfirewallj.com","rfreedomj.com","rftt.de","rfzaym.ru","rgb9000.net","rgdoubtdhq.com","rgphotos.net","rgrocks.com","rgtvtnxvci8dnwy8dfe.cf","rgtvtnxvci8dnwy8dfe.ga","rgtvtnxvci8dnwy8dfe.gq","rgtvtnxvci8dnwy8dfe.ml","rgtvtnxvci8dnwy8dfe.tk","rgwfagbc9ufthnkmvu.cf","rgwfagbc9ufthnkmvu.ml","rgwfagbc9ufthnkmvu.tk","rh3qqqmfamt3ccdgfa.cf","rh3qqqmfamt3ccdgfa.ga","rh3qqqmfamt3ccdgfa.gq","rh3qqqmfamt3ccdgfa.ml","rh3qqqmfamt3ccdgfa.tk","rhause.com","rheank.com","rheiop.com","rhexis.xyz","rhizoma.com","rhombushorizons.com","rhondaperky.com","rhondawilcoxfitness.com","rhpzrwl4znync9f4f.cf","rhpzrwl4znync9f4f.ga","rhpzrwl4znync9f4f.gq","rhpzrwl4znync9f4f.ml","rhpzrwl4znync9f4f.tk","rhsknfw2.com","rhyta.com","rhzla.com","ri-1.software","ri688.com","riador.online","riamof.club","riaucyberart.ga","ribentu.com","ribo.com","riboflavin.com","rice.cowsnbullz.com","rich-mail.net","rich-money.pw","rich.blatnet.com","rich.ploooop.com","richardpauline.com","richardscomputer.com","richcreations.com","richdi.ru","richdn.com","richezamor.com","richfinances.pw","richfunds.pw","richinssuresh.ga","richloomfabric.com","richlyscentedcandle.in","richmondpride.org","richmoney.pw","richoandika.online","richocobrown.online","richonedai.pw","richsmart.pw","ricimail.com","ricis.net","rickifoodpatrocina.tk","ricoda.store","ricret.com","ricrk.com","riddermark.de","riddle.2amail.top","riddle.media","ride-tube.ru","ridebali.com","rider.email","ridgecrestretirement.com","ridingonthemoon.info","riedc.com","rifasuog.tech","riffcat.eu","rifkian.cf","rifkian.ga","rifkian.gq","rifkian.ml","rifkian.tk","rifo.ru","rigation.site","rightclaims.org","rightexch.com","rightmili.club","rightmili.online","rightmili.site","rightpricecaravans.com","rigionse.site","rigtmail.com","rijschoolcosma-nijmegen.nl","rika0525.com","riku5210.akio94.downloadism.top","rillamail.info","rim7lth8moct0o8edoe.cf","rim7lth8moct0o8edoe.ga","rim7lth8moct0o8edoe.gq","rim7lth8moct0o8edoe.ml","rim7lth8moct0o8edoe.tk","rimier.com","rimka.eu","rinadiana.art","rincewind4.pl","rincewind5.pl","rincewind6.pl","ring.favbat.com","ring123.com","ringobaby344.ga","ringobaby344.gq","ringobaby344.tk","ringomail.info","ringtoneculture.com","ringwormadvice.info","riniiya.com","rio2000.tk","riobeli.ga","riotap.com","ripiste.cf","rippb.com","rippedabs.info","riptorway.live","riptorway.store","ririe.club","ririsbeautystore.com","rirre.com","risaumami.art","rise.de","risel.site","risencraft.ru","risingbengal.com","risingsuntouch.com","risk.3amail.top","riski.cf","ristorantelafattoria.info","ristoranteparodi.com","risu.be","ritade.com","ritadecrypt.net","riteros.top","ritumusic.com","riuire.com","riujnivuvbxe94zsp4.ga","riujnivuvbxe94zsp4.ml","riujnivuvbxe94zsp4.tk","riv3r.net","rivalbox.com","rivaz24.ru","riveramail.men","riverdale.club","rivermarine.org","riverparkhospital.com","riversidebuildingsupply.com","riversidecapm.com","riversidecfm.com","rivimeo.com","riw1twkw.pl","riwayeh.com","rixop.secure24mail.pl","rizamail.com","rizberk.com","rizet.in","rj-11.cf","rj-11.ga","rj-11.gq","rj-11.ml","rj-11.tk","rj11.cf","rj11.ga","rj11.gq","rj11.ml","rj11.tk","rjacks.com","rjbemestarfit.site","rjbtech.com","rjolympics.com","rjtjfunny.com","rjtrainingsolutions.com","rjwm.com","rjxewz2hqmdshqtrs6n.cf","rjxewz2hqmdshqtrs6n.ga","rjxewz2hqmdshqtrs6n.gq","rjxewz2hqmdshqtrs6n.ml","rjxewz2hqmdshqtrs6n.tk","rjxmt.website","rk03.xyz","rk4vgbhzidd0sf7hth.cf","rk4vgbhzidd0sf7hth.ga","rk4vgbhzidd0sf7hth.gq","rk4vgbhzidd0sf7hth.ml","rk4vgbhzidd0sf7hth.tk","rk9.chickenkiller.com","rkay.live","rkbds4lc.xorg.pl","rklips.com","rko.kr","rkofgttrb0.cf","rkofgttrb0.ga","rkofgttrb0.gq","rkofgttrb0.ml","rkofgttrb0.tk","rkomo.com","rktmadpjsf.com","rlcraig.org","rljewellery.com","rlooa.com","rlr.pl","rlrcm.com","rls-log.net","rlva.com","rm2rf.com","rm88.edu.bz","rma.ec","rmail.cf","rmailcloud.com","rmailgroup.in","rmaortho.com","rmazau.buzz","rmbarqmail.com","rmcp.cf","rmcp.ga","rmcp.gq","rmcp.ml","rmcp.tk","rmea.com","rmfjsakfkdx.com","rmindia.com","rmnt.net","rmomail.com","rmpc.de","rmqkr.net","rms-sotex.pp.ua","rmtmarket.ru","rmtvip.jp","rmtvipbladesoul.jp","rmtvipredstone.jp","rmune.com","rmutl.com","rmxsys.com","rnailinator.com","rnakmail.com","rnated.site","rnc69szk1i0u.cf","rnc69szk1i0u.ga","rnc69szk1i0u.gq","rnc69szk1i0u.ml","rnc69szk1i0u.tk","rnd-nedv.ru","rndnjfld.com","rng.lakemneadows.com","rng.ploooop.com","rng.poisedtoshrike.com","rnjc8wc2uxixjylcfl.cf","rnjc8wc2uxixjylcfl.ga","rnjc8wc2uxixjylcfl.gq","rnjc8wc2uxixjylcfl.ml","rnjc8wc2uxixjylcfl.tk","rnm-aude.com","rnorou.buzz","rnuj.com","rnwknis.com","rnza.com","rnzcomesth.com","ro-na.com","ro.lt","roadbike.ga","roadrunneer.com","roafrunner.com","roargame.com","roaringteam.com","roarr.app","roastedtastyfood.com","roastscreen.com","rob4sib.org","robbinsv.ml","robedesoiree-longue.com","robertmowlavi.com","robertspcrepair.com","robhung.com","robinhardcore.com","robinkikuchi.info","robinkikuchi.us","robinsnestfurnitureandmore.com","robla.com","robo.epool.pl","robo.poker","robo3.club","robo3.co","robo3.me","robo3.site","robodan.com","robohobo.com","robot-alice.ru","robot-mail.com","robot2.club","robot2.me","robothorcrux.com","robox.agency","roccard.com","roccoshmokko.com","rocjetmail.com","rockemail.com","rocketestate724.com","rocketgmail.com","rockethosting.xyz","rocketmaik.com","rocketmail.cf","rocketmail.ga","rocketmail.gq","rocketmaill.com","rocketslotsnow.co","rocketspinz.co","rockeymail.com","rockhotel.ga","rockingchair.com","rockinrio.ml","rockislandapartments.com","rockjia.com","rockkes.us","rocklandneurological.com","rockmail.top","rockmailapp.com","rockmailgroup.com","rockport.se","rockrtmail.com","rockstmail.com","rockwithyouallnight23.com","rockyoujit.icu","roclok.com","rocoiran.com","rodan.com","rodigy.net","rodiquez.eu","rodiquezmcelderry.eu","rodneystudios.com","rodroderedri.com","rodsupersale.com","rodtookjing.com","rodzinnie.org","roewe.cf","roewe.ga","roewe.gq","roewe.ml","roger-leads.com","rogerin.space","rogjf.com","rogowiec.com.pl","rogres.com","roguesec.net","rohingga.xyz","rohkalby.com","roidirt.com","roids.top","rojay.fr","roketus.com","rokko-rzeszow.com","roko-koko.com","rokuro5510.haru31.eyneta.site","rokuro88.investmentweb.xyz","roleptors.xyz","rolex19bet.com","rolex31bet.com","rolexdaily.com","rolexok.com","rolexreplicainc.com","rolexreplicawatchs.com","rollagodno.ru","rollercover.us","rollerlaedle.de","rollindo.agency","rolling-stones.net","rollingboxjapan.com","rollsroyce-plc.cf","rollsroyce-plc.ga","rollsroyce-plc.gq","rollsroyce-plc.ml","rollsroyce-plc.tk","rolmis.com","rolndedip.cf","rolndedip.ga","rolndedip.gq","rolndedip.ml","rolndedip.tk","rolne.seo-host.pl","romadoma.com","romagnabeach.com","romail.site","romail9.com","romails.net","romania-nedv.ru","romaniansalsafestival.com","romanstatues.net","romantyczka.pl","romatso.com","rombomail.com","romebook.com","romehousing.com","ronabuildingcentre.com","ronadecoration.com","ronadvantage.com","ronahomecenter.com","ronahomegarden.com","ronalansing.com","ronalerenovateur.com","rondecuir.us","roni.rojermail.ml","ronipidp.gq","ronnierage.net","ronthebusnut.com","roofing4.expresshomecash.com","rooftest.net","room369.red","room369.work","roomserve.ir","rooseveltmail.com","rootbrand.com","rootfest.net","rophievisioncare.com","ropolo.com","roptaoti.com","ropu.com","roquette.com","rorma.site","rosebearmylove.ru","rosebird.org","rosechina.com","roselarose.com","roselug.org","rosmillo.com","rossa-art.pl","rossional.site","rossmail.ru","rosswins.com","rostlantik.tk","rotaniliam.com","rotaparts.com","rotate.pw","rotecproperty.xyz","rotermail.com","roth-group.com","rotmanventurelab.com","rotulosonline.site","roughpeaks.com","roujpjbxeem.agro.pl","roulettecash.org","roundclap.fun","roundlayout.com","roundtrips.com","routine4me.ru","rover.info","rover100.cf","rover100.ga","rover100.gq","rover100.ml","rover100.tk","rover400.cf","rover400.ga","rover400.gq","rover400.ml","rover400.tk","rover75.cf","rover75.ga","rover75.gq","rover75.ml","rover75.tk","rovesurf.com","rovianconspiracy.com","rovolowo.com","row-keeper.com","row.kr","rowe-solutions.com","roweryo.com","rowmin.com","rowmoja6a6d9z4ou.cf","rowmoja6a6d9z4ou.ga","rowmoja6a6d9z4ou.gq","rowmoja6a6d9z4ou.ml","rowmoja6a6d9z4ou.tk","roxannenyc.com","roxling.com","roxmail.co.cc","roxmail.tk","roxoas.com","royal-soft.net","royal.net","royaldoodles.org","royalgifts.info","royalhost.info","royallogistic.com","royalmail.top","royalmarket.club","royalmarket.life","royalmarket.online","royalnt.net","royalvx.com","royalweb.email","royandk.com","royaumedesjeux.fr","royins.com","roys.ml","rozaoils.site","rozkamao.in","rozsadneinwestycje.pl","rpaowpro3l5ha.tk","rpdmarthab.com","rpfundingoklahoma.com","rpgitxp6tkhtasxho.cf","rpgitxp6tkhtasxho.ga","rpgitxp6tkhtasxho.gq","rpgitxp6tkhtasxho.ml","rpgitxp6tkhtasxho.tk","rphinfo.com","rphqakgrba.pl","rpkxsgenm.pl","rpl-id.com","rplid.com","rppkn.com","rps-msk.ru","rpvduuvqh.pl","rq1.in","rq1h27n291puvzd.cf","rq1h27n291puvzd.ga","rq1h27n291puvzd.gq","rq1h27n291puvzd.ml","rq1h27n291puvzd.tk","rq3i7gcp.345.pl","rq6668f.com","rqmail.xyz","rqzuelby.pl","rr-0.cu.cc","rr-1.cu.cc","rr-2.cu.cc","rr-3.cu.cc","rr-ghost.cf","rr-ghost.ga","rr-ghost.gq","rr-ghost.ml","rr-ghost.tk","rr-group.cf","rr-group.ga","rr-group.gq","rr-group.ml","rr-group.tk","rr.0x01.gq","rr.ccs.pl","rrasianp.com","rraybanwayfarersaleukyj.co.uk","rremontywarszawa.pl","rrenews.eu","rrqkd9t5fhvo5bgh.cf","rrqkd9t5fhvo5bgh.ga","rrqkd9t5fhvo5bgh.gq","rrqkd9t5fhvo5bgh.ml","rrqkd9t5fhvo5bgh.tk","rrrcat.com","rrunua.xyz","rrwbltw.xyz","rs-p.club","rs311e8.com","rsbysdmxi9.cf","rsbysdmxi9.ga","rsbysdmxi9.gq","rsbysdmxi9.ml","rsbysdmxi9.tk","rscrental.com","rsfdgtv4664.cf","rsfdgtv4664.ga","rsfdgtv4664.gq","rsfdgtv4664.ml","rsfdgtv4664.tk","rsjp.tk","rsma.de","rsnfoopuc0fs.cf","rsnfoopuc0fs.ga","rsnfoopuc0fs.gq","rsnfoopuc0fs.ml","rsnfoopuc0fs.tk","rsps.site","rsqqz6xrl.pl","rssblog.pl","rssfwu9zteqfpwrodq.ga","rssfwu9zteqfpwrodq.gq","rssfwu9zteqfpwrodq.ml","rssfwu9zteqfpwrodq.tk","rstoremail.ml","rsultimate.com","rsvhr.com","rswilson.com","rtert.org","rtfa.site","rtfa.space","rtfaa.site","rtfab.site","rtfac.site","rtfad.site","rtfae.site","rtfaf.site","rtfag.site","rtfah.site","rtfai.site","rtfaj.site","rtfak.site","rtfal.site","rtfam.site","rtfan.site","rtfao.site","rtfap.site","rtfaq.site","rtfas.site","rtfat.site","rtfau.site","rtfav.site","rtfaw.site","rtfax.site","rtfay.site","rtfaz.site","rtfb.site","rtfc.press","rtfc.site","rtfe.site","rtff.site","rtfg.site","rtfh.site","rtfi.site","rtfia.site","rtfib.site","rtfic.site","rtfid.site","rtfie.site","rtfif.site","rtfig.site","rtfj.site","rtfk.site","rtfl.site","rtfn.site","rtfo.site","rtfq.site","rtfsa.site","rtfsb.site","rtfsc.site","rtfsd.site","rtfse.site","rtfsf.site","rtfsg.site","rtfsh.site","rtfsj.site","rtfsk.site","rtfsl.site","rtfsm.site","rtfsn.site","rtfso.site","rtfsp.site","rtfsr.site","rtfss.site","rtfst.site","rtfsu.site","rtfsv.site","rtfsw.site","rtfsx.site","rtfsy.site","rtfsz.site","rtft.site","rtfu.site","rtfv.site","rtfw.site","rtfx.site","rtfz.site","rthjr.co.cc","rtjg99.com","rtmegypt.com","rtotlmail.com","rtotlmail.net","rtrtr.com","rts6ypzvt8.ga","rts6ypzvt8.gq","rts6ypzvt8.ml","rts6ypzvt8.tk","rtskiya.xyz","rtstyna111.ru","rtstyna112.ru","rtunerfjqq.com","ru1.site","ruafdulw9otmsknf.cf","ruafdulw9otmsknf.ga","ruafdulw9otmsknf.ml","ruafdulw9otmsknf.tk","ruangbonus.com","ruangsmk.info","ruasspornisn4.uni.cc","ruay899.com","ruay969.com","rubble.3amail.top","rubeg.com","rubiro.ru","rubygon.com","rucls.com","rudelyawakenme.com","ruderclub-mitte.de","ruditnugnab.xyz","rudymail.ml","ruedeschaus.com","ruffrey.com","rugbyfixtures.com","rugbypics.club","ruggedinbox.com","ruhshe5uet547.tk","ruinnyrurrendmail.com","rujbreath.com","ruk17.space","rumbu.com","rumednews.site","rumgel.com","rumpelhumpel.com","rumpelkammer.com","runalone.uni.me","runball.us","runballrally.us","runchet.com","rundablage.com","runeclient.com","runfons.com","runi.ca","runmail.club","runmail.info","runmail.xyz","running-mushi.com","runningdivas.com","runqx.com","runrunrun.net","ruomvpp.com","ruozhi.cn","rupayamail.com","ruru.be","rus-black-blog.ru","rus-massaggio.com","rus-sale.pro","rush.ovh","rushmails.com","rushu.online","rusita.ru","ruskovka.ru","ruslanneck.de","ruslot.site","rusm.online","rusmotor.com","rusru.com","russ2004.ru","russellconstructionca.com","russellmail.men","russeriales.ru","russia-nedv.ru","russia-vk-mi.ru","russiblet.site","rustara.com","rustarticle.com","rustracker.site","rustright.site","rustroigroup.ru","rustydoor.com","rutale.ru","rutherfordchemicals.com","ruthmarini.art","rutop.net","ruu.kr","ruvifood.com","ruzsbpyo1ifdw4hx.cf","ruzsbpyo1ifdw4hx.ga","ruzsbpyo1ifdw4hx.gq","ruzsbpyo1ifdw4hx.ml","ruzsbpyo1ifdw4hx.tk","ruzzinbox.info","rv-br.com","rvb.ro","rvbspending.com","rvdogs.com","rvemold.com","rvjtudarhs.cf","rvjtudarhs.ga","rvjtudarhs.gq","rvjtudarhs.ml","rvjtudarhs.tk","rvmail.xyz","rvrecruitment.com","rvrsemortage.bid","rw24.de","rw9.net","rwanded.xyz","rwbktdmbyly.auto.pl","rwgfeis.com","rwhhbpwfcrp6.cf","rwhhbpwfcrp6.ga","rwhhbpwfcrp6.gq","rwhhbpwfcrp6.ml","rwhhbpwfcrp6.tk","rwhpr33ki.pl","rwmail.xyz","rwstatus.com","rx.dred.ru","rx.qc.to","rxbuy-pills.info","rxby.com","rxdoc.biz","rxdrugsreview.info","rxdtlfzrlbrle.cf","rxdtlfzrlbrle.ga","rxdtlfzrlbrle.gq","rxdtlfzrlbrle.ml","rxhealth.com","rxit.com","rxking.me","rxlur.net","rxmail.us","rxmail.xyz","rxmaof5wma.cf","rxmaof5wma.ga","rxmaof5wma.gq","rxmaof5wma.ml","rxmaof5wma.tk","rxmedic.biz","rxnts2daplyd0d.cf","rxnts2daplyd0d.ga","rxnts2daplyd0d.gq","rxnts2daplyd0d.tk","rxpharmacymsn.com","rxpil.fr","rxpiller.com","rxr6gydmanpltey.cf","rxr6gydmanpltey.ml","rxr6gydmanpltey.tk","rxtx.us","ryanandkellywedding.com","ryanb.com","ryanreynolds.info","rybalkovedenie.ru","rybprom.biz","ryby.com","rycz2fd2iictop.cf","rycz2fd2iictop.ga","rycz2fd2iictop.gq","rycz2fd2iictop.ml","rycz2fd2iictop.tk","rydh.xyz","ryen15ypoxe.ga","ryen15ypoxe.ml","ryen15ypoxe.tk","ryj15.tk","ryjewo.com.pl","ryldnwp4rgrcqzt.cf","ryldnwp4rgrcqzt.ga","ryldnwp4rgrcqzt.gq","ryldnwp4rgrcqzt.ml","ryldnwp4rgrcqzt.tk","ryoichi2210.hiroyuki73.kiesag.xyz","ryoichi26.toptorrents.top","ryovpn.com","ryszardkowalski.pl","ryteto.me","ryumail.net","ryumail.ooo","ryzdgwkhkmsdikmkc.cf","ryzdgwkhkmsdikmkc.ga","ryzdgwkhkmsdikmkc.gq","ryzdgwkhkmsdikmkc.tk","rzaca.com","rzayev.com","rzdxpnzipvpgdjwo.cf","rzdxpnzipvpgdjwo.ga","rzdxpnzipvpgdjwo.gq","rzdxpnzipvpgdjwo.ml","rzdxpnzipvpgdjwo.tk","rzemien1.iswift.eu","rzesomaniak.pl","rzesyodzywka.pl","rzesyodzywki.pl","rzip.site","rzn.host","rzuduuuaxbqt.cf","rzuduuuaxbqt.ga","rzuduuuaxbqt.gq","rzuduuuaxbqt.ml","rzuduuuaxbqt.tk","s-e-arch.com","s-ly.me","s-mail.ga","s-mail.gq","s-port.pl","s-potencial.ru","s-retail.ru","s-rnow.net","s-s.flu.cc","s-s.igg.biz","s-s.nut.cc","s-s.usa.cc","s-url.top","s-zx.info","s.0x01.gq","s.bloq.ro","s.bungabunga.cf","s.dextm.ro","s.ea.vu","s.polosburberry.com","s.proprietativalcea.ro","s.sa.igg.biz","s.vdig.com","s.wkeller.net","s.xxi2.com","s0.at","s00.orangotango.ga","s0467.com","s0nny.com","s0ny.cf","s0ny.flu.cc","s0ny.ga","s0ny.gq","s0ny.igg.biz","s0ny.ml","s0ny.net","s0ny.nut.cc","s0ny.usa.cc","s0ojarg3uousn.cf","s0ojarg3uousn.ga","s0ojarg3uousn.gq","s0ojarg3uousn.ml","s0ojarg3uousn.tk","s1811.com","s1a.de","s1nj8nx8xf5s1z.cf","s1nj8nx8xf5s1z.ga","s1nj8nx8xf5s1z.gq","s1nj8nx8xf5s1z.ml","s1nj8nx8xf5s1z.tk","s1xssanlgkgc.cf","s1xssanlgkgc.ga","s1xssanlgkgc.gq","s1xssanlgkgc.ml","s1xssanlgkgc.tk","s30.pl","s33db0x.com","s37ukqtwy2sfxwpwj.cf","s37ukqtwy2sfxwpwj.ga","s37ukqtwy2sfxwpwj.gq","s37ukqtwy2sfxwpwj.ml","s3rttar9hrvh9e.cf","s3rttar9hrvh9e.ga","s3rttar9hrvh9e.gq","s3rttar9hrvh9e.ml","s3rttar9hrvh9e.tk","s3s4.tk","s3wrtgnn17k.cf","s3wrtgnn17k.ga","s3wrtgnn17k.gq","s3wrtgnn17k.ml","s3wrtgnn17k.tk","s42n6w7pryve3bpnbn.cf","s42n6w7pryve3bpnbn.ga","s42n6w7pryve3bpnbn.gq","s42n6w7pryve3bpnbn.ml","s42n6w7pryve3bpnbn.tk","s48aaxtoa3afw5edw0.cf","s48aaxtoa3afw5edw0.ga","s48aaxtoa3afw5edw0.gq","s48aaxtoa3afw5edw0.ml","s48aaxtoa3afw5edw0.tk","s51zdw001.com","s6.weprof.it","s64hedik2.tk","s6a5ssdgjhg99.cf","s6a5ssdgjhg99.ga","s6a5ssdgjhg99.gq","s6a5ssdgjhg99.ml","s6a5ssdgjhg99.tk","s6dtwuhg.com","s6qjunpz9es.ga","s6qjunpz9es.ml","s6qjunpz9es.tk","s80aaanan86hidoik.cf","s80aaanan86hidoik.ga","s80aaanan86hidoik.gq","s80aaanan86hidoik.ml","s8sigmao.com","s96lkyx8lpnsbuikz4i.cf","s96lkyx8lpnsbuikz4i.ga","s96lkyx8lpnsbuikz4i.ml","s96lkyx8lpnsbuikz4i.tk","s9s.xyz","sa.igg.biz","saab9-3.cf","saab9-3.ga","saab9-3.gq","saab9-3.ml","saab9-3.tk","saab9-4x.cf","saab9-4x.ga","saab9-4x.gq","saab9-4x.ml","saab9-4x.tk","saab9-5.cf","saab9-5.ga","saab9-5.gq","saab9-5.ml","saab9-5.tk","saab9-7x.cf","saab9-7x.ga","saab9-7x.gq","saab9-7x.ml","saab9-7x.tk","saab900.cf","saab900.ga","saab900.gq","saab900.ml","saab900.tk","saabaru.cf","saabaru.ga","saabaru.gq","saabaru.ml","saabaru.tk","saabcars.cf","saabcars.ga","saabcars.gq","saabcars.ml","saabcars.tk","saabgroup.cf","saabgroup.ga","saabgroup.gq","saabgroup.ml","saabgroup.tk","saabohio.com","saabscania.cf","saabscania.ga","saabscania.gq","saabscania.ml","saabscania.tk","saadatkhodro.com","saarcxfp.priv.pl","saaristomeri.info","sabahekonomi.xyz","sabbati.it","saber.9amail.top","sabesp.com","sabra.pl","sabrestlouis.com","sabrgist.com","sac-chane1.com","sac-louisvuittonpascher.info","sac-prada.info","sac2013louisvuittonsoldes.com","sacamain2013louisvuittonpascher.com","sacamainlouisvuitton2013pascher.info","sacamainlouisvuittonsac.com","sacburberrypascher.info","saccatalyst.com","sacchanelpascherefr.fr","sacchanelsac.com","sacgucc1-magasin.com","sacgucci-fr.info","sach.ir","sachermes.info","sachermespascher6.com","sachermskellyprix.com","sachiepvien.net","sacil.xyz","sackboii.com","sackdicam.cf","saclancelbb.net","saclancelbbpaschers1.com","saclanceldpaschers.com","saclancelpascheresfrance.com","saclavuitonpaschermagasinfrance.com","saclchanppascheresfr.com","saclongchampapascherefrance.com","saclongchampdefrance.com","saclouisvuitton-fr.info","saclouisvuittonapaschere.com","saclouisvuittonboutiquefrance.com","saclouisvuittonenfrance.com","saclouisvuittonnpascher.com","saclouisvuittonpascherenligne.com","saclouisvuittonsoldesfrance.com","saclovutonsfr9u.com","sacnskcn.com","sacramentoreal-estate.info","sacslancelpascherfrance.com","sacslouisvuittonpascher-fr.com","sacsmagasinffr.com","sacsmagasinffrance.com","sacsmagasinfr9.com","sacsmagasinsfrance.com","sactownsoftball.com","sadaas.com","sadas.com","sadd.us","sadfsdf.com","sadim.site","sadwertopc.com","saerfiles.ru","safaat.cf","safariseo.com","safe-buy-cialis.com","safe-file.ru","safe-mail.ga","safe-mail.gq","safe-mail.net","safe-planet.com","safeemail.xyz","safemail.cf","safemail.icu","safemail.tk","safemaildesk.info","safemailweb.com","safenord.com","safeonlinedata.info","safepaydayloans365.co.uk","safer.gq","safermail.info","safersignup.com","safersignup.de","safeshate.com","safetempmail.com","safetymail.info","safetymasage.club","safetymasage.online","safetymasage.site","safetymasage.store","safetymasage.website","safetymasage.xyz","safetypost.de","safewebmail.net","safezero.co","saffront.xyz","safirahome.com","safrem3456ails.com","sagame.click","sagd33.co.uk","sage.speedfocus.biz","sagebrushtech.com","saglikisitme.com","saglobe.com","sagmail.ru","sah-ilk-han.com","sahabatasas.com","saharanightstempe.com","sahdisus.online","sahitya.com","sahrulselow.cf","sahrulselow.ga","sahrulselow.gq","sahrulselow.ml","saidnso.gq","saigonmaigoinhaubangcung.com","saigonmail.us","sainfotech.com","saint-philip.com","saintmirren.net","saiting.tw1.ru","saivon.com","sakamail.net","sakana.host","sakarmain.com","sakaryapimapen.com","saktiemel.com","saladchef.me","saladsanwer.ru","salahkahaku.cf","salahkahaku.ga","salahkahaku.gq","salahkahaku.ml","salamanderbaseball.com","salamandraux.com","salamfilm.xyz","salaopm.ml","salarypapa.club","salarypapa.online","salarypapa.xyz","salata.city","salazza.com","sald.de","saldov.club","saldov.xyz","sale-nike-jordans.org","sale.craigslist.org","salecheaphot.com","salechristianlouboutinukshoess.co.uk","salecse.tk","salehippo.com","saleiphone.ru","salemail.com","salemen.com","salemnewschannel.com","sales.lol","salesbeachhats.info","salescheapsepilators.info","salescoupleshirts.info","salesfashionnecklaces.info","salesfotce.com","saleshtcphoness.info","saleskf.com","salesperson.net","salesscushion.info","salessmenbelt.info","salessuccessconsulting.com","salesunglassesonline.net","saleswallclock.info","saleuggsbootsclearance.com","salewebmail.com","salla.dev","salle-poker-en-ligne.com","salmeow.tk","salon-chaumont.com","salon3377.com","salonareas.online","salonean.online","salonean.shop","salonean.site","salonean.store","salonean.xyz","salonkarma.club","salonkarma.online","salonkarma.site","salonkarma.xyz","salonme.ru","salonyfryzjerskie.info","salsasmexican.com","salsoowi.site","saltamontes.bar","saltel.net","saltrage.xyz","saltyrimo.club","saltyrimo.store","saltysushi.com","saluanthrop.site","salvador-nedv.ru","salvatore1818.site","salventrex.com","salvo84.freshbreadcrumbs.com","sam-dizainer.ru","samaki.com","samalekan.club","samalekan.online","samalekan.space","samalekan.xyz","samaltour.club","samaltour.online","samaltour.site","samaltour.xyz","samanh.site","samantha17.com","samaoyfxy.pl","samara-nedv.ru","samasdecor.com","samatante.ml","samauil.com","sambalenak.com","samblad.ga","samblad.ml","sambuzh.com","samcloudq.com","same-taste.com","sameaccountmanage765.com","samedayloans118.co.uk","samega.com","sameleik.club","sameleik.online","sameleik.site","sameleik.website","samerooteigelonline.co","saminiran.com","samisdaem.ru","samjaxcoolguy.com","sammail.ws","samoe-samoe.info","samokat-msk.ru","samolocik.com.pl","samowarvps24.pl","samp-it.de","samp-shop.ru","samprem.site","samscashloans.co.uk","samsclass.info","samsinstantcashloans.co.uk","samsquickloans.co.uk","samsshorttermloans.co.uk","samstelevsionbeds.co.uk","samsungacs.com","samsunggalaxys9.cf","samsunggalaxys9.ga","samsunggalaxys9.gq","samsunggalaxys9.ml","samsunggalaxys9.tk","samsungmails.pw","samsunk.pl","san-marino-nedv.ru","sana-all.com","sanalankara.xyz","sanalgos.club","sanalgos.online","sanalgos.site","sanalgos.xyz","sanchof1.info","sanchom1.info","sanchom2.info","sanchom3.info","sanchom4.info","sanchom5.info","sanchom6.info","sanchom7.info","sanchom8.info","sandalsresortssale.com","sandar.almostmy.com","sandcars.net","sandegg.com","sandelf.de","sandiegochargersjerseys.us","sandiegocontractors.org","sandiegoreal-estate.info","sandiegospectrum.com","sandmary.club","sandmary.online","sandmary.shop","sandmary.site","sandmary.space","sandmary.store","sandmary.website","sandmary.xyz","sandmassage.club","sandmassage.online","sandmassage.site","sandmassage.xyz","sandoronyn.com","sandre.cf","sandre.ga","sandre.gq","sandre.ml","sandre.tk","sandtamer.online","sandwhichvideo.com","sandwish.club","sandwish.space","sandwish.website","sanering-stockholm.nu","sanfinder.com","sanfrancisco49ersproteamjerseys.com","sanfranflowersinhair.com","sangamcentre.org.uk","sangaritink09gkgk.tk","sangqiao.net","sanibact-errecom.com","sanibelwaterfrontproperty.com","saniki.pl","sanim.net","sanitzr.com","sanizr.com","sanjaricacrohr.com","sanjati.com","sanjeewa.com","sanjoseareahomes.net","sankakucomplex.com","sanmc.tk","sanporeta.ddns.name","sansarincel.com","sanshengonline.com","sanstr.com","santa.waw.pl","santamonica.com","santhia.cf","santhia.ga","santhia.gq","santhia.ml","santhia.tk","santikadyandra.cf","santikadyandra.ga","santikadyandra.gq","santikadyandra.ml","santikadyandra.tk","santingiamgia.com","santonicrotone.it","santoriniflyingdress.com","santuy.email","sanvekhuyenmai.com","sanvetetre.com","saoulere.ml","sapbox.bid","sapcom.org","sapi2.com","sapphikn.xyz","saprolplur.xyz","sapu.me","sapya.com","saracentrade.com","sarahdavisonsblog.com","sarahglenn.net","saraland.com","sarapanakun.com","sarasa.ga","sarawakreport.com","saraycasinoyeniadresi.com","sarcoidosisdiseasetreatment.com","sargrip.asia","sarinaaduhay.com","sarkisozudeposu.com","sartess.com","sasa22.usa.cc","sasha.compress.to","sashschool.tk","saskia.com","sassy.com","sast.ro","sat.net","satabmail.com","satan.gq","satana.cf","satana.ga","satana.gq","satcom.cf","satcom.ga","satcom.gq","satcom.ml","satedly.com","satellitefirms.com","satey.club","satey.online","satey.site","satey.website","satey.xyz","satisfyme.club","satoshi1982.biz","satoshi2610.masashi98.gomailsaxyz.space","satre-immobilier.com","satservizi.net","satubandar.com","satukosong.com","satum.online","saturdata.com","saturniusz.info","satusatu.online","saucent.online","saude-fitness.com","saudealternativa.org","saudeseniors.com","saudiwifi.com","sauhasc.com","saukute.me","sausen.com","savageattitude.com","savagemods.com","save-on-energy.org","saveboxmail.ga","savebrain.com","savelife.ml","savemydinar.com","savesausd.com","savetimeerr.fun","savevid.ga","savidtech.com","saving.digital","savingship.com","sawexo.me","sawoe.com","saxfun.party","saxlift.us","saxophonexltd.com","saxsawigg.biz","say.blatnet.com","say.buzzcluby.com","say.cowsnbullz.com","say.lakemneadows.com","say.ploooop.com","sayasiapa.xyz","sayfie.com","sayitsme.com","saymeow.de","saynotospams.com","sayonara.gq","sayonara.ml","saytren.tk","sayweee.tech","sayyesyes.com","saza.ga","sazco.net","sazhimail.ooo","sbbcglobal.net","sbcbglobal.net","sbcblobal.net","sbcblogal.net","sbccglobal.net","sbcgblobal.net","sbcgllbal.net","sbcglo0bal.net","sbcgloabal.com","sbcglobai.net","sbcglobal.bet","sbcglobasl.net","sbcglobat.net","sbcglobil.net","sbcglobql.net","sbcglogal.net","sbcglol.net","sbcglopbal.net","sbcgobla.net","sbcgpobal.net","sbclgobal.net","sbclobal.net","sbcobal.net","sbcpro.com","sbeglobal.net","sbglobal.com","sbnsale.top","sbobet99id.com","sborra.tk","sbsglobal.net","sbsgroup.ru","sburningk.com","sbuttone.com","sbxglobal.net","sc-court.org","sc-racing.pl","sc2hub.com","sc91pbmljtunkthdt.cf","sc91pbmljtunkthdt.ga","sc91pbmljtunkthdt.gq","sc91pbmljtunkthdt.ml","sc91pbmljtunkthdt.tk","scabiesguide.info","scaffoldinglab.com","scafs.com","scalixmail.lady-and-lunch.xyz","scalpongs.com","scamerahot.info","scams.website","scandiskmails.gdn","scanf.ga","scanf.gq","scania.gq","scania.tk","scanitxtr.com","scanmail.us","scannerchip.com","scanor69.xyz","scaptiean.com","scarlet.com","scatinc.com","scatmail.com","scay.net","scbox.one.pl","sccglobal.net","scdhn.com","scdsb.com","sceath.com","sceenic.com","scenero.com","scenicmail.com","schabernack.ru","schachrol.com","schack.com","schackmail.com","schaden.net","schafmail.de","schaufell.pl","scheduleer.com","schiborschi.ru","schift.com","schilderkunst.de","schiz.info","schlankefigur24.de","schluesseldienst-stflorian.at","schlump.com","schmeissweg.tk","schmid.cf","schmid.ga","schmid53.freshbreadcrumbs.com","schmuckfiguren.de","schnell-geld-verdienen.cf","schnell-geld-verdienen.ga","schnell-geld-verdienen.gq","schnippschnappschnupp.com","scholar.blatnet.com","scholar.cowsnbullz.com","scholar.emailies.com","scholar.inblazingluck.com","scholar.lakemneadows.com","scholar.makingdomes.com","scholarsed.com","scholarshippro.com","scholarshipsusa.net","scholarshipzon3.com","schollnet.com","scholocal.xyz","school-essay.org","school-good.ru","schools.nyc.org","schreinermeister24.de","schrott-email.de","schtep.ru","schticky.tv","schufafreier-kredit.at","schule-breklum.de","schulweis.com","schulzanallem.de","schwanz.biz","schwarzmail.ga","schwerlastspedition.de","schwoer.de","scianypoznan.pl","science-full.ru","sciencelive.ru","scizee.com","scj.edu","scmail.cf","scmbnpoem.pl","scootmail.info","scope.favbat.com","scoperter.site","scoreek.com","scotlandswar.info","scottdesmet.com","scottrenshaw.com","scottsdale-resorts.com","scottsseafood.net","scpulse.com","scrambleground.com","scrap-cars-4-cash-coventry.com","scrapebox.in","scrapper.us","screalian.site","screamfused.com","screechcontrol.com","screenvel.com","screwyou.com","scriamdicdir.com","scribo.pl","scriptspef.com","scrmnto.cf","scrmnto.ga","scrmnto.gq","scrmnto.ml","scroomail.info","scrotum.com","scrsot.com","scrumexperts.com","scscwjfsn.com","scsmalls.com","sctbmkxmh0xwt3.cf","sctbmkxmh0xwt3.ga","sctbmkxmh0xwt3.gq","sctbmkxmh0xwt3.ml","sctbmkxmh0xwt3.tk","sctcwe1qet6rktdd.cf","sctcwe1qet6rktdd.ga","sctcwe1qet6rktdd.gq","sctcwe1qet6rktdd.ml","sctcwe1qet6rktdd.tk","scunoy.buzz","scussymail.info","scxt1wis2wekv7b8b.cf","scxt1wis2wekv7b8b.ga","scxt1wis2wekv7b8b.gq","scxt1wis2wekv7b8b.ml","scxt1wis2wekv7b8b.tk","sd-exports.org","sd3.in","sdagds.com","sdasdasdasd.com","sdasds.com","sdbcglobal.net","sdbfsdkjf.online","sdcrefr.online","sdd2q.com","sddfpop.com","sddkjfiejsf.com","sdelkanaraz.com","sdf.org","sdf44.com","sdfbd.com","sdfbvcrrddd.com","sdfdf.com","sdfdsf.com","sdferwwe.com","sdff.de","sdfgd.in","sdfgdfg.com","sdfgf.com","sdfggf.co.cc","sdfghyj.tk","sdfgsdrfgf.org","sdfgukl.com","sdfgwsfgs.org","sdfiresquad.info","sdfklsadkflsdkl.com","sdfq.com","sdfqwetfv.com","sdfr.de","sdfsb.com","sdfsdf.co","sdfsdfsd.com","sdfsdfvcfgd.com","sdfsdhef.com","sdfuggs.com","sdg34563yer.ga","sdg4643ty34.ga","sdgewrt43terdsgt.ga","sdgsdfgsfgsdg.pl","sdgsdg.com","sdirfemail.com","sdkfkrorkg.com","sdnr.it","sdsas.xyz","sdsda.com","sdsdaas231.org","sdsdd.com","sdsdf.com","sdsdsds.com","sdsdwab.com","sdsigns.com","sdsuedu.com","sdsus.com","sdvft.com","sdvgeft.com","sdvrecft.com","sdy21.com","sdysofa.com","se-cure.com","se.xt-size.info","se919.com","seacob.com","seafish.club","seafish.online","seafish.site","seafoodcharters.info","seafoodpn.com","seahawksportsshop.com","seahawksproteamsshop.com","seajaymfg.com","seal-concepts.com","seallyfool.site","seaponsension.xyz","search-usa.ws","searchiehub.com","searchrocketgroup.com","searchs.tech","searience.site","searmail.com","searsgaragedoor.org","searzh.com","seascoutbeta.org","seasiapoker.info","seasideorient.com","seasonhd.ru","seattguru.com","seattledec.com","seattleovariancancerresearch.org","seattlerealestate4you.com","seatto.com","seawgame99.com","seberkd.com","seblog.cz.cc","sec.blatnet.com","sec.cowsnbullz.com","sec.lakemneadows.com","sec.marksypark.com","secandocomsaude.com","secantsquare.com","secbadger.info","secbuf.com","secencode.xyz","secfiz99.com","secglobal.net","secknow.info","secmail.ga","secmail.gq","secmail.ml","secmail.pro","secmail.pw","secmeeting.com","second-chancechecking.com","secondset1.com","secraths.site","secret-area.tk","secretdev.co.uk","secretdiet.com","secretemail.de","secretfashionstore.com","secretluxurystore.com","secretmystic.ru","secretsaiyan.xyz","secretsurveyreviews.info","secti.ga","sector2.org","secure-box.info","secure-box.online","secure-fb.com","secure-mail.biz","secure-mail.cc","secure-mail.cn","secure-mail.ml","secure.cowsnbullz.com","secure.lakemneadows.com","secure.oldoutnewin.com","secureapay.com","securebitcoin.agency","secured-link.net","securedcontent.biz","securehost.com.es","secureinvox.com","securemail.cf","securemail.flu.cc","securemail.gq","securemail.igg.biz","securemail.nut.cc","securemail.solutions","securemail.usa.cc","securemaill.ga","securemailserver.cf","securemailserver.ga","securemailserver.gq","securemailserver.ml","securemailserver.tk","secureschoolalliance.com","secureserver.rogers.ca","secureserver.usa.cc","securesmtp.bid","securesmtp.download","securesmtp.stream","securesmtp.trade","securesmtp.website","securesmtp.win","securesys.cf","securesys.ga","securesys.gq","securesys.ml","securesys.tk","securesystems-corp.cf","securesystems-corp.ga","securesystems-corp.gq","securesystems-corp.ml","securesystems-corp.tk","securityfirstbook.com","securox.com","sedapetnya.guru","sedasagreen01try.tk","sedexo.com","sedric.ru","sedv4ph.com","see.blatnet.com","see.lakemneadows.com","see.makingdomes.com","see.marksypark.com","seed.ml","seedscommerce.com","seegars.com","seek.bthow.com","seek4wap.com","seekapps.com","seekfindask.com","seekincentives.com","seeking-arrangements.review","seekintertech.info","seekjobs4u.com","seekmore.club","seekmore.fun","seekmore.online","seekmore.site","seekmore.website","seekmore.xyz","seeknear.com","seeksupply.com","seekusjobs.com","seemail.info","seeout.us","seevideoemail.com","seeyuan.com","seg8t4s.xorg.pl","segabandemcross74new.ml","segrees.xyz","segundamanozi.net","seierra.com","seikki.com","seikopoker.com","seishel-nedv.ru","seismail.com","seitenfirmen.de","sejaa.lv","sejf.com","sejkt.com","sekcjajudo.pl","sekoeuropa.pl","sekris.com","seksfotki.pl","seksiaki.pl","sektorpoker.com","selasa.me","selectam.ru","selectfriends.com","selectivestars.com","selectlaundry.com","selectraindustries.com","selectyourinfo.com","seleramakngah.com","selfarticle.com","selfbalancingscooterspro.com","selfdestructingmail.com","selfdestructingmail.org","selfemployedwriter.com","selfhelptoolbox.com","selfiecard.com","selfmadesuccesstoday.com","selfrestaurant.com","selfretro.net","selfstoragefind.net","sellcow.net","sellim.site","sellinganti-virussoftwares.info","sellingshop.online","sellodeconfianza.online","sellrent.club","sellrent.online","sellrent.xyz","sells.com","selowcoffee.cf","selowcoffee.ga","selowcoffee.gq","selowcoffee.ml","selowhellboy.cf","selowhellboy.ga","selowhellboy.gq","selowhellboy.ml","selved.site","sem9.com","semail.us","semangat99.cf","semarcomputama.tk","semarhouse.ga","semarhouse.ml","semarhouse.tk","semei6.fun","semenaxreviews.net","semestatogel.com","semi-mile.com","semidesigns.com","semihbulgur.com","seminary-777.ru","semisol.com","semitrailersnearme.com","semleter.ml","semogaderes.com","sempakk.com","semprulz.net","sempuranadi.cf","sempuranadi.ga","sempuranadi.ml","sempuranadi.tk","semsei.co.uk","semusimbersama.online","semut-kecil.com","semutkecil.com","senang.uu.me","send-email.org","send22u.info","sendbananas.website","sendbulkmails.com","senderelasem.tk","sendermail.info","sendfree.org","sendingspecialflyers.com","sendmesomemails.biz","sendnow.win","sendspamhere.com","sendthemails.com","sendto.cf","senduvu.com","senegal-nedv.ru","seneme.com","senet.com","senfgad.com","sengi.top","senin.me","seniorom.sk","sennbox.cf","sennbox.ga","sennbox.gq","sennbox.ml","sennbox.tk","senseless-entertainment.com","sensualerotics.date","sentezeticaret.com","sentimancho.com","senttmail.ga","senukexcrreview.in","seo-bux.ru","seo-for-pussies.pl","seo-google.site","seo-mailer.com","seo-turn.ru","seo.beefirst.pl","seo.bytom.pl","seo.viplink.eu","seo1-miguel75.xyz","seo11.mygbiz.com","seo21.pl","seo3.pl","seo39.pl","seo8.co.uk","seoartguruman.com","seoarticlepowa.com","seoasshole.com","seobacklinks.edu","seobest.website","seoblasters.com","seoblog.com","seobot.com","seobrizz.com","seobungbinh.com","seobuzzvine.com","seocdvig.ru","seocompany.edu","seocu.gen.tr","seodating.info","seoenterprises.com.au","seoestore.us","seoforum.com","seogawd.com","seohoan.com","seoimpressions.com","seojuice.info","seokings.biz","seoknock.com","seolite.net.pl","seolondon.co.uk","seolondon24.co.uk","seolove.fr","seolovin.art","seolovin.site","seomail.net","seomail.top","seomaomao.net","seomarketingservices.nl","seomarketleaders.com","seomoz.org","seonuke-x.com","seonuke.info","seoo-czestochowa.pl","seoofindia.com","seopackagesprice.com","seopapese.club","seoph.website","seopot.biz","seopowa.com","seopress.me","seoprorankings.com","seoquorankings.com","seoranker.pro","seoray.site","seordp.org","seorj.cn","seosavants.com","seosc.pl","seosecretservice.top","seoseoseo.mygbiz.com","seoserwer.com","seosie.com","seoskyline.com","seosnob.com","seostatic.pl","seostudio.co","seoteen.com","seoturbina.com","seoverr.com","seovps.com","seowy.eu","seoyo.com","sepatusupeng.gq","sepeda.ga","sepican.club","sepican.online","sepican.site","sepican.store","sepican.website","sepican.xyz","sepoisk.ru","septeberuare.ru","septicvernon.com","seputarbet.live","seputarti.com","sequipment.ru","serarf.site","serbian-nedv.ru","serenalaila.com","serenitysjournal.com","sergeymavrodi.org","sergeypetrov.nanolv.com","sergw.com","serialfilmhd.ru","serialhd1080.ru","serialhd720.ru","serialkillers.us","serialkinogoru.ru","serialkinopoisk.ru","serialreview.com","serials-only.ru","seriaonline.ru","series-online.club","series-online.info","seriousalts.de","seriyaserial.ru","serohiv.com","seron.top","serosin.com","serpshooter.top","serre1.ru","serv.craigslist.org","server.blatnet.com","server.ms","server.ploooop.com","server.poisedtoshrike.com","server.popautomated.com","servergem.com","serverjavascript.com","servermaps.net","servermuoihaikhongbon.com","serverpro.cf","serversiap.com","serverwarningalert.com","service-911.ru","service4.ml","servicegulino.com","servicemercedes.biz","services-gta.tk","services.blatnet.com","services.pancingqueen.com","services.poisedtoshrike.com","services391.com","services4you.de","servicewhirlpool.ru","servicing-ca.info","serviety.site","serving.catchallhost.com","servisetcs.info","servogamer.ga","serwer84626.lh.pl","serwervps232x.com","serwervps24.pl","serwis-agd-warszawa.pl","serwisapple.pl","serwpcneel99.com","ses4services.net","sesforyou.com","seslikalbimsin.com","setafon.biz","setefi.tk","setiabudihitz.com","settags.com","settied.site","settingsizable.info","setyamail.me","seven.emailfake.ml","seven.fackme.gq","seven.kozow.com","seven6s.com","sevenmentor.com","sevensjsa.org.ua","sevensmail.org.ua","seventol.fun","seventol.online","seventol.store","seventol.world","seventol.xyz","sewafotocopy-xerox.com","sewamobilharian.com","sewce.com","sewpack.com","sex-chicken.com","sex-guru.net","sex-mobile-blog.ru","sex-ru.net","sex-vox.info","sex.dns-cloud.net","sex.net","sex.si","sexactive18.info","sexakt.org","sexboxx.cf","sexboxx.ga","sexboxx.gq","sexboxx.ml","sexboxx.tk","sexcamcom.com","sexcameralive.com","sexcamonlinefree.com","sexcamsex.org","sexchatcamera.com","sexe-pad.com","sexe-pas-cher.net","sexemamie.com","sexforswingers.com","sexfotka.com","sexical.com","sexini.com","sexinlive.xyz","sexioisoriog.gr","sexo.com","sexsaker.com","sexsation.ru","sexshop.com","sexsmi.org","sextoyth.com","sexwebcamshow.com","sexxfun69.site","sexy.camdvr.org","sexyalwasmi.top","sexyalwax.online","sexycamlive.com","sexychatwebcam.com","sexyfashionswimwear.info","sexyjobs.net","sexylingeriegarte.com","sexymail.gq","sexymail.ooo","sexypleasuregirl.com","sexysleepwear.info","sexytoys24.de","sexywebcamchat.com","sexywebcamfree.com","sexyworld.com","seyf.kim","seylifegr.gr","seyretbi.com","sezet.com","sf16.space","sf49ersshoponline.com","sf49erssuperbowlonline.com","sf49ersteamsshop.com","sfa59e1.mil.pl","sfai.com","sfamo.com","sfcsd.com","sfdgdmail.com","sfdi.site","sfdjg.in","sfdsd.com","sfell.com","sfer.com","sferamk.ru","sfes.de","sfgov.net","sfgpros.com","sflexi.net","sfmail.top","sforamseadif.xyz","sfpc.de","sfreviewapp.gq","sfrty.ru","sfsa.de","sfsloan.com","sftrilogy.com","sfxmailbox.com","sfy.com","sgag.de","sgate.net","sgb-itu-anjeng.cf","sgb-itu-anjeng.ga","sgb-itu-anjeng.gq","sgb-itu-anjeng.ml","sgb-itu-anjeng.tk","sgb-itu-bangsat.cf","sgb-itu-bangsat.ga","sgb-itu-bangsat.gq","sgb-itu-bangsat.ml","sgb-itu-bangsat.tk","sgbteam.hostingarif.me","sgbtukangsuntik.club","sge-edutec.com","sgep0o70lh.cf","sgep0o70lh.ga","sgep0o70lh.gq","sgep0o70lh.ml","sgep0o70lh.tk","sgesvcdasd.com","sgilder.com","sgiochi.it","sgisfg.com","sgizdkbck4n8deph59.cf","sgizdkbck4n8deph59.gq","sgsda.com","sgti.com","sgtt.ovh","sgw186.com","sgxboe1ctru.cf","sgxboe1ctru.ga","sgxboe1ctru.gq","sgxboe1ctru.ml","sgxboe1ctru.tk","sh.ezua.com","sh.luk2.com","sh.soim.com","shaafshah.com","shackvine.com","shadedgreen.com","shadezbyj.com","shadow-net.ml","shadowlab.co","shadowlinepos.com","shadowpowered.com","shahimul.tk","shahobt.info","shahzad.org","shakemain.com","shakemaker.com","shakked.com","shalar.net","shall.favbat.com","shalvynne.art","shamanimports.com","shamanufactual.xyz","shandongji232.info","shandysalon.live","shandysalon.store","shanemalakas.com","shanghongs.com","shankaraay.com","shanky.cf","shannonyaindgkil.com","shantiom.gq","shaonianpaideqihuanpiaoliu.com","shapoo.ch","shapsugskaya.ru","shareacarol.com","sharedmailbox.org","shareflix.xyz","sharing-storage.com","sharkfaces.com","sharklasers.com","sharkliveroil.in","sharkmail.xyz","sharkslasers.com","sharksteammop.in","sharpmail.com","sharyndoll.com","shats.com","shattersense.com","shaw.pl","shaylarenx.com","shayzam.net","shbg.info","shbiso.com","shdxkr.com","she.hellohappy2.com","she.marksypark.com","she.oldoutnewin.com","she.poisedtoshrike.com","shedik2.tk","shedplan.info","sheehansauction.com","sheenfalls.com","sheep.blatnet.com","sheep.marksypark.com","sheep.oldoutnewin.com","sheep.poisedtoshrike.com","sheey.com","sheilamarcia.art","sheilatohir.art","sheileh.net","sheinup.com","shejumps.org","shelbymattingly.com","sheless.xyz","shelvem.com","shemy.site","shenhgts.net","shenji.info","shenshahfood.com","shensufu.com","shepherds-house.com","sherrie.com","sheryli.com","sheytg56.ga","shhmail.com","shhongshuhan.com","shhuut.org","shicoast.com","shid.de","shieldedmail.com","shieldemail.com","shievent.site","shiftmail.com","shikimori.xyz","shine.favbat.com","shine49mediahouse.com","shinecoffee.com","shingingbow.com","shinglestreatmentx.com","shining.one","shininglight.us","shinnemo.com","shinsplintsguide.info","shintabachir.art","shiny-star.net","shio365.com","ship-from-to.com","shipboard.ru","shipeinc.com","shipfromto.com","shiphang.club","shiphangmy.club","shiphazmat.org","shipkom.shop","shipping-regulations.com","shippingterms.org","shiprocket.tech","shiprol.com","shirleyanggraini.art","shirleybowman.com","shirleylogan.com","shiroinime.ga","shironime.ga","shironime.ml","shironime.tk","shirtmakers.de","shirulo.com","shishire8.xyz","shishish.cf","shishish.ga","shishish.gq","shishish.ml","shishuai0511.com","shit.bthow.com","shit.dns-cloud.net","shit.dnsabr.com","shit.net","shitaway.cf","shitaway.flu.cc","shitaway.ga","shitaway.gq","shitaway.igg.biz","shitaway.ml","shitaway.nut.cc","shitaway.tk","shitaway.usa.cc","shitface.com","shitmail.cf","shitmail.de","shitmail.ga","shitmail.gq","shitmail.me","shitmail.ml","shitmail.org","shitmail.tk","shitposting.agency","shittymail.cf","shittymail.ga","shittymail.gq","shittymail.ml","shittymail.tk","shitware.nl","shiva-spirit.com","shiyakila.cf","shiyakila.ga","shiyakila.gq","shiyakila.ml","shjto.us","shlon.com","shmeriously.com","sho94.xpath.site","shockinmytown.cu.cc","shockmail.win","shoeonlineblog.com","shoes-market.cf","shoes.com","shoes.net","shoesbrandsdesigner.info","shoesclouboupascher.com","shoeskicks.com","shoeslouboutinoutlet.com","shoesonline2014.com","shoesonline4sale.com","shoesshoponline.info","shoklin.cf","shoklin.ga","shoklin.gq","shoklin.ml","shonecool.club","shonecool.online","shonecool.site","shonecool.xyz","shonky.info","shop.lalaboutique.com","shop.winestains.org","shop4mail.net","shopbaby.me","shopbagsjp.org","shopbaohan.site","shopburberryjp.com","shopcelinejapan.com","shopdigital.info","shopdoker.ru","shopdonna.com","shopduylogic.vn","shopfalconsteamjerseys.com","shopflix.ml","shophall.net","shopjpguide.com","shoplebs.club","shoplebs.online","shoplebs.site","shoplebs.space","shoplebs.xyz","shoplouisvuittonoutlets.com","shopmizi.com","shopmoza.com","shopmp3.org","shopmulberryonline.com","shopmystore.org","shopnflnewyorkjetsjersey.com","shopnflravenjerseys.com","shoponlinemallus.com","shoponlinewithoutcvv.ru","shoppingcabinets.com","shoppingcow.com","shoppinglove.org","shoppingtrends24.de","shoppinguggboots.com","shoppiny.com","shoppradabagsjp.com","shoppyhunt.com","shopravensteamjerseys.com","shoproyal.net","shopseahawksteamjerseys.com","shopsgrup.us","shopshoes.co.cc","shopshowlv.com","shopsuperbowl49ers.com","shopsuperbowlravens.com","shoptheway.xyz","shopussy.com","shopxda.com","short-haircuts.co","shortddodo.com","shorten.tempm.ml","shorterurl.biz","shorthus.site","shortmail.net","shorttermloans90.co.uk","shoshaa.in","shotarou.com","shotmail.ru","shotsdwwgrcil.com","shotshe.com","shoturl.top","shoulderlengthhairstyles.biz","shouldpjr.com","showartcenter.com","showbaz.com","showboxmovies.site","showbusians.ru","showcamsex.com","showcasebrand.com","showcoachfactory.com","showlogin.com","showme.social","showmethelights.com","shownabis.ru","showslow.de","showstorm.com","showup.today","showup.us","showupse.live","showupse.online","showupse.site","showupse.xyz","showyoursteeze.com","shp7.cn","shredded.website","shrib.com","shroudofturin2011.info","shrtner.com","shshsh.com","shtime2.com","shubowtv.com","shuffle.email","shufuni.cn","shuoshuotao.com","shurkou.com","shurs.xyz","shut.name","shut.ws","shutaisha.ga","shutenk-shop.com","shvedian-nedv.ru","shwg.de","shyhzsc.com","shzsedu.com","siai.com","siapabucol.com","siapaitu.online","siasat.pl","siatkiogrodzeniowenet.pl","sibelor.pw","siberask.com","siberpay.com","sibigkostbil.xyz","sibirskiereki.ru","sibmail.com","siboneycubancuisine.com","sicamail.ga","sickseo.catchallhost.com","sickseo.clicksendingserver.com","sickseo.co.uk","sicmag.com","sicmg.com","sicstocks.com","sidamail.ga","siddhacademy.com","siddillion.com","sidedeaths.co.cc","sidelka-mytischi.ru","sidemirror53.com","sidersteel.com","sidhutravel.com","sidler.us","sidmail.com","sidwell.spicysallads.com","sieczki.com.pl","siemans.com","siemems.com","sienna12bourne.ga","siennamail.com","sieprovev.gq","siftportal.ru","sifumail.com","sify.com","sign-in.social","sign-up.website","signaturefencecompany.com","signaturehomegroup.net","signings.ru","signsoflosangeles.com","signstallers.info","sihirfm.net","sika3.com","sikatan.co","sikdar.site","sikharchives.com","sikis18.org","sikomo.cf","sikomo.ga","sikomo.gq","sikomo.ml","sikomo.tk","sikuder.me","sikumedical.com","sikux.com","silaaccounting.com","silacon.com","silbarts.com","silda8vv1p6qem.cf","silda8vv1p6qem.ga","silda8vv1p6qem.gq","silda8vv1p6qem.ml","silda8vv1p6qem.tk","silencei.org.ua","silenceofthespam.com","silico.llc","siliwangi.ga","silkbrushes.com","silkroadproxy.com","sillver.us","silnmy.com","silosta.co.cc","silsilah.life","silver.6amail.top","silver.cowsnbullz.com","silver.qwertylock.com","silvercoin.life","silverfox.dev","silverlinecap.com","silvertrophy.info","silveth.com","silxioskj.com","sim-simka.ru","simaenaga.com","simails.info","simcity.hirsemeier.de","simdpi.com","simemia.co","similarians.xyz","simillegious.site","simmanllc.com","simoka73.vv.cc","simple-mail-server.bid","simplebox.email","simplebrackets.com","simpleemail.in","simpleemail.info","simpleitsecurity.info","simplemail.in","simplemail.top","simplemailserver.bid","simplemerchantcapital.com","simpleseniorliving.com","simplesocialmedia.solutions","simplesolutionsinc.com","simplesport.ru","simpleverification.com","simplisse.co","simply-email.bid","simplyaremailer.info","simplyemail.bid","simplyemail.men","simplyemail.racing","simplyemail.trade","simplyemail.website","simplyemail.win","simplyfurnished.co.uk","simplyshop24.com","simplysweeps.org","simporate.site","simpsonfurniture.com","simscity.cf","simsdsaon.eu","simsdsaonflucas.eu","simsmail.ga","simsosieure.com","simulink.cf","simulink.ga","simulink.gq","simulink.ml","simulturient.site","sin-mailing.com","sin.cl","sina.toh.info","sinagalore.com","sinaite.net","sinasina.com","sinasinaqq123.info","sincerereviews.com","sinclairservices.com","sinda.club","sindu.org","sineli.com","sinema.ml","sinemail.info","sinemailing.com","sinessumma.site","sinfiltro.cl","singapore-nedv.ru","singaporetravel.network","single-lady-looking-for-man.club","singlecoffeecupmaker.com","singlesearch12.info","singlespride.com","singletravel.ru","singmails.com","singonline.net","singssungg.faith","singtelmails.com","singuyt.com","sink.fblay.com","sinmailing.com","sinnai.com","sinnlos-mail.de","sino.tw","sinportrhin.online","sins.com","sinsa12.com","sintec.pl","sinyago.com","sinyomail.gq","siolence.com","sipstrore.com","siptrunkvoipbusinessphone.shop","sir1ddnkurzmg4.cf","sir1ddnkurzmg4.ga","sir1ddnkurzmg4.gq","sir1ddnkurzmg4.ml","sir1ddnkurzmg4.tk","sirgoo.com","sirkelmail.com","sirneo.info","sirr.de","sirver.ru","sisari.ru","sisemazamkov.com","sistewep.online","sitavu.eu","sitdown.com","sitdown.info","sitdown.us","site-games.ru","site.blatnet.com","site.emailies.com","site.ploooop.com","siteher.info","sitehost.shop","sitemap.uk","siteposter.net","sites.cowsnbullz.com","sitesglobal.com","sitestyt.ru","siteuvelirki.info","sitik.site","sitished.site","sitolowcost.com","sitoon.cf","situsoke.online","siuk.com","siux3aph7ght7.cf","siux3aph7ght7.ga","siux3aph7ght7.gq","siux3aph7ght7.ml","siux3aph7ght7.tk","sivaaprilia.art","sivtmwumqz6fqtieicx.ga","sivtmwumqz6fqtieicx.gq","sivtmwumqz6fqtieicx.ml","sivtmwumqz6fqtieicx.tk","siwonmail.com","six-six-six.cf","six-six-six.ga","six-six-six.gq","six-six-six.ml","six-six-six.tk","six.emailfake.ml","six.fackme.gq","six55.com","sixdrops.org","sixtptsw6f.cf","sixtptsw6f.ga","sixtptsw6f.gq","sixtptsw6f.ml","sixtptsw6f.tk","sixtymina.com","sixxx.ga","sizableonline.info","sizzlemctwizzle.com","sjadhasdhj3423.info","sjanqhrhq.com","sjasd.net","sjdh.xyz","sjfdksdmfejf.com","sjhsbridge.org","sjindia.com","sjpvvp.org","sjrajufhwlb.cf","sjrajufhwlb.ga","sjrajufhwlb.gq","sjrajufhwlb.ml","sjrajufhwlb.tk","sjsfztvbvk.pl","sjsjpany.com","sjsjsj.com","sjuaq.com","skabir.website","skachat-1c.org","skachat-888poker.ru","skachatfilm.com","skafi.xyz","skafunderz.com","skakuntv.com","skalive.com","skateboardingcourses.com","skdjfmail.com","skdl.de","skedware.com","skeefmail.com","skeet.software","skg3qvpntq.cf","skg3qvpntq.ga","skg3qvpntq.ml","skg3qvpntq.tk","skhnlm.cf","skhnlm.ga","skhnlm.gq","skhnlm.ml","skibidipa.com","skidka-top.club","skilaphab.ml","skiller.website","skillfare.com","skillion.org","skilltool.com","skimcss.com","skin-care-tips.com","skin2envy.com","skinacneremedytreatmentproduct.com","skinaestheticlinic.com","skincareonlinereviews.net","skincareproductoffers.com","skinid.info","skins.6amail.top","skintagfix.com","skinwhiteningforeverreview.org","skipadoo.org","skipopiasc.info","skipspot.eu","skishop24.de","skkk.edu.my","sklad.progonrumarket.ru","skladchina.pro","skldfsldkfklsd.com","sklep-nestor.pl","sklepsante.com","skodaauto.cf","skoozipasta.com","skorao.xyz","skoshkami.ru","skra.de","skrx.tk","skrzynka.waw.pl","sksdkwlrgoeksf.com","sksfullskin.ga","sksjs.com","sksks.com","sktzmobile.com","skue.com","skuur.com","skuxyo.buzz","skuzos.biz","sky-inbox.com","sky-isite.com","sky-mail.ga","sky-movie.com","sky-ts.de","sky.2amail.top","sky.cowsnbullz.com","sky.dnsabr.com","sky.emailies.com","sky.lakemneadows.com","sky.marksypark.com","sky2x.com","skybarlex.xyz","skydragon112.cf","skydragon112.ga","skydragon112.gq","skydragon112.ml","skydragon112.tk","skydrive.tk","skye.com","skylinescity.com","skymail.ga","skymail.gq","skymailapp.com","skymailgroup.com","skymemy.com","skymovieshd.store","skyne.be","skynetengine.xyz","skynetfinancial.com","skynettool.xyz","skynt.be","skyometric.com","skypaluten.de","skypewebui.eu","skyrt.de","skysip.com","skysmail.gdn","skyzerotiger.com","skz.us","skzokgmueb3gfvu.cf","skzokgmueb3gfvu.ga","skzokgmueb3gfvu.gq","skzokgmueb3gfvu.ml","skzokgmueb3gfvu.tk","sladko-ebet-rakom.ru","sladko-milo.ru","slakthuset.com","slapmail.top","slapsfromlastnight.com","slarmail.com","slashpills.com","slaskpost.rymdprojekt.se","slaskpost.se","slave-auctions.net","slavens.eu","slavenspoppell.eu","slawbud.eu","slchemtech.com","sledgeeishockey.eu","sledzikor.az.pl","sleekdirectory.com","sleepary.com","sleepfjfas.org.ua","slekepeth78njir.ga","slendex.co","slepikas.com","slexports.com","slicediceandspiceny.com","slickdeal.net","sliew.com","slimail.info","slime.4amail.top","slimearomatic.ru","slimimport.com","slimlet.com","slimming-fast.info","slimming-premium.info","slimmingtabletsranking.info","slimurl.pw","sliped.com","slipkin.online","slippery.email","slipry.net","slissi.site","slivmag.ru","slix.dev","slkdjf.com","slkfewkkfgt.pl","slmshf.cf","slobruspop.co.cc","slomail.info","slomke.com","slonmail.com","sloppyworst.co","slopsbox.com","slot-onlinex.com","slot889.net","slotes.ru","slothmail.net","slotidns.com","slotoking.city","sloum.com","slovabegomua.ru","slovac-nedv.ru","sloven-nedv.ru","slowcooker-reviews.com","slowdeer.com","slowfoodfoothills.xyz","slowimo.com","slowm.it","slowmotn.club","slowslow.de","sls.us","slson.com","slsrs.ru","sltmail.com","sltrust.com","slu21svky.com","slugmail.ga","slushmail.com","slushyhut.com","slut-o-meter.com","sluteen.com","slutty.horse","slvlog.com","slwedding.ru","sly.3amail.top","sly.io","smack.email","smailpost.info","smailpostin.net","smailpro.com","smajok.ru","small.blatnet.com","small.lakemneadows.com","small.makingdomes.com","small.ploooop.com","small.poisedtoshrike.com","smallanawanginbeach.com","smallbusinesshowto.com","smallfrank.com","smallker.tk","smalltown.website","sman14kabtangerang.site","smanual.shop","smap.4nmv.ru","smap4.me","smapfree24.com","smapfree24.de","smapfree24.eu","smapfree24.info","smapfree24.org","smaretboy.pw","smart-email.me","smart-host.org","smart-mail.info","smart-mail.top","smart-medic.ru","smart.hellohappy2.com","smart.lakemneadows.com","smart.oldoutnewin.com","smartbusiness.me","smartcharts.pro","smartdreamzzz.com","smartertactics.com","smartfuture.space","smartgrid.com","smartify.homes","smartkeeda.net","smartpaydayonline.com","smartplaygame.com","smartrepairs.com.au","smartsass.com","smartsignout.com","smarttalent.pw","smartvanlines.com","smartvineyards.net","smartvs.xyz","smartx.sytes.net","smarty123.info","smashmail.com","smashmail.de","smashmywii.com","smbookobsessions.com","smcelder.com","smcleaningbydesign.com","smconstruction.com","smcrossover.com","smeegoapp.com","smellfear.com","smellrear.com","smellypotato.tk","smesthai.com","smfsgoeksf.com","smi.ooo","smileair.org","smilebalance.com","smilefastcashloans.co.uk","smileqeqe.com","smilequickcashloans.co.uk","smilestudioaz.com","smiletransport.com","smilevxer.com","smileyet.tk","smime.ninja","smirnoffprices.info","smirusn6t7.cf","smirusn6t7.ga","smirusn6t7.gq","smirusn6t7.ml","smirusn6t7.tk","smith-jones.com","smith.com","smithgroupinternet.com","smithwright.edu","sml2020.xyz","smlmail.com","smlmail.net","smmok-700nm.ru","smmwalebaba.com","smokefreesheffield.co.uk","smoken.com","smokes.2amail.top","smokey.4amail.top","smoking.com","smokingcessationandpregnancy.org","smokingpipescheap.info","smoothtakers.net","smoothunit.us","smotret-video.ru","smotretonline2015.ru","smotretonlinehdru.ru","smoug.net","smsala.com","smsbaka.ml","smsblue.com","smsbuds.in","smsdash.com","smsenmasse.eu","smsforum.ro","smsjokes.org","smsmint.com","smsraag.com","smsturkey.com","smswan.com","smtp.cadx.edu.pl","smtp.docs.edu.vn","smtp.szela.org","smtp3.cz.cc","smtp33.com","smtp99.com","smtponestop.info","smub.com","smuggroup.com","smulevip.com","smuse.me","smuvaj.com","smwg.info","smypatico.ca","sn3bochroifalv.cf","sn3bochroifalv.ga","sn3bochroifalv.gq","sn3bochroifalv.ml","sn3bochroifalv.tk","sn55nys5.cf","sn55nys5.ga","sn55nys5.gq","sn55nys5.ml","sn55nys5.tk","snacktime.games","snad1faxohwm.cf","snad1faxohwm.ga","snad1faxohwm.gq","snad1faxohwm.ml","snad1faxohwm.tk","snaena.com","snag.org","snail-mail.bid","snail-mail.net","snail.7amail.top","snailmail.bid","snailmail.download","snailmail.men","snailmail.website","snaimail.top","snakebite.com","snakebutt.com","snakemail.com","snaknoc.cf","snaknoc.ga","snaknoc.gq","snaknoc.ml","snam.cf","snam.ga","snam.gq","snam.tk","snapbackbay.com","snapbackcapcustom.com","snapbackcustom.com","snapbackdiscount.com","snapbackgaga.com","snapbackhatscustom.com","snapbackhatuk.com","snapboosting.com","snapunit.com","snapwet.com","snasu.info","sneakemail.com","sneaker-friends.com","sneaker-mag.com","sneaker-shops.com","sneakerbunko.cf","sneakerbunko.ga","sneakerbunko.gq","sneakerbunko.ml","sneakerbunko.tk","sneakers-blog.com","sneakersisabel-marant.com","sneakmail.de","sneakyreviews.com","snece.com","snehadas.rocks","snehadas.site","snehadas.tech","snellingpersonnel.com","snipe-mail.bid","snipemail4u.bid","snipemail4u.men","snipemail4u.website","snkmail.com","snkml.com","snl9lhtzuvotv.cf","snl9lhtzuvotv.ga","snl9lhtzuvotv.gq","snl9lhtzuvotv.ml","snl9lhtzuvotv.tk","snlw.com","snout.9amail.top","snow.2amail.top","snowbirdmail.com","snowboardingblog.com","snowboots4usa.com","snowmail.xyz","snowsweepusa.com","snowthrowers-reviews.com","snpsex.ga","snsanfcjfja.com","snugmail.net","so-com.tk","so-net.cf","so-net.ga","so-net.gq","so-net.ml","so4ever.codes","soaap.co","sobakanazaice.gq","sobc.com","sobeatsdrdreheadphones1.com","sobecoupon.com","sobeessentialenergy.com","socailmarketing.ir","socalgamers5.info","socalnflfans.info","socalu2fans.info","soccerfit.com","soccerinstyle.com","soccerjh.com","soccerrrr12.com","socgazeta.com","sochi.shn-host.ru","sochihosting.info","social-mailer.tk","socialcampaigns.org","socialcloud99.live","socialeum.com","socialfurry.org","socialhubmail.info","sociallymediocre.com","socialmailbox.info","socialmediamonitoring.nl","socialpreppers99.com","socialsergsasearchengineranker.com","socialtheme.ru","socialviplata.club","socialxbounty.info","sociloy.net","socjaliscidopiekla.pl","socket1212.com","sockfoj.pl","socksbest.com","socmail.net","socoolglasses.com","socrazy.club","socrazy.online","socsety.com","socte12.com","socusa.ru","socvideo.ru","soczewek-b.pl","soczewki.com","sodapoppinecoolbro.com","sodaz252.com","sodergacxzren.eu","sodergacxzrenslavens.eu","soeasytop.ru","soeo4am81j.cf","soeo4am81j.ga","soeo4am81j.gq","soeo4am81j.ml","soeo4am81j.tk","sofaoceco.pl","sofia.re","sofiarae.com","sofimail.com","sofme.com","sofort-mail.de","sofortmail.de","sofrge.com","soft-cheap-oem.net","softanswer.ru","softballball.com","softbank.tk","softdesk.net","softkey-office.ru","softmails.info","softpaws.ru","softpls.asia","softportald.tk","softswiss.today","softtoiletpaper.com","softwant.net","softwarepol.club","softwarepol.fun","softwarepol.website","softwarepol.xyz","softwarespiacellulari.info","softwarespiapercellulari.info","softwarezgroup.com","softwiretechnology.com","softxcloud.tech","sogetthis.com","sohai.ml","sohbet10.com","sohbetac.com","sohu.com","sohu.net","sohu.ro","sohus.cn","soikeongon.net","soioa.com","soisz.com","soitanve.tk","soju.buzz","sokap.eu","sokratit.ru","solanamcu.com","solar-impact.pro","solar.emailind.com","solar.pizza","solarino.pl","solarinverter.club","solarlamps.store","solarpowered.online","solarunited.net","solarunited.org","soldesburbery.com","soldierofthecross.us","soldierreport.com","soleli.com","soliaflatirons.in","soliahairstyling.in","solidequity.com","solidmail.org","solidpokerplayer.com","solidseovps.com","solihulllandscapes.com","solikun.ga","solikun.gq","solikun.tk","solitaireminerals.com","solnrg.com","soloadvanced.com","solomasks.com","soloner.ru","solowkol.site","solowtech.com","solpatu.space","solpowcont.info","soltur.bogatynia.net.pl","solu.gq","solution-finders.com","solutionsmanual.us","solvemail.info","solventtrap.wiki","solviagens.store","somacolorado.com","somalipress.com","somaroh.com","somdhosting.com","some.cowsnbullz.com","some.oldoutnewin.com","some.ploooop.com","someadulttoys.com","somebodyswrong.com","somechoice.ga","somecringe.ml","somedd.com","somepornsite.com","somerandomdomains.com","somersetoil.com","somesite.com","sometainia.site","somethingsirious.com","somniasound.com","somonsuka.com","somsupport.xyz","sonaluma.com","sondemar.com","songgallery.info","songlists.info","songlyricser.com","songosng.com","songpaste.com","songsblog.info","songshnagu.com","songshnagual.com","songsign.com","songtaitan.com","songtaith.com","songtaitu.com","songtaiu.com","soniaalyssa.art","sonicaz.space","soniconsultants.com","sonicv.com","sonmoi356.com","sonophon.ru","sonseals.com","sonshi.cf","sonshi.pl","sontol.pw","sonu.com","sonyedu.com","sonymails.gdn","sonyymail.com","soodmail.com","soodomail.com","soodonims.com","soon.it","soopr.info","sooq.live","soowz.com","soozoop.com","sopatrack.com","sophiecostumes.com","soplsqtyur.cf","soplsqtyur.ga","soplsqtyur.gq","soplsqtyur.ml","soplsqtyur.tk","sopotstyle.xyz","sopt.com","sorcios.com","sorteeemail.com","soslouisville.com","sosmanga.com","sosod.com","sosohagege.com","sotahmailz.ga","sotayonline.com","sothich.com","sotosegerr.xyz","souillat.com","soulfire.pl","soulinluv.com","soulsuns.com","soumail.info","soundclouddownloader.info","sounditems.com","soundmovie.biz","soupans.ru","souqdeal.site","sourcl.club","sourcreammail.info","sousousousou.com","southafrica-nedv.ru","southamericacruises.net","southlakeapartments.com","southlaketahoeapartments.com","southmiamiroofing.com","southpasadenaapartments.com","southpasadenahistoricdistrict.com","sovan.com","sovixa.com","sowhatilovedabici.com","soxrazstex.com","soyamsk.com","soycasero.com","soyou.net","sozdaem-diety.ru","sozfilmi.com","sp-market.ru","sp.woot.at","spa.com","space-company.ru","space.cowsnbullz.com","space.favbat.com","spacebazzar.ru","spacecas.ru","spacecolonyearth.com","spaceinvadas.com","spacemail.info","spaceonyx.ru","spacepush.org","spacewalker.cf","spacewalker.ga","spacewalker.gq","spacewalker.ml","spacibbacmo.lflink.com","spacted.site","spaereplease.com","spahealth.club","spahealth.online","spahealth.site","spahealth.xyz","spain-nedv.ru","spainholidays2012.info","spajek.com","spam-be-gone.com","spam-en.de","spam-nicht.de","spam.0x01.tk","spam.2012-2016.ru","spam.9001.ovh","spam.care","spam.coroiu.com","spam.deluser.net","spam.dexter0.xyz","spam.dhsf.net","spam.dnsx.xyz","spam.fassagforpresident.ga","spam.flu.cc","spam.hortuk.ovh","spam.igg.biz","spam.janlugt.nl","spam.jasonpearce.com","spam.la","spam.loldongs.org","spam.lucatnt.com","spam.lyceum-life.com.ru","spam.mccrew.com","spam.netpirates.net","spam.no-ip.net","spam.nut.cc","spam.org.es","spam.ozh.org","spam.pyphus.org","spam.rogers.us.com","spam.shep.pw","spam.su","spam.tla.ro","spam.trajano.net","spam.usa.cc","spam.visuao.net","spam.wtf.at","spam.wulczer.org","spam4.me","spamail.de","spamama.uk.to","spamarrest.com","spamavert.com","spambob.com","spambob.net","spambob.org","spambog.com","spambog.de","spambog.net","spambog.ru","spambooger.com","spambox.info","spambox.irishspringrealty.com","spambox.me","spambox.org","spambox.us","spambox.win","spambox.xyz","spamcannon.com","spamcannon.net","spamcanwait.com","spamcero.com","spamcon.org","spamcorptastic.com","spamcowboy.com","spamcowboy.net","spamcowboy.org","spamday.com","spamdecoy.net","spameater.org","spamelka.com","spamex.com","spamfellas.com","spamfighter.cf","spamfighter.ga","spamfighter.gq","spamfighter.ml","spamfighter.tk","spamfree.eu","spamfree24.com","spamfree24.de","spamfree24.eu","spamfree24.info","spamfree24.net","spamfree24.org","spamgoes.in","spamgourmet.com","spamgourmet.net","spamgourmet.org","spamherelots.com","spamhereplease.com","spamhole.com","spamify.com","spaminator.de","spamkill.info","spaml.com","spaml.de","spamlot.net","spammail.me","spammedic.com","spammehere.com","spammehere.net","spammingemail.com","spammotel.com","spamobox.com","spamoff.de","spamsalad.in","spamsandwich.com","spamserver.cf","spamserver.ga","spamserver.gq","spamserver.ml","spamserver.tk","spamserver2.cf","spamserver2.ga","spamserver2.gq","spamserver2.ml","spamserver2.tk","spamslicer.com","spamspameverywhere.org","spamsphere.com","spamspot.com","spamstack.net","spamthis.co.uk","spamthisplease.com","spamtrail.com","spamtrap.co","spamtrap.ro","spamtroll.net","spamwc.cf","spamwc.de","spamwc.ga","spamwc.gq","spamwc.ml","spandamail.info","spararam.ru","sparkfilter.online","sparkfilter.xyz","sparkmail.top","sparramail.info","sparrowcrew.org","spartan-fitness-blog.info","spartanburgkc.org","sparts.com","sparxbox.info","spasalonsan.ru","spaso.it","spbc.com","spbdyet.ru","spblt.ru","spdplumbing-heating.co.uk","spduszniki.pl","spe24.de","speakfreely.email","speakfreely.legal","spearsmail.men","spec-energo.ru","spec7rum.me","specialinoevideo.ru","specialistblog.com","specialkien.club","specialkien.website","specialkien.xyz","specialmail.com","specialmassage.club","specialmassage.fun","specialmassage.online","specialmassage.website","specialmassage.xyz","specialshares.com","specialsshorts.info","specialuxe.com","specism.site","specjalistyczneoserwisy.pl","spectexremont.ru","spectro.icu","speed-mail.co.uk","speed.1s.fr","speed.hexhost.pl","speeddataanalytics.com","speeddategirls.com","speedfocus.biz","speedgaus.net","speedkill.pl","speedlab.com","speedmail.cf","speedmediablog.com","speedsogolink.com","speedyhostpost.net","speemail.info","spektr.info","spektrsteel.ru","spellware.ru","spelovo.ru","spemail.xyz","sperma.cf","sperma.gq","spetsinger.ru","spfence.net","spga.de","spgmail.tk","spharell.com","sphay.com","spheretelecom.com","sphile.site","sphosp.com","sphrio.com","spicethainj.com","spicycartoons.com","spidalar.tk","spider.co.uk","spidersales.com","spidite.com","spierdalaj.xyz","spikebase.com","spikemargin.com","spikeworth.com","spikio.com","spin.net","spinacz99.ru","spindl-e.com","spinefruit.com","spingame.ru","spinmail.info","spinwinds.com","spiritcareers.com","spiriti.tk","spiritjerseysattracting.com","spiritosschool.com","spiritsingles.com","spiritsite.net","spiritualfriendship.site","spiritwarlord.com","spirt.com","spkvariant.ru","spkvaruant.ru","splendacoupons.org","splendyrwrinkles.com","splishsplash.ru","split.bthow.com","splitparents.com","spm.laohost.net","spmu.com","spmy.netpage.dk","spo777.com","spokedcity.com","spoksy.info","spolujizda.info","sponsored-by-xeovo-vpn.ink","sponsored-by-xeovo-vpn.site","spont.ml","spoofmail.de","spoofmail.es","spoofmail.fr","sporexbet.com","sport-gesundheit.de","sport-live-com.ru","sport-polit.com","sport-portalos.com.uk","sport4me.info","sportanswers.ru","sportiva.site","sportkakaotivi.com","sportmiet.ru","sportprediction.com","sportsa.ovh","sportsallnews.com","sportsbettingblogio.com","sportscape.tv","sportscentertltc.com","sportsdeer.com","sportsextreme.ru","sportsfoo.com","sportsfunnyjerseys.com","sportsgames2watch.com","sportsinjapan.com","sportsjapanesehome.com","sportskil.online","sportsnews.xyz","sportsnewsforfun.com","sportsnflnews.com","sportsshopsnews.com","sportsstores.co","sportwatch.website","sportylife.us","spot.cowsnbullz.com","spot.lakemneadows.com","spot.marksypark.com","spot.oldoutnewin.com","spot.poisedtoshrike.com","spot.popautomated.com","spotlightgossip.com","sppy.site","spr.io","sprawdzlokatybankowe.com.pl","spreaddashboard.com","sprin.tf","springboard.co.in","springcitychronicle.com","springrive.com","spritzzone.de","sproces.shop","sprtmxmfpqmf.com","spruzme.com","sprzet.med.com","sps-visualisierung.de","spsassociates.com","sptgaming.com","spudiuzdsm.cf","spudiuzdsm.ga","spudiuzdsm.gq","spudiuzdsm.ml","spudiuzdsm.tk","spura2.com.mz","spuramexico2.mx","spuramexico20.com.mx","spuramexico20.mx","spuramexico20012.com","spuramexico20012.com.mx","spuramexico2012.com","spuramexico2012.info","spuramexico2012.net","spuramexico2012.org","spwebsite.com","spybox.de","spycellphonesoftware.info","spyderskiwearjp.com","spylive.ru","spymail.one","spymobilephone.info","spymobilesoftware.info","spyphonemobile.info","spysoftwareformobile.info","sq9999.com","sqiiwzfk.mil.pl","sqmail.xyz","sqoai.com","squadmetrix.com","squeezeproductions.com","squirtsnap.com","squizzy.de","squizzy.eu","squizzy.net","sqwert.com","sqwtmail.com","sqxx.net","sr.ro.lt","sraka.xyz","srancypancy.net","srcitation.com","srenon.com","srestod.net","srfe.com","srgb.de","srhfdhs.com","sribalaji.ga","sriexpress.com","srjax.tk","srku7ktpd4kfa5m.cf","srku7ktpd4kfa5m.ga","srku7ktpd4kfa5m.gq","srku7ktpd4kfa5m.ml","srku7ktpd4kfa5m.tk","sroff.com","srrowuvqlcbfrls4ej9.cf","srrowuvqlcbfrls4ej9.ga","srrowuvqlcbfrls4ej9.gq","srrowuvqlcbfrls4ej9.ml","srrvy25q.atm.pl","srscapital.com","srsconsulting.com","srugiel.eu","srv31585.seohost.com.pl","srvq.com","sry.li","ss-deai.info","ss-hitler.cf","ss-hitler.ga","ss-hitler.gq","ss-hitler.ml","ss-hitler.tk","ss.0x01.tk","ss.luk2.com","ss.undo.it","ss00.cf","ss00.ga","ss00.gq","ss00.ml","ss01.ga","ss01.gq","ss02.cf","ss02.ga","ss02.gq","ss02.ml","ss02.tk","ssacslancelbbfrance2.com","ssahgfemrl.com","ssangyong.cf","ssangyong.ga","ssangyong.gq","ssangyong.ml","ssanphones.com","ssaofurr.com","ssaouzima.com","ssatyo.buzz","sschmid.ml","ssd24.de","ssdcgk.com","ssddfxcj.net","ssdfxcc.com","ssdhfh7bexp0xiqhy.cf","ssdhfh7bexp0xiqhy.ga","ssdhfh7bexp0xiqhy.gq","ssdhfh7bexp0xiqhy.ml","ssdhfh7bexp0xiqhy.tk","ssdijcii.com","ssds.com","ssef.com","ssemarketing.net","ssfaa.com","ssfccxew.com","ssfehtjoiv7wj.cf","ssfehtjoiv7wj.ga","ssfehtjoiv7wj.gq","ssfehtjoiv7wj.ml","ssfehtjoiv7wj.tk","ssg24.de","ssgjylc1013.com","sshid.com","ssij.pl","sskmail.top","ssl-aktualisierung-des-server-2019.icu","ssl.tls.cloudns.asia","sslclaims.com","sslglobalnetwork.com","sslporno.ru","sslsecurecert.com","sslsmtp.bid","sslsmtp.download","sslsmtp.racing","sslsmtp.trade","sslsmtp.website","sslsmtp.win","ssnp5bjcawdoby.cf","ssnp5bjcawdoby.ga","ssnp5bjcawdoby.gq","ssnp5bjcawdoby.ml","ssnp5bjcawdoby.tk","sso-demo-azure.com","sso-demo-okta.com","ssoia.com","ssongs34f.com","ssopany.com","sspecialscomputerparts.info","ssrrbta.com","sssdccxc.com","ssseunghyun.com","sssppua.cf","sssppua.ga","sssppua.gq","sssppua.ml","sssppua.tk","ssteermail.com","ssuet-edu.tk","ssunz.cricket","ssvm.xyz","sswinalarm.com","ssww.ml","ssxueyhnef01.pl","sszzzz99.com","st-m.cf","st-m.ga","st-m.gq","st-m.ml","st-m.tk","st1.vvsmail.com","staatenlos.ch","stablemail.igg.biz","stablic.site","staceymail.ga","stacjonarnyinternet.pl","stackedlayers.com","stackinglayers.com","stacklance.com","stafabandk.site","staffburada.com","staffchat.tk","staffprime.com","stagedandconfused.com","stainlessevil.com","staircraft5.com","stalbud2.com.pl","stalbudd22.pl","stalingradd.ru","stalloy.com","stalnoj.ru","stalos.pl","stamberg.nl","stampsprint.com","stanbondsa.com.au","standbildes.ml","standrewswide.co.uk","standupright.com","stanford-edu.cf","stanford-edu.tk","stanford-university.education","stanfordujjain.com","stanleykitchens-zp.in","stannhighschooledu.ml","stanovanjskeprevare.com","stansmail.com","star.emailies.com","star.marksypark.com","star.ploooop.com","star.poisedtoshrike.com","starbichone.com","starcira.com","stardiesel.biz","stardiesel.info","stardiesel.org","stareybary.club","stareybary.online","stareybary.site","stareybary.store","stareybary.website","stareybary.xyz","stargate1.com","starherz.ru","starikmail.in","starkrecords.com","starlight-breaker.net","starlit-seas.net","starmaker.email","starnow.tk","starpl.com","starpolyrubber.com","starpower.space","stars-and-glory.top","starslots.bid","start-serial.xyz","startafreeblog.com","startation.net","startcode.tech","startemail.tk","starterplansmo.info","startext.net","startfu.com","startimetable.com","startkeys.com","startoon5.com","startsgreat.ga","startup-jobs.co","startupers.tech","startupschwag.com","startuup.co","startwithone.ga","startymedia.com","starvalley.homes","starwalker.biz","starzip.link","stashemail.info","stashsheet.com","stat.org.pl","statdvr.com","state.bthow.com","statepro.store","statepro.xyz","staterecordings.com","staterial.site","stathost.net","staticintime.de","statiix.com","stationatprominence.com","stationdance.com","stativill.site","statloan.info","stattech.info","statusers.com","statuspage.ga","statx.ga","stayfitforever.org","stayhome.li","stayinyang.com","staypei.com","stealbest.com","stealthapps.org","stealthypost.net","stealthypost.org","steam-area.ru","steam.oldoutnewin.com","steam.poisedtoshrike.com","steam.pushpophop.com","steambot.net","steamkomails.club","steamlite.in","steammail.top","steammap.com","steamoh.com","steampot.xyz","steamprank.com","steamreal.ru","steamth.com","steauaeomizerie.com","steauaosuge.com","steelhorse.site","steelvaporlv.com","steemail.ga","steeplion.info","stefansplace.com","steffikelly.com","stefhf.nl","stefparket.ru","stehkragenhemd.de","steifftier.de","steinheart.com.au","steklosila.ru","stelkendh00.ga","stellacornelia.art","stelligenomine.xyz","stelliteop.info","stempmail.com","stensonelectric.com","steorn.cf","steorn.ga","steorn.gq","steorn.ml","steorn.tk","stepbystepwoodworkingplans.com","steplingdor.com","steplingor.com","stepoffstepbro.com","sterlingfinancecompany.com","sterlinginvestigations.com","sterlingsilverflatwareset.net","stermail.flu.cc","sterndeutung.li","steroidi-anaboli.org","stetna.site","steueetxznd.media.pl","stevaninepa.art","stevefotos.com","stevenbaker.com","stevyal.tech","stexsy.com","stg.malibucoding.com","stgeorgefire.com","sthaniyasarkar.com","stick-tube.com","stiedemann.com","stiffbook.xyz","stillfusnc.com","stillgoodshop.com","stimulanti.com","stinkefinger.net","stinkypoopoo.com","stiqx.in","stivendigital.club","stixinbox.info","stl-serbs.org","stlfasola.com","stloasia.com","stmmedia.com","stmpatico.ca","stockmount.info","stockpair.com","stockpickcentral.com","stocksaa318.xyz","stocktonnailsalons.com","stoffreich.de","stoicism.website","stokoski.ml","stokportal.ru","stokyards.info","stomach4m.com","stomatolog.pl","stonesmails.cz.cc","stonvpshostelx.com","stop-my-spam.cf","stop-my-spam.com","stop-my-spam.ga","stop-my-spam.ml","stop-my-spam.pp.ua","stop-my-spam.tk","stop-nail-biting.tk","stopbitingyournailsnow.info","stopblackmoldnow.com","stopcheater.com","stopforumforum.com","stopforumspam.info","stopforumspamcom.ru","stopgrowreview.org","stophabbos.tk","stopnds.com","stopshooting.com","stopspam.app","stopspamservis.eu","stopthawar.ml","storagehouse.net","storageplacesusa.info","storal.co","storant.co","store-perfume.ru","store.cowsnbullz.com","store.hellomotow.net","store.lakemneadows.com","store.oldoutnewin.com","store.poisedtoshrike.com","store4files.com","storeamnos.co","storebas.fun","storebas.online","storebas.site","storebas.space","storebas.store","storebas.website","storebas.xyz","storechaneljp.org","storeclsrn.xyz","storectic.co","storective.co","storeferragamo.com","storegmail.com","storeillet.co","storelivez.com","storellin.co","storemail.cf","storemail.ga","storemail.gq","storemail.ml","storemail.tk","storendite.co","storenia.co","storent.co","storeodon.co","storeodont.co","storeodoxa.co","storeortyx.co","storeotragus.co","storepath.xyz","storeperuvip.com","storepradabagsjp.com","storepradajp.com","storereplica.net","storero.co","storeshop.work","storestean.co","storesteia.co","storesup.fun","storesup.shop","storesup.site","storesup.store","storesup.xyz","storeutics.co","storeweed.co","storewood.co","storeyee.com","storeyoga.mobi","storiqax.com","storiqax.top","storist.co","storj99.com","storj99.top","storm-gain.net","storm.cloudwatch.net","stormynights.org","storrent.net","story.favbat.com","storyburn.com","storypo.com","stovepartes1.com","stpc.de","stpetersandstpauls.xyz","stqffouerchjwho0.cf","stqffouerchjwho0.ga","stqffouerchjwho0.gq","stqffouerchjwho0.ml","stqffouerchjwho0.tk","str1.doramm.com.pl","stradegycorps.com","stragedycd.com","straightenersaustralia.info","straightenerstylesaustralia.info","straightenerstylescheapuk.info","straightenerstylessaustralia.info","straightenhaircare.com","straightturtle.com","strandhunt.com","strapmail.top","strapworkout.com","strapyrial.site","strasbergorganic.com","strategicalbrand.com","strawhat.design","stream.gg","streamboost.xyz","streamezzo.com","streamfly.biz","streamfly.link","streaming.cash","streamtv2pc.com","streamup.ru","streerd.com","street.aquadivingaccessories.com","street.oldoutnewin.com","streetturtle.com","streetwisemail.com","strenmail.tk","strep.ml","stresser.tk","strictlysailing.com","strider92.plasticvouchercards.com","strideritecouponsbox.com","strikefive.com","stripbrushes.us","stripouts.melbourne","strivingman.com","stroiitelstvo.ru","stroitel-ru.com","stromectoldc.com","stromox.com","strona1.pl","stronawww.eu","strongan.com","strongpeptides.com","strongpesny.ru","strongviagra.net","stronnaa.pl","stronnica.pila.pl","strontmail.men","stronyinternetowekrakow.pl","stronywww-na-plus.com.pl","strorekeep.club","strorekeep.fun","strorekeep.online","strorekeep.site","strorekeep.website","strorekeep.xyz","stroremania.club","stroremania.online","stroremania.site","stroremania.xyz","stroutell.ru","stroytehn.com","strtv.tk","struckmail.com","strumail.com","sts.ansaldo.cf","sts.ansaldo.ga","sts.ansaldo.gq","sts.ansaldo.ml","sts.hitachirail.cf","sts.hitachirail.ga","sts.hitachirail.gq","sts.hitachirail.ml","sts.hitachirail.tk","sts9d93ie3b.cf","sts9d93ie3b.ga","sts9d93ie3b.gq","sts9d93ie3b.ml","sts9d93ie3b.tk","stsfsdf.se","stsgraphics.com","sttf.com","stu.lmstd.com","stuckhere.ml","stuckmail.com","student.base101.com","student.onsow.k12nc.us","studentdonor.org","studentlendingworks.com","studentloaninterestdeduction.info","studentmail.me","students-class1.ml","students.fresno.edul.com","students.rcedu.team","students.taiwanccedu.studio","studentscafe.com","studi24.de","studiakrakow.eu","studio-three.org","studiodesain.me","studiokadr.pl","studiokadrr.pl","studiopolka.tokyo","studioro.review","studioworkflow.com","study-good.ru","studytantra.com","stuelpna.ml","stuff.munrohk.com","stuffagent.ru","stuffmail.de","stuhome.me","stumblemanage.com","stumpfwerk.com","stunde.shop","sturgeonpointchurch.com","stuttgarter.org","stvbz.com","stvnlza.xyz","stvnzla.xyz","stwirt.com","stxrr.com","styledesigner.co.uk","stylemail.cz.cc","stylepositive.com","stylerate.online","stylesmail.org.ua","stylesshets.com","stylishcombatboots.com","stylishdesignerhandbags.info","stylishmichaelkorshandbags.info","stylist-volos.ru","styliste.pro","suamiistribahagia.com","suavietly.com","subaru-brz.cf","subaru-brz.ga","subaru-brz.gq","subaru-brz.ml","subaru-brz.tk","subaru-wrx.cf","subaru-wrx.ga","subaru-wrx.gq","subaru-wrx.ml","subaru-wrx.tk","subaru-xv.cf","subaru-xv.ga","subaru-xv.gq","subaru-xv.ml","subaru-xv.tk","subaruofplano.com","subcaro.com","sublingualvitamins.info","submic.com","submissive.com","submoti.tk","subparal.ml","subpastore.co","subsequestriver.xyz","substanceabusetreatmentrehab.site","substate.info","suburbanthug.com","subwaysurfers.info","succeedabw.com","succeedx.com","success.ooo","successforu.org","successforu.pw","successfulvideo.ru","successlocation.work","sucess16.com","suckmyass.com","suckmyd.com","sucknfuck.date","sucknfuck.site","sucrets.ga","suda2.pw","sudan-nedv.ru","sudaneseoverline.com","sudloisirs-nc.com","sudolife.me","sudolife.net","sudomail.biz","sudomail.com","sudomail.net","sudoverse.com","sudoverse.net","sudoweb.net","sudoworld.com","sudoworld.net","sudurr.mobi","suedcore.com","sueshaw.com","suexamplesb.com","suffocationlive.info","suffolkscenery.info","sufit.waw.pl","sufmail.xyz","sugar-daddy-meet.review","sugarcane.de","sugarloafstudios.net","suggerin.com","suggermarx.site","sugglens.site","suhuempek.cf","suhuempek.ga","suhuempek.gq","suhuempek.ml","suhuempek.tk","suhugatel.cf","suhugatel.ga","suhugatel.gq","suhugatel.ml","suhugatel.tk","suhusangar.ml","suioe.com","suitcasesjapan.com","suits2u.com","suittrends.com","suiyoutalkblog.com","suizafoods.com","sujjn9qz.pc.pl","sukaalkuma.com","sukaloli.n-e.kr","sukasukasuka.me","sukenjp.com","suksesnet.com","sul.bar","sulari.gq","sulat.horiba.cf","sull.ga","sullivanins.com","sullivanscafe.com","sulphonies.xyz","suma-group.com","sumakang.com","sumakay.com","sumarymary.xyz","sumberkadalnya.com","sumikang.com","sumitra.ga","sumitra.tk","summerlinmedia.net","summersair.com","summerswimwear.info","summis.com","summitgg.com","sump3min.ru","sumwan.com","sun.favbat.com","sun.iki.kr","sunbuh.asia","sunburning.ru","suncityshop.com","sunclubcasino.com","suncoast.net","sundaymovo.com","sundaysuspense.space","sundriesday.com","sunerb.pw","sunfuesty.com","sungerbob.net","sungkian.com","sunglassescheapoutlets.com","sunglassespa.com","sunglassesreplica.org","sunglassestory.com","suningsuguo123.info","sunmail.ga","sunmail.gq","sunmail.ml","sunmulti.com","sunnysamedayloans.co.uk","sunriver4you.com","sunsamail.info","sunsetclub.pl","sunsetsigns.org","sunsggcvj7hx0ocm.cf","sunsggcvj7hx0ocm.ga","sunsggcvj7hx0ocm.gq","sunsggcvj7hx0ocm.ml","sunsggcvj7hx0ocm.tk","sunshine94.in","sunshineautocenter.com","sunshineskilled.info","sunsol300.com","sunster.com","suntory.ga","suntory.gq","suntroncorp.com","sunyds.com","sunyggless.com","suoox.com","supappl.me","supascan.com","supb.site","supc.site","supd.site","super-auswahl.de","super-fast-email.bid","super-lodka.ru","super-szkola.pl","superacknowledg.ml","superalts.gq","superbags.de","superbemediamail.com","superbmedicines.com","superbowl500.info","superbowlnflravens.com","superbowlravenshop.com","superbwebhost.de","supercardirect.com","supercheapwow.com","supercoinmail.com","supercoolrecipe.com","supercuteitem.shop","superdieta.ddns.net","superdm.xyz","supere.ml","supereme.com","superfanta.net","superfastemail.bid","superfinancejobs.org","superforumb.ga","supergadgets.xyz","supergreatmail.com","supergreen.com","superhostformula.com","superintim.com","superior-seo.com","superiormarketers.com","superiorwholesaleblinds.com","supermail.cf","supermail.tk","supermailer.jp","supermails.pl","supermantutivie.com","supermediamail.com","supernews245.de","superoxide.ml","superpene.com","superplatyna.com","superpsychics.org","superraise.com","superrito.com","superrmail.biz","supersave.net","supersentai.space","superserver.site","supersolarpanelsuk.co.uk","superstachel.de","superth.in","supervk.net","superxmr.org","superyp.com","superzabawka.pl","superzaym.ru","superzesy.pl","supg.site","suph.site","supj.site","supk.site","suplemento.club","suples.pl","supn.site","supo.site","supoa.site","supob.site","supoc.site","supod.site","supoe.site","supof.site","supog.site","supoh.site","supoi.site","supoj.site","supok.site","supoo.site","supop.site","supoq.site","suport.com","suportt.com","supos.site","supou.site","supov.site","supow.site","supox.site","supoy.site","supoz.site","supp-jack.de","suppb.site","suppd.site","suppdiwaren.ddns.me.uk","suppelity.site","supperdryface-fr.com","suppf.site","suppg.site","supph.site","suppi.site","suppj.site","suppk.site","suppl.site","supplements.gov","supplywebmail.net","suppm.site","suppn.site","suppo.site","suppoint.ru","support.com","support22services.com","support5.mineweb.in","supportain.site","supporthpprinters.com","supporticult.site","suppp.site","suppq.site","supps.site","suppu.site","suppv.site","suppw.site","suppx.site","suppy.site","suppz.site","supq.site","supra-hot-sale.com","supracleanse.com","supraoutlet256.com","supras.xyz","suprasalestore.com","suprashoesite.com","suprasmail.gdn","suprb.site","suprd.site","supre.site","suprememarketingcompany.info","suprf.site","suprg.site","suprh.site","suprhost.net","suprisez.com","suprj.site","suprk.site","suprl.site","suprm.site","suprultradelivery.com","supt.site","supu.site","supw.site","supx.site","supxmail.info","supz.site","suratku.dynu.net","surburbanpropane.com","surdaqwv.priv.pl","sure2cargo.com","suremail.info","suremail.ml","surewaters.com","surfact.eu","surfdayz.com","surfeu.se","surfice.com","surfmail.tk","surfomania.pl","surga.ga","surgerylaser.net","suria.club","surigaodigitalservices.net","surinam-nedv.ru","surpa1995.info","surrogate-mothers.info","surrogatemothercost.com","surucukursukadikoy.com","suruitv.com","suruykusu.com","surveyrnonkey.net","survivalgears.net","survivan.com","suryaelectricals.com","suryapasti.com","suscm.co.uk","sushiojibarcelona.com","sushiseeker.com","susi.ml","suskapark.com","sussin99gold.co.uk","sustainable.style","sustainable.trade","susumo7710.itsuki51.dev256.xyz","sususegarcoy.tk","susybakaa.ml","sutann.us","sute.jp","sutenerlubvi.fav.cc","sutiami.cf","sutiami.ga","sutiami.gq","sutiami.ml","sutmail.com","sutno.com","suttal.com","sutterhealth.org","sutterstreetgrill.info","suttonsales.com","suuyydadb.com","suwarnisolikun.cf","suxt3eifou1eo5plgv.cf","suxt3eifou1eo5plgv.ga","suxt3eifou1eo5plgv.gq","suxt3eifou1eo5plgv.ml","suxt3eifou1eo5plgv.tk","suz99i.it","suzanahouse.co","suzroot.com","suzukilab.net","svadba-talk.com","svapofit.com","svcache.com","svda.com","svds.de","sverta.ru","svigrxpills.us","svil.net","svip520.cn","svk.jp","svlpackersandmovers.com","svmail.xyz","svoi-format.ru","svpmail.com","svs-samara.ru","svxr.org","svywkabolml.pc.pl","swadleysemergencyreliefteam.com","swagflavor.com","swagmami.com","swaidaindustry.org","swanticket.com","swapfinancebroker.org","swapinsta.com","swaps.ml","swatch.com","swatteammusic.com","sweatmail.com","swedesflyshop.com","sweemri.com","sweepstakesforme.com","sweet-space.ru","sweetagsfer.gq","sweetannies.com","sweetheartdress.net","sweetmessage.ga","sweetnessrice.com","sweetnessrice.net","sweetpotato.ml","sweetsfood.ru","sweetsilence.org.ua","sweetspotaudio.com","sweetvibes-bakery.com","sweetville.net","sweetxxx.de","sweetyfoods.ru","swflrealestateinvestmentfirm.com","swfwbqfqa.pl","swiat-atrakcji.pl","swiatdejwa.pl","swiatimprezek.pl","swiatlemmalowane.pl","swift-mail.net","swift10minutemail.com","swiftmail.xyz","swiftselect.com","swimail.info","swimmingpoolbuildersleecounty.com","swinbox.info","swingery.com","swinginggame.com","swismailbox.com","swissglobalonline.com","switchisp.com","swizeland-nedv.ru","swmail.xyz","swmhw.com","swooflia.cc","sworda.com","swq213567mm.cf","swq213567mm.ga","swq213567mm.gq","swq213567mm.ml","swq213567mm.tk","swqqfktgl.pl","swsewsesqedc.com","swsguide.com","swskrgg4m9tt.cf","swskrgg4m9tt.ga","swskrgg4m9tt.gq","swskrgg4m9tt.ml","swskrgg4m9tt.tk","swtorbots.net","swudutchyy.com","swwatch.com","swype.dev","sxbta.com","sxrop.com","sxxs.site","sxxx.ga","sxxx.gq","sxxx.ml","sxylc113.com","sxzevvhpmitlc64k9.cf","sxzevvhpmitlc64k9.ga","sxzevvhpmitlc64k9.gq","sxzevvhpmitlc64k9.ml","sxzevvhpmitlc64k9.tk","syadouchebag.com","syahmiqjoss.host","syd.com","syerqrx14.pl","syfilis.ru","syjxwlkj.com","sykvjdvjko.pl","sylkskinreview.net","sylvannet.com","sylwester.podhale.pl","symapatico.ca","symbolisees.ml","symet.net","sympayico.ca","symphonyresume.com","sympleks.pl","sympstico.ca","symptoms-diabetes.info","synami.com","synapse.foundation","syncax.com","synchtradlibac.xyz","syndicatemortgages.com","syndonation.site","synecious17mc.online","synergie.tk","synevde.com","synonem.com","synonyme.email","syntaxnews.xyz","syosetu.gq","sysdoctor.win","sysee.com","systechmail.com","system-2123.com","system-2125.com","system-32.info","system-765.com","system-765.info","system-962.com","system-962.org","system32.me","systemchange.me","systemnet.club","systempete.site","systemsflash.net","systemslender.com","systemwarsmagazine.com","systemy-call-contact-center.pl","systemyregalowe.pl","systemyrezerwacji.pl","syswars.com","syswift.com","sytes.net","syujob.accountants","sz13l7k9ic5v9wsg.cf","sz13l7k9ic5v9wsg.ga","sz13l7k9ic5v9wsg.gq","sz13l7k9ic5v9wsg.ml","sz13l7k9ic5v9wsg.tk","szczecin-termoosy.pl","szczepanik14581.co.pl","szef.cn","szeptem.pl","szerz.com","szesc.wiadomosc.pisz.pl","szi4edl0wnab3w6inc.cf","szi4edl0wnab3w6inc.ga","szi4edl0wnab3w6inc.gq","szi4edl0wnab3w6inc.ml","szi4edl0wnab3w6inc.tk","szkolapolicealna.com","szledxh.com","szok.xcl.pl","szponki.pl","szsb.de","sztucznapochwa.org.pl","sztyweta46.ga","szucsati.net","szukaj-pracy.info","szxshopping.com","szybka-pozyczka.com","szybki-bilet.site","szybki-remoncik.pl","t-email.org","t-kredyt.com","t-online.co","t-shirtcasual.com","t-student.cf","t-student.ga","t-student.gq","t-student.ml","t-student.tk","t.polosburberry.com","t.psh.me","t.woeishyang.com","t.xxi2.com","t.zibet.net","t099.tk","t0fp3r49b.pl","t16nmspsizvh.cf","t16nmspsizvh.ga","t16nmspsizvh.gq","t16nmspsizvh.ml","t16nmspsizvh.tk","t1bkooepcd.cf","t1bkooepcd.ga","t1bkooepcd.gq","t1bkooepcd.ml","t1bkooepcd.tk","t24e4p7.com","t30.cn","t3lam.com","t3mtxgg11nt.cf","t3mtxgg11nt.ga","t3mtxgg11nt.gq","t3mtxgg11nt.ml","t3mtxgg11nt.tk","t3rbo.com","t3t97d1d.com","t4tmb2ph6.pl","t4zpap5.xorg.pl","t5h65t54etttr.cf","t5h65t54etttr.ga","t5h65t54etttr.gq","t5h65t54etttr.ml","t5h65t54etttr.tk","t5sxp5p.pl","t5vbxkpdsckyrdrp.cf","t5vbxkpdsckyrdrp.ga","t5vbxkpdsckyrdrp.gq","t5vbxkpdsckyrdrp.ml","t5vbxkpdsckyrdrp.tk","t60555.com","t6khsozjnhqr.cf","t6khsozjnhqr.ga","t6khsozjnhqr.gq","t6khsozjnhqr.ml","t6khsozjnhqr.tk","t6qdua.bee.pl","t6xeiavxss1fetmawb.ga","t6xeiavxss1fetmawb.ml","t6xeiavxss1fetmawb.tk","t76o11m.mil.pl","t77eim.mil.pl","t7qriqe0vjfmqb.ga","t7qriqe0vjfmqb.ml","t7qriqe0vjfmqb.tk","t8kco4lsmbeeb.cf","t8kco4lsmbeeb.ga","t8kco4lsmbeeb.gq","t8kco4lsmbeeb.ml","t8kco4lsmbeeb.tk","ta-6.com","ta29.app","ta88.app","taa1.com","taaec.com","taagllc.com","taatfrih.com","taax.com","tab-24.pl","tab.hellohappy2.com","tab.poisedtoshrike.com","tabelon.com","tabithaanaya.livefreemail.top","tabletas.top","tabletdiscountdeals.com","tabletki-lysienie.pl","tabletki-odchudzajace.eu","tabletki.org","tabletkinaodchudzanie.biz.pl","tabletkinapamiec.xyz","tabletrafflez.info","tabletstoextendthepenis.info","tablighat24.com","tabtop.site","tac0hlfp0pqqawn.cf","tac0hlfp0pqqawn.ga","tac0hlfp0pqqawn.ml","tac0hlfp0pqqawn.tk","tacomacardiology.com","tacq.com","tacz.pl","tadacipprime.com","tadalafilz.com","tadao47.dev256.xyz","tadao85.funnetwork.xyz","tadipexs.com","tae.simplexion.pm","taeseazddaa.com","tafmail.com","tafmail.wfsb.rr.nu","tafoi.gr","tafrem3456ails.com","tafrlzg.pl","tagbert.com","tagcams.com","taglead.com","tagmymedia.com","tags.5amail.top","tagt.club","tagt.live","tagt.online","tagt.uk","tagt.us","tagt.xyz","tagyourself.com","taher.pw","tahmin.info","tahnaforbie.xyz","taho21.ru","tahugejrot.buzz","tahutex.online","tahyu.com","tai-asu.cf","tai-asu.ga","tai-asu.gq","tai-asu.ml","tai-chi.tech","tai-nedv.ru","tai789.fun","taichungpools.com","taidar.ru","taigomail.ml","taikhoanao.tk","taikz.com","tailfinsports.com","tailoredhemp.com","taimurfun.fun","taitz.gq","taiwan.com","taiwanball.ml","taiwanccedu.studio","tajcatering.com","tajikishu.site","takashishimizu.com","takatato.pl","take.blatnet.com","take.marksypark.com","takeafancy.ru","takeawaythis.org.ua","takedowns.org","takeitme.site","takeitsocial.com","takenews.com","takeoff.digital","takepeak.xyz","takeshobo.cf","takeshobo.ga","takeshobo.gq","takeshobo.ml","takeshobo.tk","takesonetoknowone.com","takipcihilesiyap.com","takipcisatinal.shop","takmailing.com","takmemberi.cf","takmemberi.gq","taktalk.net","takuino.app","talahicc.com","talawanda.com","taleem.life","talk49.com","talkaa.org","talkalk.net","talkdao.net","talkinator.com","talkmises.com","talktal.net","talktoip.com","talkwithme.info","tallerfor.xyz","tallest.com","taltalk.net","taluabushop.com","tamail.com","tamamassage.online","tamanhodopenis.biz","tamanhodopenis.info","tamanta.net","tamaratyasmara.art","tambahlagi.online","tambakrejo.cf","tambakrejo.ga","tambakrejo.tk","tambox.site","tambroker.ru","tamdan.com","tamera.eu","tamgaaa12.com","tammega.com","tampa-seo.us","tampabaycoalition.com","tampaflcomputerrepair.com","tampasurveys.com","tampatailor.com","tampicobrush.org","tamttts.com","tamuhost.me","tan9595.com","tananachiefs.com","tancients.site","tandberggroup.com","tandbergonline.com","tandcpg.com","tandy.co","tangarinefun.com","tanglewoodstudios.com","tango-card.com","tangocharlie.101livemail.top","tangomining.com","tanihosting.net.pl","taniiepozyczki.pl","tanikredycik.pl","taninsider.com","tanning-bed-bulbs.com","tanningcoupon.com","tanningprice.com","tansmail.ga","tantacomm.com","tanteculikakuya.com","tantedewi.ml","tantennajz.com","tantra-for-couples.com","tantraclassesonline.com","tantraforhealth.com","tantralube.com","tantraprostatehealing.com","tantrareview.com","tantraspeeddating.com","tantratv.com","tanukis.org","tao399.com","taobaigou.club","taoisture.xyz","taokhienfacebook.com","taosbet.com","taosjw.com","tapchicuoihoi.com","tape.favbat.com","tapecompany.com","tapecopy.net","tapetoland.pl","tapety-download.pl","taphear.com","tapi.re","tapiitudulu.com","tapsitoaktl353t.ga","tar00ih60tpt2h7.cf","tar00ih60tpt2h7.ga","tar00ih60tpt2h7.gq","tar00ih60tpt2h7.ml","tar00ih60tpt2h7.tk","taraeria.ru","tarciano.com","tarcuttgige.eu","taresz.ga","targetcom.com","targetdb.com","tariffenet.it","tariqa-burhaniya.com","tarlancapital.com","tarma.cf","tarma.ga","tarma.ml","tarma.tk","tartempion.engineer","tartoor.club","tartoor.com","tartoor.space","tarzanmail.cf","tarzanmail.ml","tascon.com","tashjw.com","taskforcetech.com","taskscbo.com","tasmakarta.pl","tastaravalli.tk","tastewhatyouremissing.com","tastrg.com","tasty-drop.org","tastyarabicacoffee.com","tastyemail.xyz","tastypizza.com","tatalbet.com","tatapeta.pl","tatbuffremfastgo.com","tatebayashi-zeirishi.biz","tatersik.eu","tattoo.5amail.top","tattoopeace.com","tattoos.name","tau.ceti.mineweb.in","taucoindo.site","taufik.sytes.net","taufikrt.ddns.net","taukah.com","taus.ml","tauttjar3r46.cf","tavares.com","tavazan.xyz","tawagnadirect.us","tawny.roastedtastyfood.com","tawnygrammar.org","tawtar.com","taxfreeemail.com","taxi-evpatoriya.ru","taxi-france.com","taxi-vovrema.info","taxiaugsburg.de","taxon.com","taxy.com","taylerdeborah.london-mail.top","taylorventuresllc.com","taynguyen24h.net","tayo.ooo","tayohei-official.com","tayoo.com","taytkombinim.xyz","tazpkrzkq.pl","tb-on-line.net","tbbo.de","tbbyt.net","tbchr.com","tbez.com","tbko.com","tbrfky.com","tbwzidal06zba1gb.cf","tbwzidal06zba1gb.ga","tbwzidal06zba1gb.gq","tbwzidal06zba1gb.ml","tbwzidal06zba1gb.tk","tbxmakazxsoyltu.cf","tbxmakazxsoyltu.ga","tbxmakazxsoyltu.gq","tbxmakazxsoyltu.ml","tbxmakazxsoyltu.tk","tbxqzbm9omc.cf","tbxqzbm9omc.ga","tbxqzbm9omc.gq","tbxqzbm9omc.ml","tbxqzbm9omc.tk","tc-coop.com","tc-solutions.com","tc4q7muwemzq9ls.ml","tc4q7muwemzq9ls.tk","tcases.com","tcbi.com","tcfr2ulcl9cs.cf","tcfr2ulcl9cs.ga","tcfr2ulcl9cs.gq","tcfr2ulcl9cs.ml","tcfr2ulcl9cs.tk","tchatrencontrenc.com","tchatroulette.eu","tchatsenegal.com","tchoeo.com","tchvn.tk","tcnmistakes.com","tcoaee.com","tcsnews.tv","tcsqzc04ipp9u.cf","tcsqzc04ipp9u.ga","tcsqzc04ipp9u.gq","tcsqzc04ipp9u.ml","tcsqzc04ipp9u.tk","tcua9bnaq30uk.cf","tcua9bnaq30uk.ga","tcua9bnaq30uk.gq","tcua9bnaq30uk.ml","tcua9bnaq30uk.tk","tcwholesale.com","tdbusinessfinancing.com","tdcryo.com","tdf-illustration.com","tdfwld7e7z.cf","tdfwld7e7z.ga","tdfwld7e7z.gq","tdfwld7e7z.ml","tdfwld7e7z.tk","tdir.online","tdlttrmt.com","tdnew.com","tdovk626l.pl","tdska.org","tdsmproject.com","tdspedia.com","tdtda.com","tdtemp.ga","te.caseedu.tk","te2jrvxlmn8wetfs.gq","te2jrvxlmn8wetfs.ml","te2jrvxlmn8wetfs.tk","te5s5t56ts.ga","tea-tins.com","teachersblueprint.com","teaching.kategoriblog.com","teachingjobshelp.com","teacostudy.site","tealeafdevelopers.com","tealeafexperts.com","teamails.net","teamandclub.ga","teambogor.online","teamgdi.com","teamkg.tk","teamlitty.de","teamlonewolf.co","teamobi.net","teamrnd.win","teamspeak3.ga","teamspeakradioguy.com","teamster.com","teamviewerindirsene.com","teamvortex.com","teamworker.club","teamworker.online","teamworker.site","teamworker.website","teaparty-news.com","tearflakes.com","tearrecords.com","teasya.com","tebwinsoi.ooo","tebyy.com","tecemail.top","tech-mail.net","tech-repair-centre.co.uk","tech.edu","tech5group.com","tech69.com","techbird.fun","techbook.com","techcenter.biz","techdf.com","techdudes.com","techemail.com","techfevo.info","techgroup.me","techgroup.top","techholic.in","techie.com","techiewall.com","techindo.web.id","techix.tech","techlabreviews.com","techloveer.com","techmail.info","techmoe.asia","technicolor.cf","technicolor.ga","technicolor.gq","technicolor.ml","technicsan.ru","technidem.fr","technikue.men","techno5.club","technocape.com","technoinsights.info","technopark.site","technoproxy.ru","techplanet.com","techproductinfo.com","techromo.com","techstat.net","techtary.com","techuppy.com","techwebfact.com","techxs.dx.am","tecninja.xyz","tecnosmail.com","tecnotutos.com","tectronica.com","tedace.com","tedale.com","tedesafia.com","tednbe.com","tedswoodworking.science","teecheap.store","teeenye.com","teemia.com","teemoloveulongtime.com","teenanaltubes.com","teencaptures.com","teenovgue.com","teensuccessprograms.com","teentravelnyc.com","teeoli.com","teepotrn.com","teeprint.online","teerest.com","teerko.fun","teerko.online","teesdiscount.com","teeshirtsprint.com","teewars.org","teewhole.com","tefer.gov","tefl.ro","tefonica.net","tegifehurez.glogow.pl","tegnabrapal.me","tehdini.cf","tehdini.ga","tehdini.gq","tehdini.ml","tehoopcut.info","tehs8ce9f9ibpskvg.cf","tehs8ce9f9ibpskvg.ga","tehs8ce9f9ibpskvg.gq","tehs8ce9f9ibpskvg.ml","tehs8ce9f9ibpskvg.tk","tehsusu.cf","tehsusu.ga","tehsusu.gq","tehsusu.ml","teimur.com","tejassec.com","tejmail.pl","tekelbayisi.xyz","tekkoree.gq","teknografi.site","teknopena.com","tektok.me","telecama.com","telecharger-films-megaupload.com","telechargerfacile.com","telechargerpiratertricher.info","telechargervideosyoutube.fr","telecomix.pl","telecomuplinks.com","telefonico.com","telefony-opinie.pl","teleg.eu","telegmail.com","telego446.com","telekbird.com.cn","telekgaring.cf","telekgaring.ga","telekgaring.gq","telekgaring.ml","telekom-mail.com","telekteles.cf","telekteles.ga","telekteles.gq","telekteles.ml","telekucing.cf","telekucing.ga","telekucing.gq","telekucing.ml","telemetricop.com","telemol.club","telemol.fun","telemol.online","telemol.xyz","teleosaurs.xyz","telephoneportableoccasion.eu","telephonesystemsforbusiness.com","teleport-pskov.ru","teleuoso.com","teleworm.com","teleworm.us","telkomuniversity.duckdns.org","tellmepass.ml","tellos.xyz","tellsow.fun","tellsow.live","tellsow.online","tellsow.xyz","tellynet.giize.com","telmail.top","telplexus.com","telukmeong1.ga","telukmeong2.cf","telukmeong3.ml","temail.com","teman-bangsa.com","temasekmail.com","temasparawordpress.es","temengaming.com","temhuv.com","teml.net","temmail.xyz","temp-cloud.net","temp-e.ml","temp-email.info","temp-email.ru","temp-emails.com","temp-link.net","temp-mail.com","temp-mail.de","temp-mail.info","temp-mail.io","temp-mail.life","temp-mail.live","temp-mail.ml","temp-mail.monster","temp-mail.net","temp-mail.org","temp-mail.pp.ua","temp-mail.ru","temp-mails.co","temp-mails.com","temp.aogoen.com","temp.bartdevos.be","temp.cloudns.asia","temp.emeraldwebmail.com","temp.headstrong.de","temp.mail.y59.jp","temp.qwertz.me","temp.wheezer.net","temp1.club","temp15qm.com","temp2.club","temp69.email","tempail.com","tempalias.com","tempamailbox.info","tempatspa.com","tempcloud.in","tempcloud.info","tempe-mail.com","tempekmuta.cf","tempekmuta.ga","tempekmuta.gq","tempekmuta.ml","tempemail.biz","tempemail.co","tempemail.co.za","tempemail.com","tempemail.daniel-james.me","tempemail.info","tempemail.net","tempemail.org","tempemail.pro","tempemailaddress.com","tempemailco.com","tempemails.io","tempgmail.ga","tempikpenyu.xyz","tempinbox.co.uk","tempinbox.com","tempinbox.xyz","templategeek.net","templerehab.com","tempm.cf","tempm.com","tempm.ga","tempm.gq","tempm.ml","tempmail-1.net","tempmail-2.net","tempmail-3.net","tempmail-4.net","tempmail-5.net","tempmail.cn","tempmail.co","tempmail.de","tempmail.dev","tempmail.digital","tempmail.eu","tempmail.io","tempmail.it","tempmail.net","tempmail.plus","tempmail.pp.ua","tempmail.pro","tempmail.red","tempmail.space","tempmail.sytes.net","tempmail.top","tempmail.us","tempmail.website","tempmail.win","tempmail.wizardmail.tech","tempmail.ws","tempmail.xxi2.com","tempmail2.com","tempmailapp.com","tempmailco.com","tempmaildemo.com","tempmailer.com","tempmailer.de","tempmailid.com","tempmailid.net","tempmailid.org","tempmailin.com","tempmailo.com","tempmails.cf","tempmails.gq","tempmails.org","tempoconsult.info","tempomail.fr","tempomail.org","temporamail.com","temporaremail.com","temporarily.de","temporarioemail.com.br","temporary-email-address.com","temporary-email.com","temporary-email.world","temporary-mail.net","temporary-mailbox.com","temporaryemail.net","temporaryemail.us","temporaryforwarding.com","temporaryinbox.com","temporarymail.ga","temporarymail.org","temporarymailaddress.com","temporeal.site","tempr.email","tempremail.cf","tempremail.tk","tempsky.com","tempthe.net","tempwolf.xyz","tempxmail.info","tempymail.com","tempzo.info","temr0520cr4kqcsxw.cf","temr0520cr4kqcsxw.ga","temr0520cr4kqcsxw.gq","temr0520cr4kqcsxw.ml","temr0520cr4kqcsxw.tk","temxp.net","tend.favbat.com","tenesu.tk","tennesseeinssaver.com","tennisan.ru","tenniselbowguide.info","tennisnews4ever.info","tensi.org","tenvia.com","tenzoves.ru","teonanakatl.info","tepos12.eu","tepzo.com","ter.com","terahack.com","terasd.com","teraz.artykulostrada.pl","terbias.com","terecidebulurum.ltd","terika.net","teripanoske.com","termail.com","termakan.com","terminalerror.com","terminate.tech","terminateee12.com","termuxtech.tk","ternaklele.ga","terpistick.com","terra-incognita.co","terra7.com","terracheats.com","terrificbusinesses.com","terrorisiertest.ml","terryjohnson.online","terrykelley.com","terryputri.art","tert353ayre6tw.ml","teselada.ml","tesgurus.net","tesiov.info","teslasteel.com","teslax.me","tesmail.site","tessen.info","test-acs.com","test.actess.fr","test.com","test.crowdpress.it","test.de","test.unergie.com","test121.com","test130.com","test32.com","test55.com","testando.com","testbnk.com","testbooking.com","teste445k.ga","tester-games.ru","testerino.tk","testforcextremereviews.com","testhats.com","testi.com","testicles.com","testingtest.com","testlord.com","testmansion.com","testname.com","testoboosts.com","testoforcereview.net","testoh.cf","testoh.ga","testoh.gq","testoh.ml","testoh.tk","testore.co","testosterone-tablets.com","testosteroneforman.com","testoweprv.pl","testpah.ml","testshiv.com","testsmails.tk","testudine.com","testviews.com","tethjdt.com","tetrads.ru","teufelsweb.com","tevhiddersleri.com","texac0.cf","texac0.ga","texac0.gq","texac0.ml","texac0.tk","texansportsshop.com","texansproteamsshop.com","texas-investigations.com","texas-nedv.ru","texasaol.com","texasps.com","texasretirementservice.info","textad.us","textbooksandtickets.com","texters.ru","textildesign24.de","textilelife.ru","textmarken.de","textmedude.cf","textmedude.ga","textmedude.gq","textmedude.ml","textmedude.tk","textprayer.com","textpro.site","textwebs.info","textyourexbackreviewed.org","texv.com","texy123.com","tezdbz8aovezbbcg3.cf","tezdbz8aovezbbcg3.ga","tezdbz8aovezbbcg3.gq","tezdbz8aovezbbcg3.ml","tezdbz8aovezbbcg3.tk","tezy.site","tezzmail.host","tf.spymail.one","tf5bh7wqi0zcus.cf","tf5bh7wqi0zcus.ga","tf5bh7wqi0zcus.gq","tf5bh7wqi0zcus.ml","tf5bh7wqi0zcus.tk","tf7nzhw.com","tfbnw.net","tfcreations.com","tfg1.com","tfgphjqzkc.pl","tfiadvocate.com","tfinest.com","tfstaiwan.cloudns.asia","tfwno.gf","tfzav6iptxcbqviv.cf","tfzav6iptxcbqviv.ga","tfzav6iptxcbqviv.gq","tfzav6iptxcbqviv.ml","tfzav6iptxcbqviv.tk","tg7.net","tggmalls.com","tgiq9zwj6ttmq.cf","tgiq9zwj6ttmq.ga","tgiq9zwj6ttmq.gq","tgiq9zwj6ttmq.ml","tgiq9zwj6ttmq.tk","tglservices.com","tgntcexya.pl","tgpix.net","tgres24.com","tgstation.org","tgszgot72lu.cf","tgszgot72lu.ga","tgszgot72lu.gq","tgszgot72lu.ml","tgszgot72lu.tk","tgtshop.com","tgxvhp5fp9.cf","tgxvhp5fp9.ga","tgxvhp5fp9.gq","tgxvhp5fp9.ml","tgxvhp5fp9.tk","th3ts2zurnr.cf","th3ts2zurnr.ga","th3ts2zurnr.gq","th3ts2zurnr.ml","th3ts2zurnr.tk","thaiedvisa.com","thaiger-tec.com","thaihealingcenter.org","thailaaa.org.ua","thailand-mega.com","thailandresort.asia","thailandstayeasy.com","thailongstayjapanese.com","thaithai3.com","thaivisa.cc","thaivisa.es","thaki8ksz.info","thalia.annette.montreal5.top","thaliaesmivida.com","than.blatnet.com","than.blurelizer.com","than.lakemneadows.com","than.poisedtoshrike.com","than.popautomated.com","thaneh.xyz","thangberus.net","thangmay.biz","thangmay.com","thangmay.com.vn","thangmay.net","thangmay.org","thangmay.vn","thangmaydaiphong.com","thangmaygiadinh.com","thangmayhaiduong.com","thangmaythoitrang.vn","thanksgiving.digital","thanksme.online","thanksme.store","thanksme.xyz","thanksnospam.info","thankyou2010.com","thankyou2014.com","that.lakemneadows.com","that.marksypark.com","thatbloggergirl.com","thatim.info","thc.st","thclips.com","thclub.com","thdesign.pl","thdv.ru","the-boots-ugg.com","the-classifiedads-online.info","the-dating-jerk.com","the-first.email","the-louis-vuitton-outlet.com","the-perfect.com","the-popa.ru","the-skyeverton.com","the-source.co.il","the.celebrities-duels.com","the.cowsnbullz.com","the.poisedtoshrike.com","the2012riots.info","the23app.com","the2jacks.com","theacneblog.com","theaffiliatepeople.com","theairfilters.com","thealderagency.com","theallgaiermogensen.com","thealohagroup.international","thealphacompany.com","theanatoly.com","theangelwings.com","theanimalcarecenter.com","theaperturelabs.com","theaperturescience.com","theartypeople.com","thearunsounds.org","theaviors.com","thebat.client.blognet.in","thebearshark.com","thebeatlesbogota.com","thebest4ever.com","thebestarticles.org","thebestmedicinecomedyclub.com","thebestmoneymakingtips.info","thebestremont.ru","thebestrolexreplicawatches.com","thebestwebtrafficservices.info","thebigbang.tk","theblackduck.com","theblogster.pw","thebluffersguidetoit.com","thebrand.pro","thebudhound.com","thebusinessdevelopers.com","thebytehouse.info","thecarinformation.com","thechemwiki.org","thechildrensfocus.com","thecinemanet.ru","thecirchotelhollywood.com","thecity.biz","theclinicshield.com","thecloudindex.com","thecoalblog.com","thecollapsingtower.com","thecongruentmystic.com","theconsumerclub.org","thecontainergroup.com.au","thecontemparywardrobe.com","thecyberpunk.space","thedarkmaster097.sytes.net","thedatingstylist.com","thedaymail.com","thedealsvillage.com","thedentalshop.xyz","thedepression.com","thediamants.org","thedietsolutionprogramreview.com","thedigitalphotoframe.com","thedimcafe.com","thedirhq.info","thediscountmart.net","thedishrag.com","thedocerosa.com","thedowntowndiva.com","thedowntowndivas.com","thedowntowndivas.net","theeasymail.com","theedoewcenter.com","theemailaccount.com","theemailaddy.com","theemailadress.com","theexitgroup.com","thefactsproject.org","thefairyprincessshop.com","thefalconsshop.com","thefamilyforest.info","thefatloss4idiotsreview.org","thefatlossfactorreview.info","thefatlossfactorreviews.co","thefatlossfactorreviews.com","thefirstticket.com","thefitnessgeek.com","thefitnessguru.org","thefitnesstrail.com","theflatness.com","theflexbelt.info","theforgotten-soldiers.com","thefreefamily.xyz","thefreemanual.asia","thefuturebit.com","thefxpro.com","thega.ga","thegamesandbeyond.com","thegarbers.com","thegatefirm.com","thegbook.com","theghdstraighteners.com","theglockner.com","theglockneronline.com","thehagiasophia.com","thehamkercat.cf","thehavyrtda.com","thehealingstartshere.com","thehillscoffee.com","thehoanglantuvi.com","thehosh.com","thehypothyroidismrevolutionreview.com","theidgroup.com","theindiaphile.com","theinfomarketing.info","theinquisitor.xyz","theinsuranceinfo.org","theinternetpower.info","theiof.com","their.blatnet.com","their.lakemneadows.com","their.oldoutnewin.com","theittechblog.com","thejamescompany.com","thejoaocarlosblog.tk","thejoker5.com","thejupiterblues.com","thekamasutrabooks.com","thekangsua.com","thekitchenfairypc.com","thekittensmurf.com","thekurangngopi.club","thelavalamp.info","thelifeguardonline.com","thelightningmail.net","thelimestones.com","thelittlechicboutique.com","thelmages.site","thelovedays.com","thelsatprofessor.com","them.lakemneadows.com","them.poisedtoshrike.com","themadhipster.com","themagicofmakingupreview.info","themail.krd.ag","themail3.net","themailemail.com","themailmall.com","themailpro.net","themailredirector.info","themanicuredgardener.com","themarijuanalogues.com","themarketingsolutions.info","thematicworld.pl","thembones.com.au","themecolours.com","themedicinehat.net","themeg.co","themegreview.com","themesmix.com","themogensen.com","themoneysinthelist.com","themoon.co.uk","themostemail.com","themulberrybags.us","themulberrybagsuksale.com","themule.net","then.cowsnbullz.com","then.marksypark.com","then.oldoutnewin.com","then.ploooop.com","thenativeangeleno.com","thenewsdhhayy.com","thenewtinsomerset.news","thenflpatriotshop.com","thenflravenshop.com","thenoftime.org.ua","thenorth-face-shop.com","thenorthfaceoutletb.com","thenorthfaceoutletk.com","thenumberonemattress.com","thenutritionatrix.com","theodore1818.site","theone-blue.com","theone2017.us","theonlinemattressstore.com","theopposition.club","theorlandoguide.net","theothermail.com","theoverlandtandberg.com","thepaleoburnsystem.com","thepaperbackshop.com","theparryscope.com","thepartyzone.org","thepascher.com","thephillycalendar.com","thepieter.com","thepieteronline.com","thepillsforcellulite.info","thepinkbee.com","thepiratefilmeshd.org","thepit.ml","thepitujk79mgh.tk","theplug.org","theporndude.com","thepromenadebolingbrook.com","thepsoft.org","thequickreview.com","thequickstuff.info","thequicktake.org","theravensshop.com","there.blurelizer.com","there.cowsnbullz.com","there.makingdomes.com","there.poisedtoshrike.com","therealcolonel.press","therealdealblogs.com","thereareemails.xyz","therecoverycompanion.com","thereddoors.online","theresorts.ru","thermoconsulting.pl","thermoplasticelastomer.net","thermostatreviews.org","theroyalstores.com","theroyalweb.club","thesavoys.com","thescrappermovie.com","these.ploooop.com","these.poisedtoshrike.com","theseodude.co.uk","thesiance.site","thesickest.co","theskymail.com","theslatch.com","thesophiaonline.com","thespamfather.com","thespawningpool.com","thesqueezemagazine.com","thestats.top","thestopplus.com","thesunshinecrew.com","thesweetshop.me","theta.pl","theta.whiskey.webmailious.top","thetantraoils.com","thetaoofbadassreviews.info","thetayankee.webmailious.top","theteastory.info","thetechpeople.net","thetechteamuk.com","thetempmail.com","thetempmailo.ml","thetimeplease.com","thetivilebonza.com","thetrash.email","thetrommler.com","thetruthaboutfatburningfoodsreview.org","theugg-outletshop.com","thevalentines.faith","thevaporhut.com","thevibram-fivefingers.com","thewaterenhancer.com","theweatherplease.com","thewebbusinessresearch.com","thewhitebunkbed.co.uk","thewickerbasket.net","thewolfcartoon.net","thewoodenstoragebeds.co.uk","theworldart.club","theworldisyours.ru","thex.ro","thexgenmarketing.info","thextracool.info","they.cowsnbullz.com","they.lakemneadows.com","they.oldoutnewin.com","they.ploooop.com","they.warboardplace.com","thichanthit.com","thidthid.cf","thidthid.ga","thidthid.gq","thidthid.ml","thienminhtv.net","thiensita.com","thiensita.net","thiet-ke-web.org","thietbivanphong.asia","thietkeweb.org","think.blatnet.com","think.lakemneadows.com","think.marksypark.com","thinkbigholdings.com","thinkhive.com","thinkimpact.com","thinkingus24.com","thiolax.club","thiolax.website","this-is-a-free-domain.usa.cc","this.lakemneadows.com","this.marksypark.com","this.oldoutnewin.com","this.ploooop.com","thisdont.work","thisisatrick.com","thisisfashion.net","thisishowyouplay.org","thisismyemail.xyz","thisisnotmyrealemail.com","thismail.net","thistime.uni.me","thistimedd.tk","thistimenow.org.ua","thistrokes.site","thisurl.website","thiswildsong.com","thlink.net","thnikka.com","thnk.de","thoas.ru","thodetading.xyz","thoen59.universallightkeys.com","thoitrang.vn","thoitrangcongso.vn","thoitrangnucatinh.xyz","thoitrangthudong.vn","thomasedisonlightbulb.net","thomsonmail.us.pn","thongtinchung.com","thornpubbmadh.info","thotwerx.com","thoughtcouture.com","thoughtcrate.com","thousandoakscarpetcleaning.net","thousandoaksdoctors.com","thqdiviaddnef.com","thqdivinef.com","thraml.com","threadgenius.co","threadneedlepress.com","threatstreams.com","three.emailfake.ml","three.fackme.gq","threecreditscoresreview.com","threekitteen.site","threepp.com","thrma.com","throam.com","throopllc.com","thrott.com","throwam.com","throwawayemail.com","throwawayemailaddress.com","throwawaymail.com","throwawaymail.pp.ua","throwawaymail.uu.gl","throya.com","thrrndgkqjf.com","thrttl.com","thrubay.com","thsideskisbrown.com","thtt.us","thu.thumoi.com","thud.site","thuehost.net","thuelike.net","thug.pw","thuguimomo.ga","thumbpaste.com","thumbthingshiny.net","thund.cf","thund.ga","thund.gq","thund.ml","thund.tk","thunderballs.net","thunderbolt.science","thunkinator.org","thurstoncounty.biz","thusincret.site","thuthuatlamseo.com","thuybich.com","thvid.net","thxmate.com","thyagarajan.ml","thyfre.cf","thyfre.ga","thyfre.gq","thyfre.ml","thyroidtips.info","thzhhe5l.ml","ti.igg.biz","tiapz.com","tiascali.it","tibui.com","tic.ec","ticaipm.com","ticket-please.ga","ticketb.com","ticketkick.com","ticketwipe.com","ticklecontrol.com","ticoteco.ml","tideloans.com","tienao.org","tierde.com","tieungoc.life","tiffany-silverjewelry.com","tiffanyelite.com","tiffanypower.com","tigasu.com","tigo.tk","tigoco.tk","tigpe.com","tiguanreview.com","tij45u835348y228.freewebhosting.com.bd","tijdelijke-email.nl","tijdelijke.email","tijdelijkmailadres.nl","tijfdknoe0.com","tijuanatexmexsevilla.com","tikabravani.art","tikaputri.art","tikpal.site","tiktokitop.com","tildsroiro.com","tilien.com","tillerrakes.com","tillid.ru","tillion.com","timail.ml","timberlandboot4sale.com","timberlandf4you.com","timberlandfordonline.com","timberwolfpress.com","timdavidson.info","time.blatnet.com","time.cowsnbullz.com","time.lakemneadows.com","time.oldoutnewin.com","time.ploooop.com","time4areview.com","timeavenue.fr","timecomp.pl","timecritics.com","timegv.com","timekr.xyz","timesports.com.ua","timevod.com","timewasterarcade.com","timewillshow.com","timgiarevn.com","timgmail.com","timkassouf.com","timothyjsilverman.com","timspeak.ru","tinaksu.com","tinatoon.art","tinh.com","tinhay.info","tinilalo.com","tinimama.club","tinimama.online","tinimama.website","tinkeringpans.com","tinkmail.net","tinmail.tk","tinnitusmiraclereviews.org","tinnitusremediesforyou.com","tinorecords.com","tinoza.org","tinternet.com","tintorama.ru","tintremovals.com","tinxi.us","tiny.cowsnbullz.com","tiny.itemxyz.com","tiny.marksypark.com","tinydef.com","tinymill.org","tinyurl24.com","tinyworld.com","tioforsellhotch.xyz","tipheaven.com","tipidfranchise.com","tipo24.com","tippy.net","tipsb.com","tipsonhowtogetridofacne.com","tipsshortsleeve.com","tipsygirlnyc.com","tirexos.me","tirillo.com","tirixix.pl","tirreno.cf","tirreno.ga","tirreno.gq","tirreno.ml","tirreno.tk","tirsmail.info","tirtalayana.com","tirupatitemple.net","tisacli.co.uk","tiscal.co.uk","tiscalionline.com","tiscoli.co.uk","tissernet.com","titafeminina.com","titan-host.cf","titan-host.ga","titan-host.gq","titan-host.ml","titan-host.tk","titan4d.com","titanemail.info","titanit.de","titas.cf","titaskotom.cf","titaskotom.ga","titaskotom.gq","titaskotom.ml","titaskotom.tk","titaspaharpur.cf","titaspaharpur.ga","titaspaharpur.gq","titaspaharpur.ml","titaspaharpur.tk","titaspaharpur1.cf","titaspaharpur1.ga","titaspaharpur1.gq","titaspaharpur1.ml","titaspaharpur1.tk","titaspaharpur2.cf","titaspaharpur2.ga","titaspaharpur2.gq","titaspaharpur2.ml","titaspaharpur2.tk","titaspaharpur3.cf","titaspaharpur3.ga","titaspaharpur3.gq","titaspaharpur3.ml","titaspaharpur3.tk","titaspaharpur4.cf","titaspaharpur4.ga","titaspaharpur4.gq","titaspaharpur4.ml","titaspaharpur4.tk","titaspaharpur5.cf","titaspaharpur5.ga","titaspaharpur5.gq","titaspaharpur5.ml","titaspaharpur5.tk","titkiprokla.tk","title1program.com","titmail.com","tittbit.in","titz.com","tiv.cc","tivilebonza.com","tivilebonzagroup.com","tivowxl7nohtdkoza.cf","tivowxl7nohtdkoza.ga","tivowxl7nohtdkoza.gq","tivowxl7nohtdkoza.ml","tivowxl7nohtdkoza.tk","tizi.com","tjbt.luk2.com","tjdh.xyz","tjjlkctec.pl","tjtkd.com","tjuew56d0xqmt.cf","tjuew56d0xqmt.ga","tjuew56d0xqmt.gq","tjuew56d0xqmt.ml","tjuew56d0xqmt.tk","tjuln.com","tk-poker.com","tk3od4c3sr1feq.cf","tk3od4c3sr1feq.ga","tk3od4c3sr1feq.gq","tk3od4c3sr1feq.ml","tk3od4c3sr1feq.tk","tk4535z.pl","tk8phblcr2ct0ktmk3.ga","tk8phblcr2ct0ktmk3.gq","tk8phblcr2ct0ktmk3.ml","tk8phblcr2ct0ktmk3.tk","tkaniny.com","tkaninymaxwell.pl","tkeiyaku.cf","tkfkdgowj.com","tkfkdwlx.com","tkhaetgsf.pl","tkitc.de","tkjngulik.com","tklgidfkdx.com","tkmailservice.tk","tkmushe.com","tkmy88m.com","tko.co.kr","tko.kr","tkzumbsbottzmnr.cf","tkzumbsbottzmnr.ga","tkzumbsbottzmnr.gq","tkzumbsbottzmnr.ml","tkzumbsbottzmnr.tk","tl.community","tl8dlokbouj8s.cf","tl8dlokbouj8s.gq","tl8dlokbouj8s.ml","tl8dlokbouj8s.tk","tlbreaksm.com","tlcfanmail.com","tlclandscapes.com","tldoe8nil4tbq.cf","tldoe8nil4tbq.ga","tldoe8nil4tbq.gq","tldoe8nil4tbq.ml","tldoe8nil4tbq.tk","tldrmail.de","tlead.me","tlen.com","tlfjdhwtlx.com","tlgpwzmqe.pl","tlhao86.com","tlpn.org","tls.cloudns.asia","tlsacademy.com","tlumaczeniawaw.com.pl","tlus.net","tlvl8l66amwbe6.cf","tlvl8l66amwbe6.ga","tlvl8l66amwbe6.gq","tlvl8l66amwbe6.ml","tlvl8l66amwbe6.tk","tlvsmbdy.cf","tlvsmbdy.ga","tlvsmbdy.gq","tlvsmbdy.ml","tlvsmbdy.tk","tlwpleasure.com","tm.in-ulm.de","tm.mail4.in","tm.slsrs.ru","tm.tosunkaya.com","tm2mail.com","tm42.gq","tm95xeijmzoxiul.cf","tm95xeijmzoxiul.ga","tm95xeijmzoxiul.gq","tm95xeijmzoxiul.ml","tm95xeijmzoxiul.tk","tmail.com","tmail.org","tmail.run","tmail.ws","tmail1.com","tmail1.tk","tmail15.com","tmail2.com","tmail2.tk","tmail3.tk","tmail4.tk","tmail5.tk","tmail7.com","tmailavi.ml","tmailbox.ru","tmailcloud.com","tmailcloud.net","tmaildir.com","tmailer.org","tmailffrt.com","tmailhost.com","tmailinator.com","tmailpro.net","tmails.net","tmails.top","tmailservices.com","tmajre.com","tmatthew.net","tmauv.com","tmcraft.site","tmednews.com","tmet.com","tmnuuq6.mil.pl","tmo.kr","tmp.bte.edu.vn","tmp.k3a.me","tmp.mail.e1645.ml","tmp.refi64.com","tmpbox.net","tmpemails.com","tmpeml.com","tmpeml.info","tmpjr.me","tmpmail.net","tmpmail.org","tmpnator.live","tms12.com","tmtdoeh.com","tmtfdpxpmm12ehv0e.cf","tmtfdpxpmm12ehv0e.ga","tmtfdpxpmm12ehv0e.gq","tmtfdpxpmm12ehv0e.ml","tmtfdpxpmm12ehv0e.tk","tmvi.com","tmzh8pcp.agro.pl","tnatntanx.com","tnecnw.com","tnecoy.buzz","tneheut.com","tneiih.com","tnfa.com","tnguns.com","tnnairmaxpasch.com","tnooldhl.com","tnrequinacheter.com","tnrequinboutinpascheresfrance.com","tnrequinpascherboutiquenlignefr.com","tnrequinpaschertnfr.com","tnrequinpaschertnfrance.com","tnrequinstocker.com","tntitans.club","tntlogistics.co.uk","tntrealestates.com","tnvrtqjhqvbwcr3u91.cf","tnvrtqjhqvbwcr3u91.ga","tnvrtqjhqvbwcr3u91.gq","tnvrtqjhqvbwcr3u91.ml","tnvrtqjhqvbwcr3u91.tk","tnwvhaiqd.pl","to-boys.com","to.blatnet.com","to.cowsnbullz.com","to.makingdomes.com","to.ploooop.com","to200.com","toaia.com","toal.com","toanciamobile.com","toanmobileapps.com","toanmobilemarketing.com","toastmatrix.com","toastsum.com","tobaccodebate.com","tobeluckys.com","tobet360.com","tobinproperties.com","tobjl.info","tobobi.com","tobuhu.org","tobycarveryvouchers.com","tobyye.com","tocadosboda.site","tocheif.com","today-payment.com","todayemail.ga","todaygroup.us","todayinstantpaydayloans.co.uk","todays-web-deal.com","todding12.com","toddsbighug.com","toditokard.pw","todo148.glasslightbulbs.com","todogestorias.es","todongromau.com","todoprestamos.com","todoprestamos.es","toecye.com","toemail.art","toenailmail.info","toerkmail.com","toerkmail.net","tofeat.com","togelhongkonginfo.net","togelonline88.org","togelprediksi.com","togeltotojitu.com","togetaloan.co.uk","togetheragain.org.ua","tohetheragain.org.ua","tohurt.me","toi.kr","toiea.com","toieuywh98.com","toihocseo.com","toikehos.cf","toiletkeys.net","toiletroad.com","tokai.tk","tokar.com.pl","tokatta.org","tokeishops.jp","tokem.co","tokenguy.com","tokenmail.de","tokeracademy.com","tokkabanshop.com","tokki3124.com","tokoinduk.com","tokopremium.co","tokot.ru","tokuriders.club","tokyo-mail1.top","tokyoto.site","tol.net","tol.ooo","tolite.com","tolls.com","tolmedia.com","tolongsaya.me","tolufan.ru","tom.com","toma-sex.info","tomageek.com","tomatonn.com","tombapik.com","tomehi.com","tomejl.pl","tommymorris.com","tommyuzzo.com","tomshoesonline.net","tomshoesonlinestore.com","tomshoesoutletonline.net","tomshoesoutletus.com","tomsoutletsalezt.com","tomsoutletw.com","tomsoutletzt.com","tomsshoeoutletzt.com","tomsshoesonline4.com","tomsshoesonsale4.com","tomsshoesonsale7.com","tomsshoesoutlet2u.com","tomthen.org.ua","tomx.de","tomymailpost.com","tonaeto.com","tonermix.ru","tonirovkaclub.ru","tonmails.com","tonne.to","tonneau-covers-4you.com","tonngokhong.vn","tonno.cf","tonno.gq","tonno.ml","tonno.tk","tontol.xyz","tonylandis.com","tonymanso.com","tonyplace.com","tonyrico.com","too879many.info","tool-9-you.com","tool.pp.ua","toolbox.ovh","toolsfly.com","toolsig.team","toolve.com","toolyoareboyy.com","toomail.biz","toomail.net","toon.ml","toopitoo.com","tooslowtodoanything.com","tooth.favbat.com","toothandmail.com","toowerl.com","top-mailer.net","top-mails.net","top-shop-tovar.ru","top.blatnet.com","top.droidpic.com","top.lakemneadows.com","top.marksypark.com","top.oldoutnewin.com","top.ploooop.com","top.pushpophop.com","top100mail.com","top101.de","top10bookmaker.com","top10movies.info","top1mail.ru","top1post.ru","top3chwilowki.pl","top4th.in","top5news.fun","top777.site","top9appz.info","topantop.site","toparama.com","topatudo.tk","topazpro.xyz","topbagsforsale.info","topbahissiteleri.com","topbak.ru","topbananamarketing.co.uk","topbuyer.xyz","topbuysteroids.com","topbuysteroids365.com","topchik.xyz","topcialisrxpills.com","topcialisrxstore.com","topclassemail.online","topdentistmumbai.com","topdepcasinos.ru","topdiane35.pl","topdrivers.top","toped303.com","toped888.com","topeducationvn.cf","topeducationvn.ga","topeducationvn.gq","topeducationvn.ml","topeducationvn.tk","topemail24.info","topentertainment.pro","topenworld.com","topepics.com","toperhophy.xyz","topessaywritingbase.com","topfivestars.fun","topfreecamsites.com","topgoogle.info","tophandbagsbrands.info","tophbo.com","tophealthinsuranceproviders.com","topikt.com","topinbox.info","topinrock.cf","topjobbuildingservices.com","toplessbucksbabes.us","toplesslovegirls.com","toplinewindow.com","topljh.pw","topmail.bid","topmail.minemail.in","topmail.net","topmail.org","topmail.ws","topmail1.net","topmail2.com","topmail2.net","topmail24.ru","topmail4u.eu","topmailer.info","topmailings.com","topmailmantra.net","topmall.com","topmall.info","topmall.org","topmega.ru","topmodafinilrxstore.com","topmoviesonline.co","topmumbaiproperties.com","topnewest.com","topnnov.ru","topofertasdehoy.com","topomnireviews.com","toposterclippers.com","topp10topp.ru","toppartners.cf","toppartners.ga","toppartners.gq","toppartners.ml","toppartners.tk","toppenishhospital.com","toppers.fun","toppieter.com","topplayers.fun","topqualityjewelry.info","topranklist.de","toprumours.com","toprungseo.co","topsale.uno","topsecretvn.cf","topsecretvn.ga","topsecretvn.gq","topsecretvn.ml","topsecretvn.tk","topsellingtools.com","topseos.com","topserwiss.eu","topserwiswww.eu","topshoemall.org","topshoppingmalls.info","topsourcemedia5.info","topstorewearing.com","toptalentsearchexperts.xyz","toptantelefonaksesuar.com","toptextloans.co.uk","toptowners.club","toptowners.online","toptowners.site","toptowners.xyz","toptransfer.cf","toptransfer.ga","toptransfer.gq","toptransfer.ml","toptransfer.tk","toptravelbg.pl","topviagrarxpills.com","topviagrarxstore.com","topwebinfos.info","topwebplacement.com","topwm.org","topyte.com","topzpost.com","tora1.info","toracw.com","torange-fr.com","torbecouples.org","torbenetwork.net","torch.yi.org","tordamyco.xyz","toreandrebalic.com","torgorama.com","torgoviy-dom.com","torgovyicenter.ru","tori.ru","toritorati.com","torm.xyz","tormail.net","tormail.org","tormails.com","tornbanner.com","torneomail.ga","tornovi.net","torontogooseoutlet.com","torquatoasociados.com","torrentinos.net","torrentpc.org","torrentqq36.com","torrentqq37.com","torrentqq38.com","torrentupload.com","torrimins.com","tory-burch-brand.com","toryburch-outletsonline.us","toryburchjanpanzt.com","toryburchjapaneses.com","toryburchjapans.com","toscarugs.co.uk","toss.pw","tossy.info","tosunkaya.com","total-research.com","totaldeath.com","totalhealthy.fun","totalhentai.net","totalkw.com","totallogamsolusi.com","totallyfucked.com","totallynicki.info","totalnetve.ml","totalpoolservice.com","totalvista.com","totelouisvuittonshops.com","toteshops.com","totesmail.com","totnet.xyz","totoan.info","totobet.club","totolotoki.pl","tototaman.com","tototogel4d.xyz","totse1voqoqoad.cf","totse1voqoqoad.ga","totse1voqoqoad.gq","totse1voqoqoad.ml","totse1voqoqoad.tk","totzilla.online","totzilla.ru","touchhcs.com","touchsalabai.org","toudrum.com","toughness.org","touoejiz.pl","tourbalitravel.com","tourcatalyst.com","tourcc.com","touristravel.ru","tourmalinehairdryerz.com","tournament-challenge.com","toursbook.ir","tourschoice.ir","toursfinder.ir","toursline.ir","toursman.ir","toursnetwork.ir","tourspop.ir","tourssee.ir","toursstore.ir","tourtripbali.com","tourvio.ir","toushizemi.com","tovd.com","tovhtjd2lcp41mxs2.cf","tovhtjd2lcp41mxs2.ga","tovhtjd2lcp41mxs2.gq","tovhtjd2lcp41mxs2.ml","tovhtjd2lcp41mxs2.tk","tovip.net","toviqrosadi.beritahajidanumroh.com","toviqrosadi.jasaseo.me","toviqrosadi.tamasia.org","towb.cf","towb.ga","towb.gq","towb.ml","towb.tk","towndewerap23.eu","townshipnjr.com","towsonshowerglass.com","toxtalk.org","toy-coupons.org","toy-guitars.com","toy68n55b5o8neze.cf","toy68n55b5o8neze.ga","toy68n55b5o8neze.gq","toy68n55b5o8neze.ml","toy68n55b5o8neze.tk","toyamail.com","toyhiosl.com","toyiosk.gr","toyota-avalon.club","toyota-clubs.ru","toyota-prius.club","toyota-rav-4.cf","toyota-rav-4.ga","toyota-rav-4.gq","toyota-rav-4.ml","toyota-rav-4.tk","toyota-rav4.cf","toyota-rav4.ga","toyota-rav4.gq","toyota-rav4.ml","toyota-rav4.tk","toyota-sequoia.club","toyota-yaris.tk","toyota.cellica.com","toyotacelica.com","toyotalife22.org","toyotataganka.ru","toyotavlzh.com","toys-r-us-coupon-codes.com","toys.dogsupplies4sale.com","toys.ie","toysfortots2007.com","toysgifts.info","toysikio.gr","tozya.com","tp-qa-mail.com","tp54lxfshhwik5xuam.cf","tp54lxfshhwik5xuam.ga","tp54lxfshhwik5xuam.gq","tp54lxfshhwik5xuam.ml","tp54lxfshhwik5xuam.tk","tpaglucerne.dnset.com","tpass.xyz","tpbank.gq","tpcu.com","tpdjsdk.com","tpfqxbot4qrtiv9h.cf","tpfqxbot4qrtiv9h.ga","tpfqxbot4qrtiv9h.gq","tpfqxbot4qrtiv9h.ml","tpfqxbot4qrtiv9h.tk","tpg24.com","tplcaehs.com","tpmail.top","tpobaba.com","tpsdq0kdwnnk5qhsh.ml","tpsdq0kdwnnk5qhsh.tk","tpseaot.com","tpte.org","tpws.com","tpyy57aq.pl","tq3.pl","tq84vt9teyh.cf","tq84vt9teyh.ga","tq84vt9teyh.gq","tq84vt9teyh.ml","tq84vt9teyh.tk","tqc-sheen.com","tql4swk9wqhqg.gq","tqoai.com","tqophzxzixlxf3uq0i.cf","tqophzxzixlxf3uq0i.ga","tqophzxzixlxf3uq0i.gq","tqophzxzixlxf3uq0i.ml","tqophzxzixlxf3uq0i.tk","tqosi.com","tqqun.com","tqwagwknnm.pl","tr.pozycjonowanie8.pl","tr23.com","tr2k.cf","tr2k.ga","tr2k.gq","tr2k.ml","tr2k.tk","tr32qweq.com","tracciabi.li","traceyrumsey.com","tracker.peacled.xyz","trackworld.fun","trackworld.online","trackworld.site","trackworld.store","trackworld.website","trackworld.xyz","trad.com","tradaswacbo.eu","trade-finance-broker.org","tradefinanceagent.org","tradefinancebroker.org","tradefinancedealer.org","tradeinvestmentbroker.org","tradermail.info","tradeseze.com","tradex.gb","tradiated.com","trading-courses.org","trafat.xyz","traffic-ilya.gq","traffic-inc.biz","trafficreviews.org","traffictrapper.site","traffictrigger.net","trafficxtractor.com","trafik.co.pl","trafika.ir","tragaver.ga","trail.bthow.com","trailervin.com","trainingcamera.com","trainingpedia.online","trainyk.website","trakable.com","traksta.com","tralalajos.ga","tralalajos.gq","tralalajos.ml","tralalajos.tk","trallal.com","tramecpolska.com.pl","tranceversal.com","trangmuon.com","trango.co","tranlamanh.ml","transcience.org","transfaraga.co.in","transfergoods.com","transformco.co","transformdestiny.com","transgenicorganism.com","transistore.co","transitionsllc.com","translationserviceonline.com","translity.ru","transmentor.com","transmissioncleaner.com","transmute.us","transportationfreightbroker.com","transporteszuniga.cl","trap-mail.de","trash-amil.com","trash-mail.at","trash-mail.cf","trash-mail.com","trash-mail.de","trash-mail.ga","trash-mail.gq","trash-mail.ml","trash-mail.net","trash-mail.tk","trash-me.com","trash.vikt0ry.com","trash2009.com","trash2010.com","trash2011.com","trash247.com","trash4.me","trashbin.cf","trashbox.eu","trashcanmail.com","trashdevil.com","trashdevil.de","trashemail.de","trashemails.de","trashimail.de","trashinbox.com","trashinbox.net","trashmail.app","trashmail.at","trashmail.com","trashmail.de","trashmail.es","trashmail.fr","trashmail.ga","trashmail.gq","trashmail.io","trashmail.me","trashmail.net","trashmail.org","trashmail.pw","trashmail.se","trashmail.tk","trashmail.top","trashmail.win","trashmail.ws","trashmailer.com","trashmailgenerator.de","trashmails.com","trashspam.com","trashymail.com","trashymail.net","traslex.com","trassion.site","trasz.com","tratratratomatra.com","trav3lers.com","travala10.com","travel-e-store.com","travel-singapore-with-me.com","travelbenz.com","travelblogplace.com","travelday.ru","traveldesk.com","travelers.co","travelingcome.com","travelkot.ru","travelovelinka.club","travelparka.pl","travelphuquoc.info","travelsaroundasia.com","travelsdoc.ru","travelso12.com","travelsta.tk","travelstep.ru","traveltagged.com","travelua.ru","travissharpe.net","travit12.com","travodoctor.ru","trayna.com","traz.cc","traz.xyz","traze5243.com","trazimdevojku.in.rs","trazz.com","trbet350.com","trbet477.com","trbet591.com","trbvm.com","trbvn.com","trbvo.com","trcprebsw.pl","treamysell.store","treasuregem.info","treatmentans.ru","treatmented.info","treatmentsforherpes.com","trebusinde.cf","trebusinde.ml","tredinghiahs.com","tree.blatnet.com","tree.emailies.com","tree.heartmantwo.com","tree.ploooop.com","treecon.pl","treeheir.com","treehouseburning.com","treehousetherapy.com","treeremovalmichigan.com","trend-maker.ru","trendbettor.com","trendfinance.ru","trendingtopic.cl","trends-market.site","trendselection.com","trendstomright.com","trendtivia.com","trenerfitness.ru","trenord.cf","trenord.ga","trenord.gq","trenord.ml","trenord.tk","trerwe.online","tressicolli.com","tretinoincream-05.com","tretmuhle.com","trezvostrus.ru","trg.pw","trgfu.com","trgovinanaveliko.info","tri-es.ru","triadelta.com","trialforyou.com","trialmail.de","trialseparationtop.com","tribesascendhackdownload.com","tribonox79llr.tk","tribora.com","tributeblog.com","tricdistsiher.xyz","trickmail.net","trickminds.com","trickphotographyreviews.net","trickupdaily.com","trickupdaily.net","trickyfucm.com","trickypixie.com","triclops.3amail.top","tricoulesmecher.com","tridalinbox.info","triedbook.xyz","trillianpro.com","trimar.pl","trimaxglobal.co.uk","trimsj.com","triogempar.design","trioschool.com","trip.bthow.com","tripaco.com","triparish.net","tripolis.com","tripolnet.website","tripoow.tech","trippypsyche.com","trips-shop.ru","tripsterfoodies.net","tristanabestolaf.com","tristarasdfdk1parse.net","tritega.com","triteksolution.info","trivialnewyork.com","trixtrux1.ru","trmc.net","trobertqs.com","trochoi.asia","troikos.com","trojanmail.ga","trol.com","trollproject.com","trommlergroup.com","trommleronline.com","trommlershop.com","tron.pl","tronghao.site","tronplatform.org","tronques.ml","tronzillion.com","troofer.com","troops.online","tropicalbass.info","tropicpvp.ml","troxiu.buzz","trssdgajw.pl","trtd.info","trubo.wtf","truckaccidentlawyerpennsylvania.org","truckandvanland.com","truckmetalworks.com","trucmai.cf","trucmai.ml","trucmai.tk","trucrick.com","trucyu.xyz","true-religion.cc","trueedhardy.com","truefile.org","truereligionbrandmart.com","truereligionjeansdublin.eu","trufilth.com","truhempire.com","trujillon.xyz","trulli.pl","trulyfreeschool.org","trumanpost.com","trumgamevn.ml","trump.flu.cc","trump.igg.biz","trumpmail.cf","trumpmail.ga","trumpmail.gq","trumpmail.ml","trumpmail.tk","trung.name.vn","trungtamtoeic.com","trungthu.ga","trushsymptomstreatment.com","trustablehosts.com","trustcloud.engineer","trustdong.com","trusted-canadian-online-pharmacy.com","trusted.camera","trusted.parts","trusted.photos","trusted.trading","trusted.wine","trustedcvvshop.ru","trustedproducts.info","trustfarma.online","trustingfunds.ltd","trustingfunds.me","trustinj.trade","trustinthe.cloud","trustmails.info","trustme.host","trusttravellive.biz","trusttravellive.info","trusttravellive.net","trusttravellive.travel","truthaboutcellulitereviews.com","truthfinderlogin.com","truuhost.com","truvisagereview.com","truwera.com","truxamail.com","trxsuspension.us","trxubcfbyu73vbg.ga","trxubcfbyu73vbg.ml","trxubcfbyu73vbg.tk","try-rx.com","try.z9.cloudns.nz","tryalert.com","trydeal.com","tryeverydrop.com","trymail.tk","tryninja.io","trynta.com","tryprice.co","trysubj.com","trythe.net","tryuf5m9hzusis8i.cf","tryuf5m9hzusis8i.ga","tryuf5m9hzusis8i.gq","tryuf5m9hzusis8i.ml","tryuf5m9hzusis8i.tk","tryzoe.com","trzebow.pl","ts-by-tashkent.cf","ts-by-tashkent.ga","ts-by-tashkent.gq","ts-by-tashkent.ml","ts-by-tashkent.tk","ts5.xyz","ts93crz8fo5lnf.cf","ts93crz8fo5lnf.ga","ts93crz8fo5lnf.gq","ts93crz8fo5lnf.ml","ts93crz8fo5lnf.tk","tsamoncler.info","tsas.tr","tsassoo.shop","tsbeads.com","tsch.com","tscho.org","tsclip.com","tshirtformens.com","tsj.com.pl","tsk.tk","tslhgta.com","tsmc.mx","tsnmw.com","tspace.net","tspam.de","tspt.online","tspzeoypw35.ml","tssn.com","tst999.com","tsukinft.club","tsukushiakihito.gq","tswd.de","tsyefn.com","tt2dx90.com","ttbbc.com","ttcgmiami.com","ttdesro.com","ttdfytdd.ml","tthk.com","ttht.us","ttieu.com","ttirv.com","ttirv.net","ttirv.org","ttlrlie.com","ttmgss.com","ttmps.com","ttoubdzlowecm7i2ua8.cf","ttoubdzlowecm7i2ua8.ga","ttoubdzlowecm7i2ua8.gq","ttoubdzlowecm7i2ua8.ml","ttoubdzlowecm7i2ua8.tk","ttrzgbpu9t6drgdus.cf","ttrzgbpu9t6drgdus.ga","ttrzgbpu9t6drgdus.gq","ttrzgbpu9t6drgdus.ml","ttrzgbpu9t6drgdus.tk","ttsi.de","ttszuo.xyz","ttt72pfc0g.cf","ttt72pfc0g.ga","ttt72pfc0g.gq","ttt72pfc0g.ml","ttt72pfc0g.tk","ttttttttt.com","tttttyrewrw.xyz","tturk.com","ttusrgpdfs.pl","ttxcom.info","ttxe.com","ttytgyh56hngh.cf","ttyuhjk.co.uk","tu6oiu4mbcj.cf","tu6oiu4mbcj.ga","tu6oiu4mbcj.gq","tu6oiu4mbcj.ml","tu6oiu4mbcj.tk","tualias.com","tuanhungdev.xyz","tubanmentol.ml","tube-dns.ru","tube-ff.com","tube-lot.ru","tube-over-hd.ru","tube-rita.ru","tubeadulte.biz","tubebob.ru","tubeftw.com","tubegain.com","tubehub.net","tubeteen.ru","tubidu.com","tubodamagnifica.com","tubruk.trade","tubzesk.org","tucboxy.com","tucineestiba.com","tuckschool.com","tucumcaritonite.com","tudena.pro","tug.minecraftrabbithole.com","tugo.ga","tuhsuhtzk.pl","tuimail.ml","tujimastr09lioj.ml","tukang.codes","tukieai.com","tukudawet.tk","tukulyagan.com","tukupedia.co","tular.online","tulnl.xyz","tulsa.gov","tulsapublicschool.org","tumail.com","tumbleon.com","tumejorfoto.blog","tumjsnceh.pl","tunacrispy.com","tunasbola.site","tuncpersonel.com","tunestan.com","tunezja-przewodnik.pl","tungsten-carbide.info","tunhide.com","tunis-nedv.ru","tunmanageservers.com","tunnelbeear.com","tunnelerph.com","tunnell.org","tunningmail.gdn","tunrahn.com","tuofs.com","tuongtactot.tk","tuphmail.com","tuposti.net","tupuduku.pw","tuqk.com","turbobania.com","turboforex.net","turbomail.ovh","turboparts.info","turbospinz.co","turechartt.com","turf.exchange","turist-tur.ru","turkey-nedv.ru","turknet.com","turkuazballooning.com","turningheads.com","turningleafcrafts.com","turoid.com","turquoiseradio.com","turtlebutfast.com","turtlefutures.com","turual.com","tusitiowebgratis.com.ar","tusitowebserver.com","tusndus.com","tut-zaycev.net","tutavideo.com","tutikembangmentari.art","tutis.me","tutsport.ru","tutushop.com","tutusweetshop.com","tutye.com","tuu854u83249832u35.ezyro.com","tuugo.com","tuvimoingay.us","tuxreportsnews.com","tuyingan.co","tuyulmokad.ml","tuyulmokad.tk","tuzis.com","tvchd.com","tvcs.co","tvelef2khzg79i.cf","tvelef2khzg79i.ga","tvelef2khzg79i.gq","tvelef2khzg79i.ml","tvelef2khzg79i.tk","tverya.com","tvi72tuyxvd.cf","tvi72tuyxvd.ga","tvi72tuyxvd.gq","tvi72tuyxvd.ml","tvi72tuyxvd.tk","tvinfo.site","tvlg.com","tvmin7.club","tvoe-videohd.ru","tvonlayn2.ru","tvonline.ml","tvshare.space","tvst.de","tvvgroup.com","twddos.net","tweakacapun.wwwhost.biz","tweakly.net","twelvee.us","twichzhuce.com","twincreekshosp.com","twinducedz.com","twinklegalaxy.com","twinklyshop.xyz","twinmail.de","twinsbrand.com","twinslabs.com","twinzero.net","twirlygirl.info","twistedcircle.com","twit-mail.com","twitch.work","twitlebrity.com","twitt3r.cf","twitt3r.ga","twitt3r.gq","twitt3r.ml","twitt3r.tk","twitteraddersoft.com","twitterfree.com","twitterparty.ru","twitterreviewer.tk","twkj.xyz","twkly.ml","twlcd4i6jad6.cf","twlcd4i6jad6.ga","twlcd4i6jad6.gq","twlcd4i6jad6.ml","twlcd4i6jad6.tk","twmail.tk","twnecc.com","two.emailfake.ml","two.fackme.gq","two.haddo.eu","two.lakemneadows.com","two.marksypark.com","two.popautomated.com","two0aks.com","twocowmail.net","twodayyylove.club","twodrops.org","twojalawenda.pl","twojapozyczka.online","twoje-nowe-biuro.pl","twojekonto.pl","twojrabat.pl","twood.tk","tworcyatrakcji.pl","tworcyimprez.pl","tworzenieserwisow.com","twoweirdtricks.com","twsexy66.info","twsh.us","twzhhq.com","twzhhq.online","tx4000.com","txantxiku.tk","txbex.com","txdjs.com","txen.de","txmovingquotes.com","txpwg.usa.cc","txrsvu8dhhh2znppii.cf","txrsvu8dhhh2znppii.ga","txrsvu8dhhh2znppii.gq","txrsvu8dhhh2znppii.ml","txrsvu8dhhh2znppii.tk","txsignal.com","txt.acmetoy.com","txt.flu.cc","txt10xqa7atssvbrf.cf","txt10xqa7atssvbrf.ga","txt10xqa7atssvbrf.gq","txt10xqa7atssvbrf.ml","txt10xqa7atssvbrf.tk","txt7e99.com","txta.site","txtadvertise.com","txtb.site","txtc.press","txtc.site","txtc.space","txte.site","txtea.site","txteb.site","txtec.site","txted.site","txtee.site","txtef.site","txteg.site","txteh.site","txtf.site","txtfinder.xyz","txtg.site","txth.site","txti.site","txtia.site","txtib.site","txtic.site","txtid.site","txtie.site","txtif.site","txtig.site","txtih.site","txtii.site","txtij.site","txtik.site","txtil.site","txtim.site","txtin.site","txtip.site","txtiq.site","txtir.site","txtis.site","txtit.site","txtiu.site","txtiw.site","txtix.site","txtiy.site","txtiz.site","txtj.site","txtk.site","txtl.site","txtm.site","txtn.site","txtp.site","txtq.site","txtr.site","txts.press","txts.site","txtsa.site","txtsc.site","txtsd.site","txtse.site","txtsf.site","txtsg.site","txtsh.site","txtsj.site","txtsl.site","txtsn.site","txtso.site","txtsp.site","txtsq.site","txtsr.site","txtss.site","txtsu.site","txtsv.site","txtsw.site","txtsx.site","txtsy.site","txtsz.site","txtt.site","txtu.site","txtv.site","txtw.site","txtx.site","txtx.space","txty.site","txtz.site","txv4lq0i8.pl","ty.ceed.se","ty.squirtsnap.com","ty12umail.com","ty8800.com","tyclonecuongsach.site","tyduticr.com","tyeo.ga","tyhe.ro","tyhrf.jino.ru","tyjw.com","tyldd.com","tylerexpress.com","tylko-dobre-lokaty.com.pl","tymail.top","tymkvheyo.shop","tympe.net","tynho.com","tynkowanie-cktynki.pl","tyonyihi.com","typepoker.com","typery.com","typesoforchids.info","typestring.com","typewritercompany.com","typhonsus.tk","typicalfer.com","typlrqbhn.pl","tyskali.org","tytfhcghb.ga","tytyr.pl","tyu.com","tyuha.ga","tyuitu.com","tyuty.net","tywmp.com","tz.tz","tzarmail.info","tzqmirpz0ifacncarg.cf","tzqmirpz0ifacncarg.gq","tzqmirpz0ifacncarg.tk","tzrtrapzaekdcgxuq.cf","tzrtrapzaekdcgxuq.ga","tzrtrapzaekdcgxuq.gq","tzrtrapzaekdcgxuq.ml","tzrtrapzaekdcgxuq.tk","tzymail.com","u-torrent.cf","u-torrent.ga","u-torrent.gq","u-wills-uc.pw","u.0u.ro","u.10x.es","u.2sea.org","u.900k.es","u.civvic.ro","u.coloncleanse.club","u.dmarc.ro","u.labo.ch","u.qvap.ru","u03.gmailmirror.com","u0nuw4hnawyec6t.xyz","u0qbtllqtk.cf","u0qbtllqtk.ga","u0qbtllqtk.gq","u0qbtllqtk.ml","u0qbtllqtk.tk","u1.myftp.name","u14269.gq","u14269.ml","u1gdt8ixy86u.cf","u1gdt8ixy86u.ga","u1gdt8ixy86u.gq","u1gdt8ixy86u.ml","u1gdt8ixy86u.tk","u2.net.pl","u2b.comx.cf","u336.com","u3t9cb3j9zzmfqnea.cf","u3t9cb3j9zzmfqnea.ga","u3t9cb3j9zzmfqnea.gq","u3t9cb3j9zzmfqnea.ml","u3t9cb3j9zzmfqnea.tk","u461.com","u4azel511b2.xorg.pl","u4iiaqinc365grsh.cf","u4iiaqinc365grsh.ga","u4iiaqinc365grsh.gq","u4iiaqinc365grsh.ml","u4iiaqinc365grsh.tk","u4jhrqebfodr.cf","u4jhrqebfodr.ml","u4jhrqebfodr.tk","u4nzbr5q3.com","u5tbrlz3wq.cf","u5tbrlz3wq.ga","u5tbrlz3wq.gq","u5tbrlz3wq.ml","u5tbrlz3wq.tk","u6lvty2.com","u7cjl8.xorg.pl","u7vt7vt.cf","u7vt7vt.ga","u7vt7vt.gq","u7vt7vt.ml","u7vt7vt.tk","u8mpjsx0xz5whz.cf","u8mpjsx0xz5whz.ga","u8mpjsx0xz5whz.gq","u8mpjsx0xz5whz.ml","u8mpjsx0xz5whz.tk","ua3jx7n0w3.com","ua6htwfwqu6wj.cf","ua6htwfwqu6wj.ga","ua6htwfwqu6wj.gq","ua6htwfwqu6wj.ml","ua6htwfwqu6wj.tk","uacro.com","uacrossad.com","uaemail.com","uafebox.com","uafusjnwa.pl","uaid.com","uaifai.ml","uajgqhgug.pl","ualbert.ca","ualberta.ga","ualmail.com","ualusa.com","uam.com","uamail.com","uandresbello.tk","uapproves.com","uarara5ryura46.ga","uat6m3.pl","uatop.in","uautfgdu35e71m.cf","uautfgdu35e71m.ga","uautfgdu35e71m.gq","uautfgdu35e71m.ml","uautfgdu35e71m.tk","uav3pl.com","uaxpress.com","uazo.com","ubamail.com","ubay.io","ubcategories.com","ubdeexu2ozqnoykoqn8.ml","ubdeexu2ozqnoykoqn8.tk","uber-mail.com","uberdriver-taxi.ru","ubermail.info","ubermail39.info","ubermember.com","ubfre2956mails.com","ubismail.net","ublomail.com","ubls.luk2.com","ubm.md","ubmail.com","ubumail.com","ubuntu.dns-cloud.net","ubuntu.dnsabr.com","ubuntu.org","ubwerrr.com","ubwerrrd.com","ubziemail.info","ucandobest.pw","ucansuc.pw","ucavlq9q3ov.cf","ucavlq9q3ov.ga","ucavlq9q3ov.gq","ucavlq9q3ov.ml","ucavlq9q3ov.tk","ucche.us","uccuyosanjuan.com","ucemail.com","ucgbc.org","ucho.top","uchs.com","ucibingslamet.art","ucimail.com","ucir.org","uclinics.com","ucmamail.com","ucoain.com","ucq.com","ucq9vbhc9mhvp3bmge6.cf","ucq9vbhc9mhvp3bmge6.ga","ucq9vbhc9mhvp3bmge6.gq","ucq9vbhc9mhvp3bmge6.ml","ucsoft.biz","ucupdong.ml","ucw8rp2fnq6raxxm.cf","ucw8rp2fnq6raxxm.ga","ucw8rp2fnq6raxxm.gq","ucw8rp2fnq6raxxm.ml","ucw8rp2fnq6raxxm.tk","ucyeh.com","ucylu.com","udbaccount.com","udderl.site","udec.edu","udemail.com","udid.com","udinnews.com","udmail.com","udns.cf","udns.gq","udns.tk","udo8.com","udoiswell.pw","udoiwmail.com","udozmail.com","udphub-doge.cf","udruzenjejez.info","udsc.edu","uduomail.com","ue90x.com","ueael.com","uealumni.com","ueep.com","uefia.com","uegumail.com","ueiaco100.info","ueig2phoenix.info","ueimultimeter.info","uemail99.com","uenct2012.info","uengagednp.com","uenglandrn.com","ueno-kojun.com","uescort.com","uetimer.com","uewodia.com","uewryweqiwuea.tk","uf789.com","ufa-decor.ru","ufa-nedv.ru","ufacturing.com","ufbpq9hinepu9k2fnd.cf","ufbpq9hinepu9k2fnd.ga","ufbpq9hinepu9k2fnd.gq","ufbpq9hinepu9k2fnd.ml","ufbpq9hinepu9k2fnd.tk","ufcboxingfight.info","ufficialeairmax.com","uffm.de","ufgqgrid.xyz","ufhuheduf.com","ufi9tsftk3a.pl","ufibmail.com","ufk3rtwyb.pl","ufman.site","ufmncvmrz.pl","uframeit.com","ufrbox.net","ufvjm.com","ufxcnboh4hvtu4.cf","ufxcnboh4hvtu4.ga","ufxcnboh4hvtu4.gq","ufxcnboh4hvtu4.ml","ufxcnboh4hvtu4.tk","ugf1xh8.info.pl","ugg-bootsoutletclearance.info","uggboos-online.com","uggbootoutletonline.com","uggboots-uksale.info","uggboots.com","uggbootscom.com","uggbootsever.com","uggbootsins.com","uggbootsonlinecheap.com","uggbootssale-discount.us","uggbootssale.com","uggbootssales.com","uggbuystorejp.com","uggjimmystores.com","uggpaschermz.com","uggs-canadaonline.info","uggs-outletstores.info","uggs.co.uk","uggsale-uk.info","uggsart.com","uggsguide.org","uggshopsite.org","uggsiteus.com","uggsnowbootsoline.com","uggsoutlet-online.info","uggsrock.com","ughsalecc.com","ugimail.com","ugimail.net","ugipmail.com","uglewmail.pw","ugmail.com","ugny.com","ugogi.com","ugonnamoveit.info","ugrafix.com","ugreatejob.pw","ugtk.com","uguf.gmail.keitin.site","ugunduzi.com","uguuchantele.com","ugwu.com","uha.kr","uhds.tk","uhe2.com","uhefmail.com","uhex.com","uhhu.ru","uhi.com","uhjyzglhrs.pl","uhmail.com","uhmbrehluh.com","uho1nhelxmk.ga","uho1nhelxmk.gq","uho1nhelxmk.ml","uho1nhelxmk.tk","uhpanel.com","uhrx.site","uhtso.com","ui-feed.com","uiba-ci.com","uigfruk8.com","uighugugui.com","uijbdicrejicnoe.site","uikd.com","uilfemcjsn.pl","uimq.com","uioct.com","uiqaourlu.pl","uisd.com","uitblijf.ml","uiu.us","uivvn.net","uiycgjhb.com","ujafmail.com","ujames3nh.com","ujapbk1aiau4qwfu.cf","ujapbk1aiau4qwfu.ga","ujapbk1aiau4qwfu.gq","ujapbk1aiau4qwfu.ml","ujapbk1aiau4qwfu.tk","ujijima1129.gq","ujjivanbank.com","ujmail.com","ujrmail.com","ujuzesyz.swiebodzin.pl","ujwrappedm.com","ujxspots.com","uk-beauty.co.uk","uk-nedv.ru","uk-tvshow.com","uk-unitedkingdom.cf","uk-unitedkingdom.ga","uk-unitedkingdom.gq","uk-unitedkingdom.ml","uk-unitedkingdom.tk","uk.flu.cc","uk.igg.biz","uk.lakemneadows.com","uk.marksypark.com","uk.nut.cc","uk.oldoutnewin.com","uk.org","uk.ploooop.com","uk.slowdeer.com","uk.to","ukairmax4cheap.com","ukairmaxshoe.com","ukboer.cc","ukbootsugg.co.uk","ukbuildnet.co.uk","ukcompanies.org","ukddamip.co","ukdiningh.com","ukdressessale.com","ukeg.site","ukelsd.us","ukescortdirectories.com","ukeveningdresses.com","ukexample.com","ukfreeisp.co.uk","ukhollisterer.co.uk","ukhollisteroutlet4s.co.uk","ukhollisteroutlet4u.co.uk","ukhollisteroutletlondon.co.uk","ukhost-uk.co.uk","ukimail.com","ukjton.cf","ukjton.ga","ukjton.gq","ukjton.ml","ukjton.tk","ukle.com","ukleadingb2b.info","uklouboutinuk.com","uklouboutinuksale.com","uklouisvuittonoutletzt.co.uk","ukmail.com","ukmuvkddo.pl","ukniketrainerssale.com","uknowmyname.info","uko.kr","ukolhgfr.mns.uk","ukonline.com","ukoutletkarenmillendresses.org","ukpayday24.com","ukpensionsadvisor.tk","ukpostmail.com","ukpowernetworks.co","ukr-nedv.ru","ukr-po-v.co.cc","ukrainaharnagay.shn-host.ru","ukrtovar.ru","uks5.com","uksnapback.com","uksnapbackcap.com","uksnapbackcaps.com","uksnapbackhat.com","uksnapbacks.com","uksurveyors.org","uktaxrefund.info","uktrainers4sale.com","uktrainersale.com","uktrainerssale.com","ukwebtech.com","ukyfemfwc.pl","ukymail.com","ulahadigung.cf","ulahadigung.ga","ulahadigung.gq","ulahadigung.ml","ulahadigung.tk","ulahadigungproject.cf","ulahadigungproject.ga","ulahadigungproject.gq","ulahadigungproject.ml","ulahadigungproject.tk","ulaptopsn.com","ulemail.com","ulisaig.com","ulm-dsl.de","ulmich.edu","ulqoirraschifer.cf","ulqoirraschifer.ga","ulqoirraschifer.gq","ulqoirraschifer.ml","ulqoirraschifer.tk","ultdesign.ru","ultimatebusinessservices.com","ultimateplumpudding.co.uk","ultra-nyc.com","ultra.fyi","ultrada.ru","ultradrugbuy.com","ultrafitnessguide.com","ultramailinator.com","ultramoviestreams.com","ultraschallanlagen.de","ultraste.ml","ultraxmail.pw","ultrtime.org.ua","ulumdocab.xyz","ulummky.com","ulzlemwzyx.pl","uma3.be","umaasa.com","umail.net","umail2.com","umail365.com","umail4less.bid","umail4less.men","umail4less.website","umailbox.net","umailz.com","uman.com","umanit.net","umanit.online","umanit.space","umbrellascolors.info","umds.com","umehlunua.pl","umej.com","umessage.cf","umfragenliste.de","umgewichtzuverlieren.com","ummail.com","ummoh.com","umniy-zavod.ru","umode.net","umoz.us","umpy.com","umrent.com","umrika.com","umrn.ga","umrn.gq","umrn.ml","umrohdulu.com","umscoltd.com","umss.de","umtutuka.com","umumwqrb9.pl","umutyapi.com","umy.kr","un-uomo.site","unambiguous.net","unarmedover.ml","unaux.com","unblockedgamesrun.com","uncensoredsurvival.com","unchartedsw.com","unchuy.xyz","uncle.ruimz.com","unclebobscoupons.com","unclebuckspumpkinpatch.com","uncommonsenseunlimited.com","uncond.us","undeadforum.com","undentish.site","under500.org","underdosejkt.org","undergmail.com","undersky.org.ua","undeva.net","undo.it","undoubtedchanelforsale.com","unefty.site","uneppwqi.pl","unevideox.fr","unfilmx.fr","ungolfclubs.com","unheatedgems.net","unhjhhng.com","uniaotrafego.com","unicobd.com","unicodeworld.com","unicorntoday.com","unicredit.tk","unidoxx.com","unids.com","unif8nthemsmnp.cf","unif8nthemsmnp.ga","unif8nthemsmnp.gq","unif8nthemsmnp.ml","unif8nthemsmnp.tk","uniform.november.aolmail.top","uniformpapa.wollomail.top","unigeol.com","unijnedotacje.info.pl","unikle.com","unimail.com","unimark.org","unimbalr.com","unioncitymirrortable.com","uniondaleschools.com","unionpkg.com","uniqo.xyz","uniquebedroom-au.com","uniquebrand.pl","uniqueseo.pl","unireaurzicenikaput.com","uniromax.com","uniros.ru","unisexjewelry.org","unisondesign.eu","unit48.online","unit7lahaina.com","unite.cloudns.asia","unite5.com","unitedbullionexchange.com","uniteditcare.com","unityestates.com","unitymail.me","unitymail.pro","universalassetmanagement.com","universalfish.com","universallightkeys.com","universalmailing.com","universalprojects.ml","universaltextures.com","universiteomarbongo.ga","universityecotesbenin.com","universityincanada.info","universityla.edu","univunid.shop","unjouruncercueil.com","unjunkmail.com","unkn0wn.ws","unknmail.com","unlimit.com","unlimit.email","unlimitedfullmoviedownload.tk","unlimitedreviews.com","unlimpokecoins.org","unling.site","unmail.com","unmail.ru","unmetered.ltd","unmetered.nu","unmetered.se","unnitv.com","unomail.com","unomail9.com","unopol-bis.pl","unot.in","unpam.cf","unpastore.co","unplannedthought.com","unprographies.xyz","unraveled.us","unrealsoft.tk","unseen.eu","unsy3woc.aid.pl","untract.com","untricially.xyz","untuk.us","unuf.com","unurn.com","unve.com","uny.kr","unyx.pw","uo8fylspuwh9c.cf","uo8fylspuwh9c.ga","uo8fylspuwh9c.gq","uo8fylspuwh9c.ml","uo8fylspuwh9c.tk","uo93a1bg7.pl","uoadoausa.pl","uobat.com","uoft.edu.com","uogimail.com","uojjhyhih.cf","uojjhyhih.ga","uojjhyhih.gq","uojjhyhih.ml","uola.org","uomail.com","uonyc.org","uooos.com","uorak.com","uoregon.com","uoregon.work","uotluok.com","uotpifjeof0.com","uouweoq132.info","up.cowsnbullz.com","up.marksypark.com","up.ploooop.com","up.poisedtoshrike.com","up69.com","upaea.com","upamail.com","upatient.com","upcmaill.com","update1c.ru","updates9z.com","upelmail.com","upf7qtcvyeev.cf","upf7qtcvyeev.ga","upf7qtcvyeev.gq","upf7qtcvyeev.tk","upgcsjy.com","uphomail.ga","uphomeideas.info","upimage.net","upimagine.com","upimail.com","upived.com","upived.online","uplandscc.com","upliftnow.com","uplipht.com","uploadimage.info","uploadnolimit.com","upmail.com","upmail.pro","upmedio.com","upnk.com","upoea.com","upol.fun","upozowac.info","upperpit.org","upppc.com","uppror.se","upry.com","upsdom.com","upsidetelemanagementinc.biz","upsilon.lambda.ezbunko.top","upskirtscr.com","upstate.dev","upsusa.com","uptimebee.com","uptin.net","uptodate.tech","uptours.ir","uptownrp.id","uptuber.info","upumail.com","upurfiles.com","upwithme.com","upy.kr","uqcgga04i1gfbqf.cf","uqcgga04i1gfbqf.ga","uqcgga04i1gfbqf.gq","uqcgga04i1gfbqf.ml","uqcgga04i1gfbqf.tk","uqdxyoij.auto.pl","uqemail.com","uqghq6tvq1p8c56.cf","uqghq6tvq1p8c56.ga","uqghq6tvq1p8c56.gq","uqghq6tvq1p8c56.ml","uqghq6tvq1p8c56.tk","uqin.com","uqmail.com","uqopmail.com","uqxcmcjdvvvx32.cf","uqxcmcjdvvvx32.ga","uqxcmcjdvvvx32.gq","uqxcmcjdvvvx32.ml","uqxcmcjdvvvx32.tk","uqxo.us","uralplay.ru","uranomail.es","urbanban.com","urbanbreaks.com","urbanchannel.live","urbanchickencoop.com","urbanforestryllc.com","urbanized.us","urbanlegendsvideo.com","urbanquarter.co","urbanspacepractice.com","urbanstudios.online","urbansvg.com","urbaza.com","urbsound.com","urcemxrmd.pl","urchatz.ga","urdubbc.us","uredemail.com","ureee.us","uremail.com","urfavtech.biz","urfey.com","urfunktion.se","urgamebox.com","urhen.com","urid-answer.ru","urirmail.com","url-s.top","url.gen.in","urleur.com","urltc.com","urlwave.org","urnage.com","urnaus1.minemail.in","urodzinydlaadzieci.pl","uroetueptriwe.cz.cc","uroid.com","urologcenter.ru","uronva.com","urta.cz","uruarurqup5ri9s28ki.cf","uruarurqup5ri9s28ki.ga","uruarurqup5ri9s28ki.gq","uruarurqup5ri9s28ki.ml","uruarurqup5ri9s28ki.tk","urugvai-nedv.ru","urules.ru","urx7.com","urxv.com","us-top.net","us-uggboots.com","us.af","us.armymil.com","us.dlink.cf","us.dlink.gq","us.droidpic.com","us.ploooop.com","us.to","us50.top","usa-cc.usa.cc","usa-gov.cf","usa-gov.ga","usa-gov.gq","usa-gov.ml","usa-gov.tk","usa-nedv.ru","usa-tooday.biz","usa-video.net","usa.cc","usa.isgre.at","usa215.gq","usa623.gq","usabrains.us","usabs.org","usabuyou.com","usacentrall.com","usach.com","usachan.cf","usachan.gq","usachan.ml","usacityfacts.com","usacy.online","usaf.dmtc.press","usagoodloan.com","usahandbagsonlinestorecoach.com","usajacketoutletsale.com","usako.be","usako.net","usalol.ru","usalvmalls.com","usamail.com","usamami.com","usanews.site","usaonline.biz","usapodcasd.com","usapurse.com","usareplicawatch.com","usaweb.biz","usawisconsinnewyear.com","usayoman.com","usbc.be","usbcspot.com","usbdirect.ca","usbgadgetsusage.info","usbmicrophone.org.uk","usbuyes.com","usbvap.com","uscalfgu.biz","uscaves.com","usclargo.com","uscoachoutletstoreonlinezt.com","uscosplay.com","use.blatnet.com","use.lakemneadows.com","use.marksypark.com","use.poisedtoshrike.com","use.qwertylock.com","used-product.fr","used.favbat.com","usedate.online","usedcarsinpl.eu","usedcarsjacksonms.xyz","usedhospitalbeds.com","usemail.xyz","usenergypro.com","usenetmail.tk","useplace.ru","user.bottesuggds.com","user.peoplesocialspace.com","userbot.site","userdrivvers.ru","usermania.online","username.e4ward.com","users.idbloc.co","users.totaldrama.net","userseo.ga","usgeek.org","usgov.org","usgrowers.com","usgsa.com","usgtl.org","usharingk.com","ushijima1129.cf","ushijima1129.ga","ushijima1129.gq","ushijima1129.ml","ushijima1129.tk","usiaj.com","usintouch.com","usiportal.ru","usitv.ga","uslouisvuittondamier.com","uslugi-i-tovary.ru","uslugiseo.warszawa.pl","uslyn.com","usmailbook.com","usmailstar.com","usn.pw","usodellavoce.net","uspeakw.com","uspmail.com","ussje.com","ussv.club","ustudentli.com","usualism.site","usuus.com","usv.luk2.com","usweek.net","ut6jlkt9.pl","ut6rtiy1ajr.ga","ut6rtiy1ajr.gq","ut6rtiy1ajr.ml","ut6rtiy1ajr.tk","utahmail.com","utangsss.online","utaro.com","utc7xrlttynuhc.cf","utc7xrlttynuhc.ga","utc7xrlttynuhc.gq","utc7xrlttynuhc.ml","utc7xrlttynuhc.tk","utclubsxu.com","utesmail.com","utiket.us","utilifield.com","utilities-online.info","utilitservis.ru","utilsans.ru","utmail.com","utoi.cu.uk","utoo.email","utooemail.com","utool.com","utool.us","utor.com","utplexpotrabajos.com","utrka.com","uttoymdkyokix6b3.cf","uttoymdkyokix6b3.ga","uttoymdkyokix6b3.gq","uttoymdkyokix6b3.ml","uttoymdkyokix6b3.tk","uttvgar633r.cf","uttvgar633r.ga","uttvgar633r.gq","uttvgar633r.ml","uttvgar633r.tk","utubemp3.net","utwevq886bwc.cf","utwevq886bwc.ga","utwevq886bwc.gq","utwevq886bwc.ml","utwevq886bwc.tk","uu.gl","uu1.pl","uu2.ovh","uudimail.com","uugmail.com","uuhjknbbjv.com","uukx.info","uul.pl","uuluu.net","uuluu.org","uumail.com","uumjdnff.pl","uunifonykrakow.pl","uurksjb7guo0.cf","uurksjb7guo0.ga","uurksjb7guo0.gq","uurksjb7guo0.ml","uurksjb7guo0.tk","uuroalaldoadkgk058.cf","uuups.ru","uvamail.com","uvdi.net","uvedifuciq.host","uvelichit-grud.ru","uvmail.com","uvomail.com","uvoofiwy.pl","uvvc.info","uvy.kr","uvyuviyopi.cf","uvyuviyopi.ga","uvyuviyopi.gq","uvyuviyopi.ml","uvyuviyopi.tk","uw5t6ds54.com","uw88.info","uwalumni.co","uwamail.com","uwebmail.live","uwemail.com","uwesport.com","uwillsuc.pw","uwimail.com","uwmail.com","uwml.com","uwomail.com","uwork4.us","uwucheck.com","uwuefr.com","uwwmog.com","ux.dob.jp","ux.uk.to","uxak.com","uxdes54.com","uxkh.com","uxlxpc2df3s.pl","uxs14gvxcmzu.cf","uxs14gvxcmzu.ga","uxs14gvxcmzu.gq","uxs14gvxcmzu.ml","uxs14gvxcmzu.tk","uxsolar.com","uxzicou.pl","uydagdmzsc.cf","uydagdmzsc.ga","uydagdmzsc.gq","uydagdmzsc.ml","uydagdmzsc.tk","uyemail.com","uyhip.com","uymail.com","uyp5qbqidg.cf","uyp5qbqidg.ga","uyp5qbqidg.gq","uyp5qbqidg.ml","uyp5qbqidg.tk","uyqwuihd72.com","uyu.kr","uyx3rqgaghtlqe.cf","uyx3rqgaghtlqe.ga","uyx3rqgaghtlqe.gq","uyx3rqgaghtlqe.ml","uyx3rqgaghtlqe.tk","uz.luk2.com","uz6tgwk.com","uzbekbazaar.com","uzbekistan-nedv.ru","uzgrthjrfr4hdyy.gq","uzip.site","uzmail.com","uzmancevap.org","uzrip.com","uzsy.com","uzu6ji.info","uzug.com","uzxia.cf","uzxia.com","uzxia.ga","uzxia.gq","uzxia.ml","uzxia.tk","uzy8wdijuzm.pl","v-a-v.de","v-bucks.money","v-dosuge.ru","v-kirove.ru","v-kv.com","v-mail.xyz","v-science.ru","v-soc.ru","v-v.tech","v.0v.ro","v.jsonp.ro","v.northibm.com","v.olvos90.tk","v.polosburberry.com","v00qy9qx4hfmbbqf.cf","v00qy9qx4hfmbbqf.ga","v00qy9qx4hfmbbqf.gq","v00qy9qx4hfmbbqf.ml","v00qy9qx4hfmbbqf.tk","v0domwwkbyzh1vkgz.cf","v0domwwkbyzh1vkgz.ga","v0domwwkbyzh1vkgz.gq","v0domwwkbyzh1vkgz.ml","v0domwwkbyzh1vkgz.tk","v1agraonline.com","v21.me.uk","v21net.co.uk","v27hb4zrfc.cf","v27hb4zrfc.ga","v27hb4zrfc.gq","v27hb4zrfc.ml","v27hb4zrfc.tk","v2raysts.tk","v3bsb9rs4blktoj.cf","v3bsb9rs4blktoj.ga","v3bsb9rs4blktoj.gq","v3bsb9rs4blktoj.ml","v3bsb9rs4blktoj.tk","v4gdm4ipndpsk.cf","v4gdm4ipndpsk.ga","v4gdm4ipndpsk.gq","v4gdm4ipndpsk.ml","v4gdm4ipndpsk.tk","v58tk1r6kp2ft01.cf","v58tk1r6kp2ft01.ga","v58tk1r6kp2ft01.gq","v58tk1r6kp2ft01.ml","v58tk1r6kp2ft01.tk","v6iexwlhb6n2hf.ga","v6iexwlhb6n2hf.gq","v6iexwlhb6n2hf.ml","v6iexwlhb6n2hf.tk","v7brxqo.pl","v7ecub.com","v7g2w7z76.pl","v7px49yk.pl","v8garagefloor.com","va5vsqerkpmsgibyk.cf","va5vsqerkpmsgibyk.ga","va5vsqerkpmsgibyk.gq","va5vsqerkpmsgibyk.ml","va5vsqerkpmsgibyk.tk","vaasfc4.tk","vaastu.com","vaati.org","vacancies-job.info","vacationrentalshawaii.info","vacavillerentals.com","vacuus.gq","vacwdlenws604.ml","vadalist.com","vadlag.xyz","vadn.com","vaffanculo.gq","vafleklassniki.ru","vafrem3456ails.com","vagina.com","vaginkos.com","vagmag.com","vagqgqj728292.email-temp.com","vagsuerokgxim1inh.cf","vagsuerokgxim1inh.ga","vagsuerokgxim1inh.gq","vagsuerokgxim1inh.ml","vagsuerokgxim1inh.tk","vagus.com","vaik.cf","vaik.ga","vaik.gq","vaik.ml","vaik.tk","vajq8t6aiul.cf","vajq8t6aiul.ga","vajq8t6aiul.gq","vajq8t6aiul.ml","vajq8t6aiul.tk","valdezmail.men","valemail.net","valenciabackpackers.com","valentin.best","valhalladev.com","valiantgaming.net","valibri.com","valid.digital","valleyinnmistake.info","valleyofcbd.com","valorant.codes","valtresttranach.website","valtrexprime.com","valtrexrxonline.com","valuablegyan.com","value-establish-point-stomach.xyz","value-group.net","vamosconfe.com","vampresent.ru","van87.com","vanacken.xyz","vanbil.tk","vancemail.men","vandiemen.co.uk","vandorrenn.com","vaneekelen84.flatoledtvs.com","vaneroln.club","vaneroln.site","vaneroln.space","vaneroln.xyz","vaneshaprescilla.art","vanessa-castro.com","vanhilleary.com","vanhoangtn1.ga","vanhoangtn1.ooo","vanhoangtn1.us","vanilkin.ru","vankin.de","vanmail.com","vanna-house.ru","vanpoint.net","vansoftcorp.com","vantagepayment.com","vantaxi.pl","vanturtransfer.com","vanuatu-nedv.ru","vanvalu.linuxpl.info","vapaka.com","varadeals.com","varaunited.in","varen8.com","varialomail.biz","varissacamelia.art","varsidesk.com","varyitymilk.online","varyitymilk.xyz","vasculardoctor.com","vasgyh.space","vastemptory.site","vastgoed.video","vastkey.com","vasto.site","vastorestaurante.net","vastuas.com","vasvast.shop","vaticanakq.com","vatman16rus.ru","vatrel.com","vaudit.ru","vaultoffer.info","vaultpoint.us","vaultsophia.com","vaultsophiaonline.com","vavisa.ir","vay.kr","vaycongso.vn","vaymail.com","vayme.com","vaytien.asia","vba.kr","vba.rzeszow.pl","vbalcer.com","vbdkr.online","vbdwreca.com","vbetstar.com","vbha0moqoig.ga","vbha0moqoig.ml","vbha0moqoig.tk","vbhoa.com","vbilet.com","vbqvacx.com","vbvl.com","vbweqva.com","vc.com","vc.taluabushop.com","vcamp.co","vcbmail.ga","vcbox.pro","vcghv0eyf3fr.cf","vcghv0eyf3fr.ga","vcghv0eyf3fr.gq","vcghv0eyf3fr.ml","vcghv0eyf3fr.tk","vctel.com","vcticngsh5.ml","vda.ro","vddaz.com","vdig.com","vdims.com","vdmmhozx5kxeh.cf","vdmmhozx5kxeh.ga","vdmmhozx5kxeh.gq","vdmmhozx5kxeh.ml","vdmmhozx5kxeh.tk","vdnetmail.gdn","vdp8ehmf.edu.pl","vdy.itx.mybluehost.me","ve.luk2.com","ve8zum01pfgqvm.cf","ve8zum01pfgqvm.ga","ve8zum01pfgqvm.gq","ve8zum01pfgqvm.ml","ve8zum01pfgqvm.tk","ve9xvwsmhks8wxpqst.cf","ve9xvwsmhks8wxpqst.ga","ve9xvwsmhks8wxpqst.gq","ve9xvwsmhks8wxpqst.ml","ve9xvwsmhks8wxpqst.tk","veanlo.com","veat.ch","veb27.com","veb34.com","veb37.com","veb65.com","vedats.com","vedid.com","vedioo.com","vedmail.com","vedovelli.plasticvouchercards.com","vedula.com","vedv.de","veebee.cf","veebee.ga","veebee.gq","veebee.ml","veebee.tk","veetora.club","veetora.online","veetora.site","veetora.xyz","vefblogg.com","vefspchlzs2qblgoodf.ga","vefspchlzs2qblgoodf.ml","vefspchlzs2qblgoodf.tk","vegas-x.biz","vegasplus.ru","vegasworlds.com","vegsthetime.org.ua","vehicleowners.tk","vejohy.info","vekan.com","vektik.com","velavadar.com","veldahouse.co","veldmail.ga","velocity-digital.com","velourareview.net","velourclothes.com","velourclothes.net","velouteux.com","velovevexia.art","veloxmail.pw","velozmedia.com","vemail.site","vemaybaygiare.com","vemaybaytetgiare.com","vemomail.win","vemrecik.com","vemser.com","vendasml.ml","vendedores-premium.ml","vendmaison.info","vendorbrands.com","veneerdmd.com","venesuela-nedv.ru","venexus.com","vengr-nedv.ru","venkena.online","vennimed.com","venompen.com","ventastx.net","venturacarpetcleaning.net","venturarefinery.com","venturayt.ml","ventureschedule.com","ventureuoso.com","venue-ars.com","venuears.com","venusandmarssextoys.com","venusfactorreviews.co","veo.kr","vepa.info","vepklvbuy.com","ver0.cf","ver0.ga","ver0.gq","ver0.ml","ver0.tk","veralucia.top","vercelli.cf","vercelli.ga","vercelli.gq","vercelli.ml","vercmail.com","verdejo.com","verfisigca.xyz","vergleche.us","vericon.net","verificationsinc.com","verifymail.cf","verifymail.ga","verifymail.gq","verifymail.ml","verifymail.win","verihotmail.ga","verisign.cf","verisign.ga","verisign.gq","verision.net","verisur.com","veriszon.net","veritybusinesscenter.pl","veriyaz.com","verizondw.com","verkaufsstelle24.de","vermagerentips24.xyz","vermontlinkedin.com","vermutlich.net","verniprava.com","vernz.cf","vernz.ga","vernz.gq","vernz.ml","vernz.tk","veromodaonlineshop.com","verrabahu.xyz","versusbooks.com","verterygiep.com","verticedecabo.com","vertigosoftware.com","vertilog.com","vertiuoso.com","verumst.com","veruzin.net","verybad.co.uk","verybig.com","veryday.ch","veryday.eu","veryday.info","verydrunk.co.uk","veryfast.biz","verymit.com","veryprice.co","veryrealemail.com","veryrude.co.uk","veryveryeryhq.com","verywise.co.uk","vesa.pw","veska.pl","vestigoroda.info","vettery.cf","vettery.gq","vettery.ml","vettery.tk","veueh.com","veve.decisivetalk.com","vevs.de","vewku.com","vex4.top","veyera.tk","vfastmails.com","vfazou.xyz","vfdd.com","vfemail.net","vfh.luk2.com","vfienvtua2dlahfi7.cf","vfienvtua2dlahfi7.ga","vfienvtua2dlahfi7.gq","vfienvtua2dlahfi7.ml","vfienvtua2dlahfi7.tk","vfiw.com","vfj9g3vcnj7kadtty.cf","vfj9g3vcnj7kadtty.ga","vfj9g3vcnj7kadtty.gq","vfj9g3vcnj7kadtty.ml","vfj9g3vcnj7kadtty.tk","vfrts.online","vfujey.buzz","vgamers.win","vgatodviadapter.com","vgbs.com","vgfjj85.pl","vggboutiqueenlignefr1.com","vgsnake.com","vgsreqqr564.cf","vgsreqqr564.ga","vgsreqqr564.gq","vgsreqqr564.ml","vgsreqqr564.tk","vgvgvgv.tk","vgxwhriet.pl","vhan.tech","vhfderf.tech","vhglvi6o.com","vhiz.com","vhjvyvh.com","vhntp15yadrtz0.cf","vhntp15yadrtz0.ga","vhntp15yadrtz0.gq","vhntp15yadrtz0.ml","vhntp15yadrtz0.tk","vhobbi.ru","vhoff.com","vhouse.site","via-paypal.com","via.tokyo.jp","viagenpwr.com","viagra-cheap.org","viagra-withoutadoctorprescription.com","viagra.com","viagracy.com","viagrageneric-usa.com","viagragenericmy.com","viagraigow.us","viagranowdirect.com","viagraonlineedshop.com","viagrasld.com","viagrasy.com","viagrawithoutadoctorprescription777.bid","viagraya.com","viaip.online","viajando.net","viano.com","viantakte.ru","viaqara.com","viasldnfl.com","viatokyo.jp","vibhavram.com","vibi.cf","vibi4f1pc2xjk.cf","vibi4f1pc2xjk.ga","vibi4f1pc2xjk.gq","vibi4f1pc2xjk.ml","vibi4f1pc2xjk.tk","vicard.net","vicceo.com","vices.biz","vicimail.com","vicious.life","vickaentb.cf","vickaentb.ga","vickaentb.gq","vickaentb.ml","vickaentb.tk","vickeyhouse.com","vickisvideoblog.com","vicsvg.xyz","victeams.net","victime.ninja","victor.romeo.wollomail.top","victor.whiskey.coayako.top","victorgold.xyz","victoriacapital.com","victoriantwins.com","victoriazakopane.pl","victorsierra.spithamail.top","victory-mag.ru","victoryforanimals.com","victorysvg.com","vidasole.com","vidchart.com","vide0c4ms.com","video-16porno.fr","video-der.ru","video-insanity.com","video-tube-club.ru","video.blatnet.com","video.cowsnbullz.com","video.ddnsking.com","video.lakemneadows.com","video.oldoutnewin.com","video35.com","videodig.tk","videofilling.ru","videogamefeed.info","videography.click","videohandle.com","videojuegos.icu","videokazdyideni.ru","videophotos.ru","videoproc.com","videoregistrator-rus.space","videos-de-chasse.com","videos.blatnet.com","videos.emailies.com","videos.maildin.com","videos.marksypark.com","videos.mothere.com","videos.poisedtoshrike.com","videos.zonerig.com","videotorn.ca","videotubegames.ru","videour.com","videoxx-francais.fr","videoxxl.info","viditag.com","vidred.gq","vidsourse.com","vidssa.com","vieebee.cf","vieebee.ga","vieebee.gq","vieebee.tk","viemery.com","vienna.cf","viennas-finest.com","vietcode.com","vietkevin.com","vietnam-nedv.ru","vietnamnationalpark.org","vietvoters.org","viewcastmedia.com","viewcastmedia.net","viewcastmedia.org","viewleaders.com","viewtechnology.info","vigil4synod.org","vigilantkeep.net","vigra-tadacip.info","vigratadacip.info","vigrxpills.us","vihost.ml","vihost.tk","vijayanchor.com","vikingglass-kr.info","vikingsonly.com","vikopeiw21.com","viktminskningsnabbt.net","vikyol.com","vilk.com","villabhj.com","villadipuncak.com","villaferri.com","villagepxt.com","villapuncak.org","villarrealmail.men","villastream.xyz","vilnapresa.com","vimail24.com","vimailpro.net","vinaclicks.com","vincentralpark.com","vincenza1818.site","vincitop.com","vinerabazar.com","vinernet.com","vinetack.com","vinhsu.info","vinincuk.com","vinopub.com","vinsmoke.tech","vinsol.us","vintagefashion.de","vintagefashionblog.org","vintange.com","vintomaper.com","viola.gq","vionarosalina.art","viovisa.ir","vip-dress.net","vip-intim-dosug.ru","vip-mail.ml","vip-mail.tk","vip-payday-loans.com","vip-replica1.eu","vip-timeclub.ru","vip-watches.ru","vip-watches1.eu","vip.163.com.org","vip.188.com","vip.aiot.eu.org","vip.cool","vip.dmtc.press","vip.hstu.eu.org","vip.mailedu.de","vip.sohu.com","vip.sohu.net","vip.stu.office.gy","vip.tom.com","vipcherry.com","vipchristianlouboutindiscount.com","vipcodes.info","vipdom-agoy.com","vipepe.com","vipfon.ru","vipg.com","vipgod.ru","viphomeljjljk658.info","viphone.eu.org","vipitv.com","viplvoutlet.com","vipmail.in","vipmail.name","vipmail.net","vipmail.pw","vipnikeairmax.co.uk","vippoker88.info","vippoker88.org","vipracing.icu","vipraybanuk.co.uk","vipsbet.com","vipsmail.us","vipsohu.net","vipwxb.com","vipxm.net","vir.waw.pl","viral-science.fun","viralchoose.com","viralhits.org","viralplays.com","viralvideosf.com","virarproperty.co.in","vireonidae.com","vireopartners.com","virgiglio.it","virgilii.it","virgilio.ga","virgilio.gq","virgilio.ml","virgiliomail.cf","virgiliomail.ga","virgiliomail.gq","virgiliomail.ml","virgiliomail.tk","virgin-eg.com","virginiabasketballassociation.com","virginiaintel.com","virginiaturf.com","virginmedua.com","virginmmedia.com","virginsrus.xyz","virglio.com","virgnmedia.com","virgoans.co.uk","viro.live","viroleni.cu.cc","virtize.com","virtual-email.com","virtual-generations.com","virtual-mail.net","virtual-trader.com","virtualdepot.store","virtualemail.info","virtualjunkie.com","virtualtags.co","virtuf.info","virtznakomstva.ru","virusfreeemail.com","virustoaster.com","visa-securepay.cf","visa-securepay.ga","visa-securepay.gq","visa-securepay.ml","visa-securepay.tk","visa.coms.hk","visa.dns-cloud.net","visa.dnsabr.com","visabo.ir","visaflex.ir","visagency.net","visagency.us","visakey.ir","visal007.tk","visal168.cf","visal168.ga","visal168.gq","visal168.ml","visal168.tk","visalaw.ru","visalus.com","visasky.ir","visaua.ru","visavisit.ir","visieonl.com","visionaut.com","visionbig.com","visioncentury.com","visiondating.info","visionexpressed.com","visionwithoutglassesscam.org","visit-macedonia.eu","visitany.com","visithotel.ir","visitinbox.com","visitingcyprus.com","visitingob.com","visitnorwayusa.com","visitorratings.com","visitorweb.net","visitxhot.org","visitxx.com","vissering.flatoledtvs.com","vista-express.com","vista-tube.ru","vistaemail.com","vistarto.co.cc","vistomail.com","vistore.co","visualfx.com","visualimpactreviews.com","visualkonzept.de","visualpro.online","vitaldevelopmentsolutions.com","vitalizehairgummy.com","vitalizehairmen.com","vitalizeskinforwomen.com","vitalpetprovisions.com","vitaltools.com","vitalyzereview.com","vitamin-water.net","vitamins.com","vitaminsdiscounter.com","vitmol.com","vittamariana.art","vittato.com","vivabem.xyz","vivaenaustralia.com","vivaldi.media","vivatours.ir","vivech.site","viventel.com","viversemdrama.com","vivianhouse.co","vividbase.xyz","vivie.club","vivista.co.uk","vivopoker.pro","viwsala.com","vixej.com","vixletdev.com","vixmalls.com","vixtricks.com","vizi-forum.com","vizi-soft.com","vizstar.net","vjav.info","vjmail.com","vjr.luk2.com","vk-app-online.ru","vk-appication.ru","vk-apps-online.ru","vk-com-application.ru","vk-fb-ok.ru","vk-goog.ru","vk-nejno-sladko.ru","vk-net-app.ru","vk-net-application.ru","vk-russkoe.ru","vk-tvoe.ru","vkbags.in","vkcode.ru","vkdmtzzgsx.pl","vkdmtzzgsxa.pl","vkilotakte.ru","vkokfb.ru","vkontakteemail.co.cc","vkoxtakte.ru","vkoztakte.ru","vkpornoprivate.ru","vkusno-vse.ru","vl2ivlyuzopeawoepx.cf","vl2ivlyuzopeawoepx.ga","vl2ivlyuzopeawoepx.gq","vl2ivlyuzopeawoepx.ml","vl2ivlyuzopeawoepx.tk","vlad-webdevelopment.ru","vlemi.com","vlinitial.com","vlipbttm9p37te.cf","vlipbttm9p37te.ga","vlipbttm9p37te.gq","vlipbttm9p37te.ml","vlipbttm9p37te.tk","vlote.ru","vloux.com","vloyd.com","vlrnt.com","vlsanxkw.com","vlsca8nrtwpcmp2fe.cf","vlsca8nrtwpcmp2fe.ga","vlsca8nrtwpcmp2fe.gq","vlsca8nrtwpcmp2fe.ml","vlsca8nrtwpcmp2fe.tk","vlstwoclbfqip.cf","vlstwoclbfqip.ga","vlstwoclbfqip.gq","vlstwoclbfqip.ml","vlstwoclbfqip.tk","vlwomhm.xyz","vmadhavan.com","vmail.me","vmail.site","vmail.tech","vmailcloud.com","vmailing.info","vmailpro.net","vmani.com","vmaryus.iogmail.com.urbanban.com","vmentorgk.com","vmgmails.com","vmhdisfgxxqoejwhsu.cf","vmhdisfgxxqoejwhsu.ga","vmhdisfgxxqoejwhsu.gq","vmhdisfgxxqoejwhsu.ml","vmhdisfgxxqoejwhsu.tk","vmlfwgjgdw2mqlpc.cf","vmlfwgjgdw2mqlpc.ga","vmlfwgjgdw2mqlpc.ml","vmlfwgjgdw2mqlpc.tk","vmpanda.com","vn92wutocpclwugc.cf","vn92wutocpclwugc.ga","vn92wutocpclwugc.gq","vn92wutocpclwugc.ml","vn92wutocpclwugc.tk","vncoders.net","vncwyesfy.pl","vndfgtte.com","vnedu.me","vnhojkhdkla.info","vnkadsgame.com","vnmon.com","vnrrdjhl.shop","vnshare.info","vnsl.com","voaina.com","voanioo.com","vocalsintiempo.com","vocating.com","voda-v-tule.ru","vodafoneyusurvivalzombie.com","vodeotron.ca","vodka.in","voemail.com","vofyfuqero.pro","vogons.ru","vogrxtwas.pl","vogue-center.com","vogue.sk","voice13.gq","voiceclasses.com","voicememe.com","void.maride.cc","voidbay.com","voirserie-streaming.com","voiture.cf","vokan.tk","volaj.com","voldsgaard.dk","volestream.com","volestream21.com","volestream23.com","volestream24.com","volestream25.com","volgograd-nedv.ru","volknakone.cf","volknakone.ga","volknakone.gq","volknakone.ml","volkswagen-ag.cf","volkswagen-ag.ga","volkswagen-ag.gq","volkswagen-ag.ml","volkswagen-ag.tk","volkswagenamenageoccasion.fr","volsingume.ru","volt-telecom.com","voltaer.com","voltalin.site","volvo-ab.cf","volvo-ab.ga","volvo-ab.gq","volvo-ab.ml","volvo-ab.tk","volvo-s60.cf","volvo-s60.ga","volvo-s60.gq","volvo-s60.ml","volvo-s60.tk","volvo-v40.ml","volvo-v40.tk","volvo-xc.ml","volvo-xc.tk","volvogroup.ga","volvogroup.gq","volvogroup.ml","volvogroup.tk","volvopenta.tk","vomoto.com","vonbe.tk","vonderheide.me","voozadnetwork.com","vorabite.site","vorga.org","vorgilio.it","vors.info","vorscorp.mooo.com","vosos.xyz","votavk.com","votedb.info","voteforhot.net","votenogeorgia.com","votenonov6.com","votenoonnov6.com","votesoregon2006.info","vothiquynhyen.info","votingportland07.info","votiputox.org","votooe.com","vouchergeek.com","vouk.cf","vouk.gq","vouk.ml","vouk.tk","vovin.gdn","vovin.life","vovva.ru","voxelcore.com","voyagebirmanie.net","voyancegratuite10min.com","voyeurseite.info","vozmivtop.ru","vp.com","vp.ycare.de","vp113.lavaweb.in","vpanel.ru","vpc608a0.pl","vperdolil.com","vpfbattle.com","vpha.com","vphnfuu2sd85w.cf","vphnfuu2sd85w.ga","vphnfuu2sd85w.gq","vphnfuu2sd85w.ml","vphnfuu2sd85w.tk","vpidcvzfhfgxou.cf","vpidcvzfhfgxou.ga","vpidcvzfhfgxou.gq","vpidcvzfhfgxou.ml","vpidcvzfhfgxou.tk","vpmsl.com","vpn.st","vpn33.top","vpns.best","vprice.co","vps-hi.com","vps001.net","vps004.net","vps005.net","vps30.com","vps911.bet","vps911.net","vpsadminn.com","vpsbots.com","vpscloudvntoday.com","vpsfox.com","vpsjqgkkn.pl","vpslists.com","vpsmobilecloudkb.com","vpsorg.pro","vpsorg.top","vpstraffic.com","vpstrk.com","vpsuniverse.com","vqj.luk2.com","vqsprint.com","vqwcaxcs.com","vqwvasca.com","vr21.ml","vr5gpowerv.com","vradportal.com","vraskrutke.biz","vrc777.com","vreagles.com","vreeland.agencja-csk.pl","vreemail.com","vregion.ru","vreizon.net","vremonte24-store.ru","vrender.ru","vrgwkwab2kj5.cf","vrgwkwab2kj5.ga","vrgwkwab2kj5.gq","vrgwkwab2kj5.ml","vrgwkwab2kj5.tk","vrify.org","vrloco.com","vrmtr.com","vrou.cf","vrou.ga","vrou.gq","vrou.ml","vrou.tk","vrpitch.com","vrsim.ir","vru.solutions","vryy.com","vs-neustift.de","vs3ir4zvtgm.cf","vs3ir4zvtgm.ga","vs3ir4zvtgm.gq","vs3ir4zvtgm.ml","vs3ir4zvtgm.tk","vs904a6.com","vs9992.net","vsalmonusq.com","vscarymazegame.com","vscon.com","vsebrigadi.ru","vselennaya.su","vsembiznes.ru","vsemsoft.ru","vseoforexe.ru","vseokmoz.org.ua","vseosade.ru","vshgl.com","vshisugg.pl","vsimcard.com","vsix.de","vsmini.com","vsooc.com","vspiderf.com","vss6.com","vssms.com","vsszone.com","vstartup4q.com","vstindo.net","vstopsb.com","vstoremisc.com","vt0bk.us","vt0uhhsb0kh.cf","vt0uhhsb0kh.ga","vt0uhhsb0kh.gq","vt0uhhsb0kh.ml","vt0uhhsb0kh.tk","vt8khiiu9xneq.cf","vt8khiiu9xneq.ga","vt8khiiu9xneq.gq","vt8khiiu9xneq.ml","vt8khiiu9xneq.tk","vt8zilugrvejbs.tk","vteachesb.com","vteensp.com","vtext.net","vthreadeda.com","vtoasik.ru","vtoe.com","vtop10.site","vtopeklassniki.ru","vtormetresyrs.ru","vtoroum2.co.tv","vtqreplaced.com","vtrue.org","vtube.digital","vtubernews.com","vtunesjge.com","vtwo.com","vtxmail.us","vu38.com","vu981s5cexvp.cf","vu981s5cexvp.ga","vu981s5cexvp.gq","vu981s5cexvp.ml","vuabai.info","vubby.com","vuhoangtelecom.com","vuihet.ga","vuiy.pw","vulcan-platinum24.com","vulkan333.com","vumurt.org","vusd.net","vusra.com","vutdrenaf56aq9zj68.cf","vutdrenaf56aq9zj68.ga","vutdrenaf56aq9zj68.gq","vutdrenaf56aq9zj68.ml","vutdrenaf56aq9zj68.tk","vuthykh.ga","vuv9hhstrxnjkr.cf","vuv9hhstrxnjkr.ga","vuv9hhstrxnjkr.gq","vuv9hhstrxnjkr.ml","vuv9hhstrxnjkr.tk","vuvuive.xyz","vuzimir.cf","vvaa1.com","vvb3sh5ie0kgujv3u7n.cf","vvb3sh5ie0kgujv3u7n.ga","vvb3sh5ie0kgujv3u7n.gq","vvb3sh5ie0kgujv3u7n.ml","vvb3sh5ie0kgujv3u7n.tk","vvfdcsvfe.com","vvfgsdfsf.com","vvgmail.com","vvlvmrutenfi1udh.ga","vvlvmrutenfi1udh.ml","vvlvmrutenfi1udh.tk","vvng8xzmv2.cf","vvng8xzmv2.ga","vvng8xzmv2.gq","vvng8xzmv2.ml","vvng8xzmv2.tk","vvv.7c.org","vvvnagar.org","vvvpondo.info","vvvv.de","vvvvv.n8.biz","vvvvv.uni.me","vvx046q.com","vw-ag.tk","vw-audi.ml","vw-cc.cf","vw-cc.ga","vw-cc.gq","vw-cc.ml","vw-cc.tk","vw-eos.cf","vw-eos.ga","vw-eos.gq","vw-eos.ml","vw-eos.tk","vw-seat.ml","vw-skoda.ml","vw-webmail.de","vwazamarshwildlifereserve.com","vwd.luk2.com","vwolf.site","vworangecounty.com","vwtedx7d7f.cf","vwtedx7d7f.ga","vwtedx7d7f.gq","vwtedx7d7f.ml","vwtedx7d7f.tk","vwwape.com","vwydus.icu","vxc.edgac.com","vxcbe12x.com","vxdsth.xyz","vxeqzvrgg.pl","vxmail.top","vxmail.win","vxmail2.net","vxmlcmyde.pl","vxqt4uv19oiwo7p.cf","vxqt4uv19oiwo7p.ga","vxqt4uv19oiwo7p.gq","vxqt4uv19oiwo7p.ml","vxqt4uv19oiwo7p.tk","vxsolar.com","vxvcvcv.com","vy89.com","vyby.com","vydda.com","vydn.com","vyhade3z.gq","vykup-auto123.ru","vyrski4nwr5.cf","vyrski4nwr5.ga","vyrski4nwr5.gq","vyrski4nwr5.ml","vyrski4nwr5.tk","vysolar.com","vytevident.com","vzlom4ik.tk","vzpx.com","vzrxr.ru","vztc.com","vzur.com","vzwpix.com","w-asertun.ru","w-shoponline.info","w.0w.ro","w.comeddingwhoesaleusa.com","w.gsasearchengineranker.xyz","w.polosburberry.com","w2203.com","w22fe21.com","w2858.com","w30gw.space","w3boat.com","w3boats.com","w3fun.com","w3internet.co.uk","w3mailbox.com","w3windsor.com","w45k6k.pl","w4f.com","w4files.xyz","w4i3em6r.com","w4ms.ga","w4ms.ml","w5gpurn002.cf","w5gpurn002.ga","w5gpurn002.gq","w5gpurn002.ml","w5gpurn002.tk","w634634.ga","w63507.ga","w656n4564.cf","w656n4564.ga","w656n4564.gq","w656n4564.ml","w656n4564.tk","w6mail.com","w70ptee1vxi40folt.cf","w70ptee1vxi40folt.ga","w70ptee1vxi40folt.gq","w70ptee1vxi40folt.ml","w70ptee1vxi40folt.tk","w777info.ru","w7k.com","w7wdhuw9acdwy.cf","w7wdhuw9acdwy.ga","w7wdhuw9acdwy.gq","w7wdhuw9acdwy.ml","w7wdhuw9acdwy.tk","w7zmjk2g.bij.pl","w918bsq.com","w9f.de","w9y9640c.com","w9zen.com","wa.itsminelove.com","wa010.com","waaluht.com","wab-facebook.tk","wab.com","wacamole.soynashi.tk","wacopyingy.com","wadiz.blog","wadzinski59.dynamailbox.com","waelectrician.com","wafflebrigadecaptain.net","wafrem3456ails.com","wagfused.com","waggadistrict.com","wahab.com","wahana888.org","wahch-movies.net","wahreliebe.li","waifu.club","waifu.horse","wailo.cloudns.asia","waitingjwo.com","waitloek.fun","waitloek.online","waitloek.site","waitloek.store","waitweek.site","waitweek.store","waivey.com","wajikethanh96ger.gq","wakacje-e.pl","wakacjeznami.com.pl","wake-up-from-the-lies.com","wakedevils.com","wakescene.com","wakingupesther.com","wakka.com","walala.org","waldemar.ru","walepy.site","waleskfb.com","walinee.com","walking-holiday-in-spain.com","walkmail.net","walkmail.ru","walkritefootclinic.com","wall-street.uni.me","walletsshopjp.com","wallissonxmodz.tk","wallla.com","wallm.com","wallpaperspic.info","wallsmail.men","walmart-web.com","walmarteshop.com","walmartnet.com","walmartonlines.com","walmartpharm.com","walmartshops.com","walmartsshop.com","walmarttonlines.com","walnuttree.com","walter01.ru","walterandnancy.com","waltoncomp.com","wampsetupserver.com","wanadoo.com","wanadoux.fr","wanamore.com","wanari.info","wandahadissuara.com","wanderingstarstudio.com","wandsworthplumbers.com","wankedy.com","wanko.be","wannie.cf","wanoptimization.info","want.blatnet.com","want.oldoutnewin.com","want.poisedtoshrike.com","want2lov.us","wantisol.ml","wantplay.site","wants.dicksinhisan.us","wants.dicksinmyan.us","wantwp.com","wap-facebook.ml","wapl.ga","wappay.xyz","wapsportsmedicine.net","waratishou.us","warau-kadoni.com","warcraft-leveling-guide.info","wardarabando.com","wardauto.com","warepool.com","warezbborg.ru","wargot.ru","warjungle.com","warman.global","warmnessgirl.com","warmnessgirl.net","warmthday.com","warmthday.net","warna222.com","warnednl2.com","waroengdo.store","warptwo.com","warren.com","warrenforpresident.com","warriorpls.com","warteg.space","wartrolreviewssite.info","warungku.me","waschservice.de","wasd.10mail.org","wasd.10mail.tk","wasd.dropmail.me","wasdfgh.cf","wasdfgh.ga","wasdfgh.gq","wasdfgh.ml","wasdfgh.tk","washingmachines2012.info","washingtongarricklawyers.com","washoeschool.net","washoeschool.org","wasistforex.net","waskitacorp.cf","waskitacorp.ga","waskitacorp.gq","waskitacorp.ml","waskitacorp.tk","wassermann.freshbreadcrumbs.com","wasteland.rfc822.org","watacukrowaa.pl","watashiyuo.cf","watashiyuo.ga","watashiyuo.gq","watashiyuo.ml","watashiyuo.tk","watch-harry-potter.com","watch-tv-series.tk","watch.bthow.com","watchclickbuyagency.com","watchclubonline.com","watchcontrabandonline.net","watches-mallhq.com","watchesbuys.com","watcheset.com","watchesforsale.org.uk","watcheshq.net","watchesju.com","watchesnow.info","watchestiny.com","watchever.biz","watchfree.org","watchfull.net","watchheaven.us","watchironman3onlinefreefullmovie.com","watchmanonaledgeonline.net","watchmoviesonline-4-free.com","watchmoviesonlinefree0.com","watchmtv.co","watchnowfree.com","watchnsfw.com","watchreplica.org","watchsdt.tk","watchthedevilinsideonline.net","watchtruebloodseason5episode3online.com","watchunderworldawakeningonline.net","watchwebcamthesex.com","waterburytelephonefcu.com","waterisgone.com","waterlifetmx.com.mx","waterlifetmx2.com.mx","waterloorealestateagents.com","watersportsmegastore.com","watertec1.com","watertinacos.com","waterus2a.com","waterusa.com","wathie.site","watkacukrowa.pl","watkinsmail.bid","watpho.online","wattpad.pl","wavleg.com","wawa990.pl","wawan.org","wawi.es","wawinfauzani.com","wawstudent.pl","wawue.com","wawuo.com","way.blatnet.com","way.bthow.com","way.oldoutnewin.com","way.poisedtoshrike.com","wayaengopi.buzz","ways-to-protect.com","ways2getback.info","ways2lays.info","wayshop.xyz","waytogobitch.com","wazabi.club","wazoo.com","wazow.com","waztempe.com","wb-master.ru","wb24.de","wbdev.tech","wbfre2956mails.com","wbml.net","wbnckidmxh.pl","wbqhurlzxuq.edu.pl","wbryfeb.mil.pl","wc.pisskegel.de","wca.cn.com","wcblueprints.com","wcddvezl974tnfpa7.cf","wcddvezl974tnfpa7.ga","wcddvezl974tnfpa7.gq","wcddvezl974tnfpa7.ml","wcddvezl974tnfpa7.tk","wchatz.ga","wclr.com","wcpuid.com","wculturey.com","wczasy.com","wczasy.nad.morzem.pl","wczasy.nom.pl","wd0payo12t8o1dqp.cf","wd0payo12t8o1dqp.ga","wd0payo12t8o1dqp.gq","wd0payo12t8o1dqp.ml","wd0payo12t8o1dqp.tk","wd5vxqb27.pl","wdebatel.com","wdge.de","wditu.com","wdmail.ml","wdsfbghfg77hj.gq","wdxgc.com","we-b-tv.com","we-dwoje.com.pl","we-love-life.com","we.lovebitco.in","we.martinandgang.com","we.oldoutnewin.com","we.poisedtoshrike.com","we.qq.my","we9pnv.us","weaksick.com","weakwalk.online","weakwalk.site","weakwalk.store","weakwalk.xyz","wealthbargains.com","wealthymoney.pw","weammo.xyz","wear.favbat.com","weareallcavemen.com","weareconsciousness.com","weareflax.info","weareunity.online","wearewynwood.com","wearinguniforms.info","wearsn.com","weatheford.com","weave.email","web-contact.info","web-design-malta.com","web-design-ni.co.uk","web-email.eu","web-emailbox.eu","web-experts.net","web-ideal.fr","web-inc.net","web-mail.pp.ua","web-mail1.com","web-maill.com","web-mailz.com","web-model.info","web-sift.com","web-site-sale.ru","web-sites-sale.ru","web.discard-email.cf","web.id","web20.club","web20r.com","web2mailco.com","web2web.bid","web2web.stream","web2web.top","web3411.de","web3437.de","web3453.de","web3561.de","webail.co.za","webandgraphicdesignbyphil.com","webarnak.fr.eu.org","webaward.online","webaz.xyz","webbamail.com","webbear.ru","webbox.biz","webbusinessanalysts.com","webcamjobslive.com","webcamnudefree.com","webcamsex.de","webcamsexlivefree.com","webcamshowfree.com","webcamvideoxxx.xyz","webcare.tips","webcity.ca","webcontact-france.eu","webcool.club","webdesign-guide.info","webdesign-romania.net","webdesignspecialist.com.au","webdesigrsbio.gr","webdespro.ru","webdev-pro.ru","webdevex.com","webeditonline.info","webeidea.com","webemail.me","webemailtop.com","webet24.live","webetcoins.com","webgamesclub.com","webgarden.at","webgarden.com","webgarden.ro","webgmail.info","webgoda.com","webhane.com","webhocseo.com","webhomes.net","webhook.site","webhosting-advice.org","webhostingdomain.ga","webhostingjoin.com","webhostingwatch.ru","webhostingwebsite.info","webide.ga","webkatalog1.org","webkiff.info","weblovein.ru","webm1.xyz","webm4il.in","webm4il.info","webmail.flu.cc","webmail.igg.biz","webmail.kolmpuu.net","webmail123.hensailor.hensailor.xyz","webmail2.site","webmail24.to","webmail24.top","webmail360.eu","webmail4.club","webmailaccount.site","webmaild.net","webmaileu.bishop-knot.xyz","webmailforall.info","webmailn7program.tld.cc","webmails.top","webmails24.com","webmailshark.com","webmeetme.com","webmhouse.com","webofip.com","weboka.info","webonofos.com","webpix.ch","webpoets.info","webpro24.ru","webprospekt24.ru","webproton.site","webserverwst.com","webshop.website","websightmedia.com","websitebod.com","websitebody.com","websitebooty.com","websiteconcierge.net","websitedesignjb.com","websitehostingservices.info","websiterank.com","websmail.us","websock.eu","webstarter.xyz","websterinc.com","websupport.systems","webtasarimi.com","webtechmarketing.we.bs","webtempmail.online","webtimereport.com","webting-net.com","webtoon.club","webtraffico.top","webtrip.ch","webuser.in","webweb.marver-coats.marver-coats.xyz","webwolf.co.za","webyzonerz.com","wecareforyou.com","wecell.net","wecemail.com","wecmail.cz.cc","wedbo.net","weddingcrawler.com","weddingdating.info","weddingdressaccessory.com","weddingdressparty.net","weddinginsurancereviews.info","weddingsontheocean.com","weddingvenuexs.com","wedgesail.com","wedmail.minemail.in","wednesburydirect.info","wedooos.cf","wedooos.ga","wedooos.gq","wedooos.ml","wedoseoforlawyers.com","wee.my","weebsterboi.com","weeco.me","weeds.6amail.top","weedseedsforsale.com","weekendemail.com","weepm.com","weer.de","wef.gr","wefeelgood.tk","wefjo.grn.cc","wefr.online","wefwef.com","weg-beschlussbuch.de","weg-werf-email.de","wegas.ru","wegwerf-email-addressen.de","wegwerf-email-adressen.de","wegwerf-email.at","wegwerf-email.de","wegwerf-email.net","wegwerf-emails.de","wegwerfadresse.de","wegwerfemail.com","wegwerfemail.de","wegwerfemail.info","wegwerfemail.net","wegwerfemail.org","wegwerfemailadresse.com","wegwerfmail.de","wegwerfmail.info","wegwerfmail.net","wegwerfmail.org","wegwerpmailadres.nl","wegwrfmail.de","wegwrfmail.net","wegwrfmail.org","weibomail.net","weigh.bthow.com","weightbalance.ru","weightloss.info","weightlossandhealth.info","weightlossidealiss.com","weightlosspak.space","weightlossshort.info","weightlossworld.net","weightoffforgood.com","weightrating.com","weihnachts-gruesse.info","weihnachtsgruse.eu","weihnachtswunsche.eu","weijibaike.site","weil4feet.com","weinjobs.org","weinzed.org","weipai.ws","weipl.com","weird3.eu","weirdcups.com","weirenqs.space","wejr.in","wekawa.com","weldir.cf","welikecookies.com","weliverz.com","well.brainhard.net","well.ploooop.com","well.poisedtoshrike.com","wellc.site","wellcelebritydress.com","wellcelebritydress.net","wellensstarts.com","welleveningdress.com","welleveningdress.net","welleveningdresses.com","welleveningdresses.net","wellhungup.dynu.net","wellick.ru","welljimer.club","welljimer.online","welljimer.space","welljimer.store","welljimer.xyz","wellnessdom.ru","wellnessintexas.info","wellpromdresses.com","wellpromdresses.net","wellsfargocomcardholders.com","wellstarenergy.com","welltryn00b.online","welltryn00b.ru","wellvalleyedu.cf","welshpoultrycentre.co.uk","wem.com","wemail.ru","wemel.site","wemel.top","wemzi.com","wencai9.com","weontheworks.bid","weprof.it","weqse.luk2.com","wer.ez.lv","wer34276869j.ga","wer34276869j.gq","wer34276869j.ml","wer34276869j.tk","wereviewbiz.com","werj.in","werparacinasx.com","werrmai.com","wersumer.us","wertaret.com","wertxdn253eg.cf","wertxdn253eg.ga","wertxdn253eg.gq","wertxdn253eg.ml","wertxdn253eg.tk","wertyu.com","werw436526.cf","werw436526.ga","werw436526.gq","werw436526.ml","werw436526.tk","werwe.in","wesandrianto241.ml","wesatikah407.cf","wesatikah407.ml","wesayt.tk","wesazalia927.ga","wescabiescream.cu.cc","weselne.livenet.pl","weselvina200.tk","weseni427.tk","wesfajria37.tk","wesfajriah489.ml","wesgaluh852.ga","weshasni356.ml","weshutahaean910.ga","wesjuliyanto744.ga","weskusumawardhani993.ga","wesleytatibana.com","wesmailer.com","wesmailer.comdmaildd.com","wesmubasyiroh167.ml","wesmuharia897.ga","wesnadya714.tk","wesnurullah701.tk","wesruslian738.cf","wessastra497.tk","west.shop","westayyoung.com","westblog.me","westcaltractor.net","westjordanshoes.us","westmailer.com","westoverhillsclinic.com","westtelco.com","wesw881.ml","weswibowo593.cf","weswidihastuti191.ml","wesyuliyansih469.tk","weszwestyningrum767.cf","wet-fish.com","wet-lip.com","wetrainbayarea.com","wetrainbayarea.org","wetters.ml","wetvibes.com","wetzelhealth.org","wewantmorenow.com","wewintheylose.com","wewtmail.com","weyuoi.com","wezuwio.com","wfacommunity.com","wfes.site","wfgdfhj.tk","wfjdkng3fg.com","wfmarion.com","wfought0o.com","wfrijgt4ke.cf","wfrijgt4ke.ga","wfrijgt4ke.gq","wfrijgt4ke.ml","wfrijgt4ke.tk","wfuj.com","wfxegkfrmfvyvzcwjb.cf","wfxegkfrmfvyvzcwjb.ga","wfxegkfrmfvyvzcwjb.gq","wfxegkfrmfvyvzcwjb.ml","wfxegkfrmfvyvzcwjb.tk","wfz.flymail.tk","wg0.com","wgby.com","wgetcu0qg9kxmr9yi.ga","wgetcu0qg9kxmr9yi.ml","wgetcu0qg9kxmr9yi.tk","wgltei.com","wgraj.com","wgw365.com","wgz.cz","wgztc71ae.pl","wh4f.org","whaaaaaaaaaat.com","whaaso.tk","whackyourboss.info","whadadeal.com","whale-mail.com","what.cowsnbullz.com","what.heartmantwo.com","what.oldoutnewin.com","whataniceday.site","whatiaas.com","whatifanalytics.com","whatisakilowatt.com","whatmailer.com","whatnametogivesite.com","whatowhatboyx.com","whatpaas.com","whatsaas.com","whatthefish.info","whatwhat.com","wheatbright.com","wheatbright.net","wheatsunny.com","wheatsunny.net","whecode.com","wheeldown.com","wheelemail.com","wheelie-machine.pl","wheelingfoods.net","wheets.com","when.ploooop.com","whenstert.tk","whentake.org.ua","wherecanibuythe.biz","wherenever.tk","wheretoget-backlinks.com","whgdfkdfkdx.com","whhsbdp.com","which-code.com","which.cowsnbullz.com","which.poisedtoshrike.com","whichbis.site","whiffles.org","whilarge.site","while.ruimz.com","whipjoy.com","whiplashh.com","whiskey.xray.ezbunko.top","whiskeyalpha.webmailious.top","whiskeygolf.wollomail.top","whiskeyiota.webmailious.top","whiskonzin.edu","whiskygame.com","whisperfocus.com","whispersum.com","whistleapp.com","white-legion.ru","white-teeth-premium.info","whitealligator.info","whitebot.ru","whitehall-dress.ru","whitekazino.com","whitekidneybeanreview.com","whitemail.ga","whiteprofile.tk","whitesearch.net","whiteseoromania.tk","whiteshagrug.net","whiteshirtlady.com","whiteshirtlady.net","whitetrait.xyz","whj1wwre4ctaj.ml","whj1wwre4ctaj.tk","whkart.com","whlevb.com","whmailtop.com","who-called-de.com","who.cowsnbullz.com","who.poisedtoshrike.com","who95.com","whoelsewantstoliveinmyhouse.com","whoisox.com","whoisya.com","whole.bthow.com","wholecustomdesign.com","wholelifetermlifeinsurance.com","wholesale-belts.com","wholesale-cheapjewelrys.com","wholesalebag.info","wholesalecheap-hats.com","wholesalecheapfootballjerseys.com","wholesalediscountshirts.info","wholesalediscountsshoes.info","wholesaleelec.tk","wholesalejordans.xyz","wholesalelove.org","wholesaleshtcphones.info","wholewidget.com","wholey.browndecorationlights.com","wholowpie.com","whoox.com","whopy.com","whorci.site","whose-is-this-phone-number.com","whowlft.com","whstores.com","whtjddn.33mail.com","whwow.com","why.cowsnbullz.com","why.edu.pl","why.warboardplace.com","whydoihaveacne.com","whydrinktea.info","whyflkj.com","whyflyless.com","whyiquit.com","whyitthis.org.ua","whymustyarz.com","whyred.me","whyrun.online","whyspam.me","wiadomosc.pisz.pl","wibb.ru","wibblesmith.com","wibu.online","wichitahometeam.net","wicked-game.cf","wicked-game.ga","wicked-game.gq","wicked-game.ml","wicked-game.tk","wicked.cricket","wickerbydesign.com","wickmail.net","widaryanto.info","widatv.site","wideline-studio.com","wides.co","wideserv.com","wideturtle.com","widget.gg","widikasidmore.art","wiecejtegoniemieli.eu","wielkanocne-dekoracje.pl","wierie.tk","wiestel.online","wifi-map.net","wificon.eu","wifimaple.com","wifioak.com","wifwise.com","wig-catering.com.pl","wiggear.com","wigolive.com","wii999.com","wiibundledeals.us","wiicheat.com","wiipointsgen.com","wiki.8191.at","wiki24.ga","wiki24.ml","wikiacne.com","wikibacklinks.store","wikidocuslava.ru","wikifortunes.com","wikilibhub.ru","wikipedi.biz","wikipedia-inc.cf","wikipedia-inc.ga","wikipedia-inc.gq","wikipedia-inc.ml","wikipedia-inc.tk","wikipedia-llc.cf","wikipedia-llc.ga","wikipedia-llc.gq","wikipedia-llc.ml","wikipedia-llc.tk","wikisite.co","wikiswearia.info","wikizs.com","wil.kr","wilburn.prometheusx.pl","wild.wiki","wildcardonlinepoker.com","wildhorseranch.com","wildsneaker.ru","wildstar-gold.co.uk","wildstar-gold.us","wildthingsbap.org.uk","wildwoodworkshop.com","wilemail.com","will.lakemneadows.com","will.ploooop.com","will.poisedtoshrike.com","willakarmazym.pl","willette.com","willhackforfood.biz","williamcastillo.me","willleather.com","willowhavenhome.com","willselfdestruct.com","wilma.com","wilsonbuilddirect.jp","wilsonexpress.org","wilsto.com","wiltors.com","wilver.club","wilver.store","wimsg.com","win-777.net","win11bet.org","winanipadtips.info","wincep.com","windewa.com","windlady.com","windlady.net","windmine.tk","window-55.net","windowoffice7.com","windows.sos.pl","windows8hosting.info","windows8service.info","windowsicon.info","windowslve.com","windowsmanageddedicatedserver.com","windsream.net","windstrem.net","windt.org","windupmedia.com","windycityui.com","windykacjawpraktyce.pl","winebagohire.org","winemail.net","winemails.com","winemakerscorner.com","winemaven.in","winemaven.info","winevacuumpump.info","winfire.com","winfreegifts.xyz","wingslacrosse.com","winie.club","wink-versicherung.de","wink.5amail.top","winkconstruction.com","winmail.org","winmails.net","winmargroup.com","winning365.com","winningeleven365.com","winnweb.net","winnweb.win","winocs.com","wins-await.net","wins.com.br","winsdtream.net","winsomedress.com","winsomedress.net","winsowslive.com","winspins.bid","winspins.party","wintds.org","winter-solstice.info","winter-solstice2011.info","winterabootsboutique.info","winterafootwearonline.info","wintersbootsonline.info","wintersupplement.com","winterx.site","wintoptea.tk","winviag.com","winwinus.xyz","winxmail.com","wip.com","wirasempana.com","wirawan.cf","wirawanakhmadi.cf","wire-shelving.info","wirefreeemail.com","wireless-alarm-system.info","wirelesspreviews.com","wiremail.host","wiremails.info","wirese.com","wirlwide.com","wirp.xyz","wirwox.com","wisank.store","wisans.ru","wisbuy.shop","wisconsincomedy.com","wiseideas.com","wisepromo.com","wisfkzmitgxim.cf","wisfkzmitgxim.ga","wisfkzmitgxim.gq","wisfkzmitgxim.ml","wisfkzmitgxim.tk","wishan.net","wishboneengineering.se","wishlack.com","wiskdjfumm.com","wit.coffee","witel.com","with-u.us","with.blatnet.com","with.hellohappy2.com","with.lakemneadows.com","with.oldoutnewin.com","with.ploooop.com","withmusing.site","withould.site","wittenbergpartnership.com","wix.creou.dev","wix.ptcu.dev","wixcmm.com","wiz2.site","wizard.com","wizaz.com","wizisay.online","wizisay.site","wizisay.store","wizisay.xyz","wizseoservicesaustralia.com","wj7qzenox9.cf","wj7qzenox9.ga","wj7qzenox9.gq","wj7qzenox9.ml","wj7qzenox9.tk","wjhndxn.xyz","wjqudfe3d.com","wjqufmsdx.com","wkernl.com","wkfgkftndlek.com","wkfndig9w.com","wkfwlsorh.com","wkhaiii.cf","wkhaiii.ga","wkhaiii.gq","wkhaiii.ml","wkhaiii.tk","wkime.pl","wkjrj.com","wklik.com","wkschemesx.com","wksphoto.com","wkuteraeus.xyz","wla9c4em.com","wlist.ro","wljia.com","wlk.com","wlrzapp.com","wmail.cf","wmail.club","wmail.tk","wmail1.com","wmail2.com","wmail2.net","wmaill.site","wmbadszand2varyb7.cf","wmbadszand2varyb7.ga","wmbadszand2varyb7.gq","wmbadszand2varyb7.ml","wmbadszand2varyb7.tk","wmik.de","wmlorgana.com","wmrmail.com","wmtcorp.com","wmwha0sgkg4.ga","wmwha0sgkg4.ml","wmwha0sgkg4.tk","wmzgjewtfudm.cf","wmzgjewtfudm.ga","wmzgjewtfudm.gq","wmzgjewtfudm.ml","wmzgjewtfudm.tk","wn3wq9irtag62.cf","wn3wq9irtag62.ga","wn3wq9irtag62.gq","wn3wq9irtag62.ml","wn3wq9irtag62.tk","wn8c38i.com","wnacg.xyz","wncnw.com","wnmail.top","wnsocjnhz.pl","wo0231.com","wo0233.com","wo295ttsarx6uqbo.cf","wo295ttsarx6uqbo.ga","wo295ttsarx6uqbo.gq","wo295ttsarx6uqbo.ml","wo295ttsarx6uqbo.tk","woa.org.ua","wobz.com","wocall.com","wod.luk2.com","wodeda.com","woe.com","woermawoerma1.info","wofsrm6ty26tt.cf","wofsrm6ty26tt.ga","wofsrm6ty26tt.gq","wofsrm6ty26tt.ml","wofsrm6ty26tt.tk","wohrr.com","wojod.fr","wokcy.com","wokuaifa.com","wolaf.com","wolfmail.ml","wolfmission.com","wolfpat.com","wolfsmail.ml","wolfsmail.tk","wolfsmails.tk","wollan.info","wolukieh89gkj.tk","wolukiyeh88jik.ga","wolulasfeb01.xyz","womclub.su","women999.com","womenabuse.com","womenblazerstoday.com","womencosmetic.info","womendressinfo.com","womenhealthcare.ooo","womenshealthprof.com","womenshealthreports.com","womenstuff.icu","womentopsclothing.com","womentopswear.com","wondeaz.com","wonderfish-recipe2.com","wonderfulblogthemes.info","wonderfulfitnessstores.com","wonderlog.com","wondowslive.com","wongndeso.gq","wonrg.com","wonwwf.com","woodlandplumbers.com","woodsmail.bid","woodwilder.com","wooh.site","wooljumper.co.uk","woolki.xyz","woolkid.xyz","woolrich-italy.com","woolrichhoutlet.com","woolrichoutlet-itley.com","woolticharticparkaoutlet.com","wooolrichitaly.com","woopros.com","wootap.me","wooter.xyz","woow.bike","wop.ro","wopc.cf","woppler.ru","wordmail.xyz","wordme.stream","wordmix.pl","wordpress-speed-up-dashboard.ml","wordpressitaly.com","wordpressmails.com","work-info.ru","work.obask.com","work.oldoutnewin.com","work24h.eu","work4uber.us","work66.ru","workcrossbow.ml","workers.su","workflowy.club","workflowy.cn","workflowy.top","workflowy.work","workhard.by","workingtall.com","workingturtle.com","workout-onlinedvd.info","workoutsupplements.com","workright.ru","worksmail.cf","worksmail.ga","worksmail.gq","worksmail.ml","worksmail.tk","worktogetherbetter.com","world-many.ru","world-travel.online","worldatnet.com","worlddonation.org","worldfridge.com","worldgolfdirectory.com","worldmail.com","worldnews24h.us","worldofemail.info","worldpetcare.cf","worldshealth.org","worldsonlineradios.com","worldspace.link","worldsreversephonelookups.com","worldtrafficsolutions.xyz","worldwidebusinesscards.com","worldwidestaffinginc.com","worldwite.com","worldwite.net","worldzip.info","worldzipcodes.net","worlipca.com","wormseo.cn","wormusiky.ru","worp.site","worryabothings.com","worstcoversever.com","wosenow.com","wosipaskbc.info","would.blatnet.com","would.cowsnbullz.com","would.lakemneadows.com","would.ploooop.com","would.poisedtoshrike.com","wouthern.art","wovz.cu.cc","wow-hack.com","wow.royalbrandco.tk","wowauctionguide.com","wowbebe.com","wowcemafacfutpe.com","wowcg.com","wowgoldy.cz","wowgrill.ru","wowgua.com","wowhackgold.com","wowico.org","wowin.pl","wowkoreawow.com","wowmail.gq","wowmailing.com","wowokan.com","wowow.com","wowpizza.ru","wowthis.tk","wowxv.com","woxgreat.com","woxvf3xsid13.cf","woxvf3xsid13.ga","woxvf3xsid13.gq","woxvf3xsid13.ml","woxvf3xsid13.tk","wp-viralclick.com","wp.company","wp2romantic.com","wpadye.com","wpbinaq3w7zj5b0.cf","wpbinaq3w7zj5b0.ga","wpbinaq3w7zj5b0.ml","wpbinaq3w7zj5b0.tk","wpcommentservices.info","wpdfs.com","wpdork.com","wpeopwfp099.tk","wpfoo.com","wpg.im","wpgotten.com","wpgun.com","wphs.org","wpkg.de","wpmail.org","wpms9sus.pl","wpower.info","wpsavy.com","wpstorage.org","wptaxi.com","wqcefp.com","wqcefp.online","wqdsvbws.com","wqnbilqgz.pl","wqwwdhjij.pl","wqxhasgkbx88.cf","wqxhasgkbx88.ga","wqxhasgkbx88.gq","wqxhasgkbx88.ml","wqxhasgkbx88.tk","wr.moeri.org","wr9v6at7.com","wralawfirm.com","wrangler-sale.com","wrayauto.com","wri.xyz","wrinklecareproduct.com","writability.net","writeme-lifestyle.com","writeme.com","writeme.us","writeme.xyz","writers.com","writersarticles.be","writersefx.com","writinghelper.top","writingservice.cf","written4you.info","wrjadeszd.pl","wrlnewstops.space","wroclaw-tenis-stolowy.pl","wroglass.br","wrong.bthow.com","wronghead.com","wrongigogod.com","wrpills.com","wryo.com","wrysutgst57.ga","wryzpro.com","wrzshield.xyz","wrzuta.com","ws.gy","ws1i0rh.pl","wscu73sazlccqsir.cf","wscu73sazlccqsir.ga","wscu73sazlccqsir.gq","wscu73sazlccqsir.ml","wscu73sazlccqsir.tk","wsd88poker.com","wsfjtyk29-privtnyu.website","wsfr.luk2.com","wsh72eonlzb5swa22.cf","wsh72eonlzb5swa22.ga","wsh72eonlzb5swa22.gq","wsh72eonlzb5swa22.ml","wsh72eonlzb5swa22.tk","wshv.com","wsj.homes","wsj.promo","wsmeu.com","wsoparty.com","wsse.us","wsuart.com","wsvnsbtgq.pl","wsym.de","wsyy.info","wszystkoolokatach.com.pl","wt-rus.ru","wt0vkmg1ppm.cf","wt0vkmg1ppm.ga","wt0vkmg1ppm.gq","wt0vkmg1ppm.ml","wt0vkmg1ppm.tk","wt2.orangotango.cf","wtbone.com","wtdmugimlyfgto13b.cf","wtdmugimlyfgto13b.ga","wtdmugimlyfgto13b.gq","wtdmugimlyfgto13b.ml","wtdmugimlyfgto13b.tk","wteoq7vewcy5rl.cf","wteoq7vewcy5rl.ga","wteoq7vewcy5rl.gq","wteoq7vewcy5rl.ml","wteoq7vewcy5rl.tk","wtf.astyx.fun","wtic.de","wtklaw.com","wto.com","wtransit.ru","wtvcolt.ga","wtvcolt.ml","wtyl.com","wu138.club","wu138.top","wu158.club","wu158.top","wu189.top","wu8vx48hyxst.cf","wu8vx48hyxst.ga","wu8vx48hyxst.gq","wu8vx48hyxst.ml","wu8vx48hyxst.tk","wudet.men","wuespdj.xyz","wugxxqrov.pl","wuhl.de","wujicloud.com","wumail.com","wumbo.co","wunschbaum.info","wupics.com","wupta.com","wusehe.com","wusnet.site","wusolar.com","wustl.com","wuupr.com","wuyc41hgrf.cf","wuyc41hgrf.ga","wuyc41hgrf.gq","wuyc41hgrf.ml","wuyc41hgrf.tk","wuzhizheng.mygbiz.com","wuzup.net","wuzupmail.net","wvckgenbx.pl","wvclibrary.com","wvl238skmf.com","wvnskcxa.com","wvphost.com","wvppz7myufwmmgh.cf","wvppz7myufwmmgh.ga","wvppz7myufwmmgh.gq","wvppz7myufwmmgh.ml","wvppz7myufwmmgh.tk","wvpzbsx0bli.cf","wvpzbsx0bli.ga","wvpzbsx0bli.gq","wvpzbsx0bli.ml","wvpzbsx0bli.tk","wvrdwomer3arxsc4n.cf","wvrdwomer3arxsc4n.ga","wvrdwomer3arxsc4n.gq","wvrdwomer3arxsc4n.tk","wvruralhealthpolicy.org","ww00.com","wwatme7tpmkn4.cf","wwatme7tpmkn4.ga","wwatme7tpmkn4.gq","wwatme7tpmkn4.tk","wwatrakcje.pl","wwc8.com","wwdee.com","wweeerraz.com","wwf.az.pl","wwfontsele.com","wwin-tv.com","wwjltnotun30qfczaae.cf","wwjltnotun30qfczaae.ga","wwjltnotun30qfczaae.gq","wwjltnotun30qfczaae.ml","wwjltnotun30qfczaae.tk","wwjmp.com","wwmails.com","wwokdisjf.com","wwpshop.com","wwrmails.com","wwstockist.com","www-email.bid","www.barryogorman.com","www.bccto.com","www.bccto.me","www.dmtc.edu.pl","www.e4ward.com","www.eairmail.com","www.gameaaholic.com","www.gishpuppy.com","www.google.com.iki.kr","www.greggamel.net","www.hotmobilephoneoffers.com","www.live.co.kr.beo.kr","www.mailinator.com","www.mykak.us","www.nak-nordhorn.de","www.redpeanut.com","www.thestopplus.com","www1.hotmobilephoneoffers.com","www10.ru","www2.htruckzk.biz","www96.ru","wwwatrakcje.pl","wwwbox.tk","wwwdindon.ga","wwweb.cf","wwweb.ga","wwwemail.bid","wwwemail.racing","wwwemail.stream","wwwemail.trade","wwwemail.win","wwwfotowltaika.pl","wwwfotowoltaika.pl","wwwkreatorzyimprez.pl","wwwlh8828.com","wwwmail.gq","wwwmailru.site","wwwmitel.ga","wwwnew.de","wwwnew.eu","wwwoutmail.cf","wwwpao00.com","wwwtworcyimprez.pl","wxmail263.com","wxnw.net","wxsuper.com","wybory.edu.pl","wybuwy.xyz","wychw.pl","wyieiolo.com","wyla13.com","wymarzonesluby.pl","wynajemaauta.pl","wynajemmikolajawarszawa.pl","wyoming-nedv.ru","wyomingou.com","wyszukiwaramp3.pl","wyvernia.net","wyyn.com","wz9837.com","wzeabtfzyd.pl","wzeabtfzyda.pl","wzorymatematyka.pl","wzru.com","wzukltd.com","wzxmtb3stvuavbx9hfu.cf","wzxmtb3stvuavbx9hfu.ga","wzxmtb3stvuavbx9hfu.gq","wzxmtb3stvuavbx9hfu.ml","wzxmtb3stvuavbx9hfu.tk","x-bases.ru","x-fuck.info","x-instruments.edu","x-mail.cf","x-ms.info","x-mule.cf","x-mule.ga","x-mule.gq","x-mule.ml","x-mule.tk","x-musor.ru","x-netmail.com","x-noms.com","x-porno-away.info","x-t.xyz","x-today-x.info","x-x.systems","x.0x01.tk","x.agriturismopavi.it","x.bigpurses.org","x.coloncleanse.club","x.crazymail.website","x.emailfake.ml","x.fackme.gq","x.host-001.eu","x.ip6.li","x.marrone.cf","x.nadazero.net","x.polosburberry.com","x.puk.ro","x.tonno.cf","x.tonno.gq","x.tonno.ml","x.tonno.tk","x.waterpurifier.club","x.xxi2.com","x.yeastinfectionnomorenow.com","x00x.online","x0w4twkj0.pl","x1.p.pine-and-onyx.xyz","x13x13x13.com","x1bkskmuf4.cf","x1bkskmuf4.ga","x1bkskmuf4.gq","x1bkskmuf4.ml","x1bkskmuf4.tk","x1mails.com","x1post.com","x1x.spb.ru","x1x22716.com","x24.com","x263.net","x2day.com","x2ewzd983ene0ijo8.cf","x2ewzd983ene0ijo8.ga","x2ewzd983ene0ijo8.gq","x2ewzd983ene0ijo8.ml","x2ewzd983ene0ijo8.tk","x2fsqundvczas.cf","x2fsqundvczas.ga","x2fsqundvczas.gq","x2fsqundvczas.ml","x2fsqundvczas.tk","x3gsbkpu7wnqg.cf","x3gsbkpu7wnqg.ga","x3gsbkpu7wnqg.gq","x3gsbkpu7wnqg.ml","x3mailer.com","x4u.me","x4y.club","x5a9m8ugq.com","x5bj6zb5fsvbmqa.ga","x5bj6zb5fsvbmqa.ml","x5bj6zb5fsvbmqa.tk","x5lyq2xr.osa.pl","x6dqh5d5u.pl","x77.club","x7971.com","x7mail.com","x7tzhbikutpaulpb9.cf","x7tzhbikutpaulpb9.ga","x7tzhbikutpaulpb9.gq","x7tzhbikutpaulpb9.ml","x8h8x941l.com","x8vplxtmrbegkoyms.cf","x8vplxtmrbegkoyms.ga","x8vplxtmrbegkoyms.gq","x8vplxtmrbegkoyms.ml","x8vplxtmrbegkoyms.tk","x9dofwvspm9ll.cf","x9dofwvspm9ll.ga","x9dofwvspm9ll.gq","x9dofwvspm9ll.ml","x9dofwvspm9ll.tk","x9t.xyz","x9vl67yw.edu.pl","xa9f9hbrttiof1ftean.cf","xa9f9hbrttiof1ftean.ga","xa9f9hbrttiof1ftean.gq","xa9f9hbrttiof1ftean.ml","xa9f9hbrttiof1ftean.tk","xablogowicz.com","xadi.ru","xafrem3456ails.com","xagloo.co","xagloo.com","xak3qyaso.pl","xakalutu.com","xamog.com","xandermemo.info","xaralabs.com","xartis89.co.uk","xas04oo56df2scl.cf","xas04oo56df2scl.ga","xas04oo56df2scl.gq","xas04oo56df2scl.ml","xas04oo56df2scl.tk","xasamail.com","xasdrugshop.com","xasems.com","xasqvz.com","xatovzzgb.pl","xaudep.com","xavnotes.instambox.com","xaxugen.org","xaxx.ml","xaynetsss.ddns.net","xb-eco.info","xbaby69.top","xbeq.com","xbestwebdesigners.com","xbm7bx391sm5owt6xe.cf","xbm7bx391sm5owt6xe.ga","xbm7bx391sm5owt6xe.gq","xbm7bx391sm5owt6xe.ml","xbm7bx391sm5owt6xe.tk","xbmyv8qyga0j9.cf","xbmyv8qyga0j9.ga","xbmyv8qyga0j9.gq","xbmyv8qyga0j9.ml","xbmyv8qyga0j9.tk","xboxbeta20117.co.tv","xboxformoney.com","xboxlivegenerator.xyz","xbreg.com","xbtravel.com","xbvrfy45g.ga","xbz0412.uu.me","xbziv2krqg7h6.cf","xbziv2krqg7h6.ga","xbziv2krqg7h6.gq","xbziv2krqg7h6.ml","xbziv2krqg7h6.tk","xc05fypuj.com","xc40.cf","xc40.ga","xc40.gq","xc40.ml","xc40.tk","xc60.cf","xc60.ga","xc60.gq","xc60.ml","xc60.tk","xc90.cf","xc90.ga","xc90.gq","xc90.ml","xc90.tk","xca.cz","xcapitalhg.com","xcccc.com","xcekh6p.pl","xcell.ukfreedom.com","xcheesemail.info","xcisade129.ru","xcmitm3ve.pl","xcnmarketingcompany.com","xcode.ro","xcodes.net","xcoex.org","xcoinsmail.com","xcompress.com","xconstantine.pro","xcoxc.com","xcpy.com","xcqvxcas.com","xcremail.com","xctrade.info","xcufrmogj.pl","xcure.xyz","xcvlolonyancat.com","xcvrtasdqwe.com","xcxqtsfd0ih2l.cf","xcxqtsfd0ih2l.ga","xcxqtsfd0ih2l.gq","xcxqtsfd0ih2l.ml","xcxqtsfd0ih2l.tk","xczffumdemvoi23ugfs.cf","xczffumdemvoi23ugfs.ga","xczffumdemvoi23ugfs.gq","xczffumdemvoi23ugfs.ml","xczffumdemvoi23ugfs.tk","xd.luk2.com","xd2i8lq18.pl","xdavpzaizawbqnivzs0.cf","xdavpzaizawbqnivzs0.ga","xdavpzaizawbqnivzs0.gq","xdavpzaizawbqnivzs0.ml","xdavpzaizawbqnivzs0.tk","xducation.us","xdvsagsdg4we.ga","xe2g.com","xeames.net","xeb9xwp7.tk","xedmi.com","xeg.spymail.one","xeiex.com","xemaps.com","xemkqxs.com","xemne.com","xemrelim.tk","xems.luk2.com","xenacareholdings.com","xenakenak.xyz","xengthreview.com","xenicalprime.com","xenocountryses.com","xenodio.gr","xenofon.gr","xenonheadlightsale.com","xenopharmacophilia.com","xents.com","xenzld.com","xeon-e3.ovh","xeosa9gvyb5fv.cf","xeosa9gvyb5fv.ga","xeosa9gvyb5fv.gq","xeosa9gvyb5fv.ml","xeosa9gvyb5fv.tk","xeoty.com","xermo.info","xerontech.com","xervmail.com","xeti.com","xeuja98.pl","xex88.com","xezle.com","xf.sluteen.com","xfamiliar9.com","xfamilytree.com","xfashionset.com","xfcjfsfep.pl","xffbe2l8xiwnw.cf","xffbe2l8xiwnw.ga","xffbe2l8xiwnw.gq","xffbe2l8xiwnw.ml","xffbe2l8xiwnw.tk","xfghzdff75zdfhb.ml","xflight.ir","xfriend.site","xftmail.com","xfuze.com","xfxx.com","xgaming.ca","xgenas.com","xgk6dy3eodx9kwqvn.cf","xgk6dy3eodx9kwqvn.ga","xgk6dy3eodx9kwqvn.gq","xgk6dy3eodx9kwqvn.tk","xglrcflghzt.pl","xgmailoo.com","xgnowherei.com","xgrxsuldeu.cf","xgrxsuldeu.ga","xgrxsuldeu.gq","xgrxsuldeu.ml","xgrxsuldeu.tk","xh1118.com","xh9z2af.pl","xhamster.ltd","xhanimatedm.com","xhb.luk2.com","xhhanndifng.info","xhkss.net","xhouse.xyz","xhr10.com","xhyemail.com","xhygii.buzz","xhypm.com","xiaominglu88.com","xiaomitvplus.com","xidealx.com","xideen.site","xiinoo31.com","xijjfjoo.turystyka.pl","xilinous.xyz","xilopro.com","xilor.com","ximtyl.com","xin88088.com","xinbo.info","xinbox.info","xindax.com","xinfi.com.pl","xing886.uu.gl","xingwater.com","xinlicn.com","xinmail.info","xinsijitv58.info","xinsijitv74.info","xinzk1ul.com","xio7s7zsx8arq.cf","xio7s7zsx8arq.ga","xio7s7zsx8arq.gq","xio7s7zsx8arq.ml","xio7s7zsx8arq.tk","xioplop.com","xiotel.com","xipcj6uovohr.cf","xipcj6uovohr.ga","xipcj6uovohr.gq","xipcj6uovohr.ml","xipcj6uovohr.tk","xitimail.com","xitroo.com","xitroo.de","xitroo.fr","xitroo.net","xitroo.org","xitv.ru","xiuptwzcv.pl","xixs.com","xixx.site","xiyaopin.cn","xiyl.com","xj6600.com","xjgbw.com","xjin.xyz","xjkbrsi.pl","xjoi.com","xjsi.com","xjyfoa.buzz","xjzodqqhb.pl","xklt4qdifrivcw.cf","xklt4qdifrivcw.ga","xklt4qdifrivcw.gq","xklt4qdifrivcw.ml","xklt4qdifrivcw.tk","xksovk34k.dns04.com","xktyr5.pl","xkx.me","xl.cx","xlby.com","xlchapi.com","xlef.com","xlekskpwcvl.pl","xlgaokao.com","xloveme.top","xlqndaij.pl","xlra5cuttko5.cf","xlra5cuttko5.ga","xlra5cuttko5.gq","xlra5cuttko5.ml","xlra5cuttko5.tk","xlrt.com","xlsmail.com","xltbz8eudlfi6bdb6ru.cf","xltbz8eudlfi6bdb6ru.ga","xltbz8eudlfi6bdb6ru.gq","xltbz8eudlfi6bdb6ru.ml","xltbz8eudlfi6bdb6ru.tk","xlxe.pl","xlzdroj.ru","xmail.com","xmail.edu","xmail.org","xmail2.net","xmail365.net","xmailer.be","xmailg.one","xmaill.com","xmailsme.com","xmailtm.com","xmailweb.com","xmailxz.com","xmaily.com","xmailz.ru","xmasloans.us","xmcybgfd.pl","xmerwdauq.pl","xmgczdjvx.pl","xmision.com","xmlrhands.com","xmmail.ru","xmrecoveryblogs.info","xmtcx.biz","xmule.cf","xmule.ga","xmule.gq","xmule.ml","xn--4dbceig1b7e.com","xn--53h1310o.ws","xn--9kq967o.com","xn--aufsteckbrsten-kaufen-hic.de","xn--b-dga.vn","xn--bei.cf","xn--bei.ga","xn--bei.gq","xn--bei.ml","xn--bei.tk","xn--bluewn-7va.cf","xn--d-bga.net","xn--iloveand-5z9m0a.gq","xn--j6h.ml","xn--kabeldurchfhrung-tzb.info","xn--mgbgvi3fi.com","xn--mll-hoa.email","xn--mllemail-65a.com","xn--mllmail-n2a.com","xn--namnh-7ya4834c.net","xn--odszkodowania-usugi-lgd.waw.pl","xn--qei8618m9qa.ws","xn--sd-pla.elk.pl","xn--wkr.cf","xn--wkr.gq","xn--z8hxwp135i.ws","xne2jaw.pl","xnefa7dpydciob6wu9.cf","xnefa7dpydciob6wu9.ga","xnefa7dpydciob6wu9.gq","xnefa7dpydciob6wu9.ml","xnefa7dpydciob6wu9.tk","xneopocza.xyz","xneopoczb.xyz","xneopoczc.xyz","xnmail.mooo.com","xnzmlyhwgi.pl","xoaao.com","xoballoon.com","xocmoa22.com","xoea.com","xogu.com","xoixa.com","xolpanel.id","xolymail.cf","xolymail.ga","xolymail.gq","xolymail.ml","xolymail.tk","xomawmiux.pl","xonomax.com","xooit.fr","xoon.com","xoooai.com","xorpaopl.com","xoru.ga","xost.us","xowxdd4w4h.cf","xowxdd4w4h.ga","xowxdd4w4h.gq","xowxdd4w4h.ml","xowxdd4w4h.tk","xoxo-2012.info","xoxox.cc","xoxy.net","xoxy.uk","xoxy.work","xp6tq6vet4tzphy6b0n.cf","xp6tq6vet4tzphy6b0n.ga","xp6tq6vet4tzphy6b0n.gq","xp6tq6vet4tzphy6b0n.ml","xp6tq6vet4tzphy6b0n.tk","xpasystems.com","xpaw.net","xpee.tk","xperiae5.com","xplannersr.com","xplanningzx.com","xpoowivo.pl","xpornclub.com","xposenet.ooo","xposeu.com","xpouch.com","xprice.co","xproofs.com","xprozacno.com","xps-dl.xyz","xpsatnzenyljpozi.cf","xpsatnzenyljpozi.ga","xpsatnzenyljpozi.gq","xpsatnzenyljpozi.ml","xpsatnzenyljpozi.tk","xpywg888.com","xr.ftpserver.biz","xr158a.com","xr160.com","xr160.info","xr3.elk.pl","xrap.de","xray.lambda.livefreemail.top","xrecruit.online","xredb.com","xrg7vtiwfeluwk.cf","xrg7vtiwfeluwk.ga","xrg7vtiwfeluwk.gq","xrg7vtiwfeluwk.ml","xrg7vtiwfeluwk.tk","xrho.com","xrilop.com","xrmail.xyz","xrmailbox.net","xronmyer.info","xrpmail.com","xrum.xyz","xrumail.com","xrumer.warszawa.pl","xrumercracked.com","xrumerdownload.com","xs-foto.org","xscdouzan.pl","xsdfgh.ru","xsdolls.com","xsecrt.com","xsellize.xyz","xsil43fw5fgzito.cf","xsil43fw5fgzito.ga","xsil43fw5fgzito.gq","xsil43fw5fgzito.ml","xsil43fw5fgzito.tk","xsmega.com","xsmega645.com","xsychelped.com","xt-size.info","xt.net.pl","xtc94az.pl","xtdl.com","xtds.net","xteammail.com","xtmail.win","xtnr2cd464ivdj6exro.cf","xtnr2cd464ivdj6exro.ga","xtnr2cd464ivdj6exro.gq","xtnr2cd464ivdj6exro.ml","xtnr2cd464ivdj6exro.tk","xtq6mk2swxuf0kr.cf","xtq6mk2swxuf0kr.ga","xtq6mk2swxuf0kr.gq","xtq6mk2swxuf0kr.ml","xtq6mk2swxuf0kr.tk","xtra.tv","xtrars.ga","xtrars.ml","xtrasize-funziona-opinioni-blog.it","xtremeconcept.com","xtremewebtraffic.net","xtrempro.com","xtrstudios.com","xtryb.com","xtsimilar.com","xtsserv.com","xtwgtpfzxo.pl","xtxfdwe03zhnmrte0e.ga","xtxfdwe03zhnmrte0e.ml","xtxfdwe03zhnmrte0e.tk","xtzqytswu.pl","xubqgqyuq98c.cf","xubqgqyuq98c.ga","xubqgqyuq98c.gq","xubqgqyuq98c.ml","xubqgqyuq98c.tk","xucc.luk2.com","xudttnik4n.cf","xudttnik4n.ga","xudttnik4n.gq","xudttnik4n.ml","xudttnik4n.tk","xufcopied.com","xuge.life","xumail.cf","xumail.ga","xumail.gq","xumail.ml","xumail.tk","xuniyxa.ru","xuogcbcxw.pl","xusn.com","xutemail.info","xuubu.com","xuux.com","xuuxmo1lvrth.cf","xuuxmo1lvrth.ga","xuuxmo1lvrth.gq","xuuxmo1lvrth.ml","xuuxmo1lvrth.tk","xuwphq72clob.cf","xuwphq72clob.ga","xuwphq72clob.gq","xuwphq72clob.ml","xuwphq72clob.tk","xuxx.gq","xuyalter.ru","xuyushuai.com","xv9u9m.com","xvcezxodtqzbvvcfw4a.cf","xvcezxodtqzbvvcfw4a.ga","xvcezxodtqzbvvcfw4a.gq","xvcezxodtqzbvvcfw4a.ml","xvcezxodtqzbvvcfw4a.tk","xvector.org","xvx.us","xwanadoo.fr","xwaretech.com","xwaretech.info","xwaretech.net","xwaretech.tk","xwatch.today","xwgpzgajlpw.cf","xwgpzgajlpw.ga","xwgpzgajlpw.gq","xwgpzgajlpw.ml","xwgpzgajlpw.tk","xwkqguild.com","xwpet8imjuihrlgs.cf","xwpet8imjuihrlgs.ga","xwpet8imjuihrlgs.gq","xwpet8imjuihrlgs.ml","xwpet8imjuihrlgs.tk","xww.ro","xwxx.com","xwyzperlkx.cf","xwyzperlkx.ga","xwyzperlkx.gq","xwyzperlkx.ml","xwyzperlkx.tk","xwzowgfnuuwcpvm.cf","xwzowgfnuuwcpvm.ga","xwzowgfnuuwcpvm.gq","xwzowgfnuuwcpvm.ml","xwzowgfnuuwcpvm.tk","xx-9.tk","xx11.icu","xxgkhlbqi.pl","xxgmaail.com","xxgmail.com","xxgry.pl","xxhamsterxx.ga","xxi2.com","xxjj084.xyz","xxl.rzeszow.pl","xxldruckerei.de","xxlocanto.us","xxlxx.com","xxlzelte.de","xxme.me","xxolocanto.us","xxosuwi21.com","xxpm12pzxpom6p.cf","xxpm12pzxpom6p.ga","xxpm12pzxpom6p.gq","xxpm12pzxpom6p.ml","xxpm12pzxpom6p.tk","xxqx3802.com","xxsx.site","xxup.site","xxvcongresodeasem.org","xxx-ios.ru","xxx-jino.ru","xxx-movies-tube.ru","xxx-movs-online.ru","xxx-mx.ru","xxx-tower.net","xxx.sytes.net","xxxd.fun","xxxhub.biz","xxxi.club","xxxn.fun","xxxp.fun","xxxu.fun","xxxvideos.com","xxxxilo.com","xxxxx.cyou","xxyxi.com","xxzyr.com","xy1qrgqv3a.cf","xy1qrgqv3a.ga","xy1qrgqv3a.gq","xy1qrgqv3a.ml","xy1qrgqv3a.tk","xy9ce.tk","xycassino.com","xyngular-europe.eu","xytjjucfljt.atm.pl","xytojios.com","xyz-drive.info","xyzcasinositeleri.xyz","xyzfree.net","xyzmail.men","xyzmailhub.com","xyzmailpro.com","xz5qwrfu7.pl","xz8syw3ymc.cf","xz8syw3ymc.ga","xz8syw3ymc.gq","xz8syw3ymc.ml","xz8syw3ymc.tk","xzavier1121.club","xzcameras.com","xzcsrv70.life","xzdhmail.tk","xzephzdt.shop","xzhanziyuan.xyz","xzit.com","xzjwtsohya3.cf","xzjwtsohya3.ga","xzjwtsohya3.gq","xzjwtsohya3.ml","xzjwtsohya3.tk","xzotokoah.pl","xzqrepurlrre7.cf","xzqrepurlrre7.ga","xzqrepurlrre7.gq","xzqrepurlrre7.ml","xzqrepurlrre7.tk","xzsok.com","xzxgo.com","xzymoe.edu.pl","xzzy.info","y.bcb.ro","y.dfokamail.com","y.lochou.fr","y.polosburberry.com","y0brainx6.com","y0ituhabqwjpnua.cf","y0ituhabqwjpnua.ga","y0ituhabqwjpnua.gq","y0ituhabqwjpnua.ml","y0ituhabqwjpnua.tk","y0rkhm246kd0.cf","y0rkhm246kd0.ga","y0rkhm246kd0.gq","y0rkhm246kd0.ml","y0rkhm246kd0.tk","y0up0rn.cf","y0up0rn.ga","y0up0rn.gq","y0up0rn.ml","y0up0rn.tk","y1vmis713bucmc.cf","y1vmis713bucmc.ga","y1vmis713bucmc.gq","y1vmis713bucmc.ml","y1vmis713bucmc.tk","y2b.comx.cf","y2kpz7mstrj.cf","y2kpz7mstrj.ga","y2kpz7mstrj.gq","y2kpz7mstrj.ml","y2kpz7mstrj.tk","y2ube.comx.cf","y2y4.com","y3dvb0bw947k.cf","y3dvb0bw947k.ga","y3dvb0bw947k.gq","y3dvb0bw947k.ml","y3dvb0bw947k.tk","y3elp.com","y59.jp","y5artmb3.pl","y7bbbbbbbbbbt8.ga","y8fr9vbap.pl","y97dtdiwf.pl","ya-doctor.ru","ya-gamer.ru","ya.yomail.info","yaachea.com","yaasked.com","yabai-oppai.tk","yabba-dabba-dashery.co.uk","yabingu.com","yabumail.com","yacxrz.pl","yadavnaresh.com.np","yadira.jaylyn.paris-gmail.top","yadkincounty.org","yadoo.ru","yaelahrid.net","yaelahtodkokgitu.cf","yaelahtodkokgitu.ga","yaelahtodkokgitu.gq","yaelahtodkokgitu.ml","yaelahtodkokgitu.tk","yafrem3456ails.com","yagatekimi.com","yagg.com","yagoo.co.uk","yaha.com","yahaoo.co.uk","yahho.gr","yahho.jino.ru","yahio.co.in","yahj.com","yahmail.top","yahnmtntxwhxtymrs.cf","yahnmtntxwhxtymrs.ga","yahnmtntxwhxtymrs.gq","yahnmtntxwhxtymrs.ml","yahnmtntxwhxtymrs.tk","yaho.co.uk","yaho.com","yaho.gr","yahoa.top","yahobi.com","yahomail.gdn","yahomail.top","yahoo-mail.ga","yahoo.co.au","yahoo.com.es.peyekkolipi.buzz","yahoo.comx.cf","yahoo.cu.uk","yahoo.pop3.mineweb.in","yahoo.us","yahoo.vo.uk","yahoo.xo.uk","yahoodashtrick.com","yahooi.aol","yahoomail.fun","yahoon.com","yahooo.com","yahooo.com.mx","yahooproduct.com","yahooproduct.net","yahooweb.co","yahooz.com","yahop.co.uk","yahu.com","yahuu.com.uk","yaihoo.com","yajasoo2.net","yajoo.de","yakisoba.ml","yalamail.com","yalexonyegues.com","yalild.tk","yalta.krim.ws","yamaika-nedv.ru","yamail.win","yamails.net","yaman3raby.com","yamanaraby.com","yamandex.com","yammoe.yoga","yammyshop.com","yanasway.com","yandere.cu.cc","yandere.site","yandex.ca","yandex.cfd","yandex.comx.cf","yandex.net","yandex.uk.com","yandexmail.cf","yandexmail.ga","yandexmail.gq","yandexmailserv.com","yanet.me","yanj.com","yankee.epsilon.coayako.top","yankeeecho.wollomail.top","yannmail.win","yanseti.net","yansoftware.vn","yaoo.co","yaoo.fr","yaoshe149.com","yapan-nedv.ru","yapmail.com","yapn.com","yapped.net","yappeg.com","yaqp.com","yaraon.cf","yaraon.ga","yaraon.gq","yaraon.ml","yaraon.tk","yarien.eu","yarnpedia.cf","yarnpedia.ga","yarnpedia.gq","yarnpedia.ml","yarnpedia.tk","yarnsandtails.com","yarpnetb.com","yarzmail.xyz","yasellerbot.xyz","yasewzgmax.pl","yashwantdedcollege.com","yasiotio.com","yasminnapper.art","yasser.ru","yasutech.com","yatesmail.men","yaungshop.com","yausmail.com","yavolshebnik.ru","yawemail.com","yaxoo.com","yayo.com","yayobaebyeon.com","yayoo.co.uk","yayoo.com.mx","yazobo.com","yb45tyvn8945.cf","yb45tyvn8945.ga","yb45tyvn8945.gq","yb45tyvn8945.ml","yb45tyvn8945.tk","yb5800.com","yb78oim.cf","yb78oim.ga","yb78oim.gq","yb78oim.ml","yb78oim.tk","ybananaulx.com","ybpxbqt.pl","ybtsb.ml","ybymlcbfwql.pl","yc9obkmthnla2owe.cf","yc9obkmthnla2owe.ga","yc9obkmthnla2owe.gq","yc9obkmthnla2owe.ml","yc9obkmthnla2owe.tk","ycare.de","ycarpet.com","yccyds.com","ychatz.ga","ycm813ebx.pl","ycn.ro","ycxrd1hlf.pl","ycykly.com","yd2yd.org","ydeclinegv.com","ydgeimrgd.shop","ydlmkoutletjackets9us.com","ydsbinai.com","ye.vc","yeacsns.com","yeafam.com","yeah.com","yeah.net","yeah.net.com","yeah.net.net","yeahdresses.com","yeamail.info","year.cowsnbullz.com","year.lakemneadows.com","year.marksypark.com","year.oldoutnewin.com","year.ploooop.com","yearbooks.xyz","yearheal.site","yearmoon.club","yearmoon.online","yearmoon.site","yearmoon.website","yearmoon.xyz","yeartz.site","yeastinfectionnomorenow.com","yeckelk.tech","yedi.org","yeeeou.org.ua","yeezus.ru","yefx.info","yehp.com","yehudabx.com","yejdnp45ie1to.cf","yejdnp45ie1to.ga","yejdnp45ie1to.gq","yejdnp45ie1to.ml","yejdnp45ie1to.tk","yektara.com","yellnbmv766.cf","yellnbmv766.ga","yellnbmv766.gq","yellnbmv766.ml","yellnbmv766.tk","yellow.flu.cc","yellow.hotakama.tk","yellow.igg.biz","yellow.org.in","yellowbook.com.pl","yellowen.com","yelloww.ga","yelloww.gq","yelloww.ml","yelloww.tk","yemailme.com","yenigulen.xyz","yenimail.site","yentzscholarship.xyz","yep.it","yepbd.com","yepmail.app","yepmail.cc","yepmail.club","yepmail.co","yepmail.email","yepmail.id","yepmail.in","yepmail.to","yepmail.us","yepmail.ws","yepnews.com","yeppee.net","yepwprntw.pl","yert.ye.vc","yertxenon.tk","yertxenor.tk","yes100.com","yesaccounts.net","yesgurgaon.com","yesiyu.com","yesnauk.com","yesnews.info","yesterday2010.info","yeswecanevents.info","yeswetoys.com","yesyes.site","yetmail.net","yeumark.ga","yeupmail.cf","yevme.com","yeweuqwtru.tk","yewma46eta.ml","yewmail.com","yewtoob.ml","yewtyigrhtyu.co.cc","yeyenlidya.art","yf877.com","yfdaqxglnz.pl","yfpoloralphlaurenpascher.com","yfqkryxpygz.pl","ygfwhcpaqf.pl","ygmail.pl","ygmx.de","ygnzqh2f97sv.cf","ygnzqh2f97sv.ga","ygnzqh2f97sv.gq","ygnzqh2f97sv.ml","ygnzqh2f97sv.tk","ygop.com","ygroupvideoarchive.com","ygroupvideoarchive.net","ygy.luk2.com","yh08c6abpfm17g8cqds.cf","yh08c6abpfm17g8cqds.ga","yh08c6abpfm17g8cqds.gq","yh08c6abpfm17g8cqds.ml","yh08c6abpfm17g8cqds.tk","yh6686.com","yh9837.com","yhcaturkl79jk.tk","yhcaturxc69ol.ml","yhg.biz","yhjgh65hghgfj.tk","yhldqhvie.pl","yhoo.co","yhoo.in","yidongo.xyz","yifan.net","yikusaomachi.com","yikwvmovcj.pl","yinbox.net","yingeshiye.com","yippamail.info","yipsymail.info","yishengting.dynamailbox.com","yiustrange.com","yixiu.site","yj3nas.cf","yj3nas.ga","yj3nas.gq","yj3nas.ml","yj3nas.tk","yjcoupone.com","yjnkteez.pl","yk20.com","yko.xyz","yks247.com","yliuetcxaf405.tk","ylkht.com","yllw.us","ylouisvuittonoutlet.net","yltemvfak.pl","yluxuryshomemn.com","ymai.com","ymail.edu","ymail.fr","ymail.net","ymail.org","ymail.site","ymail.villien.net","ymail365.com","ymail4.com","ymails.pw","ymaim.com","ymca-arlington.org","ymcswjdzmx.pl","ymdeeil.com","ymdeiel.com","ymdeil.com","ymedeil.com","ymeeil.com","ymggs.tk","ymhis.com","ymrnvjjgu.pl","ymt198.com","ymvosiwly.pl","ymyl.com","ymzil.com","yn8jnfb0cwr8.cf","yn8jnfb0cwr8.ga","yn8jnfb0cwr8.gq","yn8jnfb0cwr8.ml","yn8jnfb0cwr8.tk","ynamedm.com","yncyjs.com","yndrinks.com","ynmrealty.com","ynskleboots.com","yobe.pl","yodaat.com","yodx.ro","yofibeauty.com","yogamaven.com","yoggm.com","yogivest.com","yogod.com","yogoka.com","yogurtcereal.com","yohannex.com","yohomail.ga","yohomail.ml","yohoo.co.in","yokmpqg.pl","yolanda.1amail.top","yolbiletim.xyz","yoloisforgagsnoob.com","yolooo.top","yomail.com","yomail.info","yompail.com","yonaki.xyz","yongshuhan.com","yoo.ro","yood.org","yop.0x01.gq","yop.email","yop.emersion.fr","yop.fexp.io","yop.itram.es","yop.milter.int.eu.org","yop.profmusique.com","yop.xn--vqq79r59m.eu.org","yop.ze.cx","yopail.com","yopmai.com","yopmail.biz.st","yopmail.cf","yopmail.co","yopmail.com","yopmail.fr","yopmail.fr.nf","yopmail.gq","yopmail.info","yopmail.ml","yopmail.net","yopmail.org","yopmail.pp.ua","yopmail.usa.cc","yopmail.xxi2.com","yopmail2.tk","yopmali.com","yopmsil.com","yopp.com","yoptmail.com","yordanmail.cf","yorfan.com","yorikoangeline.art","yorkcountygov.co","yorkieandco.com","yormanwhite.ml","yoru-dea.com","yoseek.de","yosemail.com","yoshito3210.rokuro54.yourfun.xyz","yosigopix.com","yossif.com","yostn.com","yotmail.com","yotogroup.com","you-qi.com","you-spam.com","you.cowsnbullz.com","you.e4ward.com","you.has.dating","you.makingdomes.com","youbestone.pw","youcankeepit.info","youchat.ooo","youdealonline.org","youfffgo.tk","yougotgoated.com","youiejfo03.com","youinspiredfitness.com","youinweb.xyz","youknowscafftowrsz.com","youlike88box.com","youlynx.com","youmail.ga","youmailr.com","youmails.online","youmoos.com","youneedmore.info","young-app-lexacc.com","youngbrofessionals.com","youngcrew.ga","younghemp.com","youporn.flu.cc","youporn.igg.biz","youporn.usa.cc","youpymail.com","youquwa.cn","your-free-mail.bid","your-health.store","your-ugg-boots.com","your.fullemedia-deals.info","your.lakemneadows.com","youractors24.com","yourannuityadvisors.com","youraquatics.com","yourascsc.com","yourbeautifulphoto.com","yourbesthvac1.com","yourbonus.win","yourbrandsites.com","yourbusiness.com","yourbusinesstips.biz","yourbutt.com","yourcakerecipe.com","yourcolor.net","yourdad.com","yourdemowebsite.info","yourdomain.com","yourdoman.com","youredoewcenter.com","youredoewlive.com","youremail.cf","youremail.info","youremail.top","youremaillist.com","yourent.us","yourewronghereswhy.com","yourfastcashloans.co.uk","yourfastmail.com","yourfilm.pl","yourfilmsite.com","yourfitnessguide.org","yourfreemail.bid","yourfreemail.stream","yourfreemail.streammmail.men","yourfreemail.website","yourfreemailbox.co","yourhealthguide.co.uk","yourhighness5.info","yourhomesecured.net","yourimail.bid","yourimail.download","yourimail.website","yourimbox.cf","yourinbox.co","youripost.bid","youripost.download","yourlabs.org","yourlms.biz","yourlovelive.com","yourluck.com","yourmail.online","yourmail.work","yourmailbox.co","yourmailpro.bid","yourmailpro.stream","yourmailpro.website","yourmailtoday.com","yourmedicinecenter.net","yourmisd23.com","yourmoode.info","yournetsolutions.bid","yournetsolutions.stream","yournetsolutions.website","yournogtrue.top","youroldemail.com","youropinion.ooo","yourphen375.com","yourphoto.pl","yourpochta.tk","yourquickcashloans.co.uk","yourqwik.cf","yoursent.gq","yourseo.name","yourshoesandhandbags.com","yoursmileava.info","yoursmileirea.info","yoursmilejulia.info","yoursmilekylie.info","yoursmilelily.info","yoursmilemia.info","yoursmileriley.info","yourspace.su","yourspamgoesto.space","yourssecuremail.com","yourstat.com","yoursuprise.com","yourtrading.com","yourtube.ml","yourweb.email","yousmail.com","youspam.com","youtext.online","youthexchange.club","youtjube.waw.pl","youtube.comx.cf","youtube2vimeo.info","youveo.ch","youwatchmovie.com","youwillenjoythis.com","youwinhair.com","youzend.net","yoyo11.xyz","yoyo69.com","ype68.com","ypicall.shop","ypmail.webarnak.fr.eu.org","yppm0z5sjif.ga","yppm0z5sjif.gq","yppm0z5sjif.ml","yppm0z5sjif.tk","yprbcxde1cux.cf","yprbcxde1cux.ga","yprbcxde1cux.gq","yprbcxde1cux.ml","yprbcxde1cux.tk","ypsilantiapartments.com","yq6iki8l5xa.cf","yq6iki8l5xa.ga","yq6iki8l5xa.gq","yq6iki8l5xa.ml","yq6iki8l5xa.tk","yquhnhipm.pl","yqww14gpadey.cf","yqww14gpadey.ga","yqww14gpadey.ml","yqww14gpadey.tk","yraj46a46an43.tk","yreferenta.ru","yreilof.xyz","yrmno5cxjkcp9qlen8t.cf","yrmno5cxjkcp9qlen8t.ga","yrmno5cxjkcp9qlen8t.gq","yrmno5cxjkcp9qlen8t.ml","yrmno5cxjkcp9qlen8t.tk","yroid.com","yrt74748944.cf","yrt74748944.ga","yrt74748944.gq","yrt74748944.ml","yrt74748944.tk","yrxwvnaovm.pl","ysc.co.in","yslighting.com","yslonsale.com","yspend.com","yt-creator.com","yt-dl.net","yt-google.com","yt2.club","yt6erya4646yf.gq","yteb.com","ytg456hjkjh.cf","ytg456hjkjh.ga","ytg456hjkjh.gq","ytg456hjkjh.ml","ytg456hjkjh.tk","ytpayy.com","ytransunion.com","yttermurene.ml","yttrevdfd.pl","ytutrl.co.uk","ytvivekdarji.tk","yu.com","yuandex.ru","yubc.com","yuduma.com","yue.universallightkeys.com","yueluqu.cn","yugasandrika.com","yugfbjghbvh8v67.ml","yughfdjg67ff.ga","yugz.com","yuhknow.com","yui.it","yuinhami.com","yuirz.com","yukiji.org","yuliarachman.art","yuljeondong.com","yulk.com","yumimi22.com","yummyrecipeswithchicken.com","yunail.com","yunchali.com","yungkashsk.com","yunik.in","yunitadavid.art","yunjijiji.com","yunpanke.com","yunsseop.com","yuoia.com","yups.xyz","yurikeprastika.art","yuslamail.com","yusmpgroup.ru","yusolar.com","yut.com","yutongdt.com","yutrier8e.com","yuurok.com","yuuuyyyyyui.site","yuuywil.date","yuweioaso.tk","yuxuan.mobi","yvc.com","yvessaintlaurentshoesuk.com","yvgalgu7zt.cf","yvgalgu7zt.ga","yvgalgu7zt.gq","yvgalgu7zt.ml","yvgalgu7zt.tk","yvgscope.com","ywamarts.org","yx.dns-cloud.net","yx26oz76.xzzy.info","yx48bxdv.ga","yxbv0bipacuhtq4f6z.ga","yxbv0bipacuhtq4f6z.gq","yxbv0bipacuhtq4f6z.ml","yxbv0bipacuhtq4f6z.tk","yxjump.ru","yxzx.net","yy-h2.nut.cc","yy2h.info","yyaahooo.com","yyhmail.com","yyj295r31.com","yyolf.net","yyt.resolution4print.info","yytv.ddns.net","yyymail.pl","yz2wbef.pl","yzhz78hvsxm3zuuod.cf","yzhz78hvsxm3zuuod.ga","yzhz78hvsxm3zuuod.ml","yzidaxqyt.pl","yzkrachel.com","yznakandex.ru","yzvy.com","yzx12.com","z-7mark.ru","z-mail.cf","z-mail.ga","z-mail.gq","z-mild.ga","z-o-e-v-a.ru","z.polosburberry.com","z.thepinkbee.com","z0210.gmailmirror.com","z0d.eu","z18wgfafghatddm.cf","z18wgfafghatddm.ga","z18wgfafghatddm.gq","z18wgfafghatddm.ml","z18wgfafghatddm.tk","z1p.biz","z1tiixjk7juqix94.ga","z1tiixjk7juqix94.ml","z1tiixjk7juqix94.tk","z2v.ru","z3pbtvrxv76flacp4f.cf","z3pbtvrxv76flacp4f.ga","z3pbtvrxv76flacp4f.gq","z3pbtvrxv76flacp4f.ml","z3pbtvrxv76flacp4f.tk","z48bk5tvl.pl","z5cpw9pg8oiiuwylva.cf","z5cpw9pg8oiiuwylva.ga","z5cpw9pg8oiiuwylva.gq","z5cpw9pg8oiiuwylva.ml","z5cpw9pg8oiiuwylva.tk","z6z7tosg9.pl","z7az14m.com","z7az14m.com.com","z86.ru","z870wfurpwxadxrk.ga","z870wfurpwxadxrk.gq","z870wfurpwxadxrk.ml","z870wfurpwxadxrk.tk","z8zcx3gpit2kzo.gq","z8zcx3gpit2kzo.ml","z8zcx3gpit2kzo.tk","z9.z9.cloudns.nz","za.com","zaa.org","zaab.de","zabawki.edu.pl","zabbabox.info","zabross.com","zadowolony-klient.org","zaebbalo.info","zaednoschools.org","zaelmo.com","zaerapremiumbar.com","zafrem3456ails.com","zaftneqz2xsg87.cf","zaftneqz2xsg87.ga","zaftneqz2xsg87.gq","zaftneqz2xsg87.ml","zaftneqz2xsg87.tk","zagorski-artstudios.com","zagrajse.pl","zagvxqywjw.pl","zahav.net","zahuy.site","zaim-fart.ru","zaim-online-na-kartu.su","zaimi-na-karty.ru","zain.site","zainmax.net","zainoyen.online","zakachaisya.org","zakan.ir","zakatdimas.site","zakkaas.com","zakl.org","zaktouni.fr","zakzsvpgxu.pl","zalmem.com","zalopner87.com","zalotti.com","zalvisual.us","zamana.com","zambia-nedv.ru","zamburu.com","zamena-stekla.ru","zamge.com","zamiana-domu.pl","zamojskie.com.pl","zamownie.pl","zamua.com","zane.is","zane.pro","zane.prometheusx.pl","zane.rocks","zanemail.info","zangcirodic.com","zanichelli.cf","zanichelli.ga","zanichelli.gq","zanichelli.ml","zanichelli.tk","zanmei5.com","zanzedalo.com","zaoonline.com","zap2q0drhxu.cf","zap2q0drhxu.ga","zap2q0drhxu.gq","zap2q0drhxu.ml","zap2q0drhxu.tk","zapak.com","zapak.in","zapatos.sk","zapbox.fr","zapchasti-orig.ru","zapchati-a.ru","zapilou.net","zapstibliri.xyz","zapviral.com","zapzap.dev","zapzap.events","zapzap.host","zapzap.legal","zapzap.solutions","zapzap.space","zapzap.support","zapzap.video","zapzapcloud.com","zarabotok-v-internet.ru","zarabotokdoma11.ru","zarada7.co","zaragozatoros.es","zard.website","zarhq.com","zarmail.com","zaromias24.net","zaruchku.ru","zarweek.cf","zarweek.ga","zarweek.tk","zasod.com","zasve.info","zatopplomi.xyz","zauberfeile.com","zavame.com","zavio.com.pl","zavio.nl","zavodzet.ru","zaxby.com","zaxoffice.com","zaya.ga","zaym-zaym.ru","zaymi-srochno.ru","zazzerz.com","zbarman.com","zbestcheaphostingforyou.info","zbiznes.ru","zbl43.pl","zbl74.pl","zbook.site","zbpefn95saft.cf","zbpefn95saft.ga","zbpefn95saft.gq","zbpefn95saft.ml","zbpefn95saft.tk","zbpu84wf.edu.pl","zbtxx4iblkgp0qh.cf","zbtxx4iblkgp0qh.ga","zbtxx4iblkgp0qh.gq","zbtxx4iblkgp0qh.ml","zbtxx4iblkgp0qh.tk","zbuteo.buzz","zbyhis.online","zc300.gq","zcai55.com","zcai66.com","zcai77.com","zcasbwvx.com","zcash-cloud.com","zcash.ml","zcash.tk","zcdo.com","zchatz.ga","zcqrgaogm.pl","zcqwcax.com","zcrcd.com","zcut.de","zczr2a125d2.com","zczr2a5d2.com","zczr2ad1.com","zczr2ad2.com","zd6k3a5h65.ml","zdanisphotography.com","zdbgjajg.shop","zdecadesgl.com","zdenka.net","zdesyaigri.ru","zdfpost.net","zdgvxposc.pl","zdorove-polar.ru","zdpuppyiy.com","zdrajcy.xyz","zdrowewlosy.info","zdrowystyl.net","ze.cx","ze.gally.jp","ze.tc","zeah.de","zealouste.com","zealouste.net","zeas.com","zebins.com","zebins.eu","zebra.email","zebrank.com","zebua.cf","zebuaboy.cf","zebuasadis.ml","zeca.com","zecash.ml","zecf.cf","zeczen.ml","zedsoft.net","zeego.site","zeemail.xyz","zeemails.in","zeevoip.com","zeex.tech","zefara.com","zeft-ten.cf","zeft-ten.ga","zeft-ten.gq","zeft-ten.ml","zeft-ten.tk","zehnminuten.de","zehnminutenmail.de","zeinconsulting.info","zelras.ru","zeltool.xyz","zemail.ga","zemail.ml","zemasia.com","zemliaki.com","zen.nieok.com","zen43.com.pl","zen74.com.pl","zenarz.esmtp.biz","zenblogpoczta.com.pl","zencart-web.com","zencleansereview.com","zenek-poczta.com.pl","zenekpoczta.com.pl","zenithagedcare.sydney","zenithcalendars.info","zenocoomniki.ru","zenopoker.com","zenpocza.com.pl","zenpoczb.com.pl","zenpoczc.com.pl","zenrz.itemdb.com","zensolutions.info","zentrumbox.com","zenze.cf","zep-hyr.com","zepexo.com","zephrmail.info","zepp.dk","zepter-moscow.biz","zer-0.cf","zer-0.ga","zer-0.gq","zer-0.ml","zero.cowsnbullz.com","zero.hellohappy2.com","zero.makingdomes.com","zero.marksypark.com","zero.net","zero.oldoutnewin.com","zero.ploooop.com","zero.poisedtoshrike.com","zerocopter.dev","zerodog.icu","zeroe.ml","zeroen-douga.tokyo","zerograv.top","zeroknow.ga","zeromail.ga","zeronex.ml","zerotohero-1.com","zertigo.org","zest.me.uk","zesta.cf","zesta.gq","zestroy.info","zeta-telecom.com","zetaquebec.wollomail.top","zetccompany.com","zetfilmy.pl","zetgets.com","zetia.in","zetmail.com","zettransport.pl","zevars.com","zeveyuse.com","zeveyuse.net","zexal.io","zexeet9i5l49ocke.cf","zexeet9i5l49ocke.ga","zexeet9i5l49ocke.gq","zexeet9i5l49ocke.ml","zexeet9i5l49ocke.tk","zeynepgenc.com","zeytinselesi.com","zezis.ru","zf-boilerplate.com","zf4r34ie.com","zfasao.buzz","zfilm1.ru","zfilm3.ru","zfilm5.ru","zfilm6.ru","zfymail.com","zgame.zapto.org","zggbzlw.net","zggyfzyxgs.com","zgm-ural.ru","zgu5la23tngr2molii.cf","zgu5la23tngr2molii.ga","zgu5la23tngr2molii.gq","zgu5la23tngr2molii.ml","zgu5la23tngr2molii.tk","zgxxt.com","zh.ax","zh9.info","zhaohishu.com","zhaoqian.ninja","zhaoyuanedu.cn","zhcne.com","zhehot.com","zhengjiatpou34.info","zherben.com","zhess.xyz","zhewei88.com","zhidkiy-gazon.ru","zhongchengtz.com","zhongsongtaitu.com","zhongy.in","zhorachu.com","zhouemail.510520.org","ziahask.ru","ziawd.com","zib.com","zibiz.me","zibox.info","zidu.pw","zielonadioda.com","zielonyjeczmiennaodchudzanie.xyz","zigblog.net","ziggurattemple.info","zigounet.com","zigzagcreations.com","zihaddd12.com","zik.dj","zik2zik.com","zikzak.gq","zil4czsdz3mvauc2.cf","zil4czsdz3mvauc2.ga","zil4czsdz3mvauc2.gq","zil4czsdz3mvauc2.ml","zil4czsdz3mvauc2.tk","zillionsofdollars.info","zilmail.cf","zilmail.ga","zilmail.gq","zilmail.ml","zilmail.tk","zimail.com","zimail.ga","zimbabwe-nedv.ru","zimbail.me","zimbocrowd.info","zimbocrowd.me","zimmermail.info","zimowapomoc.pl","zinany.com","zinfighkildo.ftpserver.biz","zingar.com","zingermail.co","zingsingingfitness.com","zinmail.cf","zinmail.ga","zinmail.gq","zinmail.ml","zinmail.tk","zip1.site","zip3.site","zipa.space","zipab.site","zipac.site","zipada.com","zipaf.site","zipas.site","zipax.site","zipb.site","zipb.space","zipbox.info","zipc.site","zipcad.com","zipd.press","zipd.site","zipd.space","zipdf.biz","zipea.site","zipeb.site","zipec.site","ziped.site","zipee.site","zipef.site","zipeg.site","zipeh.site","zipej.site","zipek.site","zipel.site","zipem.site","zipen.site","zipeo.site","zipep.site","zipeq.site","zipes.site","zipet.site","ziph.site","zipil.site","zipir.site","zipk.site","zipl.online","zipl.site","ziplb.biz","zipn.site","zipo1.cf","zipo1.ga","zipo1.gq","zipo1.ml","zipphonemap.com","zippiex.com","zippydownl.eu","zippymail.in","zippymail.info","zipq.site","zipr.site","ziprol.com","zips.design","zipsa.site","zipsb.site","zipsc.site","zipsd.site","zipsendtest.com","zipsf.site","zipsg.site","zipsh.site","zipsi.site","zipsj.site","zipsk.site","zipsl.site","zipsm.site","zipsmtp.com","zipsn.site","zipso.site","zipsp.site","zipsq.site","zipsr.site","zipss.site","zipst.site","zipsu.site","zipsv.site","zipsw.site","zipsx.site","zipsy.site","zipsz.site","zipt.site","ziptracker49062.info","ziptracker56123.info","ziptracker67311.info","ziptracker67451.info","ziptracker75121.info","ziptracker87612.info","ziptracker90211.info","ziptracker90513.info","zipv.site","zipw.site","zipx.site","zipz.site","zipza.site","zipzaprap.beerolympics.se","zipzaps.de","zipzb.site","zipzc.site","zipzd.site","zipze.site","zipzf.site","zipzg.site","zipzh.site","zipzi.site","zipzj.site","zipzk.site","zipzl.site","zipzm.site","zipzn.site","zipzo.site","zipzp.site","zipzq.site","zipzr.site","zipzs.site","zipzt.site","zipzu.site","zipzv.site","zipzw.site","zipzx.site","zipzy.site","zipzz.site","zisustand.site","zita-blog-xxx.ru","zithromaxdc.com","zithromaxonlinesure.com","zithromaxprime.com","ziuta.com","zivella.online","zixoa.com","ziyap.com","ziza.pl","zizhuxizhu888.info","zizo7.com","zjexmail.com","zjhonda.com","zjhplayback.com","zkcckwvt5j.cf","zkcckwvt5j.ga","zkcckwvt5j.gq","zkcckwvt5j.ml","zkcckwvt5j.tk","zkeiw.com","zkgdtarov.pl","zknow.org","zl0irltxrb2c.cf","zl0irltxrb2c.ga","zl0irltxrb2c.gq","zl0irltxrb2c.ml","zl0irltxrb2c.tk","zlebyqd34.pl","zledscsuobre9adudxm.cf","zledscsuobre9adudxm.ga","zledscsuobre9adudxm.gq","zledscsuobre9adudxm.ml","zledscsuobre9adudxm.tk","zleohkaqpt5.cf","zleohkaqpt5.ga","zleohkaqpt5.gq","zleohkaqpt5.ml","zleohkaqpt5.tk","zljnbvf.xyz","zlmsl0rkw0232hph.cf","zlmsl0rkw0232hph.ga","zlmsl0rkw0232hph.gq","zlmsl0rkw0232hph.ml","zlmsl0rkw0232hph.tk","zltcsmym9xyns1eq.cf","zltcsmym9xyns1eq.tk","zmail.info.tm","zmailonline.info","zmat.xyz","zmho.com","zmiev.ru","zmilkofthecow.info","zmimai.com","zmsqlq.website","zmtbbyqcr.pl","zmti6x70hdop.cf","zmti6x70hdop.ga","zmti6x70hdop.gq","zmti6x70hdop.ml","zmti6x70hdop.tk","zmylf33tompym.cf","zmylf33tompym.ga","zmylf33tompym.gq","zmylf33tompym.ml","zmylf33tompym.tk","zmywarkilodz.pl","zn4chyguz9rz2gvjcq.cf","zn4chyguz9rz2gvjcq.ga","zn4chyguz9rz2gvjcq.gq","zn4chyguz9rz2gvjcq.ml","zn4chyguz9rz2gvjcq.tk","znatb25xbul30ui.cf","znatb25xbul30ui.ga","znatb25xbul30ui.gq","znatb25xbul30ui.ml","znatb25xbul30ui.tk","zncqtumbkq.cf","zncqtumbkq.ga","zncqtumbkq.gq","zncqtumbkq.ml","zncqtumbkq.tk","zneep.com","zni1d2bs6fx4lp.cf","zni1d2bs6fx4lp.ga","zni1d2bs6fx4lp.gq","zni1d2bs6fx4lp.ml","zni1d2bs6fx4lp.tk","znkzhidpasdp32423.info","znthe6ggfbh6d0mn2f.cf","znthe6ggfbh6d0mn2f.ga","znthe6ggfbh6d0mn2f.gq","znthe6ggfbh6d0mn2f.ml","znthe6ggfbh6d0mn2f.tk","znyxer.icu","zoaxe.com","zocial.ru","zoemail.com","zoemail.net","zoemail.org","zoetropes.org","zoeyexporting.com","zoeyy.com","zoftware.software","zoho.in","zoianp.com","zojb.com","zojr.com","zolingata.club","zomail.org","zomail.ru","zombie-hive.com","zombo.flu.cc","zombo.igg.biz","zombo.nut.cc","zomg.info","zomoo00.com","zona24.ru","zona7.com","zonamail.ga","zonamilitar.com","zonapara.fun","zonc.xyz","zone10electric.com","zonedating.info","zonedigital.club","zonedigital.online","zonedigital.site","zonedigital.xyz","zonemail.info","zonemail.monster","zontero.top","zontero.win","zooants.com","zoobug.org","zooluck.org","zoomafoo.info","zoombbearhota.xyz","zoomial.info","zoonti.pl","zoozentrum.de","zoparel.com","zoqqa.com","zoroasterdomain.com","zoroasterplace.com","zoroastersite.com","zoroasterwebsite.com","zoromail.ga","zoromarkets.site","zotyxsod.shop","zouber.site","zoutlook.com","zoviraxprime.com","zp.ua","zpb.luk2.com","zpcaf8dhq.pl","zpkdqkozdopc3mnta.cf","zpkdqkozdopc3mnta.ga","zpkdqkozdopc3mnta.gq","zpkdqkozdopc3mnta.ml","zpkdqkozdopc3mnta.tk","zplotsuu.com","zpp.su","zpvozwsri4aryzatr.cf","zpvozwsri4aryzatr.ga","zpvozwsri4aryzatr.gq","zpvozwsri4aryzatr.ml","zpvozwsri4aryzatr.tk","zqrni.com","zqrni.net","zqw.pl","zran5yxefwrcpqtcq.cf","zran5yxefwrcpqtcq.ga","zran5yxefwrcpqtcq.gq","zran5yxefwrcpqtcq.ml","zran5yxefwrcpqtcq.tk","zraq.com","zrczefgjv.pl","zre3i49lnsv6qt.cf","zre3i49lnsv6qt.ga","zre3i49lnsv6qt.gq","zre3i49lnsv6qt.ml","zre3i49lnsv6qt.tk","zrmail.ga","zrmail.ml","zrpurhxql.pl","zsazsautari.art","zsccyccxea.pl","zsero.com","zslsz.com","zssgsexdqd.pl","zsvrqrmkr.pl","ztahoewgbo.com","ztd5af7qo1drt8.cf","ztd5af7qo1drt8.ga","ztd5af7qo1drt8.gq","ztd5af7qo1drt8.ml","ztd5af7qo1drt8.tk","ztdgrucjg92piejmx.cf","ztdgrucjg92piejmx.ga","ztdgrucjg92piejmx.gq","ztdgrucjg92piejmx.ml","ztdgrucjg92piejmx.tk","ztjspeakmn.com","ztrackz.tk","ztuu.com","ztymm.com","zualikhakk.cf","zualikhakk.ga","zualikhakk.gq","zualikhakk.ml","zualikhakk.tk","zuasu.com","zubacteriax.com","zubairnews.com","zubayer.cf","zudrm1dxjnikm.cf","zudrm1dxjnikm.ga","zudrm1dxjnikm.gq","zudrm1dxjnikm.ml","zudrm1dxjnikm.tk","zuhouse.ru","zuiquandaohang.xyz","zujb.com","zukk.tk","zukmail.cf","zukmail.ga","zukmail.ml","zukmail.tk","zulamri.com","zumail.net","zumpul.com","zumrotin.ml","zuperholo.com","zupka.anglik.org","zupload.xyz","zuppyezof.info","zurigigg12.com","zurtel.cf","zurtel.ga","zurtel.gq","zurtel.ml","zurtel.tk","zuvio.com","zv68.com","zvsn.com","zvsolar.com","zvun.com","zvus.spymail.one","zw6provider.com","zwau.com","zwiedzaniebrowaru.com.pl","zwiekszsile.pl","zwiknm.ru","zwoho.com","zwpqjsnpkdjbtu2soc.ga","zwpqjsnpkdjbtu2soc.ml","zwpqjsnpkdjbtu2soc.tk","zwwaltered.com","zwwnhmmcec57ziwux.cf","zwwnhmmcec57ziwux.ga","zwwnhmmcec57ziwux.gq","zwwnhmmcec57ziwux.ml","zwwnhmmcec57ziwux.tk","zx81.ovh","zxcqwcx.com","zxcv.com","zxcvbn.in","zxcvbnm.cf","zxcvbnm.com","zxcvbnm.tk","zxcvgt.website","zxcxc.com","zxcxcva.com","zxgsd4gydfg.ga","zxonkcw91bjdojkn.cf","zxonkcw91bjdojkn.ga","zxonkcw91bjdojkn.gq","zxonkcw91bjdojkn.ml","zxonkcw91bjdojkn.tk","zxpasystems.com","zxusnkn0ahscvuk0v.cf","zxusnkn0ahscvuk0v.ga","zxusnkn0ahscvuk0v.gq","zxusnkn0ahscvuk0v.ml","zxusnkn0ahscvuk0v.tk","zxxxz.gq","zxxz.ml","zy1.com","zybrew.beer","zyczeniurodzinow.pl","zyhaier.com","zylpu4cm6hrwrgrqxb.cf","zylpu4cm6hrwrgrqxb.ga","zylpu4cm6hrwrgrqxb.gq","zylpu4cm6hrwrgrqxb.ml","zylpu4cm6hrwrgrqxb.tk","zymail.men","zymuying.com","zynana.cf","zynga-email.com","zyseo.com","zyyberrys.com","zyyu6mute9qn.cf","zyyu6mute9qn.ga","zyyu6mute9qn.gq","zyyu6mute9qn.ml","zyyu6mute9qn.tk","zz.beststudentloansx.org","zz75.net","zz77.com","zzag.com","zzcash.ml","zzi.us","zzrgg.com","zzsbzs.com","zzuwnakb.pl","zzv2bfja5.pl","zzz.com","zzzmail.pl","zzzzzzzzzzzzz.com" } valid_matcher = re.compile(r"\A(?!(?:(?:\x22?\x5C[\x00-\x7E]\x22?)|(?:\x22?[^\x5C\x22]\x22?)){255,})(?!(?:(?:\x22?\x5C[\x00-\x7E]\x22?)|(?:\x22?[^\x5C\x22]\x22?)){65,}@)(?:(?:[\x21\x23-\x27\x2A\x2B\x2D\x2F-\x39\x3D\x3F\x5E-\x7E]+)|(?:\x22(?:[\x01-\x08\x0B\x0C\x0E-\x1F\x21\x23-\x5B\x5D-\x7F]|(?:\x5C[\x00-\x7F]))*\x22))(?:\.(?:(?:[\x21\x23-\x27\x2A\x2B\x2D\x2F-\x39\x3D\x3F\x5E-\x7E]+)|(?:\x22(?:[\x01-\x08\x0B\x0C\x0E-\x1F\x21\x23-\x5B\x5D-\x7F]|(?:\x5C[\x00-\x7F]))*\x22)))*@(?:(?:(?!.*[^.]{64,})(?:(?:(?:xn--)?[a-z0-9]+(?:-[a-z0-9]+)*\.){1,126}){1,}(?:(?:[a-z][a-z0-9]*)|(?:(?:xn--)[a-z0-9]+))(?:-[a-z0-9]+)*)|(?:\[(?:(?:IPv6:(?:(?:[a-f0-9]{1,4}(?::[a-f0-9]{1,4}){7})|(?:(?!(?:.*[a-f0-9][:\]]){7,})(?:[a-f0-9]{1,4}(?::[a-f0-9]{1,4}){0,5})?::(?:[a-f0-9]{1,4}(?::[a-f0-9]{1,4}){0,5})?)))|(?:(?:IPv6:(?:(?:[a-f0-9]{1,4}(?::[a-f0-9]{1,4}){5}:)|(?:(?!(?:.*[a-f0-9]:){5,})(?:[a-f0-9]{1,4}(?::[a-f0-9]{1,4}){0,3})?::(?:[a-f0-9]{1,4}(?::[a-f0-9]{1,4}){0,3}:)?)))?(?:(?:25[0-5])|(?:2[0-4][0-9])|(?:1[0-9]{2})|(?:[1-9]?[0-9]))(?:\.(?:(?:25[0-5])|(?:2[0-4][0-9])|(?:1[0-9]{2})|(?:[1-9]?[0-9]))){3}))\]))\Z") @classmethod def is_valid(cls, email): email = email.lower() return (cls.is_valid_email_format(email) and not cls.is_blacklisted(email)) @classmethod def all_domain_suffixes(cls, email): domain = email.split("@")[-1] components = domain.split(".") return (".".join(components[n:]) for n in xrange(0, len(components))) @classmethod def is_blacklisted(cls, email): all_domain_suffixes = cls.all_domain_suffixes(email) return any(domain in cls.blacklist for domain in all_domain_suffixes) @classmethod def is_valid_email_format(cls, email): return bool(email) and cls.valid_matcher.search(email) is not None @classmethod def add_custom_domains(cls, domains = []): cls.blacklist.update(domains)
mit
polyaxon/polyaxon
traceml/traceml/processors/importance_processors.py
1
3387
#!/usr/bin/python # # Copyright 2018-2022 Polyaxon, 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 math import numpy as np import pandas as pd from typing import Dict, List, Optional, Tuple, Union from polyaxon.utils.np_utils import sanitize_np_types def clean_duplicates( params: pd.DataFrame, metrics: pd.DataFrame ) -> Optional[Tuple[pd.DataFrame, pd.DataFrame]]: duplicate_ids = metrics.duplicated() params_df = params[~duplicate_ids] metrics_df = metrics[~duplicate_ids] if params.empty or metrics.empty: return None params_df = pd.get_dummies(params_df) params_df = params_df.loc[:, ~params_df.columns.duplicated()] return params_df, metrics_df def clean_values( params: List[Dict], metrics: List[Union[int, float]] ) -> Optional[Tuple[pd.DataFrame, pd.DataFrame]]: if not metrics or not params: return None for m in metrics: if not isinstance(m, (int, float)): return None metrics_df = pd.DataFrame(metrics) if metrics_df.isnull().values.any(): return None params_df = pd.DataFrame.from_records(params).replace(r"^\s*$", np.nan, regex=True) for col in params_df.columns: if not params_df[col].isnull().sum() == len(params_df[col]): if params_df[col].dtype == "object": params_df[col].fillna("NAN", inplace=True) params_df[col].fillna("NAN", inplace=True) params_df[col] = params_df[col].astype("category") elif params_df[col].dtype == "float64" or params_df[col].dtype == "int64": params_df[col].fillna(params_df[col].mean(), inplace=True) else: print("Unexpected Column type: {}".format(params_df[col].dtype)) else: if params_df[col].dtype == "object": params_df[col] = "NAN" elif params_df[col].dtype == "float64" or params_df[col].dtype == "int64": params_df[col] = 0 return clean_duplicates(params_df, metrics_df) def _get_value(x): if x is None or math.isnan(x): return None return round(sanitize_np_types(x), 3) def calculate_importance_correlation( params: List[Dict], metrics: List[Union[int, float]] ): values = clean_values(params, metrics) if not values: return None params_df, metrics_df = values corr_list = params_df.corrwith(metrics_df[0]) from sklearn.ensemble import ExtraTreesRegressor forest = ExtraTreesRegressor(n_estimators=250, random_state=0) forest.fit(params_df, metrics_df[0]) feature_importances = forest.feature_importances_ results = {} for i, name in enumerate(params_df.columns): results[name] = { "importance": _get_value(feature_importances[i]), "correlation": _get_value(corr_list[name]), } return results
apache-2.0
rvraghav93/scikit-learn
examples/gaussian_process/plot_gpr_prior_posterior.py
33
2900
""" ========================================================================== Illustration of prior and posterior Gaussian process for different kernels ========================================================================== This example illustrates the prior and posterior of a GPR with different kernels. Mean, standard deviation, and 10 samples are shown for both prior and posterior. """ print(__doc__) # Authors: Jan Hendrik Metzen <jhm@informatik.uni-bremen.de> # # License: BSD 3 clause import numpy as np from matplotlib import pyplot as plt from sklearn.gaussian_process import GaussianProcessRegressor from sklearn.gaussian_process.kernels import (RBF, Matern, RationalQuadratic, ExpSineSquared, DotProduct, ConstantKernel) kernels = [1.0 * RBF(length_scale=1.0, length_scale_bounds=(1e-1, 10.0)), 1.0 * RationalQuadratic(length_scale=1.0, alpha=0.1), 1.0 * ExpSineSquared(length_scale=1.0, periodicity=3.0, length_scale_bounds=(0.1, 10.0), periodicity_bounds=(1.0, 10.0)), ConstantKernel(0.1, (0.01, 10.0)) * (DotProduct(sigma_0=1.0, sigma_0_bounds=(0.0, 10.0)) ** 2), 1.0 * Matern(length_scale=1.0, length_scale_bounds=(1e-1, 10.0), nu=1.5)] for fig_index, kernel in enumerate(kernels): # Specify Gaussian Process gp = GaussianProcessRegressor(kernel=kernel) # Plot prior plt.figure(fig_index, figsize=(8, 8)) plt.subplot(2, 1, 1) X_ = np.linspace(0, 5, 100) y_mean, y_std = gp.predict(X_[:, np.newaxis], return_std=True) plt.plot(X_, y_mean, 'k', lw=3, zorder=9) plt.fill_between(X_, y_mean - y_std, y_mean + y_std, alpha=0.2, color='k') y_samples = gp.sample_y(X_[:, np.newaxis], 10) plt.plot(X_, y_samples, lw=1) plt.xlim(0, 5) plt.ylim(-3, 3) plt.title("Prior (kernel: %s)" % kernel, fontsize=12) # Generate data and fit GP rng = np.random.RandomState(4) X = rng.uniform(0, 5, 10)[:, np.newaxis] y = np.sin((X[:, 0] - 2.5) ** 2) gp.fit(X, y) # Plot posterior plt.subplot(2, 1, 2) X_ = np.linspace(0, 5, 100) y_mean, y_std = gp.predict(X_[:, np.newaxis], return_std=True) plt.plot(X_, y_mean, 'k', lw=3, zorder=9) plt.fill_between(X_, y_mean - y_std, y_mean + y_std, alpha=0.2, color='k') y_samples = gp.sample_y(X_[:, np.newaxis], 10) plt.plot(X_, y_samples, lw=1) plt.scatter(X[:, 0], y, c='r', s=50, zorder=10, edgecolors=(0, 0, 0)) plt.xlim(0, 5) plt.ylim(-3, 3) plt.title("Posterior (kernel: %s)\n Log-Likelihood: %.3f" % (gp.kernel_, gp.log_marginal_likelihood(gp.kernel_.theta)), fontsize=12) plt.tight_layout() plt.show()
bsd-3-clause
cmoutard/mne-python
examples/forward/plot_source_space_morphing.py
19
2852
""" ========================= Use source space morphing ========================= This example shows how to use source space morphing (as opposed to SourceEstimate morphing) to create data that can be compared between subjects. .. warning:: Source space morphing will likely lead to source spaces that are less evenly sampled than source spaces created for individual subjects. Use with caution and check effects on localization before use. """ # Authors: Denis A. Engemann <denis.engemann@gmail.com> # Eric larson <larson.eric.d@gmail.com> # # License: BSD (3-clause) import os.path as op import mne data_path = mne.datasets.sample.data_path() subjects_dir = op.join(data_path, 'subjects') fname_trans = op.join(data_path, 'MEG', 'sample', 'sample_audvis_raw-trans.fif') fname_bem = op.join(subjects_dir, 'sample', 'bem', 'sample-5120-bem-sol.fif') fname_src_fs = op.join(subjects_dir, 'fsaverage', 'bem', 'fsaverage-ico-5-src.fif') raw_fname = op.join(data_path, 'MEG', 'sample', 'sample_audvis_raw.fif') # Get relevant channel information info = mne.io.read_info(raw_fname) info = mne.pick_info(info, mne.pick_types(info, meg=True, eeg=False, exclude=[])) # Morph fsaverage's source space to sample src_fs = mne.read_source_spaces(fname_src_fs) src_morph = mne.morph_source_spaces(src_fs, subject_to='sample', subjects_dir=subjects_dir) # Compute the forward with our morphed source space fwd = mne.make_forward_solution(info, trans=fname_trans, src=src_morph, bem=fname_bem) # fwd = mne.convert_forward_solution(fwd, surf_ori=True, force_fixed=True) mag_map = mne.sensitivity_map(fwd, ch_type='mag') # Return this SourceEstimate (on sample's surfaces) to fsaverage's surfaces mag_map_fs = mag_map.to_original_src(src_fs, subjects_dir=subjects_dir) # Plot the result, which tracks the sulcal-gyral folding # outliers may occur, we'll place the cutoff at 99 percent. kwargs = dict(clim=dict(kind='percent', lims=[0, 50, 99]), # no smoothing, let's see the dipoles on the cortex. smoothing_steps=1, hemi='rh', views=['lat']) # Now note that the dipoles on fsaverage are almost equidistant while # morphing will distribute the dipoles unevenly across the given subject's # cortical surface to achieve the closest approximation to the average brain. # Our testing code suggests a correlation of higher than 0.99. brain_subject = mag_map.plot( # plot forward in subject source space (morphed) time_label=None, subjects_dir=subjects_dir, **kwargs) brain_fs = mag_map_fs.plot( # plot forward in original source space (remapped) time_label=None, subjects_dir=subjects_dir, **kwargs)
bsd-3-clause
segasai/astrolibpy
plotting/idlplot.py
1
37177
# Copyright (C) 2009-2010 Sergey Koposov # This file is part of astrolibpy # # astrolibpy 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. # # astrolibpy 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 astrolibpy. If not, see <http://www.gnu.org/licenses/>. import matplotlib.pyplot as plt import numpy as np import scipy import scipy.stats import scipy.ndimage.filters import scipy.stats from matplotlib.pyplot import draw_if_interactive import matplotlib import math import copy import warnings # this module is by default in interactive regime plt.ion() def listToArr(x): return np.asarray(x) def listToArrFlat(x): return np.asarray(x).flatten() def get_marker(ps, linestyle): """ Wrapper for point markers which understand idl-like ps options (e.g. ps=3 for the point, ps=4 for the diamond) """ outlinestyle = ' ' markerHash = {3: '.', 4: 'D', 7: '+', 2: '*', 6: 's'} try: marker = markerHash[ps] except KeyError: if isinstance(ps, str): marker = ps else: marker = ' ' if linestyle is not None: outlinestyle = linestyle else: outlinestyle = '-' return (marker, outlinestyle) def filter_epa(im, kernsize): if not hasattr(kernsize, '__iter__'): kernsize1, kernsize2 = kernsize, kernsize else: kernsize1, kernsize2 = kernsize[0:2] k11 = math.ceil(kernsize1) k12 = math.ceil(kernsize2) xgrid, ygrid = np.mgrid[-k11:k11:1, -k12:k12:1] r2 = (xgrid / kernsize1)**2 + (ygrid / kernsize2)**2 filt = (1 - r2) * (r2 <= 1) filt = filt / filt.sum() # IMPORTANT TRANSPOSITION, because the image first dimension is y im1 = scipy.ndimage.filters.convolve(im, filt.T, mode='reflect') return im1 def smoother(arr, smooth=None, kernel=None): if smooth is not None: if kernel == 'gau': if hasattr(smooth, '__iter__'): smooth = smooth[::-1] # because gaussian_filter convention is second dimension is x arr = scipy.ndimage.filters.gaussian_filter(arr * 1., smooth) elif kernel == 'epa': arr = filter_epa(arr * 1., smooth) else: raise Exception('Wrong kernel') return arr def exceptionDecorator(func): def wrapper(*args, **kwargs): try: isInteractive = plt.isinteractive() # switch to non-interactive mode # matplotlib.interactive(False) ret = func(*args, **kwargs) matplotlib.interactive(isInteractive) draw_if_interactive() return ret except Exception as exc: # noqa # switch back matplotlib.interactive(isInteractive) raise wrapper.__doc__ = func.__doc__ return wrapper def __findKnuth(x, minv, maxv): """ Implement Knuth method for histogram bin selection """ N = ((x >= minv) & (x <= maxv)).sum() def funcer(M): hh, loc = scipy.histogram(x, bins=M, range=[minv, maxv]) return np.log(M) + 1. / N * (scipy.special.gammaln(M / 2.) - M * scipy.special.gammaln(0.5) - scipy.special.gammaln(N + M / 2.) + scipy.special.gammaln(hh + 0.5).sum()) maxN = 1000 ns = np.arange(1, maxN + 1) vals = ns * 0. for i in range(len(ns)): vals[i] = funcer(ns[i]) bestn = ns[np.argmax(vals)] if bestn == maxN: print('WARNING the best number of bins is > maxbin(%d)' % (maxN)) return bestn @exceptionDecorator def plothist(x, bin=None, nbins=None, xrange=None, yrange=None, min=None, max=None, overplot=False, color='black', xlog=False, ylog=False, nan=False, weights=None, norm=False, kernel=None, retpoints=False, adaptive=False, adaptive_thresh=30, adaptive_depth=[2, 10], weight_norm=False, apply_func=None, statistic=None, knuth=False, cumulative=False, **kw): """ Plot the 1D histogram Example: >> plothist(dat, bin=0.1, min=0, max=3) Keyword parameters: ------------------ bin the binsize(float) nbins number of bins(integer) It cannot be specified together with the bin= parameter xlog, ylog log the appropriate axis weights the 1-D array of weights used in the histogram creation nan boolean flag to ignore nan's norm boolean flag to normalize the histogram by the peak value min,max range of data for which the histogram is constructed retpoints boolean parameter controlling whether to return or not the computed histogram. If yes the tuple with two arrays (bin centers, Number of points in bins) is returned overplot boolean parameter for overplotting adaptive boolean for turning on/off the adaptive regime of histogramming (adaptive bin size). If True weights, nbins, bin,kernel parameters are ignored adaptive_thresh the limiting number of points in the bin for the adaptive histogramming (default 30) adaptive_depth the list of two integers for the detalisation levels of adaptive histogramming (default [2,10]) weight_norm if True the value in each bin is mean weight of points within the bin """ if nan: ind = np.isfinite(x) if weights is not None: ind = np.isfinite(weights) & ind dat = x[ind] if weights is not None: weights = weights[ind] else: dat = x maxNone = False if min is None: min = np.nanmin(dat) if max is None: maxNone = True max = np.nanmax(dat) if bin is None and nbins is None: if not knuth: nbins = 100 else: nbins = __findKnuth(dat, min, max) bin = (max - min) * 1. / nbins elif nbins is None: nbins = int(math.ceil((max - min) * 1. / bin)) if maxNone: max = min + nbins * bin elif bin is None: bin = (max - min) * 1. / nbins else: warnings.warn( 'both bin= and nbins= keywords were specified in ' + 'the plothist call', RuntimeWarning) pass # if both nbins and bin are defined I don't do anything # it may be non-intuitive if kernel option is used, because # it uses both nbins and bin options if cumulative: if (kernel is not None or adaptive or weights is not None): raise RuntimeError( 'cumulative is incompatible with weights, kernel ' + 'or adaptive options') if kernel is None: if not adaptive: if np.isscalar(weights) and weights is not None: weights = np.zeros_like(dat) + weights if statistic is None: hh, loc = np.histogram(dat, range=(min, max), bins=nbins, weights=weights) if weight_norm: hh1, loc = np.histogram(dat, range=(min, max), bins=nbins, weights=None) hh = hh * 1. / hh1 else: S = scipy.stats.binned_statistic(dat, weights, statistic, range=[min, max], bins=nbins) hh = S.statistic loc = S.bin_edges else: import adabinner hh, loc = adabinner.hist(dat, xmin=min, xmax=max, hi=adaptive_depth, thresh=adaptive_thresh) if cumulative: hh = np.cumsum(hh) hh1 = np.repeat(hh, 2) loc1 = np.concatenate(([loc[0]], np.repeat(loc[1:-1], 2), [loc[-1]])) else: loc1 = np.linspace(min, max, nbins * 10) import sklearn.neighbors xind = np.isfinite(dat) kde = sklearn.neighbors.KernelDensity(bandwidth=bin, kernel=kernel) kde.fit(np.asarray(dat[xind]).flatten().reshape(-1, 1)) hh1 = np.exp(kde.score_samples(loc1.reshape(-1, 1))) if weights is not None: print('WARNING weights ignored for KDE !') if overplot: func = oplot else: func = plot if norm: hh1 = hh1 * 1. / hh1.max() kw['ps'] = kw.get('ps') or 0 if 'yr' not in kw: kw['yr'] = [np.nanmin(hh1), np.nanmax(hh1)] if 'xr' not in kw: kw['xr'] = [min, max] if apply_func is not None: hh1 = apply_func(loc1, hh1) func(loc1, hh1, color=color, xlog=xlog, ylog=ylog, **kw) if retpoints: return 0.5 * (loc[1:] + loc[:-1]), hh @exceptionDecorator def plot(arg1, arg2=None, xrange=None, yrange=None, ps=0, thick=None, xtitle=None, ytitle=None, color='black', noerase=False, overplot=False, position=None, ylog=False, xlog=False, xr=None, yr=None, title=None, label=None, nodata=False, linestyle=None, markersize=None, xaxis_formatter=None, yaxis_formatter=None, autoscalex=False, autoscaley=False, markerfacecolor=None, markeredgecolor=None, markeredgewidth=None, axis=None, pad_range=0, transpose=False, **kw): """ Plot your data in an IDL-like way with a lot of options in one command. Example: >> plot(x,y,xrange=[0,39],yrange=[-1,10],ps=4,xtitle="X", color='black',position=[0.1,0.1,0.9,0.9], xlog=True) """ if arg2 is None: y = listToArrFlat(arg1) x = np.arange(len(y)) else: x = listToArrFlat(arg1) y = listToArrFlat(arg2) if not noerase: plt.gcf().clf() if position is not None and axis is None: mypos = position[:] mypos[2] = position[2] - position[0] mypos[3] = position[3] - position[1] plt.axes(mypos) if axis is None: axis = plt.gca() marker, linestyle = get_marker(ps, linestyle) if xr is not None: xrange = xr if yr is not None: yrange = yr if xrange is None and yrange is None: ind = np.isfinite(x) if not ind.any(): xrange = [0, 1] else: xrange = [np.min(x[ind]), np.max(x[ind])] ind = np.isfinite(y) if not ind.any(): yrange = [0, 1] else: yrange = [np.min(y[ind]), np.max(y[ind])] assert (pad_range >= 0) xrange = [ xrange[0] - pad_range * (xrange[1] - xrange[0]), xrange[1] + pad_range * (xrange[1] - xrange[0]) ] yrange = [ yrange[0] - pad_range * (yrange[1] - yrange[0]), yrange[1] + pad_range * (yrange[1] - yrange[0]) ] del ind elif xrange is None and yrange is not None: ind = (y < max(yrange[1], yrange[0])) & (y > min( yrange[0], yrange[1])) & np.isfinite(x) if ind.any(): xrange = [np.min(x[ind]), np.max(x[ind])] else: xrange = [np.min(x), np.max(x)] del ind elif xrange is not None and yrange is None: ind = (x < np.maximum(xrange[1], xrange[0])) & (x > np.minimum( xrange[0], xrange[1])) & np.isfinite(y) if ind.any(): yrange = [np.min(y[ind]), np.max(y[ind])] else: yrange = [np.min(y), np.max(y)] del ind if len(yrange) != 2 or len(xrange) != 2: raise ValueError("Wrong xrange or yrange") if not overplot: axis.minorticks_on() if xtitle is not None: axis.set_xlabel(xtitle) if ytitle is not None: axis.set_ylabel(ytitle) axis.set_autoscalex_on(autoscalex) axis.set_autoscaley_on(autoscaley) if transpose: xrange, yrange = yrange, xrange if not overplot: axis.set_xlim(xrange) axis.set_ylim(yrange) if xlog: axis.set_xscale('log', subs=[2, 3, 4, 5, 6, 7, 8, 9]) if ylog: axis.set_yscale('log', subs=[2, 3, 4, 5, 6, 7, 8, 9]) if xaxis_formatter is not None: axis.xaxis.set_major_formatter(xaxis_formatter) if yaxis_formatter is not None: axis.yaxis.set_major_formatter(yaxis_formatter) if title is not None: plt.title(title) if not nodata: if transpose: x, y = y, x if markersize is None: axis.plot(x, y, marker=marker, linestyle=linestyle, linewidth=thick, color=color, label=label, markerfacecolor=markerfacecolor, markeredgecolor=markeredgecolor, markeredgewidth=markeredgewidth, **kw) else: axis.plot(x, y, marker=marker, linestyle=linestyle, linewidth=thick, color=color, label=label, markersize=markersize, markerfacecolor=markerfacecolor, markeredgecolor=markeredgecolor, markeredgewidth=markeredgewidth, **kw) def oplot(x, y=None, **kw): """ Overplot your data (just a simple wrapper around plot) Example: >> oplot(x,2+y/10.,ps=3,color='blue') """ plot(x, y, noerase=True, overplot=True, **kw) @exceptionDecorator def ploterror(x, y, err0, err1=None, color='black', ps=0, ecolor='black', overplot=False, noerase=False, elinewidth=None, capsize=None, markersize=None, markeredgecolor=None, markerfacecolor=None, autoscalex=False, autoscaley=False, label=None, **kw): """ Plot the data with error-bars Example: >> ploterror(x,y,erry) # plot only Y error-bars >> ploterror(x,y,errx,erry) # plot data with X and Y error-bars Keyword parameters: ------------------ capsize integer param controlling the size of hats/caps of the error-bars ecolor color of the error-bars (different from the main color) """ if overplot: noerase = True if err1 is None: erry = listToArr(err0) else: erry = listToArr(err1) errx = listToArr(err0) x = listToArr(x) y = listToArr(y) kw0 = kw.copy() if kw0.get('yr') is None: kw0['yr'] = [np.nanmin(y - erry), np.nanmax(y + erry)] if markersize is not None: kw0['markersize'] = markersize if markeredgecolor is not None: kw0['markeredgecolor'] = markeredgecolor if markerfacecolor is not None: kw0['markerfacecolor'] = markerfacecolor plot(x, y, color=color, ps=ps, overplot=overplot, noerase=noerase, **kw0) (marker, outlinestyle) = get_marker(ps, None) kw1 = { 'ecolor': ecolor, 'marker': marker, 'color': color, 'linestyle': outlinestyle, 'elinewidth': elinewidth, 'markeredgewidth': elinewidth } if 'alpha' in kw0: kw1['alpha'] = kw0['alpha'] if 'zorder' in kw0: kw1['zorder'] = kw0['zorder'] if label is not None: kw1['label'] = label if markersize is not None: kw1['markersize'] = markersize if markeredgecolor is not None: kw1['markeredgecolor'] = markeredgecolor if markerfacecolor is not None: kw1['markerfacecolor'] = markerfacecolor if capsize is not None: kw1['capsize'] = capsize plt.gca().set_autoscalex_on(autoscalex) plt.gca().set_autoscaley_on(autoscaley) if err1 is None: plt.gca().errorbar(x, y, erry, **kw1) else: plt.gca().errorbar(x, y, xerr=errx, yerr=erry, **kw1) @exceptionDecorator def tvaxis(image, xmin=None, xmax=None, ymin=None, ymax=None, xtitle="", ytitle="", title="", vmin=None, vmax=None, aspect="auto", xlog=False, ylog=False, position=None, noerase=False, bar=False, bar_label='', bar_fraction=0.05, zlog=False, smooth=None, vmaxfrac=None, xflip=False, yflip=False, kernel='gau', vminfrac=None, **kw): """ Display the 2D image with proper axes (similar to plt.imshow) Example: >> tvaxis(im,-20,10,-40,50) Keyword parameters: ------------------ xmin,xmax,ymin,ymax the ranges for x,y where the histogram is constructed. These params can be specified not only as keywords but also as normal arguments vmin,vmax the ranges of intensities shown on the plot smooth if not None this parameter controls additional smoothing of the 2D histogram bar boolean parameter for switching on/off the plotting of the color-bar """ if not noerase: plt.clf() if position is not None: mypos = position[:] mypos[2] = position[2] - position[0] mypos[3] = position[3] - position[1] plt.axes(mypos) if xmin is None: xmin = 0 if ymin is None: ymin = 0 if xmax is None: xmax = image.shape[0] if ymax is None: ymax = image.shape[1] if image.ndim == 3: im = np.transpose(image, axes=(1, 0, 2)) elif image.ndim == 2: im = image.T else: raise ValueError('Wrong dimensions of the input array') im = smoother(im, smooth=smooth, kernel=kernel) if vminfrac is not None and vmin is None: vmin = scipy.stats.scoreatpercentile(im[np.isfinite(im)], 100 * vminfrac) if vmaxfrac is not None and vmax is None: vmax = scipy.stats.scoreatpercentile(im[np.isfinite(im)], 100 * vmaxfrac) if vmin is not None and vmax is not None and vmin >= vmax: warnings.warn("vmin is >= vmax... Resetting their values", RuntimeWarning) vmin = None vmax = None if zlog: norm = matplotlib.colors.LogNorm(vmin=vmin, vmax=vmax) else: norm = matplotlib.colors.Normalize(vmin=vmin, vmax=vmax) if xflip: im = np.fliplr(im) if yflip: im = np.flipud(im) axim = plt.imshow(im, extent=(xmin, xmax, ymin, ymax), aspect=aspect, norm=norm, origin='lower', **kw) if xlog: plt.gca().set_xscale('log') if ylog: plt.gca().set_yscale('log') plt.gca().set_xlabel(xtitle) plt.gca().set_ylabel(ytitle) plt.gca().minorticks_on() if title is not None: plt.title(title) if bar: if int(''.join((matplotlib.__version__).split('.')[:2])) >= 11: kw = {'use_gridspec': True} else: kw = {} cb = plt.colorbar(fraction=bar_fraction, **kw) cb.set_label(bar_label) return axim def __parse_limit(val, x, oper=None): if isinstance(val, str): if val[0] == 'p': perc = float(val[1:]) return scipy.stats.scoreatpercentile(x[np.isfinite(x)], perc) else: raise ValueError('unsupported limit format %s' % (val)) if val is not None: return val else: return oper(x) @exceptionDecorator def tvhist2d(x, y, xmin=None, xmax=None, ymin=None, ymax=None, vmin=None, vmax=None, bins=[100, 100], xtitle="", ytitle="", title=None, noerase=False, weights=None, zlog=False, xflip=False, yflip=False, smooth=None, quick=True, cmap='gray_r', normx=None, normy=None, xlog=False, ylog=False, weight_norm=False, vminfrac=None, vmaxfrac=None, position=None, xaxis_formatter=None, yaxis_formatter=None, bar=False, bar_label='', bar_fraction=0.05, bar_pad=0.05, bar_ticks_locator=None, bar_formatter=None, apply_func=None, zsqrt=False, ret_hist=False, interpolation='nearest', scatter_thresh=None, scatter_opt={}, subplot=None, kernel='gau', statistic=None, **kw): """ Plot the 2D histogram of the data Example: >> tvhist2d(xs,ys,bins=[30,30]) >> tvhist2d(xs,ys,0,10,-1,2,bins=[30,30]) Keyword arguments: ----------------- xmin,xmax,ymin,ymax the ranges for x,y where the histogram is constructed. These params can be specified not only as keywords but also as normal arguments >> tvhist2d(xs,ys,xmin=0,ymin=10,ymin=-1,ymax=2,bins=[30,30]) >> tvhist2d(xs,ys,0,10,-1,2,bins=[30,30]) Also xmin,..ymax can be specified as percentiles as strings, i.e. >> tvhist2d(xs,ys,'p1','p99','p5','p95') for 1/99/5/95% respectively vmin,vmax the ranges of intensities shown on the plot bins the list of two integers specifying how many bins in x,y you want smooth if not None this parameter controls additional smoothing of the 2D histogram xflip, yflip boolean parameters allowing to flip x,y axes normx, normy params controlling the normalization of the histogram along X or Y axes if normx=='sum' then the normalization is done in such way that the sum is the same for each row/column if normx=='max' then the normalization is don in such way that the brightest pixel value will be the same for each row/column weight_norm if True the value in each bin is mean weight of points within the bin bar boolean parameter for switching on/off the plotting of the color-bar bar_pad, bar_fraction padding and fraction for bar placement bar_ticks_locator locator for the tickmarks on the colorbar """ x1 = listToArrFlat(x) y1 = listToArrFlat(y) xmin = __parse_limit(xmin, x1, np.nanmin) xmax = __parse_limit(xmax, x1, np.nanmax) ymin = __parse_limit(ymin, y1, np.nanmin) ymax = __parse_limit(ymax, y1, np.nanmax) plot_range = (xmin, xmax, ymin, ymax) hist_range = [[ymin, ymax], [xmin, xmax]] hist_range_ordered = [] hist_range_reverse = [] for i in range(2): left, right = hist_range[i] if left > right: hist_range_ordered.append([right, left]) hist_range_reverse.append(True) else: hist_range_ordered.append([left, right]) hist_range_reverse.append(False) binsRev = bins[::-1] if statistic is None: if not quick: hh, yedges, xedges = scipy.histogram2d(y1, x1, range=hist_range_ordered, bins=binsRev, weights=weights) if weight_norm: hh1, yedges, xedges = scipy.histogram2d( y1, x1, range=hist_range_ordered, bins=binsRev, weights=None) hh = hh * 1. / hh1 else: import quick_hist hh = quick_hist.quick_hist((y1, x1), range=hist_range_ordered, nbins=binsRev, weights=weights) if weight_norm: hh1 = quick_hist.quick_hist((y1, x1), range=hist_range_ordered, nbins=binsRev) hh = hh * 1. / hh1 else: hh = scipy.stats.binned_statistic_2d(y1, x1, weights, statistic, range=hist_range_ordered, bins=binsRev).statistic # reverse some of the dimensions if the axis range is reverse slices = [] for i in range(2): if hist_range_reverse[i]: slices.append(slice(None, None, -1)) else: slices.append(slice(None, None, None)) hh = hh[tuple(slices)] if apply_func is not None: hh = apply_func(hh) hh = smoother(hh, smooth=smooth, kernel=kernel) if normx is not None: if normx == 'sum': hhs = hh.sum(axis=0) hhs = hhs + (hhs == 0) hh = hh * 1. / hhs[None, :] elif normx == 'max': hhs = np.max(hh, axis=0) hhs = hhs + (hhs == 0) hh = hh * 1. / hhs[None, :] elif normx == 'median': hhs = np.median(hh, axis=0) hhs = hhs + (hhs == 0) hh = hh * 1. / hhs[None, :] else: raise Exception('unknown normx mode') if normy is not None: if normy == 'sum': hhs = hh.sum(axis=1) hhs = hhs + (hhs == 0) hh = hh * 1. / hhs[:, None] elif normy == 'max': hhs = np.max(hh, axis=1) hhs = hhs + (hhs == 0) hh = hh * 1. / hhs[:, None] elif normy == 'median': hhs = np.median(hh, axis=1) hhs = hhs + (hhs == 0) hh = hh * 1. / hhs[:, None] else: raise Exception('unknown normy mode') if scatter_thresh is not None: locx = np.linspace(xmin, xmax, bins[0] + 1, True) locy = np.linspace(ymin, ymax, bins[1] + 1, True) posx = np.digitize(x1, locx) posy = np.digitize(y1, locy) # select points within the histogram ind = (posx > 0) & (posx <= bins[0]) & (posy > 0) & (posy <= bins[1]) hhsub = hh.T[posx[ind] - 1, posy[ind] - 1] # values of the histogram where the points are x1 = x1[ind][hhsub < scatter_thresh] # low density points y1 = y1[ind][hhsub < scatter_thresh] hh = hh.astype(np.float) hh[hh < scatter_thresh] = np.nan # fill the areas with low density by NaNs if xflip: plot_range = tuple(plot_range[_] for _ in [1, 0, 2, 3]) hh = np.fliplr(hh) if yflip: plot_range = tuple(plot_range[_] for _ in [0, 1, 3, 2]) hh = np.flipud(hh) if subplot is not None: noerase = True if hasattr(subplot, '__iter__'): plt.subplot(*subplot) else: plt.subplot(subplot) if not noerase: plt.gcf().clf() if position is not None: mypos = position[:] mypos[2] = position[2] - position[0] mypos[3] = position[3] - position[1] plt.axes(mypos) axis = plt.gca() axis.set_xlabel(xtitle) axis.set_ylabel(ytitle) axis.minorticks_on() if xaxis_formatter is not None: axis.xaxis.set_major_formatter(xaxis_formatter) if yaxis_formatter is not None: axis.yaxis.set_major_formatter(yaxis_formatter) if vminfrac is not None and vmin is None: vmin = scipy.stats.scoreatpercentile(hh[np.isfinite(hh)], 100 * vminfrac) if vmaxfrac is not None and vmax is None: vmax = scipy.stats.scoreatpercentile(hh[np.isfinite(hh)], 100 * vmaxfrac) if vmin is not None and vmax is not None and vmin >= vmax: warnings.warn("vmin is >= vmax... Resetting their values", RuntimeWarning) vmin = None vmax = None if zlog: norm = matplotlib.colors.LogNorm(vmin=vmin, vmax=vmax) elif zsqrt: norm = matplotlib.colors.SqrtNorm(vmin=vmin, vmax=vmax) else: norm = matplotlib.colors.Normalize(vmin=vmin, vmax=vmax) axim = plt.imshow(hh, extent=plot_range, aspect='auto', interpolation=interpolation, cmap=cmap, norm=norm, origin='lower', **kw) if scatter_thresh is not None: if 'ps' not in scatter_opt: scatter_opt = copy.copy(scatter_opt) scatter_opt['ps'] = 3 oplot(x1, y1, **scatter_opt) if bar: if bar_formatter is None: bar_formatter = matplotlib.ticker.ScalarFormatter() if int(''.join((matplotlib.__version__).split('.')[:2])) >= 11: kw = {'use_gridspec': True} else: kw = {} cb = plt.colorbar(fraction=bar_fraction, pad=bar_pad, ax=axis, format=bar_formatter, ticks=bar_ticks_locator, **kw) cb.set_label(bar_label) if xlog: plt.gca().set_xscale('log') if ylog: plt.gca().set_yscale('log') if title is not None: plt.title(title) if ret_hist: return hh return axim @exceptionDecorator def contour(z, x=None, y=None, xrange=None, yrange=None, zrange=None, xr=None, yr=None, zr=None, title=None, xtitle=None, ytitle=None, position=None, xlog=False, ylog=False, zlog=False, xticklabel=None, yticklabel=None, zticklabel=None, levels=None, nlevels=256, c_color="black", cm="jet", c_line="solid", c_levels=None, c_charsize=12.0, c_thick=1, thick=1, font="monospace", weight="normal", charsize=14.0, bar=True, fill=True, overplot=False, noerase=False, c_label=False, bar_fraction=0.05, xaxis_formatter=None, label=None, yaxis_formatter=None): """ Plot the contours of the 2d array. Example: >> contour(z) if you have the x and y coordinates of your array then you can use them >> contour(z, x, y) In that case x,y can be either 2D arrays with the same shape as z, or 1D arrays with the appropriate dimensions. Keyword arguments: ----------------- xr, xrange, yr, yrange plot ranges for x and y fill boolean parameter controlling whether to fill area between contours or not bar boolean parameter for plotting of the color-bar overplot boolean parameter for overplotting nlevels integer number of number of contours c_label boolean parameter for labeling or not-labeling each contour with its value """ # Initialize x and y if these are not provided: if x is None or y is None: if z.ndim != 2: raise Exception("The 2D array is required") x, y = np.mgrid[0:z.shape[0], 0:z.shape[1]] else: if x.ndim == 1: x_new = x[:, np.newaxis] * (y * 0 + 1) else: x_new = x if y.ndim == 1: y_new = ((x * 0 + 1) * y[:, np.newaxis]).transpose() else: y_new = y x = x_new y = y_new # Define position of this plot: if not noerase and not overplot: plt.gcf().clf() if position is not None: mypos = position[:] mypos[2] = position[2] - position[0] mypos[3] = position[3] - position[1] plt.axes(mypos) axis = plt.gca() # Rescaling of the axes: if xlog: axis.set_xscale('log') if ylog: axis.set_yscale('log') if zlog: z = np.log10(z) # Setup axis ranges: if xr is not None: xrange = xr if yr is not None: yrange = yr if zr is not None: zrange = zr xrange = xrange or [x.min(), x.max()] yrange = yrange or [y.min(), y.max()] zrange = zrange or [z.min(), z.max()] # Setup levels for contour plot: if levels is None: zmin = zrange[0] zmax = zrange[1] levels = np.linspace(zmin, zmax, nlevels) # Setup frame thickness: # axis.frame.set_linewidth(thick) # Setup x-, y-titles and the main title: if xtitle is not None: axis.set_xlabel(xtitle) if ytitle is not None: axis.set_ylabel(ytitle) if title is not None: plt.title(title) # Assume autoscale is off: axis.set_autoscale_on(False) # Setup format of the major ticks: if xticklabel is not None: xFormatter = matplotlib.ticker.FormatStrFormatter(xticklabel) axis.xaxis.set_major_formatter(xFormatter) if yticklabel is not None: yFormatter = matplotlib.ticker.FormatStrFormatter(yticklabel) axis.yaxis.set_major_formatter(yFormatter) if xaxis_formatter is not None: axis.xaxis.set_major_formatter(xaxis_formatter) if yaxis_formatter is not None: axis.yaxis.set_major_formatter(yaxis_formatter) if not overplot: plt.gca().minorticks_on() # Make a filled contour plot: if fill: cset1 = axis.contourf(x, y, z, levels, cmap=plt.cm.get_cmap(cm, nlevels)) # Add contour lines: if c_levels is None: c_levels = levels # [0:len(levels):int(nlevels/12)] cset2 = axis.contour(x, y, z, c_levels, colors=c_color, linewidths=c_thick, hold='on') if label is not None: cset2.collections[0].set_label(label) # Do not display dashed contours for negative values: for c in cset2.collections: c.set_linestyle(c_line) # Add value labels on contour lines: if zticklabel is not None: zFormatter = matplotlib.ticker.FormatStrFormatter(zticklabel) else: zFormatter = None if c_label: if zticklabel is not None: args = {'fmt': zticklabel} else: args = {} axis.clabel(cset2, c_levels, inline=1, fontsize=c_charsize, **args) # Do we need a color bar?: if fill & bar: # matplotlib.rcParams['ytick.labelsize']=c_charsize if int(''.join((matplotlib.__version__).split('.')[:2])) >= 11: kw = {'use_gridspec': True} else: kw = {} plt.colorbar(cset1, ticks=[np.min(levels), np.max(levels)], fraction=bar_fraction, format=zFormatter, **kw)
gpl-3.0
dhruv13J/scikit-learn
sklearn/neighbors/approximate.py
127
22351
"""Approximate nearest neighbor search""" # Author: Maheshakya Wijewardena <maheshakya.10@cse.mrt.ac.lk> # Joel Nothman <joel.nothman@gmail.com> import numpy as np import warnings from scipy import sparse from .base import KNeighborsMixin, RadiusNeighborsMixin from ..base import BaseEstimator from ..utils.validation import check_array from ..utils import check_random_state from ..metrics.pairwise import pairwise_distances from ..random_projection import GaussianRandomProjection __all__ = ["LSHForest"] HASH_DTYPE = '>u4' MAX_HASH_SIZE = np.dtype(HASH_DTYPE).itemsize * 8 def _find_matching_indices(tree, bin_X, left_mask, right_mask): """Finds indices in sorted array of integers. Most significant h bits in the binary representations of the integers are matched with the items' most significant h bits. """ left_index = np.searchsorted(tree, bin_X & left_mask) right_index = np.searchsorted(tree, bin_X | right_mask, side='right') return left_index, right_index def _find_longest_prefix_match(tree, bin_X, hash_size, left_masks, right_masks): """Find the longest prefix match in tree for each query in bin_X Most significant bits are considered as the prefix. """ hi = np.empty_like(bin_X, dtype=np.intp) hi.fill(hash_size) lo = np.zeros_like(bin_X, dtype=np.intp) res = np.empty_like(bin_X, dtype=np.intp) left_idx, right_idx = _find_matching_indices(tree, bin_X, left_masks[hi], right_masks[hi]) found = right_idx > left_idx res[found] = lo[found] = hash_size r = np.arange(bin_X.shape[0]) kept = r[lo < hi] # indices remaining in bin_X mask while kept.shape[0]: mid = (lo.take(kept) + hi.take(kept)) // 2 left_idx, right_idx = _find_matching_indices(tree, bin_X.take(kept), left_masks[mid], right_masks[mid]) found = right_idx > left_idx mid_found = mid[found] lo[kept[found]] = mid_found + 1 res[kept[found]] = mid_found hi[kept[~found]] = mid[~found] kept = r[lo < hi] return res class ProjectionToHashMixin(object): """Turn a transformed real-valued array into a hash""" @staticmethod def _to_hash(projected): if projected.shape[1] % 8 != 0: raise ValueError('Require reduced dimensionality to be a multiple ' 'of 8 for hashing') # XXX: perhaps non-copying operation better out = np.packbits((projected > 0).astype(int)).view(dtype=HASH_DTYPE) return out.reshape(projected.shape[0], -1) def fit_transform(self, X, y=None): self.fit(X) return self.transform(X) def transform(self, X, y=None): return self._to_hash(super(ProjectionToHashMixin, self).transform(X)) class GaussianRandomProjectionHash(ProjectionToHashMixin, GaussianRandomProjection): """Use GaussianRandomProjection to produce a cosine LSH fingerprint""" def __init__(self, n_components=8, random_state=None): super(GaussianRandomProjectionHash, self).__init__( n_components=n_components, random_state=random_state) def _array_of_arrays(list_of_arrays): """Creates an array of array from list of arrays.""" out = np.empty(len(list_of_arrays), dtype=object) out[:] = list_of_arrays return out class LSHForest(BaseEstimator, KNeighborsMixin, RadiusNeighborsMixin): """Performs approximate nearest neighbor search using LSH forest. LSH Forest: Locality Sensitive Hashing forest [1] is an alternative method for vanilla approximate nearest neighbor search methods. LSH forest data structure has been implemented using sorted arrays and binary search and 32 bit fixed-length hashes. Random projection is used as the hash family which approximates cosine distance. The cosine distance is defined as ``1 - cosine_similarity``: the lowest value is 0 (identical point) but it is bounded above by 2 for the farthest points. Its value does not depend on the norm of the vector points but only on their relative angles. Read more in the :ref:`User Guide <approximate_nearest_neighbors>`. Parameters ---------- n_estimators : int (default = 10) Number of trees in the LSH Forest. min_hash_match : int (default = 4) lowest hash length to be searched when candidate selection is performed for nearest neighbors. n_candidates : int (default = 10) Minimum number of candidates evaluated per estimator, assuming enough items meet the `min_hash_match` constraint. n_neighbors : int (default = 5) Number of neighbors to be returned from query function when it is not provided to the :meth:`kneighbors` method. radius : float, optinal (default = 1.0) Radius from the data point to its neighbors. This is the parameter space to use by default for the :meth`radius_neighbors` queries. radius_cutoff_ratio : float, optional (default = 0.9) A value ranges from 0 to 1. Radius neighbors will be searched until the ratio between total neighbors within the radius and the total candidates becomes less than this value unless it is terminated by hash length reaching `min_hash_match`. random_state : int, RandomState instance or None, optional (default=None) If int, random_state is the seed used by the random number generator; If RandomState instance, random_state is the random number generator; If None, the random number generator is the RandomState instance used by `np.random`. Attributes ---------- hash_functions_ : list of GaussianRandomProjectionHash objects Hash function g(p,x) for a tree is an array of 32 randomly generated float arrays with the same dimenstion as the data set. This array is stored in GaussianRandomProjectionHash object and can be obtained from ``components_`` attribute. trees_ : array, shape (n_estimators, n_samples) Each tree (corresponding to a hash function) contains an array of sorted hashed values. The array representation may change in future versions. original_indices_ : array, shape (n_estimators, n_samples) Original indices of sorted hashed values in the fitted index. References ---------- .. [1] M. Bawa, T. Condie and P. Ganesan, "LSH Forest: Self-Tuning Indexes for Similarity Search", WWW '05 Proceedings of the 14th international conference on World Wide Web, 651-660, 2005. Examples -------- >>> from sklearn.neighbors import LSHForest >>> X_train = [[5, 5, 2], [21, 5, 5], [1, 1, 1], [8, 9, 1], [6, 10, 2]] >>> X_test = [[9, 1, 6], [3, 1, 10], [7, 10, 3]] >>> lshf = LSHForest() >>> lshf.fit(X_train) # doctest: +NORMALIZE_WHITESPACE LSHForest(min_hash_match=4, n_candidates=50, n_estimators=10, n_neighbors=5, radius=1.0, radius_cutoff_ratio=0.9, random_state=None) >>> distances, indices = lshf.kneighbors(X_test, n_neighbors=2) >>> distances # doctest: +ELLIPSIS array([[ 0.069..., 0.149...], [ 0.229..., 0.481...], [ 0.004..., 0.014...]]) >>> indices array([[1, 2], [2, 0], [4, 0]]) """ def __init__(self, n_estimators=10, radius=1.0, n_candidates=50, n_neighbors=5, min_hash_match=4, radius_cutoff_ratio=.9, random_state=None): self.n_estimators = n_estimators self.radius = radius self.random_state = random_state self.n_candidates = n_candidates self.n_neighbors = n_neighbors self.min_hash_match = min_hash_match self.radius_cutoff_ratio = radius_cutoff_ratio def _compute_distances(self, query, candidates): """Computes the cosine distance. Distance is from the query to points in the candidates array. Returns argsort of distances in the candidates array and sorted distances. """ if candidates.shape == (0,): # needed since _fit_X[np.array([])] doesn't work if _fit_X sparse return np.empty(0, dtype=np.int), np.empty(0, dtype=float) if sparse.issparse(self._fit_X): candidate_X = self._fit_X[candidates] else: candidate_X = self._fit_X.take(candidates, axis=0, mode='clip') distances = pairwise_distances(query, candidate_X, metric='cosine')[0] distance_positions = np.argsort(distances) distances = distances.take(distance_positions, mode='clip', axis=0) return distance_positions, distances def _generate_masks(self): """Creates left and right masks for all hash lengths.""" tri_size = MAX_HASH_SIZE + 1 # Called once on fitting, output is independent of hashes left_mask = np.tril(np.ones((tri_size, tri_size), dtype=int))[:, 1:] right_mask = left_mask[::-1, ::-1] self._left_mask = np.packbits(left_mask).view(dtype=HASH_DTYPE) self._right_mask = np.packbits(right_mask).view(dtype=HASH_DTYPE) def _get_candidates(self, query, max_depth, bin_queries, n_neighbors): """Performs the Synchronous ascending phase. Returns an array of candidates, their distance ranks and distances. """ index_size = self._fit_X.shape[0] # Number of candidates considered including duplicates # XXX: not sure whether this is being calculated correctly wrt # duplicates from different iterations through a single tree n_candidates = 0 candidate_set = set() min_candidates = self.n_candidates * self.n_estimators while (max_depth > self.min_hash_match and (n_candidates < min_candidates or len(candidate_set) < n_neighbors)): left_mask = self._left_mask[max_depth] right_mask = self._right_mask[max_depth] for i in range(self.n_estimators): start, stop = _find_matching_indices(self.trees_[i], bin_queries[i], left_mask, right_mask) n_candidates += stop - start candidate_set.update( self.original_indices_[i][start:stop].tolist()) max_depth -= 1 candidates = np.fromiter(candidate_set, count=len(candidate_set), dtype=np.intp) # For insufficient candidates, candidates are filled. # Candidates are filled from unselected indices uniformly. if candidates.shape[0] < n_neighbors: warnings.warn( "Number of candidates is not sufficient to retrieve" " %i neighbors with" " min_hash_match = %i. Candidates are filled up" " uniformly from unselected" " indices." % (n_neighbors, self.min_hash_match)) remaining = np.setdiff1d(np.arange(0, index_size), candidates) to_fill = n_neighbors - candidates.shape[0] candidates = np.concatenate((candidates, remaining[:to_fill])) ranks, distances = self._compute_distances(query, candidates.astype(int)) return (candidates[ranks[:n_neighbors]], distances[:n_neighbors]) def _get_radius_neighbors(self, query, max_depth, bin_queries, radius): """Finds radius neighbors from the candidates obtained. Their distances from query are smaller than radius. Returns radius neighbors and distances. """ ratio_within_radius = 1 threshold = 1 - self.radius_cutoff_ratio total_candidates = np.array([], dtype=int) total_neighbors = np.array([], dtype=int) total_distances = np.array([], dtype=float) while (max_depth > self.min_hash_match and ratio_within_radius > threshold): left_mask = self._left_mask[max_depth] right_mask = self._right_mask[max_depth] candidates = [] for i in range(self.n_estimators): start, stop = _find_matching_indices(self.trees_[i], bin_queries[i], left_mask, right_mask) candidates.extend( self.original_indices_[i][start:stop].tolist()) candidates = np.setdiff1d(candidates, total_candidates) total_candidates = np.append(total_candidates, candidates) ranks, distances = self._compute_distances(query, candidates) m = np.searchsorted(distances, radius, side='right') positions = np.searchsorted(total_distances, distances[:m]) total_neighbors = np.insert(total_neighbors, positions, candidates[ranks[:m]]) total_distances = np.insert(total_distances, positions, distances[:m]) ratio_within_radius = (total_neighbors.shape[0] / float(total_candidates.shape[0])) max_depth = max_depth - 1 return total_neighbors, total_distances def fit(self, X, y=None): """Fit the LSH forest on the data. This creates binary hashes of input data points by getting the dot product of input points and hash_function then transforming the projection into a binary string array based on the sign (positive/negative) of the projection. A sorted array of binary hashes is created. Parameters ---------- X : array_like or sparse (CSR) matrix, shape (n_samples, n_features) List of n_features-dimensional data points. Each row corresponds to a single data point. Returns ------- self : object Returns self. """ self._fit_X = check_array(X, accept_sparse='csr') # Creates a g(p,x) for each tree self.hash_functions_ = [] self.trees_ = [] self.original_indices_ = [] rng = check_random_state(self.random_state) int_max = np.iinfo(np.int32).max for i in range(self.n_estimators): # This is g(p,x) for a particular tree. # Builds a single tree. Hashing is done on an array of data points. # `GaussianRandomProjection` is used for hashing. # `n_components=hash size and n_features=n_dim. hasher = GaussianRandomProjectionHash(MAX_HASH_SIZE, rng.randint(0, int_max)) hashes = hasher.fit_transform(self._fit_X)[:, 0] original_index = np.argsort(hashes) bin_hashes = hashes[original_index] self.original_indices_.append(original_index) self.trees_.append(bin_hashes) self.hash_functions_.append(hasher) self._generate_masks() return self def _query(self, X): """Performs descending phase to find maximum depth.""" # Calculate hashes of shape (n_samples, n_estimators, [hash_size]) bin_queries = np.asarray([hasher.transform(X)[:, 0] for hasher in self.hash_functions_]) bin_queries = np.rollaxis(bin_queries, 1) # descend phase depths = [_find_longest_prefix_match(tree, tree_queries, MAX_HASH_SIZE, self._left_mask, self._right_mask) for tree, tree_queries in zip(self.trees_, np.rollaxis(bin_queries, 1))] return bin_queries, np.max(depths, axis=0) def kneighbors(self, X, n_neighbors=None, return_distance=True): """Returns n_neighbors of approximate nearest neighbors. Parameters ---------- X : array_like or sparse (CSR) matrix, shape (n_samples, n_features) List of n_features-dimensional data points. Each row corresponds to a single query. n_neighbors : int, opitonal (default = None) Number of neighbors required. If not provided, this will return the number specified at the initialization. return_distance : boolean, optional (default = False) Returns the distances of neighbors if set to True. Returns ------- dist : array, shape (n_samples, n_neighbors) Array representing the cosine distances to each point, only present if return_distance=True. ind : array, shape (n_samples, n_neighbors) Indices of the approximate nearest points in the population matrix. """ if not hasattr(self, 'hash_functions_'): raise ValueError("estimator should be fitted.") if n_neighbors is None: n_neighbors = self.n_neighbors X = check_array(X, accept_sparse='csr') neighbors, distances = [], [] bin_queries, max_depth = self._query(X) for i in range(X.shape[0]): neighs, dists = self._get_candidates(X[i], max_depth[i], bin_queries[i], n_neighbors) neighbors.append(neighs) distances.append(dists) if return_distance: return np.array(distances), np.array(neighbors) else: return np.array(neighbors) def radius_neighbors(self, X, radius=None, return_distance=True): """Finds the neighbors within a given radius of a point or points. Return the indices and distances of some points from the dataset lying in a ball with size ``radius`` around the points of the query array. Points lying on the boundary are included in the results. The result points are *not* necessarily sorted by distance to their query point. LSH Forest being an approximate method, some true neighbors from the indexed dataset might be missing from the results. Parameters ---------- X : array_like or sparse (CSR) matrix, shape (n_samples, n_features) List of n_features-dimensional data points. Each row corresponds to a single query. radius : float Limiting distance of neighbors to return. (default is the value passed to the constructor). return_distance : boolean, optional (default = False) Returns the distances of neighbors if set to True. Returns ------- dist : array, shape (n_samples,) of arrays Each element is an array representing the cosine distances to some points found within ``radius`` of the respective query. Only present if ``return_distance=True``. ind : array, shape (n_samples,) of arrays Each element is an array of indices for neighbors within ``radius`` of the respective query. """ if not hasattr(self, 'hash_functions_'): raise ValueError("estimator should be fitted.") if radius is None: radius = self.radius X = check_array(X, accept_sparse='csr') neighbors, distances = [], [] bin_queries, max_depth = self._query(X) for i in range(X.shape[0]): neighs, dists = self._get_radius_neighbors(X[i], max_depth[i], bin_queries[i], radius) neighbors.append(neighs) distances.append(dists) if return_distance: return _array_of_arrays(distances), _array_of_arrays(neighbors) else: return _array_of_arrays(neighbors) def partial_fit(self, X, y=None): """ Inserts new data into the already fitted LSH Forest. Cost is proportional to new total size, so additions should be batched. Parameters ---------- X : array_like or sparse (CSR) matrix, shape (n_samples, n_features) New data point to be inserted into the LSH Forest. """ X = check_array(X, accept_sparse='csr') if not hasattr(self, 'hash_functions_'): return self.fit(X) if X.shape[1] != self._fit_X.shape[1]: raise ValueError("Number of features in X and" " fitted array does not match.") n_samples = X.shape[0] n_indexed = self._fit_X.shape[0] for i in range(self.n_estimators): bin_X = self.hash_functions_[i].transform(X)[:, 0] # gets the position to be added in the tree. positions = self.trees_[i].searchsorted(bin_X) # adds the hashed value into the tree. self.trees_[i] = np.insert(self.trees_[i], positions, bin_X) # add the entry into the original_indices_. self.original_indices_[i] = np.insert(self.original_indices_[i], positions, np.arange(n_indexed, n_indexed + n_samples)) # adds the entry into the input_array. if sparse.issparse(X) or sparse.issparse(self._fit_X): self._fit_X = sparse.vstack((self._fit_X, X)) else: self._fit_X = np.row_stack((self._fit_X, X)) return self
bsd-3-clause
AnasGhrab/scikit-learn
examples/tree/plot_tree_regression.py
205
1476
""" =================================================================== Decision Tree Regression =================================================================== A 1D regression with decision tree. The :ref:`decision trees <tree>` is used to fit a sine curve with addition noisy observation. As a result, it learns local linear regressions approximating the sine curve. We can see that if the maximum depth of the tree (controlled by the `max_depth` parameter) is set too high, the decision trees learn too fine details of the training data and learn from the noise, i.e. they overfit. """ print(__doc__) # Import the necessary modules and libraries import numpy as np from sklearn.tree import DecisionTreeRegressor import matplotlib.pyplot as plt # Create a random dataset rng = np.random.RandomState(1) X = np.sort(5 * rng.rand(80, 1), axis=0) y = np.sin(X).ravel() y[::5] += 3 * (0.5 - rng.rand(16)) # Fit regression model regr_1 = DecisionTreeRegressor(max_depth=2) regr_2 = DecisionTreeRegressor(max_depth=5) regr_1.fit(X, y) regr_2.fit(X, y) # Predict X_test = np.arange(0.0, 5.0, 0.01)[:, np.newaxis] y_1 = regr_1.predict(X_test) y_2 = regr_2.predict(X_test) # Plot the results plt.figure() plt.scatter(X, y, c="k", label="data") plt.plot(X_test, y_1, c="g", label="max_depth=2", linewidth=2) plt.plot(X_test, y_2, c="r", label="max_depth=5", linewidth=2) plt.xlabel("data") plt.ylabel("target") plt.title("Decision Tree Regression") plt.legend() plt.show()
bsd-3-clause
rvraghav93/scikit-learn
sklearn/linear_model/tests/test_coordinate_descent.py
3
30153
# Authors: Olivier Grisel <olivier.grisel@ensta.org> # Alexandre Gramfort <alexandre.gramfort@inria.fr> # License: BSD 3 clause from sys import version_info import numpy as np from scipy import interpolate, sparse from copy import deepcopy from sklearn.datasets import load_boston from sklearn.exceptions import ConvergenceWarning from sklearn.utils.testing import assert_array_almost_equal from sklearn.utils.testing import assert_almost_equal from sklearn.utils.testing import assert_equal from sklearn.utils.testing import SkipTest from sklearn.utils.testing import assert_true from sklearn.utils.testing import assert_greater from sklearn.utils.testing import assert_raises from sklearn.utils.testing import assert_raises_regex from sklearn.utils.testing import assert_raise_message from sklearn.utils.testing import assert_warns from sklearn.utils.testing import assert_warns_message from sklearn.utils.testing import ignore_warnings from sklearn.utils.testing import assert_array_equal from sklearn.utils.testing import TempMemmap from sklearn.linear_model.coordinate_descent import Lasso, \ LassoCV, ElasticNet, ElasticNetCV, MultiTaskLasso, MultiTaskElasticNet, \ MultiTaskElasticNetCV, MultiTaskLassoCV, lasso_path, enet_path from sklearn.linear_model import LassoLarsCV, lars_path from sklearn.utils import check_array def test_lasso_zero(): # Check that the lasso can handle zero data without crashing X = [[0], [0], [0]] y = [0, 0, 0] clf = Lasso(alpha=0.1).fit(X, y) pred = clf.predict([[1], [2], [3]]) assert_array_almost_equal(clf.coef_, [0]) assert_array_almost_equal(pred, [0, 0, 0]) assert_almost_equal(clf.dual_gap_, 0) def test_lasso_toy(): # Test Lasso on a toy example for various values of alpha. # When validating this against glmnet notice that glmnet divides it # against nobs. X = [[-1], [0], [1]] Y = [-1, 0, 1] # just a straight line T = [[2], [3], [4]] # test sample clf = Lasso(alpha=1e-8) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [1]) assert_array_almost_equal(pred, [2, 3, 4]) assert_almost_equal(clf.dual_gap_, 0) clf = Lasso(alpha=0.1) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [.85]) assert_array_almost_equal(pred, [1.7, 2.55, 3.4]) assert_almost_equal(clf.dual_gap_, 0) clf = Lasso(alpha=0.5) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [.25]) assert_array_almost_equal(pred, [0.5, 0.75, 1.]) assert_almost_equal(clf.dual_gap_, 0) clf = Lasso(alpha=1) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [.0]) assert_array_almost_equal(pred, [0, 0, 0]) assert_almost_equal(clf.dual_gap_, 0) def test_enet_toy(): # Test ElasticNet for various parameters of alpha and l1_ratio. # Actually, the parameters alpha = 0 should not be allowed. However, # we test it as a border case. # ElasticNet is tested with and without precomputed Gram matrix X = np.array([[-1.], [0.], [1.]]) Y = [-1, 0, 1] # just a straight line T = [[2.], [3.], [4.]] # test sample # this should be the same as lasso clf = ElasticNet(alpha=1e-8, l1_ratio=1.0) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [1]) assert_array_almost_equal(pred, [2, 3, 4]) assert_almost_equal(clf.dual_gap_, 0) clf = ElasticNet(alpha=0.5, l1_ratio=0.3, max_iter=100, precompute=False) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [0.50819], decimal=3) assert_array_almost_equal(pred, [1.0163, 1.5245, 2.0327], decimal=3) assert_almost_equal(clf.dual_gap_, 0) clf.set_params(max_iter=100, precompute=True) clf.fit(X, Y) # with Gram pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [0.50819], decimal=3) assert_array_almost_equal(pred, [1.0163, 1.5245, 2.0327], decimal=3) assert_almost_equal(clf.dual_gap_, 0) clf.set_params(max_iter=100, precompute=np.dot(X.T, X)) clf.fit(X, Y) # with Gram pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [0.50819], decimal=3) assert_array_almost_equal(pred, [1.0163, 1.5245, 2.0327], decimal=3) assert_almost_equal(clf.dual_gap_, 0) clf = ElasticNet(alpha=0.5, l1_ratio=0.5) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [0.45454], 3) assert_array_almost_equal(pred, [0.9090, 1.3636, 1.8181], 3) assert_almost_equal(clf.dual_gap_, 0) def build_dataset(n_samples=50, n_features=200, n_informative_features=10, n_targets=1): """ build an ill-posed linear regression problem with many noisy features and comparatively few samples """ random_state = np.random.RandomState(0) if n_targets > 1: w = random_state.randn(n_features, n_targets) else: w = random_state.randn(n_features) w[n_informative_features:] = 0.0 X = random_state.randn(n_samples, n_features) y = np.dot(X, w) X_test = random_state.randn(n_samples, n_features) y_test = np.dot(X_test, w) return X, y, X_test, y_test def test_lasso_cv(): X, y, X_test, y_test = build_dataset() max_iter = 150 clf = LassoCV(n_alphas=10, eps=1e-3, max_iter=max_iter).fit(X, y) assert_almost_equal(clf.alpha_, 0.056, 2) clf = LassoCV(n_alphas=10, eps=1e-3, max_iter=max_iter, precompute=True) clf.fit(X, y) assert_almost_equal(clf.alpha_, 0.056, 2) # Check that the lars and the coordinate descent implementation # select a similar alpha lars = LassoLarsCV(normalize=False, max_iter=30).fit(X, y) # for this we check that they don't fall in the grid of # clf.alphas further than 1 assert_true(np.abs( np.searchsorted(clf.alphas_[::-1], lars.alpha_) - np.searchsorted(clf.alphas_[::-1], clf.alpha_)) <= 1) # check that they also give a similar MSE mse_lars = interpolate.interp1d(lars.cv_alphas_, lars.mse_path_.T) np.testing.assert_approx_equal(mse_lars(clf.alphas_[5]).mean(), clf.mse_path_[5].mean(), significant=2) # test set assert_greater(clf.score(X_test, y_test), 0.99) def test_lasso_cv_with_some_model_selection(): from sklearn.pipeline import make_pipeline from sklearn.preprocessing import StandardScaler from sklearn.model_selection import StratifiedKFold from sklearn import datasets from sklearn.linear_model import LassoCV diabetes = datasets.load_diabetes() X = diabetes.data y = diabetes.target pipe = make_pipeline( StandardScaler(), LassoCV(cv=StratifiedKFold(n_splits=5)) ) pipe.fit(X, y) def test_lasso_cv_positive_constraint(): X, y, X_test, y_test = build_dataset() max_iter = 500 # Ensure the unconstrained fit has a negative coefficient clf_unconstrained = LassoCV(n_alphas=3, eps=1e-1, max_iter=max_iter, cv=2, n_jobs=1) clf_unconstrained.fit(X, y) assert_true(min(clf_unconstrained.coef_) < 0) # On same data, constrained fit has non-negative coefficients clf_constrained = LassoCV(n_alphas=3, eps=1e-1, max_iter=max_iter, positive=True, cv=2, n_jobs=1) clf_constrained.fit(X, y) assert_true(min(clf_constrained.coef_) >= 0) def test_lasso_path_return_models_vs_new_return_gives_same_coefficients(): # Test that lasso_path with lars_path style output gives the # same result # Some toy data X = np.array([[1, 2, 3.1], [2.3, 5.4, 4.3]]).T y = np.array([1, 2, 3.1]) alphas = [5., 1., .5] # Use lars_path and lasso_path(new output) with 1D linear interpolation # to compute the same path alphas_lars, _, coef_path_lars = lars_path(X, y, method='lasso') coef_path_cont_lars = interpolate.interp1d(alphas_lars[::-1], coef_path_lars[:, ::-1]) alphas_lasso2, coef_path_lasso2, _ = lasso_path(X, y, alphas=alphas, return_models=False) coef_path_cont_lasso = interpolate.interp1d(alphas_lasso2[::-1], coef_path_lasso2[:, ::-1]) assert_array_almost_equal( coef_path_cont_lasso(alphas), coef_path_cont_lars(alphas), decimal=1) def test_enet_path(): # We use a large number of samples and of informative features so that # the l1_ratio selected is more toward ridge than lasso X, y, X_test, y_test = build_dataset(n_samples=200, n_features=100, n_informative_features=100) max_iter = 150 # Here we have a small number of iterations, and thus the # ElasticNet might not converge. This is to speed up tests clf = ElasticNetCV(alphas=[0.01, 0.05, 0.1], eps=2e-3, l1_ratio=[0.5, 0.7], cv=3, max_iter=max_iter) ignore_warnings(clf.fit)(X, y) # Well-conditioned settings, we should have selected our # smallest penalty assert_almost_equal(clf.alpha_, min(clf.alphas_)) # Non-sparse ground truth: we should have selected an elastic-net # that is closer to ridge than to lasso assert_equal(clf.l1_ratio_, min(clf.l1_ratio)) clf = ElasticNetCV(alphas=[0.01, 0.05, 0.1], eps=2e-3, l1_ratio=[0.5, 0.7], cv=3, max_iter=max_iter, precompute=True) ignore_warnings(clf.fit)(X, y) # Well-conditioned settings, we should have selected our # smallest penalty assert_almost_equal(clf.alpha_, min(clf.alphas_)) # Non-sparse ground truth: we should have selected an elastic-net # that is closer to ridge than to lasso assert_equal(clf.l1_ratio_, min(clf.l1_ratio)) # We are in well-conditioned settings with low noise: we should # have a good test-set performance assert_greater(clf.score(X_test, y_test), 0.99) # Multi-output/target case X, y, X_test, y_test = build_dataset(n_features=10, n_targets=3) clf = MultiTaskElasticNetCV(n_alphas=5, eps=2e-3, l1_ratio=[0.5, 0.7], cv=3, max_iter=max_iter) ignore_warnings(clf.fit)(X, y) # We are in well-conditioned settings with low noise: we should # have a good test-set performance assert_greater(clf.score(X_test, y_test), 0.99) assert_equal(clf.coef_.shape, (3, 10)) # Mono-output should have same cross-validated alpha_ and l1_ratio_ # in both cases. X, y, _, _ = build_dataset(n_features=10) clf1 = ElasticNetCV(n_alphas=5, eps=2e-3, l1_ratio=[0.5, 0.7]) clf1.fit(X, y) clf2 = MultiTaskElasticNetCV(n_alphas=5, eps=2e-3, l1_ratio=[0.5, 0.7]) clf2.fit(X, y[:, np.newaxis]) assert_almost_equal(clf1.l1_ratio_, clf2.l1_ratio_) assert_almost_equal(clf1.alpha_, clf2.alpha_) def test_path_parameters(): X, y, _, _ = build_dataset() max_iter = 100 clf = ElasticNetCV(n_alphas=50, eps=1e-3, max_iter=max_iter, l1_ratio=0.5, tol=1e-3) clf.fit(X, y) # new params assert_almost_equal(0.5, clf.l1_ratio) assert_equal(50, clf.n_alphas) assert_equal(50, len(clf.alphas_)) def test_warm_start(): X, y, _, _ = build_dataset() clf = ElasticNet(alpha=0.1, max_iter=5, warm_start=True) ignore_warnings(clf.fit)(X, y) ignore_warnings(clf.fit)(X, y) # do a second round with 5 iterations clf2 = ElasticNet(alpha=0.1, max_iter=10) ignore_warnings(clf2.fit)(X, y) assert_array_almost_equal(clf2.coef_, clf.coef_) def test_lasso_alpha_warning(): X = [[-1], [0], [1]] Y = [-1, 0, 1] # just a straight line clf = Lasso(alpha=0) assert_warns(UserWarning, clf.fit, X, Y) def test_lasso_positive_constraint(): X = [[-1], [0], [1]] y = [1, 0, -1] # just a straight line with negative slope lasso = Lasso(alpha=0.1, max_iter=1000, positive=True) lasso.fit(X, y) assert_true(min(lasso.coef_) >= 0) lasso = Lasso(alpha=0.1, max_iter=1000, precompute=True, positive=True) lasso.fit(X, y) assert_true(min(lasso.coef_) >= 0) def test_enet_positive_constraint(): X = [[-1], [0], [1]] y = [1, 0, -1] # just a straight line with negative slope enet = ElasticNet(alpha=0.1, max_iter=1000, positive=True) enet.fit(X, y) assert_true(min(enet.coef_) >= 0) def test_enet_cv_positive_constraint(): X, y, X_test, y_test = build_dataset() max_iter = 500 # Ensure the unconstrained fit has a negative coefficient enetcv_unconstrained = ElasticNetCV(n_alphas=3, eps=1e-1, max_iter=max_iter, cv=2, n_jobs=1) enetcv_unconstrained.fit(X, y) assert_true(min(enetcv_unconstrained.coef_) < 0) # On same data, constrained fit has non-negative coefficients enetcv_constrained = ElasticNetCV(n_alphas=3, eps=1e-1, max_iter=max_iter, cv=2, positive=True, n_jobs=1) enetcv_constrained.fit(X, y) assert_true(min(enetcv_constrained.coef_) >= 0) def test_uniform_targets(): enet = ElasticNetCV(fit_intercept=True, n_alphas=3) m_enet = MultiTaskElasticNetCV(fit_intercept=True, n_alphas=3) lasso = LassoCV(fit_intercept=True, n_alphas=3) m_lasso = MultiTaskLassoCV(fit_intercept=True, n_alphas=3) models_single_task = (enet, lasso) models_multi_task = (m_enet, m_lasso) rng = np.random.RandomState(0) X_train = rng.random_sample(size=(10, 3)) X_test = rng.random_sample(size=(10, 3)) y1 = np.empty(10) y2 = np.empty((10, 2)) for model in models_single_task: for y_values in (0, 5): y1.fill(y_values) assert_array_equal(model.fit(X_train, y1).predict(X_test), y1) assert_array_equal(model.alphas_, [np.finfo(float).resolution]*3) for model in models_multi_task: for y_values in (0, 5): y2[:, 0].fill(y_values) y2[:, 1].fill(2 * y_values) assert_array_equal(model.fit(X_train, y2).predict(X_test), y2) assert_array_equal(model.alphas_, [np.finfo(float).resolution]*3) def test_multi_task_lasso_and_enet(): X, y, X_test, y_test = build_dataset() Y = np.c_[y, y] # Y_test = np.c_[y_test, y_test] clf = MultiTaskLasso(alpha=1, tol=1e-8).fit(X, Y) assert_true(0 < clf.dual_gap_ < 1e-5) assert_array_almost_equal(clf.coef_[0], clf.coef_[1]) clf = MultiTaskElasticNet(alpha=1, tol=1e-8).fit(X, Y) assert_true(0 < clf.dual_gap_ < 1e-5) assert_array_almost_equal(clf.coef_[0], clf.coef_[1]) clf = MultiTaskElasticNet(alpha=1.0, tol=1e-8, max_iter=1) assert_warns_message(ConvergenceWarning, 'did not converge', clf.fit, X, Y) def test_lasso_readonly_data(): X = np.array([[-1], [0], [1]]) Y = np.array([-1, 0, 1]) # just a straight line T = np.array([[2], [3], [4]]) # test sample with TempMemmap((X, Y)) as (X, Y): clf = Lasso(alpha=0.5) clf.fit(X, Y) pred = clf.predict(T) assert_array_almost_equal(clf.coef_, [.25]) assert_array_almost_equal(pred, [0.5, 0.75, 1.]) assert_almost_equal(clf.dual_gap_, 0) def test_multi_task_lasso_readonly_data(): X, y, X_test, y_test = build_dataset() Y = np.c_[y, y] with TempMemmap((X, Y)) as (X, Y): Y = np.c_[y, y] clf = MultiTaskLasso(alpha=1, tol=1e-8).fit(X, Y) assert_true(0 < clf.dual_gap_ < 1e-5) assert_array_almost_equal(clf.coef_[0], clf.coef_[1]) def test_enet_multitarget(): n_targets = 3 X, y, _, _ = build_dataset(n_samples=10, n_features=8, n_informative_features=10, n_targets=n_targets) estimator = ElasticNet(alpha=0.01, fit_intercept=True) estimator.fit(X, y) coef, intercept, dual_gap = (estimator.coef_, estimator.intercept_, estimator.dual_gap_) for k in range(n_targets): estimator.fit(X, y[:, k]) assert_array_almost_equal(coef[k, :], estimator.coef_) assert_array_almost_equal(intercept[k], estimator.intercept_) assert_array_almost_equal(dual_gap[k], estimator.dual_gap_) def test_multioutput_enetcv_error(): rng = np.random.RandomState(0) X = rng.randn(10, 2) y = rng.randn(10, 2) clf = ElasticNetCV() assert_raises(ValueError, clf.fit, X, y) def test_multitask_enet_and_lasso_cv(): X, y, _, _ = build_dataset(n_features=50, n_targets=3) clf = MultiTaskElasticNetCV().fit(X, y) assert_almost_equal(clf.alpha_, 0.00556, 3) clf = MultiTaskLassoCV().fit(X, y) assert_almost_equal(clf.alpha_, 0.00278, 3) X, y, _, _ = build_dataset(n_targets=3) clf = MultiTaskElasticNetCV(n_alphas=10, eps=1e-3, max_iter=100, l1_ratio=[0.3, 0.5], tol=1e-3) clf.fit(X, y) assert_equal(0.5, clf.l1_ratio_) assert_equal((3, X.shape[1]), clf.coef_.shape) assert_equal((3, ), clf.intercept_.shape) assert_equal((2, 10, 3), clf.mse_path_.shape) assert_equal((2, 10), clf.alphas_.shape) X, y, _, _ = build_dataset(n_targets=3) clf = MultiTaskLassoCV(n_alphas=10, eps=1e-3, max_iter=100, tol=1e-3) clf.fit(X, y) assert_equal((3, X.shape[1]), clf.coef_.shape) assert_equal((3, ), clf.intercept_.shape) assert_equal((10, 3), clf.mse_path_.shape) assert_equal(10, len(clf.alphas_)) def test_1d_multioutput_enet_and_multitask_enet_cv(): X, y, _, _ = build_dataset(n_features=10) y = y[:, np.newaxis] clf = ElasticNetCV(n_alphas=5, eps=2e-3, l1_ratio=[0.5, 0.7]) clf.fit(X, y[:, 0]) clf1 = MultiTaskElasticNetCV(n_alphas=5, eps=2e-3, l1_ratio=[0.5, 0.7]) clf1.fit(X, y) assert_almost_equal(clf.l1_ratio_, clf1.l1_ratio_) assert_almost_equal(clf.alpha_, clf1.alpha_) assert_almost_equal(clf.coef_, clf1.coef_[0]) assert_almost_equal(clf.intercept_, clf1.intercept_[0]) def test_1d_multioutput_lasso_and_multitask_lasso_cv(): X, y, _, _ = build_dataset(n_features=10) y = y[:, np.newaxis] clf = LassoCV(n_alphas=5, eps=2e-3) clf.fit(X, y[:, 0]) clf1 = MultiTaskLassoCV(n_alphas=5, eps=2e-3) clf1.fit(X, y) assert_almost_equal(clf.alpha_, clf1.alpha_) assert_almost_equal(clf.coef_, clf1.coef_[0]) assert_almost_equal(clf.intercept_, clf1.intercept_[0]) def test_sparse_input_dtype_enet_and_lassocv(): X, y, _, _ = build_dataset(n_features=10) clf = ElasticNetCV(n_alphas=5) clf.fit(sparse.csr_matrix(X), y) clf1 = ElasticNetCV(n_alphas=5) clf1.fit(sparse.csr_matrix(X, dtype=np.float32), y) assert_almost_equal(clf.alpha_, clf1.alpha_, decimal=6) assert_almost_equal(clf.coef_, clf1.coef_, decimal=6) clf = LassoCV(n_alphas=5) clf.fit(sparse.csr_matrix(X), y) clf1 = LassoCV(n_alphas=5) clf1.fit(sparse.csr_matrix(X, dtype=np.float32), y) assert_almost_equal(clf.alpha_, clf1.alpha_, decimal=6) assert_almost_equal(clf.coef_, clf1.coef_, decimal=6) def test_precompute_invalid_argument(): X, y, _, _ = build_dataset() for clf in [ElasticNetCV(precompute="invalid"), LassoCV(precompute="invalid")]: assert_raises_regex(ValueError, ".*should be.*True.*False.*auto.*" "array-like.*Got 'invalid'", clf.fit, X, y) # Precompute = 'auto' is not supported for ElasticNet assert_raises_regex(ValueError, ".*should be.*True.*False.*array-like.*" "Got 'auto'", ElasticNet(precompute='auto').fit, X, y) def test_warm_start_convergence(): X, y, _, _ = build_dataset() model = ElasticNet(alpha=1e-3, tol=1e-3).fit(X, y) n_iter_reference = model.n_iter_ # This dataset is not trivial enough for the model to converge in one pass. assert_greater(n_iter_reference, 2) # Check that n_iter_ is invariant to multiple calls to fit # when warm_start=False, all else being equal. model.fit(X, y) n_iter_cold_start = model.n_iter_ assert_equal(n_iter_cold_start, n_iter_reference) # Fit the same model again, using a warm start: the optimizer just performs # a single pass before checking that it has already converged model.set_params(warm_start=True) model.fit(X, y) n_iter_warm_start = model.n_iter_ assert_equal(n_iter_warm_start, 1) def test_warm_start_convergence_with_regularizer_decrement(): boston = load_boston() X, y = boston.data, boston.target # Train a model to converge on a lightly regularized problem final_alpha = 1e-5 low_reg_model = ElasticNet(alpha=final_alpha).fit(X, y) # Fitting a new model on a more regularized version of the same problem. # Fitting with high regularization is easier it should converge faster # in general. high_reg_model = ElasticNet(alpha=final_alpha * 10).fit(X, y) assert_greater(low_reg_model.n_iter_, high_reg_model.n_iter_) # Fit the solution to the original, less regularized version of the # problem but from the solution of the highly regularized variant of # the problem as a better starting point. This should also converge # faster than the original model that starts from zero. warm_low_reg_model = deepcopy(high_reg_model) warm_low_reg_model.set_params(warm_start=True, alpha=final_alpha) warm_low_reg_model.fit(X, y) assert_greater(low_reg_model.n_iter_, warm_low_reg_model.n_iter_) def test_random_descent(): # Test that both random and cyclic selection give the same results. # Ensure that the test models fully converge and check a wide # range of conditions. # This uses the coordinate descent algo using the gram trick. X, y, _, _ = build_dataset(n_samples=50, n_features=20) clf_cyclic = ElasticNet(selection='cyclic', tol=1e-8) clf_cyclic.fit(X, y) clf_random = ElasticNet(selection='random', tol=1e-8, random_state=42) clf_random.fit(X, y) assert_array_almost_equal(clf_cyclic.coef_, clf_random.coef_) assert_almost_equal(clf_cyclic.intercept_, clf_random.intercept_) # This uses the descent algo without the gram trick clf_cyclic = ElasticNet(selection='cyclic', tol=1e-8) clf_cyclic.fit(X.T, y[:20]) clf_random = ElasticNet(selection='random', tol=1e-8, random_state=42) clf_random.fit(X.T, y[:20]) assert_array_almost_equal(clf_cyclic.coef_, clf_random.coef_) assert_almost_equal(clf_cyclic.intercept_, clf_random.intercept_) # Sparse Case clf_cyclic = ElasticNet(selection='cyclic', tol=1e-8) clf_cyclic.fit(sparse.csr_matrix(X), y) clf_random = ElasticNet(selection='random', tol=1e-8, random_state=42) clf_random.fit(sparse.csr_matrix(X), y) assert_array_almost_equal(clf_cyclic.coef_, clf_random.coef_) assert_almost_equal(clf_cyclic.intercept_, clf_random.intercept_) # Multioutput case. new_y = np.hstack((y[:, np.newaxis], y[:, np.newaxis])) clf_cyclic = MultiTaskElasticNet(selection='cyclic', tol=1e-8) clf_cyclic.fit(X, new_y) clf_random = MultiTaskElasticNet(selection='random', tol=1e-8, random_state=42) clf_random.fit(X, new_y) assert_array_almost_equal(clf_cyclic.coef_, clf_random.coef_) assert_almost_equal(clf_cyclic.intercept_, clf_random.intercept_) # Raise error when selection is not in cyclic or random. clf_random = ElasticNet(selection='invalid') assert_raises(ValueError, clf_random.fit, X, y) def test_enet_path_positive(): # Test positive parameter X, Y, _, _ = build_dataset(n_samples=50, n_features=50, n_targets=2) # For mono output # Test that the coefs returned by positive=True in enet_path are positive for path in [enet_path, lasso_path]: pos_path_coef = path(X, Y[:, 0], positive=True)[1] assert_true(np.all(pos_path_coef >= 0)) # For multi output, positive parameter is not allowed # Test that an error is raised for path in [enet_path, lasso_path]: assert_raises(ValueError, path, X, Y, positive=True) def test_sparse_dense_descent_paths(): # Test that dense and sparse input give the same input for descent paths. X, y, _, _ = build_dataset(n_samples=50, n_features=20) csr = sparse.csr_matrix(X) for path in [enet_path, lasso_path]: _, coefs, _ = path(X, y, fit_intercept=False) _, sparse_coefs, _ = path(csr, y, fit_intercept=False) assert_array_almost_equal(coefs, sparse_coefs) def test_check_input_false(): X, y, _, _ = build_dataset(n_samples=20, n_features=10) X = check_array(X, order='F', dtype='float64') y = check_array(X, order='F', dtype='float64') clf = ElasticNet(selection='cyclic', tol=1e-8) # Check that no error is raised if data is provided in the right format clf.fit(X, y, check_input=False) # With check_input=False, an exhaustive check is not made on y but its # dtype is still cast in _preprocess_data to X's dtype. So the test should # pass anyway X = check_array(X, order='F', dtype='float32') clf.fit(X, y, check_input=False) # With no input checking, providing X in C order should result in false # computation X = check_array(X, order='C', dtype='float64') assert_raises(ValueError, clf.fit, X, y, check_input=False) def test_overrided_gram_matrix(): X, y, _, _ = build_dataset(n_samples=20, n_features=10) Gram = X.T.dot(X) clf = ElasticNet(selection='cyclic', tol=1e-8, precompute=Gram, fit_intercept=True) assert_warns_message(UserWarning, "Gram matrix was provided but X was centered" " to fit intercept, " "or X was normalized : recomputing Gram matrix.", clf.fit, X, y) def test_lasso_non_float_y(): X = [[0, 0], [1, 1], [-1, -1]] y = [0, 1, 2] y_float = [0.0, 1.0, 2.0] for model in [ElasticNet, Lasso]: clf = model(fit_intercept=False) clf.fit(X, y) clf_float = model(fit_intercept=False) clf_float.fit(X, y_float) assert_array_equal(clf.coef_, clf_float.coef_) def test_enet_float_precision(): # Generate dataset X, y, X_test, y_test = build_dataset(n_samples=20, n_features=10) # Here we have a small number of iterations, and thus the # ElasticNet might not converge. This is to speed up tests for normalize in [True, False]: for fit_intercept in [True, False]: coef = {} intercept = {} for dtype in [np.float64, np.float32]: clf = ElasticNet(alpha=0.5, max_iter=100, precompute=False, fit_intercept=fit_intercept, normalize=normalize) X = dtype(X) y = dtype(y) ignore_warnings(clf.fit)(X, y) coef[('simple', dtype)] = clf.coef_ intercept[('simple', dtype)] = clf.intercept_ assert_equal(clf.coef_.dtype, dtype) # test precompute Gram array Gram = X.T.dot(X) clf_precompute = ElasticNet(alpha=0.5, max_iter=100, precompute=Gram, fit_intercept=fit_intercept, normalize=normalize) ignore_warnings(clf_precompute.fit)(X, y) assert_array_almost_equal(clf.coef_, clf_precompute.coef_) assert_array_almost_equal(clf.intercept_, clf_precompute.intercept_) # test multi task enet multi_y = np.hstack((y[:, np.newaxis], y[:, np.newaxis])) clf_multioutput = MultiTaskElasticNet( alpha=0.5, max_iter=100, fit_intercept=fit_intercept, normalize=normalize) clf_multioutput.fit(X, multi_y) coef[('multi', dtype)] = clf_multioutput.coef_ intercept[('multi', dtype)] = clf_multioutput.intercept_ assert_equal(clf.coef_.dtype, dtype) for v in ['simple', 'multi']: assert_array_almost_equal(coef[(v, np.float32)], coef[(v, np.float64)], decimal=4) assert_array_almost_equal(intercept[(v, np.float32)], intercept[(v, np.float64)], decimal=4) def test_enet_l1_ratio(): # Test that an error message is raised if an estimator that # uses _alpha_grid is called with l1_ratio=0 msg = ("Automatic alpha grid generation is not supported for l1_ratio=0. " "Please supply a grid by providing your estimator with the " "appropriate `alphas=` argument.") X = np.array([[1, 2, 4, 5, 8], [3, 5, 7, 7, 8]]).T y = np.array([12, 10, 11, 21, 5]) assert_raise_message(ValueError, msg, ElasticNetCV( l1_ratio=0, random_state=42).fit, X, y) assert_raise_message(ValueError, msg, MultiTaskElasticNetCV( l1_ratio=0, random_state=42).fit, X, y[:, None]) # Test that l1_ratio=0 is allowed if we supply a grid manually alphas = [0.1, 10] estkwds = {'alphas': alphas, 'random_state': 42} est_desired = ElasticNetCV(l1_ratio=0.00001, **estkwds) est = ElasticNetCV(l1_ratio=0, **estkwds) with ignore_warnings(): est_desired.fit(X, y) est.fit(X, y) assert_array_almost_equal(est.coef_, est_desired.coef_, decimal=5) est_desired = MultiTaskElasticNetCV(l1_ratio=0.00001, **estkwds) est = MultiTaskElasticNetCV(l1_ratio=0, **estkwds) with ignore_warnings(): est.fit(X, y[:, None]) est_desired.fit(X, y[:, None]) assert_array_almost_equal(est.coef_, est_desired.coef_, decimal=5)
bsd-3-clause
dhruv13J/scikit-learn
benchmarks/bench_plot_parallel_pairwise.py
295
1247
# Author: Mathieu Blondel <mathieu@mblondel.org> # License: BSD 3 clause import time import pylab as pl from sklearn.utils import check_random_state from sklearn.metrics.pairwise import pairwise_distances from sklearn.metrics.pairwise import pairwise_kernels def plot(func): random_state = check_random_state(0) one_core = [] multi_core = [] sample_sizes = range(1000, 6000, 1000) for n_samples in sample_sizes: X = random_state.rand(n_samples, 300) start = time.time() func(X, n_jobs=1) one_core.append(time.time() - start) start = time.time() func(X, n_jobs=-1) multi_core.append(time.time() - start) pl.figure('scikit-learn parallel %s benchmark results' % func.__name__) pl.plot(sample_sizes, one_core, label="one core") pl.plot(sample_sizes, multi_core, label="multi core") pl.xlabel('n_samples') pl.ylabel('Time (s)') pl.title('Parallel %s' % func.__name__) pl.legend() def euclidean_distances(X, n_jobs): return pairwise_distances(X, metric="euclidean", n_jobs=n_jobs) def rbf_kernels(X, n_jobs): return pairwise_kernels(X, metric="rbf", n_jobs=n_jobs, gamma=0.1) plot(euclidean_distances) plot(rbf_kernels) pl.show()
bsd-3-clause
AnasGhrab/scikit-learn
benchmarks/bench_plot_parallel_pairwise.py
295
1247
# Author: Mathieu Blondel <mathieu@mblondel.org> # License: BSD 3 clause import time import pylab as pl from sklearn.utils import check_random_state from sklearn.metrics.pairwise import pairwise_distances from sklearn.metrics.pairwise import pairwise_kernels def plot(func): random_state = check_random_state(0) one_core = [] multi_core = [] sample_sizes = range(1000, 6000, 1000) for n_samples in sample_sizes: X = random_state.rand(n_samples, 300) start = time.time() func(X, n_jobs=1) one_core.append(time.time() - start) start = time.time() func(X, n_jobs=-1) multi_core.append(time.time() - start) pl.figure('scikit-learn parallel %s benchmark results' % func.__name__) pl.plot(sample_sizes, one_core, label="one core") pl.plot(sample_sizes, multi_core, label="multi core") pl.xlabel('n_samples') pl.ylabel('Time (s)') pl.title('Parallel %s' % func.__name__) pl.legend() def euclidean_distances(X, n_jobs): return pairwise_distances(X, metric="euclidean", n_jobs=n_jobs) def rbf_kernels(X, n_jobs): return pairwise_kernels(X, metric="rbf", n_jobs=n_jobs, gamma=0.1) plot(euclidean_distances) plot(rbf_kernels) pl.show()
bsd-3-clause
CKehl/pylearn2
pylearn2/scripts/papers/maxout/svhn_preprocessing.py
55
2006
import os import logging import shutil from theano import config from pylearn2.datasets import preprocessing from pylearn2.datasets.svhn import SVHN from pylearn2.utils.string_utils import preprocess orig_path = preprocess('${PYLEARN2_DATA_PATH}/SVHN/format2') try: local_path = preprocess('${SVHN_LOCAL_PATH}') except ValueError: raise ValueError("You need to define SVHN_LOCAL_PATH environment " "variable.") train_name ='h5/splitted_train_32x32.h5' valid_name = 'h5/valid_32x32.h5' test_name = 'h5/test_32x32.h5' # copy data if don't exist if not os.path.isdir(os.path.join(local_path, 'h5')): os.makedirs(os.path.join(local_path, 'h5')) for d_set in [train_name, valid_name, test_name]: if not os.path.isfile(os.path.join(local_path, d_set)): logging.info("Copying data from {0} to {1}".format(os.path.join(local_path, d_set), local_path)) shutil.copyfile(os.path.join(orig_path, d_set), os.path.join(local_path, d_set)) def check_dtype(data): if str(data.X.dtype) != config.floatX: logging.warning("The dataset is saved as {}, changing theano's floatX "\ "to the same dtype".format(data.X.dtype)) config.floatX = str(data.X.dtype) # Load train data train = SVHN('splitted_train', path=local_path) check_dtype(train) # prepare preprocessing pipeline = preprocessing.Pipeline() # without batch_size there is a high chance that you might encounter memory error # or pytables crashes pipeline.items.append(preprocessing.GlobalContrastNormalization(batch_size=5000)) pipeline.items.append(preprocessing.LeCunLCN((32,32))) # apply the preprocessings to train train.apply_preprocessor(pipeline, can_fit=True) del train # load and preprocess valid valid = SVHN('valid', path=local_path) check_dtype(valid) valid.apply_preprocessor(pipeline, can_fit=False) # load and preprocess test test = SVHN('test', path=local_path) check_dtype(test) test.apply_preprocessor(pipeline, can_fit=False)
bsd-3-clause
AnasGhrab/scikit-learn
benchmarks/bench_lasso.py
295
3305
""" Benchmarks of Lasso vs LassoLars First, we fix a training set and increase the number of samples. Then we plot the computation time as function of the number of samples. In the second benchmark, we increase the number of dimensions of the training set. Then we plot the computation time as function of the number of dimensions. In both cases, only 10% of the features are informative. """ import gc from time import time import numpy as np from sklearn.datasets.samples_generator import make_regression def compute_bench(alpha, n_samples, n_features, precompute): lasso_results = [] lars_lasso_results = [] it = 0 for ns in n_samples: for nf in n_features: it += 1 print('==================') print('Iteration %s of %s' % (it, max(len(n_samples), len(n_features)))) print('==================') n_informative = nf // 10 X, Y, coef_ = make_regression(n_samples=ns, n_features=nf, n_informative=n_informative, noise=0.1, coef=True) X /= np.sqrt(np.sum(X ** 2, axis=0)) # Normalize data gc.collect() print("- benchmarking Lasso") clf = Lasso(alpha=alpha, fit_intercept=False, precompute=precompute) tstart = time() clf.fit(X, Y) lasso_results.append(time() - tstart) gc.collect() print("- benchmarking LassoLars") clf = LassoLars(alpha=alpha, fit_intercept=False, normalize=False, precompute=precompute) tstart = time() clf.fit(X, Y) lars_lasso_results.append(time() - tstart) return lasso_results, lars_lasso_results if __name__ == '__main__': from sklearn.linear_model import Lasso, LassoLars import pylab as pl alpha = 0.01 # regularization parameter n_features = 10 list_n_samples = np.linspace(100, 1000000, 5).astype(np.int) lasso_results, lars_lasso_results = compute_bench(alpha, list_n_samples, [n_features], precompute=True) pl.figure('scikit-learn LASSO benchmark results') pl.subplot(211) pl.plot(list_n_samples, lasso_results, 'b-', label='Lasso') pl.plot(list_n_samples, lars_lasso_results, 'r-', label='LassoLars') pl.title('precomputed Gram matrix, %d features, alpha=%s' % (n_features, alpha)) pl.legend(loc='upper left') pl.xlabel('number of samples') pl.ylabel('Time (s)') pl.axis('tight') n_samples = 2000 list_n_features = np.linspace(500, 3000, 5).astype(np.int) lasso_results, lars_lasso_results = compute_bench(alpha, [n_samples], list_n_features, precompute=False) pl.subplot(212) pl.plot(list_n_features, lasso_results, 'b-', label='Lasso') pl.plot(list_n_features, lars_lasso_results, 'r-', label='LassoLars') pl.title('%d samples, alpha=%s' % (n_samples, alpha)) pl.legend(loc='upper left') pl.xlabel('number of features') pl.ylabel('Time (s)') pl.axis('tight') pl.show()
bsd-3-clause
CKehl/pylearn2
pylearn2/datasets/csv_dataset.py
33
6458
# -*- coding: utf-8 -*- """ A simple general csv dataset wrapper for pylearn2. Can do automatic one-hot encoding based on labels present in a file. """ __authors__ = "Zygmunt Zając, Marco De Nadai" __copyright__ = "Copyright 2013, Zygmunt Zając" __credits__ = ["Zygmunt Zając", "Nicholas Dronen", "Marco De Nadai"] __license__ = "3-clause BSD" __maintainer__ = "?" __email__ = "zygmunt@fastml.com" import numpy as np from pylearn2.datasets.dense_design_matrix import DenseDesignMatrix from pylearn2.utils.string_utils import preprocess class CSVDataset(DenseDesignMatrix): """ A generic class for accessing CSV files labels, if present, should be in the first column if there's no labels, set expect_labels to False if there's no header line in your file, set expect_headers to False Parameters ---------- path : str The path to the CSV file. task : str The type of task in which the dataset will be used -- either "classification" or "regression". The task determines the shape of the target variable. For classification, it is a vector; for regression, a matrix. expect_labels : bool Whether the CSV file contains a target variable in the first column. expect_headers : bool Whether the CSV file contains column headers. delimiter : str The CSV file's delimiter. start : int The first row of the CSV file to load. stop : int The last row of the CSV file to load. start_fraction : float The fraction of rows, starting at the beginning of the file, to load. end_fraction : float The fraction of rows, starting at the end of the file, to load. num_outputs : int, optional number of target variables. defaults to 1 """ def __init__(self, path='train.csv', task='classification', expect_labels=True, expect_headers=True, delimiter=',', start=None, stop=None, start_fraction=None, end_fraction=None, num_outputs=1, **kwargs): self.path = path self.task = task self.expect_labels = expect_labels self.expect_headers = expect_headers self.delimiter = delimiter self.start = start self.stop = stop self.start_fraction = start_fraction self.end_fraction = end_fraction self.num_outputs = num_outputs self.view_converter = None if task not in ['classification', 'regression']: raise ValueError('task must be either "classification" or ' '"regression"; got ' + str(task)) if start_fraction is not None: if end_fraction is not None: raise ValueError("Use start_fraction or end_fraction, " " not both.") if start_fraction <= 0: raise ValueError("start_fraction should be > 0") if start_fraction >= 1: raise ValueError("start_fraction should be < 1") if end_fraction is not None: if end_fraction <= 0: raise ValueError("end_fraction should be > 0") if end_fraction >= 1: raise ValueError("end_fraction should be < 1") if start is not None: if start_fraction is not None or end_fraction is not None: raise ValueError("Use start, start_fraction, or end_fraction," " just not together.") if stop is not None: if start_fraction is not None or end_fraction is not None: raise ValueError("Use stop, start_fraction, or end_fraction," " just not together.") # and go self.path = preprocess(self.path) X, y = self._load_data() if self.task == 'regression': super(CSVDataset, self).__init__(X=X, y=y, **kwargs) else: super(CSVDataset, self).__init__(X=X, y=y, y_labels=np.max(y) + 1, **kwargs) def _load_data(self): """ Loads the data from a CSV file (ending with a '.csv' filename). Returns ------- X : object The features of the dataset. y : object, optional The target variable of the model. """ assert self.path.endswith('.csv') if self.expect_headers: data = np.loadtxt(self.path, delimiter=self.delimiter, skiprows=1) else: data = np.loadtxt(self.path, delimiter=self.delimiter) def take_subset(X, y): """ Takes a subset of the dataset if the start_fraction, stop_fraction or start/stop parameter of the class is set. Parameters ---------- X : object The features of the dataset. y : object, optional The target variable of the model. Returns ------- X : object The subset of the features of the dataset. y : object, optional The subset of the target variable of the model. """ if self.start_fraction is not None: n = X.shape[0] subset_end = int(self.start_fraction * n) X = X[0:subset_end, :] y = y[0:subset_end] elif self.end_fraction is not None: n = X.shape[0] subset_start = int((1 - self.end_fraction) * n) X = X[subset_start:, ] y = y[subset_start:] elif self.start is not None: X = X[self.start:self.stop, ] if y is not None: y = y[self.start:self.stop] return X, y if self.expect_labels: y = data[:, 0:self.num_outputs] X = data[:, self.num_outputs:] y = y.reshape((y.shape[0], self.num_outputs)) else: X = data y = None X, y = take_subset(X, y) return X, y
bsd-3-clause
ivannz/scikit-learn
build_tools/github/vendor.py
13
5765
"""Embed vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll. Note that vcruntime140_1.dll is only required (and available) for 64-bit architectures. """ import os import os.path as op import shutil import sys import textwrap TARGET_FOLDER = op.join("sklearn", ".libs") DISTRIBUTOR_INIT = op.join("sklearn", "_distributor_init.py") VCOMP140_SRC_PATH = "C:\\Windows\\System32\\vcomp140.dll" VCRUNTIME140_SRC_PATH = "C:\\Windows\\System32\\vcruntime140.dll" VCRUNTIME140_1_SRC_PATH = "C:\\Windows\\System32\\vcruntime140_1.dll" def make_distributor_init_32_bits( distributor_init, vcomp140_dll_filename, vcruntime140_dll_filename ): """Create a _distributor_init.py file for 32-bit architectures. This file is imported first when importing the sklearn package so as to pre-load the vendored vcomp140.dll and vcruntime140.dll. """ with open(distributor_init, "wt") as f: f.write( textwrap.dedent( """ '''Helper to preload vcomp140.dll and vcruntime140.dll to prevent "not found" errors. Once vcomp140.dll and vcruntime140.dll are preloaded, the namespace is made available to any subsequent vcomp140.dll and vcruntime140.dll. This is created as part of the scripts that build the wheel. ''' import os import os.path as op from ctypes import WinDLL if os.name == "nt": # Load vcomp140.dll and vcruntime140.dll libs_path = op.join(op.dirname(__file__), ".libs") vcomp140_dll_filename = op.join(libs_path, "{0}") vcruntime140_dll_filename = op.join(libs_path, "{1}") WinDLL(op.abspath(vcomp140_dll_filename)) WinDLL(op.abspath(vcruntime140_dll_filename)) """.format( vcomp140_dll_filename, vcruntime140_dll_filename ) ) ) def make_distributor_init_64_bits( distributor_init, vcomp140_dll_filename, vcruntime140_dll_filename, vcruntime140_1_dll_filename, ): """Create a _distributor_init.py file for 64-bit architectures. This file is imported first when importing the sklearn package so as to pre-load the vendored vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll. """ with open(distributor_init, "wt") as f: f.write( textwrap.dedent( """ '''Helper to preload vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll to prevent "not found" errors. Once vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll are preloaded, the namespace is made available to any subsequent vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll. This is created as part of the scripts that build the wheel. ''' import os import os.path as op from ctypes import WinDLL if os.name == "nt": # Load vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll libs_path = op.join(op.dirname(__file__), ".libs") vcomp140_dll_filename = op.join(libs_path, "{0}") vcruntime140_dll_filename = op.join(libs_path, "{1}") vcruntime140_1_dll_filename = op.join(libs_path, "{2}") WinDLL(op.abspath(vcomp140_dll_filename)) WinDLL(op.abspath(vcruntime140_dll_filename)) WinDLL(op.abspath(vcruntime140_1_dll_filename)) """.format( vcomp140_dll_filename, vcruntime140_dll_filename, vcruntime140_1_dll_filename, ) ) ) def main(wheel_dirname, bitness): """Embed vcomp140.dll, vcruntime140.dll and vcruntime140_1.dll.""" if not op.exists(VCOMP140_SRC_PATH): raise ValueError(f"Could not find {VCOMP140_SRC_PATH}.") if not op.exists(VCRUNTIME140_SRC_PATH): raise ValueError(f"Could not find {VCRUNTIME140_SRC_PATH}.") if not op.exists(VCRUNTIME140_1_SRC_PATH) and bitness == "64": raise ValueError(f"Could not find {VCRUNTIME140_1_SRC_PATH}.") if not op.isdir(wheel_dirname): raise RuntimeError(f"Could not find {wheel_dirname} file.") vcomp140_dll_filename = op.basename(VCOMP140_SRC_PATH) vcruntime140_dll_filename = op.basename(VCRUNTIME140_SRC_PATH) vcruntime140_1_dll_filename = op.basename(VCRUNTIME140_1_SRC_PATH) target_folder = op.join(wheel_dirname, TARGET_FOLDER) distributor_init = op.join(wheel_dirname, DISTRIBUTOR_INIT) # Create the "sklearn/.libs" subfolder if not op.exists(target_folder): os.mkdir(target_folder) print(f"Copying {VCOMP140_SRC_PATH} to {target_folder}.") shutil.copy2(VCOMP140_SRC_PATH, target_folder) print(f"Copying {VCRUNTIME140_SRC_PATH} to {target_folder}.") shutil.copy2(VCRUNTIME140_SRC_PATH, target_folder) if bitness == "64": print(f"Copying {VCRUNTIME140_1_SRC_PATH} to {target_folder}.") shutil.copy2(VCRUNTIME140_1_SRC_PATH, target_folder) # Generate the _distributor_init file in the source tree print("Generating the '_distributor_init.py' file.") if bitness == "32": make_distributor_init_32_bits( distributor_init, vcomp140_dll_filename, vcruntime140_dll_filename ) else: make_distributor_init_64_bits( distributor_init, vcomp140_dll_filename, vcruntime140_dll_filename, vcruntime140_1_dll_filename, ) if __name__ == "__main__": _, wheel_file, bitness = sys.argv main(wheel_file, bitness)
bsd-3-clause
osmanbaskaya/mapping-impact
run/classifier.py
1
3157
#! /usr/bin/python # -*- coding: utf-8 -*- __author__ = "Osman Baskaya" from sklearn import grid_search from sklearn.svm import SVC from sklearn.naive_bayes import MultinomialNB, BernoulliNB from sklearn.tree import DecisionTreeClassifier #from statsmodels.discrete.discrete_model import MNLogit import numpy as np import sys class ClassifierWrapper(object): def __init__(self, name, classifier): self.name = name self.classifier = classifier self.is_optimized = False def optimize(self, X, y, cv, parameters=None): """Hyperparameter optimization""" best_params = best_estimator = None if parameters is None: parameters = self.parameters print >> sys.stderr, "Parameter space:{}".format(parameters) try: clf = grid_search.GridSearchCV(self.classifier, parameters, cv=cv, verbose=1, n_jobs=20) clf.fit(X, y) print >> sys.stderr, clf.grid_scores_ best_params = clf.best_params_ best_estimator = clf.best_estimator_ except ValueError, e: # all instances belong to the same class print >> sys.stderr, e #FIXME: Why do we get index errors for book.v except IndexError, e: print >> sys.stderr, e #try: #msg = "Best_params:{}, Best Score:{}".format(best_params, clf.best_score_) #print >> sys.stderr, msg #except AttributeError: #pass return best_params, best_estimator, clf.best_score_ class SVCWrapper(ClassifierWrapper): def __init__(self, name, **kwargs): super(SVCWrapper, self).__init__(name, SVC(**kwargs)) gamma = 10.0 ** np.arange(-5, 4) C = 10.0 ** np.arange(-2, 6) #C = [0.003, 0.03, 0.3, 1, 9, 27, 81, 243, 729, 2000, 6000] if self.classifier.kernel == "rbf": self.parameters = {'C': C, 'gamma': gamma} elif self.classifier.kernel == "linear": self.parameters = {'C': C} class MultinomialNBWrapper(ClassifierWrapper): def __init__(self, name="MultinomialNB"): super(MultinomialNBWrapper, self).__init__(name, MultinomialNB()) self.is_optimized = True self.parameters = {'alpha': np.linspace(0,1,11)} class BernoulliNBWrapper(ClassifierWrapper): def __init__(self, name="BernoulliNBWrapper"): super(BernoulliNBWrapper, self).__init__(name, BernoulliNB()) self.parameters = {'alpha': np.linspace(0,1,11)} self.is_optimized = True class DecisionTreeWrapper(ClassifierWrapper): def __init__(self, name, criterion): super(DecisionTreeWrapper, self).__init__(name, DecisionTreeClassifier(criterion=criterion)) self.is_optimized = True #class MNLogitWrapper(ClassifierWrapper): #def __init__(self): #raise NotImplementedError, "soon" #super(MNLogitWrapper, self).__init__("MNLogitWrapper", MNLogitW()) #self.parameters = {} #print self.name def main(): pass if __name__ == '__main__': main()
mit
hitszxp/scikit-learn
sklearn/ensemble/partial_dependence.py
36
14909
"""Partial dependence plots for tree ensembles. """ # Authors: Peter Prettenhofer # License: BSD 3 clause from itertools import count import numbers import numpy as np from scipy.stats.mstats import mquantiles from ..utils.extmath import cartesian from ..externals.joblib import Parallel, delayed from ..externals import six from ..externals.six.moves import map, range, zip from ..utils import check_array from ..tree._tree import DTYPE from ._gradient_boosting import _partial_dependence_tree from .gradient_boosting import BaseGradientBoosting def _grid_from_X(X, percentiles=(0.05, 0.95), grid_resolution=100): """Generate a grid of points based on the ``percentiles of ``X``. The grid is generated by placing ``grid_resolution`` equally spaced points between the ``percentiles`` of each column of ``X``. Parameters ---------- X : ndarray The data percentiles : tuple of floats The percentiles which are used to construct the extreme values of the grid axes. grid_resolution : int The number of equally spaced points that are placed on the grid. Returns ------- grid : ndarray All data points on the grid; ``grid.shape[1] == X.shape[1]`` and ``grid.shape[0] == grid_resolution * X.shape[1]``. axes : seq of ndarray The axes with which the grid has been created. """ if len(percentiles) != 2: raise ValueError('percentile must be tuple of len 2') if not all(0. <= x <= 1. for x in percentiles): raise ValueError('percentile values must be in [0, 1]') axes = [] for col in range(X.shape[1]): uniques = np.unique(X[:, col]) if uniques.shape[0] < grid_resolution: # feature has low resolution use unique vals axis = uniques else: emp_percentiles = mquantiles(X, prob=percentiles, axis=0) # create axis based on percentiles and grid resolution axis = np.linspace(emp_percentiles[0, col], emp_percentiles[1, col], num=grid_resolution, endpoint=True) axes.append(axis) return cartesian(axes), axes def partial_dependence(gbrt, target_variables, grid=None, X=None, percentiles=(0.05, 0.95), grid_resolution=100): """Partial dependence of ``target_variables``. Partial dependence plots show the dependence between the joint values of the ``target_variables`` and the function represented by the ``gbrt``. Parameters ---------- gbrt : BaseGradientBoosting A fitted gradient boosting model. target_variables : array-like, dtype=int The target features for which the partial dependecy should be computed (size should be smaller than 3 for visual renderings). grid : array-like, shape=(n_points, len(target_variables)) The grid of ``target_variables`` values for which the partial dependecy should be evaluated (either ``grid`` or ``X`` must be specified). X : array-like, shape=(n_samples, n_features) The data on which ``gbrt`` was trained. It is used to generate a ``grid`` for the ``target_variables``. The ``grid`` comprises ``grid_resolution`` equally spaced points between the two ``percentiles``. percentiles : (low, high), default=(0.05, 0.95) The lower and upper percentile used create the extreme values for the ``grid``. Only if ``X`` is not None. grid_resolution : int, default=100 The number of equally spaced points on the ``grid``. Returns ------- pdp : array, shape=(n_classes, n_points) The partial dependence function evaluated on the ``grid``. For regression and binary classification ``n_classes==1``. axes : seq of ndarray or None The axes with which the grid has been created or None if the grid has been given. Examples -------- >>> samples = [[0, 0, 2], [1, 0, 0]] >>> labels = [0, 1] >>> from sklearn.ensemble import GradientBoostingClassifier >>> gb = GradientBoostingClassifier(random_state=0).fit(samples, labels) >>> kwargs = dict(X=samples, percentiles=(0, 1), grid_resolution=2) >>> partial_dependence(gb, [0], **kwargs) # doctest: +SKIP (array([[-4.52..., 4.52...]]), [array([ 0., 1.])]) """ if not isinstance(gbrt, BaseGradientBoosting): raise ValueError('gbrt has to be an instance of BaseGradientBoosting') if gbrt.estimators_.shape[0] == 0: raise ValueError('Call %s.fit before partial_dependence' % gbrt.__class__.__name__) if (grid is None and X is None) or (grid is not None and X is not None): raise ValueError('Either grid or X must be specified') target_variables = np.asarray(target_variables, dtype=np.int32, order='C').ravel() if any([not (0 <= fx < gbrt.n_features) for fx in target_variables]): raise ValueError('target_variables must be in [0, %d]' % (gbrt.n_features - 1)) if X is not None: X = check_array(X, dtype=DTYPE, order='C') grid, axes = _grid_from_X(X[:, target_variables], percentiles, grid_resolution) else: assert grid is not None # dont return axes if grid is given axes = None # grid must be 2d if grid.ndim == 1: grid = grid[:, np.newaxis] if grid.ndim != 2: raise ValueError('grid must be 2d but is %dd' % grid.ndim) grid = np.asarray(grid, dtype=DTYPE, order='C') assert grid.shape[1] == target_variables.shape[0] n_trees_per_stage = gbrt.estimators_.shape[1] n_estimators = gbrt.estimators_.shape[0] pdp = np.zeros((n_trees_per_stage, grid.shape[0],), dtype=np.float64, order='C') for stage in range(n_estimators): for k in range(n_trees_per_stage): tree = gbrt.estimators_[stage, k].tree_ _partial_dependence_tree(tree, grid, target_variables, gbrt.learning_rate, pdp[k]) return pdp, axes def plot_partial_dependence(gbrt, X, features, feature_names=None, label=None, n_cols=3, grid_resolution=100, percentiles=(0.05, 0.95), n_jobs=1, verbose=0, ax=None, line_kw=None, contour_kw=None, **fig_kw): """Partial dependence plots for ``features``. The ``len(features)`` plots are arranged in a grid with ``n_cols`` columns. Two-way partial dependence plots are plotted as contour plots. Parameters ---------- gbrt : BaseGradientBoosting A fitted gradient boosting model. X : array-like, shape=(n_samples, n_features) The data on which ``gbrt`` was trained. features : seq of tuples or ints If seq[i] is an int or a tuple with one int value, a one-way PDP is created; if seq[i] is a tuple of two ints, a two-way PDP is created. feature_names : seq of str Name of each feature; feature_names[i] holds the name of the feature with index i. label : object The class label for which the PDPs should be computed. Only if gbrt is a multi-class model. Must be in ``gbrt.classes_``. n_cols : int The number of columns in the grid plot (default: 3). percentiles : (low, high), default=(0.05, 0.95) The lower and upper percentile used create the extreme values for the PDP axes. grid_resolution : int, default=100 The number of equally spaced points on the axes. n_jobs : int The number of CPUs to use to compute the PDs. -1 means 'all CPUs'. Defaults to 1. verbose : int Verbose output during PD computations. Defaults to 0. ax : Matplotlib axis object, default None An axis object onto which the plots will be drawn. line_kw : dict Dict with keywords passed to the ``pylab.plot`` call. For one-way partial dependence plots. contour_kw : dict Dict with keywords passed to the ``pylab.plot`` call. For two-way partial dependence plots. fig_kw : dict Dict with keywords passed to the figure() call. Note that all keywords not recognized above will be automatically included here. Returns ------- fig : figure The Matplotlib Figure object. axs : seq of Axis objects A seq of Axis objects, one for each subplot. Examples -------- >>> from sklearn.datasets import make_friedman1 >>> from sklearn.ensemble import GradientBoostingRegressor >>> X, y = make_friedman1() >>> clf = GradientBoostingRegressor(n_estimators=10).fit(X, y) >>> fig, axs = plot_partial_dependence(clf, X, [0, (0, 1)]) #doctest: +SKIP ... """ import matplotlib.pyplot as plt from matplotlib import transforms from matplotlib.ticker import MaxNLocator from matplotlib.ticker import ScalarFormatter if not isinstance(gbrt, BaseGradientBoosting): raise ValueError('gbrt has to be an instance of BaseGradientBoosting') if gbrt.estimators_.shape[0] == 0: raise ValueError('Call %s.fit before partial_dependence' % gbrt.__class__.__name__) # set label_idx for multi-class GBRT if hasattr(gbrt, 'classes_') and np.size(gbrt.classes_) > 2: if label is None: raise ValueError('label is not given for multi-class PDP') label_idx = np.searchsorted(gbrt.classes_, label) if gbrt.classes_[label_idx] != label: raise ValueError('label %s not in ``gbrt.classes_``' % str(label)) else: # regression and binary classification label_idx = 0 X = check_array(X, dtype=DTYPE, order='C') if gbrt.n_features != X.shape[1]: raise ValueError('X.shape[1] does not match gbrt.n_features') if line_kw is None: line_kw = {'color': 'green'} if contour_kw is None: contour_kw = {} # convert feature_names to list if feature_names is None: # if not feature_names use fx indices as name feature_names = [str(i) for i in range(gbrt.n_features)] elif isinstance(feature_names, np.ndarray): feature_names = feature_names.tolist() def convert_feature(fx): if isinstance(fx, six.string_types): try: fx = feature_names.index(fx) except ValueError: raise ValueError('Feature %s not in feature_names' % fx) return fx # convert features into a seq of int tuples tmp_features = [] for fxs in features: if isinstance(fxs, (numbers.Integral,) + six.string_types): fxs = (fxs,) try: fxs = np.array([convert_feature(fx) for fx in fxs], dtype=np.int32) except TypeError: raise ValueError('features must be either int, str, or tuple ' 'of int/str') if not (1 <= np.size(fxs) <= 2): raise ValueError('target features must be either one or two') tmp_features.append(fxs) features = tmp_features names = [] try: for fxs in features: l = [] # explicit loop so "i" is bound for exception below for i in fxs: l.append(feature_names[i]) names.append(l) except IndexError: raise ValueError('features[i] must be in [0, n_features) ' 'but was %d' % i) # compute PD functions pd_result = Parallel(n_jobs=n_jobs, verbose=verbose)( delayed(partial_dependence)(gbrt, fxs, X=X, grid_resolution=grid_resolution) for fxs in features) # get global min and max values of PD grouped by plot type pdp_lim = {} for pdp, axes in pd_result: min_pd, max_pd = pdp[label_idx].min(), pdp[label_idx].max() n_fx = len(axes) old_min_pd, old_max_pd = pdp_lim.get(n_fx, (min_pd, max_pd)) min_pd = min(min_pd, old_min_pd) max_pd = max(max_pd, old_max_pd) pdp_lim[n_fx] = (min_pd, max_pd) # create contour levels for two-way plots if 2 in pdp_lim: Z_level = np.linspace(*pdp_lim[2], num=8) if ax is None: fig = plt.figure(**fig_kw) else: fig = ax.get_figure() fig.clear() n_cols = min(n_cols, len(features)) n_rows = int(np.ceil(len(features) / float(n_cols))) axs = [] for i, fx, name, (pdp, axes) in zip(count(), features, names, pd_result): ax = fig.add_subplot(n_rows, n_cols, i + 1) if len(axes) == 1: ax.plot(axes[0], pdp[label_idx].ravel(), **line_kw) else: # make contour plot assert len(axes) == 2 XX, YY = np.meshgrid(axes[0], axes[1]) Z = pdp[label_idx].reshape(list(map(np.size, axes))).T CS = ax.contour(XX, YY, Z, levels=Z_level, linewidths=0.5, colors='k') ax.contourf(XX, YY, Z, levels=Z_level, vmax=Z_level[-1], vmin=Z_level[0], alpha=0.75, **contour_kw) ax.clabel(CS, fmt='%2.2f', colors='k', fontsize=10, inline=True) # plot data deciles + axes labels deciles = mquantiles(X[:, fx[0]], prob=np.arange(0.1, 1.0, 0.1)) trans = transforms.blended_transform_factory(ax.transData, ax.transAxes) ylim = ax.get_ylim() ax.vlines(deciles, [0], 0.05, transform=trans, color='k') ax.set_xlabel(name[0]) ax.set_ylim(ylim) # prevent x-axis ticks from overlapping ax.xaxis.set_major_locator(MaxNLocator(nbins=6, prune='lower')) tick_formatter = ScalarFormatter() tick_formatter.set_powerlimits((-3, 4)) ax.xaxis.set_major_formatter(tick_formatter) if len(axes) > 1: # two-way PDP - y-axis deciles + labels deciles = mquantiles(X[:, fx[1]], prob=np.arange(0.1, 1.0, 0.1)) trans = transforms.blended_transform_factory(ax.transAxes, ax.transData) xlim = ax.get_xlim() ax.hlines(deciles, [0], 0.05, transform=trans, color='k') ax.set_ylabel(name[1]) # hline erases xlim ax.set_xlim(xlim) else: ax.set_ylabel('Partial dependence') if len(axes) == 1: ax.set_ylim(pdp_lim[1]) axs.append(ax) fig.subplots_adjust(bottom=0.15, top=0.7, left=0.1, right=0.95, wspace=0.4, hspace=0.3) return fig, axs
bsd-3-clause
oddt/oddt
oddt/scoring/__init__.py
1
15331
from os.path import dirname, join as path_join import gzip from itertools import chain from functools import partial import six from six.moves import cPickle as pickle import numpy as np from scipy.sparse import vstack as sparse_vstack import pandas as pd from joblib import Parallel, delayed from sklearn.model_selection import cross_val_score, KFold from sklearn.base import is_classifier, is_regressor from sklearn.metrics import accuracy_score, r2_score import oddt from oddt.utils import method_caller from oddt.datasets import pdbbind from oddt.fingerprints import sparse_to_csr_matrix, csr_matrix_to_sparse, fold def cross_validate(model, cv_set, cv_target, n=10, shuffle=True, n_jobs=1): """Perform cross validation of model using provided data Parameters ---------- model: object Model to be tested cv_set: array-like of shape = [n_samples, n_features] Estimated target values. cv_target: array-like of shape = [n_samples] or [n_samples, n_outputs] Estimated target values. n: integer (default = 10) How many folds to be created from dataset shuffle: bool (default = True) Should data be shuffled before folding. n_jobs: integer (default = 1) How many CPUs to use during cross validation Returns ------- r2: array of shape = [n] R^2 score for each of generated folds """ if shuffle: cv = KFold(n_splits=n, shuffle=True) else: cv = n return cross_val_score(model, cv_set, cv_target, cv=cv, n_jobs=n_jobs) # FIX ### If possible make ensemble scorer lazy, for now it consumes all ligands class scorer(object): def __init__(self, model_instance, descriptor_generator_instance, score_title='score'): """Scorer class is parent class for scoring functions. Parameters ---------- model_instance: model Medel compatible with sklearn API (fit, predict and score methods) descriptor_generator_instance: array of descriptors Descriptor generator object score_title: string Title of score to be used. """ self.model = model_instance self.descriptor_generator = descriptor_generator_instance self.score_title = score_title def _gen_pdbbind_desc(self, pdbbind_dir, pdbbind_versions=(2007, 2012, 2013, 2014, 2015, 2016), desc_path=None, include_general_set=False, use_proteins=False, **kwargs): pdbbind_versions = sorted(pdbbind_versions) opt = kwargs.get('opt', {}) # generate metadata df = None for pdbbind_version in pdbbind_versions: p = pdbbind('%s/v%i/' % (pdbbind_dir, pdbbind_version), version=pdbbind_version, opt=opt) # Core set for set_name in p.pdbind_sets: if set_name == 'general_PL': dataset_key = '%i_general' % pdbbind_version else: dataset_key = '%i_%s' % (pdbbind_version, set_name) tmp_df = pd.DataFrame({ 'pdbid': list(p.sets[set_name].keys()), dataset_key: list(p.sets[set_name].values()) }) if df is not None: df = pd.merge(tmp_df, df, how='outer', on='pdbid') else: df = tmp_df df.sort_values('pdbid', inplace=True) tmp_act = df['%i_general' % pdbbind_versions[-1]].values df = df.set_index('pdbid').notnull() df['act'] = tmp_act # take non-empty and core + refined set df = df[df['act'].notnull() & (df.filter(regex='.*_[refined,core]').any(axis=1) | include_general_set)] # build descriptos pdbbind_db = pdbbind('%s/v%i/' % (pdbbind_dir, pdbbind_versions[-1]), version=pdbbind_versions[-1]) if not desc_path: desc_path = path_join(dirname(__file__) + 'descs.csv') if self.n_jobs is None: n_jobs = -1 else: n_jobs = self.n_jobs blacklist = [] if use_proteins: # list of protein files that segfault OB 2.4.1 blacklist = pdbbind_db.protein_blacklist[oddt.toolkit.backend] # check if PDBID exists or is blacklisted desc_idx = [pid for pid in df.index.values if (pid not in blacklist and getattr(pdbbind_db[pid], 'protein' if use_proteins else 'pocket') is not None)] result = Parallel(n_jobs=n_jobs, verbose=1)( delayed(method_caller)( self.descriptor_generator, 'build', [pdbbind_db[pid].ligand], protein=getattr(pdbbind_db[pid], 'protein' if use_proteins else 'pocket')) for pid in desc_idx) # sparse descs may have different shapes, dense are stored np.array sparse = (hasattr(self.descriptor_generator, 'sparse') and self.descriptor_generator.sparse) if not sparse: result = np.vstack(result) # create dataframe with descriptors with pdbids as index df_desc = pd.DataFrame(result, index=desc_idx) df_desc.index.rename('pdbid', inplace=True) # for sparse features leave one column and cast explicitly to list if sparse: if len(df_desc.columns) > 1: raise Exception('There are more than one column in the ' 'sparse descriptor table.') df_desc.columns = ['sparse'] df_desc['sparse'] = df_desc['sparse'].map( lambda x: csr_matrix_to_sparse(x).tolist()) compression = None if desc_path[-3:] == '.gz': compression = 'gzip' # DF are joined by index (pdbid) since some might be missing df.join(df_desc, how='inner').to_csv(desc_path, float_format='%.5g', compression=compression) def _load_pdbbind_desc(self, desc_path, pdbbind_version=2016, train_set='refined', test_set='core', train_blacklist=None, fold_size=None): """ TODO: write the docs """ df = pd.read_csv(desc_path, index_col='pdbid') # generate dense representation of sparse descriptor in CSV cols = list(map(str, range(len(self.descriptor_generator)))) if 'sparse' in df.columns: # convert strings to np.arrays df['sparse'] = df['sparse'].map( lambda x: np.fromstring(x[1:-1], dtype=np.uint64, sep=',')) cols = 'sparse' # sparse array will have one column # fold only if necessary if fold_size: df['sparse'] = df['sparse'].map(lambda x: fold(x, fold_size)) # convert to sparse csr_matrix df['sparse'] = df['sparse'].map( partial(sparse_to_csr_matrix, size=len(self.descriptor_generator))) if isinstance(train_set, six.string_types): train_idx = df['%i_%s' % (pdbbind_version, train_set)] else: train_idx = df[['%i_%s' % (pdbbind_version, s) for s in train_set]].any(axis=1) if train_blacklist: train_idx &= ~df.index.isin(train_blacklist) train_idx &= ~df['%i_%s' % (pdbbind_version, test_set)] # load sparse matrices as training is usually faster on them if 'sparse' in df.columns: self.train_descs = sparse_vstack(df.loc[train_idx, cols].values, format='csr') else: self.train_descs = df.loc[train_idx, cols].values self.train_target = df.loc[train_idx, 'act'].values test_idx = df['%i_%s' % (pdbbind_version, test_set)] if 'sparse' in df.columns: self.test_descs = sparse_vstack(df.loc[test_idx, cols].values, format='csr') else: self.test_descs = df.loc[test_idx, cols].values self.test_target = df.loc[test_idx, 'act'].values def fit(self, ligands, target, *args, **kwargs): """Trains model on supplied ligands and target values Parameters ---------- ligands: array-like of ligands Molecules to featurize and feed into the model target: array-like of shape = [n_samples] or [n_samples, n_outputs] Ground truth (correct) target values. """ self.train_descs = self.descriptor_generator.build(ligands) return self.model.fit(self.train_descs, target, *args, **kwargs) def predict(self, ligands, *args, **kwargs): """Predicts values (eg. affinity) for supplied ligands. Parameters ---------- ligands: array-like of ligands Molecules to featurize and feed into the model Returns ------- predicted: np.array or array of np.arrays of shape = [n_ligands] Predicted scores for ligands """ descs = self.descriptor_generator.build(ligands) return self.model.predict(descs) def score(self, ligands, target, *args, **kwargs): """Methods estimates the quality of prediction using model's default score (accuracy for classification or R^2 for regression) Parameters ---------- ligands: array-like of ligands Molecules to featurize and feed into the model target: array-like of shape = [n_samples] or [n_samples, n_outputs] Ground truth (correct) target values. Returns ------- s: float Quality score (accuracy or R^2) for prediction """ descs = self.descriptor_generator.build(ligands) return self.model.score(descs, target, *args, **kwargs) def predict_ligand(self, ligand): """Local method to score one ligand and update it's scores. Parameters ---------- ligand: oddt.toolkit.Molecule object Ligand to be scored Returns ------- ligand: oddt.toolkit.Molecule object Scored ligand with updated scores """ score = self.predict([ligand])[0] ligand.data.update({self.score_title: score}) return ligand def predict_ligands(self, ligands): """Method to score ligands in a lazy fashion. Parameters ---------- ligands: iterable of oddt.toolkit.Molecule objects Ligands to be scored Returns ------- ligand: iterator of oddt.toolkit.Molecule objects Scored ligands with updated scores """ return (self.predict_ligand(lig) for lig in ligands) def set_protein(self, protein): """Proxy method to update protein in all relevant places. Parameters ---------- protein: oddt.toolkit.Molecule object New default protein """ self.protein = protein if hasattr(self.descriptor_generator, 'set_protein'): self.descriptor_generator.set_protein(protein) else: self.descriptor_generator.protein = protein def save(self, filename): """Saves scoring function to a pickle file. Parameters ---------- filename: string Pickle filename """ # FIXME: re-set protein after pickling self.set_protein(None) # return joblib.dump(self, filename, compress=9)[0] with gzip.open(filename, 'w+b', compresslevel=9) as f: pickle.dump(self, f, protocol=2) return filename @classmethod def load(self, filename): """Loads scoring function from a pickle file. Parameters ---------- filename: string Pickle filename Returns ------- sf: scorer-like object Scoring function object loaded from a pickle """ # return joblib.load(filename) kwargs = {'encoding': 'latin1'} if six.PY3 else {} with gzip.open(filename, 'rb') as f: out = pickle.load(f, **kwargs) return out class ensemble_model(object): def __init__(self, models): """Proxy class to build an ensemble of models with an API as one Parameters ---------- models: array An array of models """ self._models = models if len(models) else None if self._models is not None: if is_classifier(self._models[0]): check_type = is_classifier self._scoring_fun = accuracy_score elif is_regressor(self._models[0]): check_type = is_regressor self._scoring_fun = r2_score else: raise ValueError('Expected regressors or classifiers,' ' got %s instead' % type(self._models[0])) for model in self._models: if not check_type(model): raise ValueError('Different types of models found, privide' ' either regressors or classifiers.') def fit(self, X, y, *args, **kwargs): for model in self._models: model.fit(X, y, *args, **kwargs) return self def predict(self, X, *args, **kwargs): return np.array([model.predict(X, *args, **kwargs) for model in self._models]).mean(axis=0) def score(self, X, y, *args, **kwargs): return self._scoring_fun(y.flatten(), self.predict(X, *args, **kwargs).flatten()) class ensemble_descriptor(object): def __init__(self, descriptor_generators): """Proxy class to build an ensemble of destriptors with an API as one Parameters ---------- models: array An array of models """ self._desc_gens = (descriptor_generators if len(descriptor_generators) else None) self.titles = list(chain(*(desc_gen.titles for desc_gen in self._desc_gens))) def build(self, mols, *args, **kwargs): desc = np.hstack(tuple(desc_gen.build(mols, *args, **kwargs) for desc_gen in self._desc_gens)) return desc def set_protein(self, protein): for desc in self._desc_gens: if hasattr(desc, 'set_protein'): desc.set_protein(protein) else: desc.protein = protein def __len__(self): """ Returns the dimensions of descriptors """ return sum(len(desc) for desc in self._desc_gens) def __reduce__(self): return ensemble_descriptor, (self._desc_gens,)
bsd-3-clause
hitszxp/scikit-learn
sklearn/linear_model/tests/test_ridge.py
10
22918
import numpy as np import scipy.sparse as sp from scipy import linalg from sklearn.utils.testing import assert_true from sklearn.utils.testing import assert_almost_equal from sklearn.utils.testing import assert_array_almost_equal from sklearn.utils.testing import assert_equal from sklearn.utils.testing import assert_array_equal from sklearn.utils.testing import assert_greater from sklearn.utils.testing import assert_raises from sklearn.utils.testing import assert_raise_message from sklearn.utils.testing import assert_warns_message from sklearn.utils.testing import ignore_warnings from sklearn import datasets from sklearn.metrics import mean_squared_error from sklearn.metrics.scorer import SCORERS from sklearn.metrics import make_scorer from sklearn.linear_model.base import LinearRegression from sklearn.linear_model.ridge import ridge_regression from sklearn.linear_model.ridge import Ridge from sklearn.linear_model.ridge import _RidgeGCV from sklearn.linear_model.ridge import RidgeCV from sklearn.linear_model.ridge import RidgeClassifier from sklearn.linear_model.ridge import RidgeClassifierCV from sklearn.linear_model.ridge import _solve_cholesky from sklearn.linear_model.ridge import _solve_cholesky_kernel from sklearn.cross_validation import KFold diabetes = datasets.load_diabetes() X_diabetes, y_diabetes = diabetes.data, diabetes.target ind = np.arange(X_diabetes.shape[0]) rng = np.random.RandomState(0) rng.shuffle(ind) ind = ind[:200] X_diabetes, y_diabetes = X_diabetes[ind], y_diabetes[ind] iris = datasets.load_iris() X_iris = sp.csr_matrix(iris.data) y_iris = iris.target DENSE_FILTER = lambda X: X SPARSE_FILTER = lambda X: sp.csr_matrix(X) def test_ridge(): """Ridge regression convergence test using score TODO: for this test to be robust, we should use a dataset instead of np.random. """ rng = np.random.RandomState(0) alpha = 1.0 for solver in ("svd", "sparse_cg", "cholesky", "lsqr"): # With more samples than features n_samples, n_features = 6, 5 y = rng.randn(n_samples) X = rng.randn(n_samples, n_features) ridge = Ridge(alpha=alpha, solver=solver) ridge.fit(X, y) assert_equal(ridge.coef_.shape, (X.shape[1], )) assert_greater(ridge.score(X, y), 0.47) if solver == "cholesky": # Currently the only solver to support sample_weight. ridge.fit(X, y, sample_weight=np.ones(n_samples)) assert_greater(ridge.score(X, y), 0.47) # With more features than samples n_samples, n_features = 5, 10 y = rng.randn(n_samples) X = rng.randn(n_samples, n_features) ridge = Ridge(alpha=alpha, solver=solver) ridge.fit(X, y) assert_greater(ridge.score(X, y), .9) if solver == "cholesky": # Currently the only solver to support sample_weight. ridge.fit(X, y, sample_weight=np.ones(n_samples)) assert_greater(ridge.score(X, y), 0.9) def test_primal_dual_relationship(): y = y_diabetes.reshape(-1, 1) coef = _solve_cholesky(X_diabetes, y, alpha=[1e-2]) K = np.dot(X_diabetes, X_diabetes.T) dual_coef = _solve_cholesky_kernel(K, y, alpha=[1e-2]) coef2 = np.dot(X_diabetes.T, dual_coef).T assert_array_almost_equal(coef, coef2) def test_ridge_singular(): # test on a singular matrix rng = np.random.RandomState(0) n_samples, n_features = 6, 6 y = rng.randn(n_samples // 2) y = np.concatenate((y, y)) X = rng.randn(n_samples // 2, n_features) X = np.concatenate((X, X), axis=0) ridge = Ridge(alpha=0) ridge.fit(X, y) assert_greater(ridge.score(X, y), 0.9) def test_ridge_sample_weights(): rng = np.random.RandomState(0) for solver in ("cholesky", ): for n_samples, n_features in ((6, 5), (5, 10)): for alpha in (1.0, 1e-2): y = rng.randn(n_samples) X = rng.randn(n_samples, n_features) sample_weight = 1 + rng.rand(n_samples) coefs = ridge_regression(X, y, alpha=alpha, sample_weight=sample_weight, solver=solver) # Sample weight can be implemented via a simple rescaling # for the square loss. coefs2 = ridge_regression( X * np.sqrt(sample_weight)[:, np.newaxis], y * np.sqrt(sample_weight), alpha=alpha, solver=solver) assert_array_almost_equal(coefs, coefs2) # Test for fit_intercept = True est = Ridge(alpha=alpha, solver=solver) est.fit(X, y, sample_weight=sample_weight) # Check using Newton's Method # Quadratic function should be solved in a single step. # Initialize sample_weight = np.sqrt(sample_weight) X_weighted = sample_weight[:, np.newaxis] * ( np.column_stack((np.ones(n_samples), X))) y_weighted = y * sample_weight # Gradient is (X*coef-y)*X + alpha*coef_[1:] # Remove coef since it is initialized to zero. grad = -np.dot(y_weighted, X_weighted) # Hessian is (X.T*X) + alpha*I except that the first # diagonal element should be zero, since there is no # penalization of intercept. diag = alpha * np.ones(n_features + 1) diag[0] = 0. hess = np.dot(X_weighted.T, X_weighted) hess.flat[::n_features + 2] += diag coef_ = - np.dot(linalg.inv(hess), grad) assert_almost_equal(coef_[0], est.intercept_) assert_array_almost_equal(coef_[1:], est.coef_) def test_ridge_shapes(): """Test shape of coef_ and intercept_ """ rng = np.random.RandomState(0) n_samples, n_features = 5, 10 X = rng.randn(n_samples, n_features) y = rng.randn(n_samples) Y1 = y[:, np.newaxis] Y = np.c_[y, 1 + y] ridge = Ridge() ridge.fit(X, y) assert_equal(ridge.coef_.shape, (n_features,)) assert_equal(ridge.intercept_.shape, ()) ridge.fit(X, Y1) assert_equal(ridge.coef_.shape, (1, n_features)) assert_equal(ridge.intercept_.shape, (1, )) ridge.fit(X, Y) assert_equal(ridge.coef_.shape, (2, n_features)) assert_equal(ridge.intercept_.shape, (2, )) def test_ridge_intercept(): """Test intercept with multiple targets GH issue #708 """ rng = np.random.RandomState(0) n_samples, n_features = 5, 10 X = rng.randn(n_samples, n_features) y = rng.randn(n_samples) Y = np.c_[y, 1. + y] ridge = Ridge() ridge.fit(X, y) intercept = ridge.intercept_ ridge.fit(X, Y) assert_almost_equal(ridge.intercept_[0], intercept) assert_almost_equal(ridge.intercept_[1], intercept + 1.) def test_toy_ridge_object(): """Test BayesianRegression ridge classifier TODO: test also n_samples > n_features """ X = np.array([[1], [2]]) Y = np.array([1, 2]) clf = Ridge(alpha=0.0) clf.fit(X, Y) X_test = [[1], [2], [3], [4]] assert_almost_equal(clf.predict(X_test), [1., 2, 3, 4]) assert_equal(len(clf.coef_.shape), 1) assert_equal(type(clf.intercept_), np.float64) Y = np.vstack((Y, Y)).T clf.fit(X, Y) X_test = [[1], [2], [3], [4]] assert_equal(len(clf.coef_.shape), 2) assert_equal(type(clf.intercept_), np.ndarray) def test_ridge_vs_lstsq(): """On alpha=0., Ridge and OLS yield the same solution.""" rng = np.random.RandomState(0) # we need more samples than features n_samples, n_features = 5, 4 y = rng.randn(n_samples) X = rng.randn(n_samples, n_features) ridge = Ridge(alpha=0., fit_intercept=False) ols = LinearRegression(fit_intercept=False) ridge.fit(X, y) ols.fit(X, y) assert_almost_equal(ridge.coef_, ols.coef_) ridge.fit(X, y) ols.fit(X, y) assert_almost_equal(ridge.coef_, ols.coef_) def test_ridge_individual_penalties(): """Tests the ridge object using individual penalties""" rng = np.random.RandomState(42) n_samples, n_features, n_targets = 20, 10, 5 X = rng.randn(n_samples, n_features) y = rng.randn(n_samples, n_targets) penalties = np.arange(n_targets) coef_cholesky = np.array([ Ridge(alpha=alpha, solver="cholesky").fit(X, target).coef_ for alpha, target in zip(penalties, y.T)]) coefs_indiv_pen = [ Ridge(alpha=penalties, solver=solver, tol=1e-6).fit(X, y).coef_ for solver in ['svd', 'sparse_cg', 'lsqr', 'cholesky']] for coef_indiv_pen in coefs_indiv_pen: assert_array_almost_equal(coef_cholesky, coef_indiv_pen) # Test error is raised when number of targets and penalties do not match. ridge = Ridge(alpha=penalties[:3]) assert_raises(ValueError, ridge.fit, X, y) def _test_ridge_loo(filter_): # test that can work with both dense or sparse matrices n_samples = X_diabetes.shape[0] ret = [] ridge_gcv = _RidgeGCV(fit_intercept=False) ridge = Ridge(alpha=1.0, fit_intercept=False) # generalized cross-validation (efficient leave-one-out) decomp = ridge_gcv._pre_compute(X_diabetes, y_diabetes) errors, c = ridge_gcv._errors(1.0, y_diabetes, *decomp) values, c = ridge_gcv._values(1.0, y_diabetes, *decomp) # brute-force leave-one-out: remove one example at a time errors2 = [] values2 = [] for i in range(n_samples): sel = np.arange(n_samples) != i X_new = X_diabetes[sel] y_new = y_diabetes[sel] ridge.fit(X_new, y_new) value = ridge.predict([X_diabetes[i]])[0] error = (y_diabetes[i] - value) ** 2 errors2.append(error) values2.append(value) # check that efficient and brute-force LOO give same results assert_almost_equal(errors, errors2) assert_almost_equal(values, values2) # generalized cross-validation (efficient leave-one-out, # SVD variation) decomp = ridge_gcv._pre_compute_svd(X_diabetes, y_diabetes) errors3, c = ridge_gcv._errors_svd(ridge.alpha, y_diabetes, *decomp) values3, c = ridge_gcv._values_svd(ridge.alpha, y_diabetes, *decomp) # check that efficient and SVD efficient LOO give same results assert_almost_equal(errors, errors3) assert_almost_equal(values, values3) # check best alpha ridge_gcv.fit(filter_(X_diabetes), y_diabetes) alpha_ = ridge_gcv.alpha_ ret.append(alpha_) # check that we get same best alpha with custom loss_func f = ignore_warnings scoring = make_scorer(mean_squared_error, greater_is_better=False) ridge_gcv2 = RidgeCV(fit_intercept=False, scoring=scoring) f(ridge_gcv2.fit)(filter_(X_diabetes), y_diabetes) assert_equal(ridge_gcv2.alpha_, alpha_) # check that we get same best alpha with custom score_func func = lambda x, y: -mean_squared_error(x, y) scoring = make_scorer(func) ridge_gcv3 = RidgeCV(fit_intercept=False, scoring=scoring) f(ridge_gcv3.fit)(filter_(X_diabetes), y_diabetes) assert_equal(ridge_gcv3.alpha_, alpha_) # check that we get same best alpha with a scorer scorer = SCORERS['mean_squared_error'] ridge_gcv4 = RidgeCV(fit_intercept=False, scoring=scorer) ridge_gcv4.fit(filter_(X_diabetes), y_diabetes) assert_equal(ridge_gcv4.alpha_, alpha_) # check that we get same best alpha with sample weights ridge_gcv.fit(filter_(X_diabetes), y_diabetes, sample_weight=np.ones(n_samples)) assert_equal(ridge_gcv.alpha_, alpha_) # simulate several responses Y = np.vstack((y_diabetes, y_diabetes)).T ridge_gcv.fit(filter_(X_diabetes), Y) Y_pred = ridge_gcv.predict(filter_(X_diabetes)) ridge_gcv.fit(filter_(X_diabetes), y_diabetes) y_pred = ridge_gcv.predict(filter_(X_diabetes)) assert_array_almost_equal(np.vstack((y_pred, y_pred)).T, Y_pred, decimal=5) return ret def _test_ridge_cv(filter_): n_samples = X_diabetes.shape[0] ridge_cv = RidgeCV() ridge_cv.fit(filter_(X_diabetes), y_diabetes) ridge_cv.predict(filter_(X_diabetes)) assert_equal(len(ridge_cv.coef_.shape), 1) assert_equal(type(ridge_cv.intercept_), np.float64) cv = KFold(n_samples, 5) ridge_cv.set_params(cv=cv) ridge_cv.fit(filter_(X_diabetes), y_diabetes) ridge_cv.predict(filter_(X_diabetes)) assert_equal(len(ridge_cv.coef_.shape), 1) assert_equal(type(ridge_cv.intercept_), np.float64) def _test_ridge_diabetes(filter_): ridge = Ridge(fit_intercept=False) ridge.fit(filter_(X_diabetes), y_diabetes) return np.round(ridge.score(filter_(X_diabetes), y_diabetes), 5) def _test_multi_ridge_diabetes(filter_): # simulate several responses Y = np.vstack((y_diabetes, y_diabetes)).T n_features = X_diabetes.shape[1] ridge = Ridge(fit_intercept=False) ridge.fit(filter_(X_diabetes), Y) assert_equal(ridge.coef_.shape, (2, n_features)) Y_pred = ridge.predict(filter_(X_diabetes)) ridge.fit(filter_(X_diabetes), y_diabetes) y_pred = ridge.predict(filter_(X_diabetes)) assert_array_almost_equal(np.vstack((y_pred, y_pred)).T, Y_pred, decimal=3) def _test_ridge_classifiers(filter_): n_classes = np.unique(y_iris).shape[0] n_features = X_iris.shape[1] for clf in (RidgeClassifier(), RidgeClassifierCV()): clf.fit(filter_(X_iris), y_iris) assert_equal(clf.coef_.shape, (n_classes, n_features)) y_pred = clf.predict(filter_(X_iris)) assert_greater(np.mean(y_iris == y_pred), .79) n_samples = X_iris.shape[0] cv = KFold(n_samples, 5) clf = RidgeClassifierCV(cv=cv) clf.fit(filter_(X_iris), y_iris) y_pred = clf.predict(filter_(X_iris)) assert_true(np.mean(y_iris == y_pred) >= 0.8) def _test_tolerance(filter_): ridge = Ridge(tol=1e-5) ridge.fit(filter_(X_diabetes), y_diabetes) score = ridge.score(filter_(X_diabetes), y_diabetes) ridge2 = Ridge(tol=1e-3) ridge2.fit(filter_(X_diabetes), y_diabetes) score2 = ridge2.score(filter_(X_diabetes), y_diabetes) assert_true(score >= score2) def test_dense_sparse(): for test_func in (_test_ridge_loo, _test_ridge_cv, _test_ridge_diabetes, _test_multi_ridge_diabetes, _test_ridge_classifiers, _test_tolerance): # test dense matrix ret_dense = test_func(DENSE_FILTER) # test sparse matrix ret_sparse = test_func(SPARSE_FILTER) # test that the outputs are the same if ret_dense is not None and ret_sparse is not None: assert_array_almost_equal(ret_dense, ret_sparse, decimal=3) def test_ridge_cv_sparse_svd(): X = sp.csr_matrix(X_diabetes) ridge = RidgeCV(gcv_mode="svd") assert_raises(TypeError, ridge.fit, X) def test_ridge_sparse_svd(): X = sp.csc_matrix(rng.rand(100, 10)) y = rng.rand(100) ridge = Ridge(solver='svd') assert_raises(TypeError, ridge.fit, X, y) def test_class_weights(): """ Test class weights. """ X = np.array([[-1.0, -1.0], [-1.0, 0], [-.8, -1.0], [1.0, 1.0], [1.0, 0.0]]) y = [1, 1, 1, -1, -1] clf = RidgeClassifier(class_weight=None) clf.fit(X, y) assert_array_equal(clf.predict([[0.2, -1.0]]), np.array([1])) # we give a small weights to class 1 clf = RidgeClassifier(class_weight={1: 0.001}) clf.fit(X, y) # now the hyperplane should rotate clock-wise and # the prediction on this point should shift assert_array_equal(clf.predict([[0.2, -1.0]]), np.array([-1])) # check if class_weight = 'auto' can handle negative labels. clf = RidgeClassifier(class_weight='auto') clf.fit(X, y) assert_array_equal(clf.predict([[0.2, -1.0]]), np.array([1])) # class_weight = 'auto', and class_weight = None should return # same values when y has equal number of all labels X = np.array([[-1.0, -1.0], [-1.0, 0], [-.8, -1.0], [1.0, 1.0]]) y = [1, 1, -1, -1] clf = RidgeClassifier(class_weight=None) clf.fit(X, y) clfa = RidgeClassifier(class_weight='auto') clfa.fit(X, y) assert_equal(len(clfa.classes_), 2) assert_array_almost_equal(clf.coef_, clfa.coef_) assert_array_almost_equal(clf.intercept_, clfa.intercept_) def test_class_weights_cv(): """ Test class weights for cross validated ridge classifier. """ X = np.array([[-1.0, -1.0], [-1.0, 0], [-.8, -1.0], [1.0, 1.0], [1.0, 0.0]]) y = [1, 1, 1, -1, -1] clf = RidgeClassifierCV(class_weight=None, alphas=[.01, .1, 1]) clf.fit(X, y) # we give a small weights to class 1 clf = RidgeClassifierCV(class_weight={1: 0.001}, alphas=[.01, .1, 1, 10]) clf.fit(X, y) assert_array_equal(clf.predict([[-.2, 2]]), np.array([-1])) def test_ridgecv_store_cv_values(): """ Test _RidgeCV's store_cv_values attribute. """ rng = rng = np.random.RandomState(42) n_samples = 8 n_features = 5 x = rng.randn(n_samples, n_features) alphas = [1e-1, 1e0, 1e1] n_alphas = len(alphas) r = RidgeCV(alphas=alphas, store_cv_values=True) # with len(y.shape) == 1 y = rng.randn(n_samples) r.fit(x, y) assert_equal(r.cv_values_.shape, (n_samples, n_alphas)) # with len(y.shape) == 2 n_responses = 3 y = rng.randn(n_samples, n_responses) r.fit(x, y) assert_equal(r.cv_values_.shape, (n_samples, n_responses, n_alphas)) def test_ridge_sample_weights_in_feature_space(): """Check that Cholesky solver in feature space applies sample_weights correctly. """ rng = np.random.RandomState(42) n_samples_list = [5, 6, 7] * 2 n_features_list = [7, 6, 5] * 2 n_targets_list = [1, 1, 1, 2, 2, 2] noise = 1. alpha = 2. alpha = np.atleast_1d(alpha) for n_samples, n_features, n_targets in zip(n_samples_list, n_features_list, n_targets_list): X = rng.randn(n_samples, n_features) beta = rng.randn(n_features, n_targets) Y = X.dot(beta) Y_noisy = Y + rng.randn(*Y.shape) * np.sqrt((Y ** 2).sum(0)) * noise K = X.dot(X.T) sample_weights = 1. + (rng.randn(n_samples) ** 2) * 10 coef_sample_space = _solve_cholesky_kernel(K, Y_noisy, alpha, sample_weight=sample_weights) coef_feature_space = _solve_cholesky(X, Y_noisy, alpha, sample_weight=sample_weights) assert_array_almost_equal(X.T.dot(coef_sample_space), coef_feature_space.T) def test_raises_value_error_if_sample_weights_greater_than_1d(): """Sample weights must be either scalar or 1D""" n_sampless = [2, 3] n_featuress = [3, 2] rng = np.random.RandomState(42) for n_samples, n_features in zip(n_sampless, n_featuress): X = rng.randn(n_samples, n_features) y = rng.randn(n_samples) sample_weights_OK = rng.randn(n_samples) ** 2 + 1 sample_weights_OK_1 = 1. sample_weights_OK_2 = 2. sample_weights_not_OK = sample_weights_OK[:, np.newaxis] sample_weights_not_OK_2 = sample_weights_OK[np.newaxis, :] ridge = Ridge(alpha=1) # make sure the "OK" sample weights actually work ridge.fit(X, y, sample_weights_OK) ridge.fit(X, y, sample_weights_OK_1) ridge.fit(X, y, sample_weights_OK_2) def fit_ridge_not_ok(): ridge.fit(X, y, sample_weights_not_OK) def fit_ridge_not_ok_2(): ridge.fit(X, y, sample_weights_not_OK_2) assert_raise_message(ValueError, "Sample weights must be 1D array or scalar", fit_ridge_not_ok) assert_raise_message(ValueError, "Sample weights must be 1D array or scalar", fit_ridge_not_ok_2) def test_sparse_design_with_sample_weights(): """Sample weights must work with sparse matrices""" n_sampless = [2, 3] n_featuress = [3, 2] rng = np.random.RandomState(42) sparse_matrix_converters = [sp.coo_matrix, sp.csr_matrix, sp.csc_matrix, sp.lil_matrix, sp.dok_matrix ] sparse_ridge = Ridge(alpha=1., fit_intercept=False) dense_ridge = Ridge(alpha=1., fit_intercept=False) for n_samples, n_features in zip(n_sampless, n_featuress): X = rng.randn(n_samples, n_features) y = rng.randn(n_samples) sample_weights = rng.randn(n_samples) ** 2 + 1 for sparse_converter in sparse_matrix_converters: X_sparse = sparse_converter(X) sparse_ridge.fit(X_sparse, y, sample_weight=sample_weights) dense_ridge.fit(X, y, sample_weight=sample_weights) assert_array_almost_equal(sparse_ridge.coef_, dense_ridge.coef_, decimal=6) def test_deprecation_warning_dense_cholesky(): """Tests if DeprecationWarning is raised at instantiation of estimators and when ridge_regression is called""" warning_class = DeprecationWarning warning_message = ("The name 'dense_cholesky' is deprecated." " Using 'cholesky' instead") X = np.ones([2, 3]) y = np.ones(2) func1 = lambda: Ridge(solver='dense_cholesky').fit(X, y) func2 = lambda: RidgeClassifier(solver='dense_cholesky').fit(X, y) X = np.ones([3, 2]) y = np.zeros(3) func3 = lambda: ridge_regression(X, y, alpha=1, solver='dense_cholesky') for func in [func1, func2, func3]: assert_warns_message(warning_class, warning_message, func) def test_raises_value_error_if_solver_not_supported(): """Tests whether a ValueError is raised if a non-identified solver is passed to ridge_regression""" wrong_solver = "This is not a solver (MagritteSolveCV QuantumBitcoin)" exception = ValueError message = "Solver %s not understood" % wrong_solver def func(): X = np.eye(3) y = np.ones(3) ridge_regression(X, y, alpha=1., solver=wrong_solver) assert_raise_message(exception, message, func) def test_sparse_cg_max_iter(): reg = Ridge(solver="sparse_cg", max_iter=1) reg.fit(X_diabetes, y_diabetes) assert_equal(reg.coef_.shape[0], X_diabetes.shape[1])
bsd-3-clause
kuza55/keras
keras/datasets/reuters.py
5
3348
# -*- coding: utf-8 -*- from __future__ import absolute_import from ..utils.data_utils import get_file from six.moves import cPickle from six.moves import zip import numpy as np import sys def load_data(path='reuters.pkl', nb_words=None, skip_top=0, maxlen=None, test_split=0.2, seed=113, start_char=1, oov_char=2, index_from=3): ''' # Arguments path: where to store the data (in `/.keras/dataset`) nb_words: max number of words to include. Words are ranked by how often they occur (in the training set) and only the most frequent words are kept skip_top: skip the top N most frequently occuring words (which may not be informative). maxlen: truncate sequences after this length. test_split: Fraction of the dataset to be used as test data. seed: random seed for sample shuffling. start_char: The start of a sequence will be marked with this character. Set to 1 because 0 is usually the padding character. oov_char: words that were cut out because of the `nb_words` or `skip_top` limit will be replaced with this character. index_from: index actual words with this index and higher. Note that the 'out of vocabulary' character is only used for words that were present in the training set but are not included because they're not making the `nb_words` cut here. Words that were not seen in the trining set but are in the test set have simply been skipped. ''' path = get_file(path, origin='https://s3.amazonaws.com/text-datasets/reuters.pkl') f = open(path, 'rb') X, labels = cPickle.load(f) f.close() np.random.seed(seed) np.random.shuffle(X) np.random.seed(seed) np.random.shuffle(labels) if start_char is not None: X = [[start_char] + [w + index_from for w in x] for x in X] elif index_from: X = [[w + index_from for w in x] for x in X] if maxlen: new_X = [] new_labels = [] for x, y in zip(X, labels): if len(x) < maxlen: new_X.append(x) new_labels.append(y) X = new_X labels = new_labels if not nb_words: nb_words = max([max(x) for x in X]) # by convention, use 2 as OOV word # reserve 'index_from' (=3 by default) characters: 0 (padding), 1 (start), 2 (OOV) if oov_char is not None: X = [[oov_char if (w >= nb_words or w < skip_top) else w for w in x] for x in X] else: nX = [] for x in X: nx = [] for w in x: if (w >= nb_words or w < skip_top): nx.append(w) nX.append(nx) X = nX X_train = X[:int(len(X) * (1 - test_split))] y_train = labels[:int(len(X) * (1 - test_split))] X_test = X[int(len(X) * (1 - test_split)):] y_test = labels[int(len(X) * (1 - test_split)):] return (X_train, y_train), (X_test, y_test) def get_word_index(path='reuters_word_index.pkl'): path = get_file(path, origin='https://s3.amazonaws.com/text-datasets/reuters_word_index.pkl') f = open(path, 'rb') if sys.version_info < (3,): data = cPickle.load(f) else: data = cPickle.load(f, encoding='latin1') f.close() return data
mit
Adai0808/BuildingMachineLearningSystemsWithPython
ch02/stump.py
24
1604
# This code is supporting material for the book # Building Machine Learning Systems with Python # by Willi Richert and Luis Pedro Coelho # published by PACKT Publishing # # It is made available under the MIT License from sklearn.datasets import load_iris data = load_iris() features = data.data labels = data.target_names[data.target] is_setosa = (labels == 'setosa') features = features[~is_setosa] labels = labels[~is_setosa] is_virginica = (labels == 'virginica') # Initialize to a value that is worse than any possible test best_acc = -1.0 # Loop over all the features for fi in range(features.shape[1]): # Test every possible threshold value for feature fi thresh = features[:, fi].copy() # Test them in order thresh.sort() for t in thresh: # Generate predictions using t as a threshold pred = (features[:, fi] > t) # Accuracy is the fraction of predictions that match reality acc = (pred == is_virginica).mean() # We test whether negating the test is a better threshold: acc_neg = ((~pred) == is_virginica).mean() if acc_neg > acc: acc = acc_neg negated = True else: negated = False # If this is better than previous best, then this is now the new best: if acc > best_acc: best_acc = acc best_fi = fi best_t = t best_is_negated = negated print('Best threshold is {0} on feature {1} (index {2}), which achieves accuracy of {3:.1%}.'.format( best_t, data.feature_names[best_fi], best_fi, best_acc))
mit
hitszxp/scikit-learn
examples/exercises/plot_cv_diabetes.py
15
2528
""" =============================================== Cross-validation on diabetes Dataset Exercise =============================================== A tutorial excercise which uses cross-validation with linear models. This exercise is used in the :ref:`cv_estimators_tut` part of the :ref:`model_selection_tut` section of the :ref:`stat_learn_tut_index`. """ from __future__ import print_function print(__doc__) import numpy as np import matplotlib.pyplot as plt from sklearn import cross_validation, datasets, linear_model diabetes = datasets.load_diabetes() X = diabetes.data[:150] y = diabetes.target[:150] lasso = linear_model.Lasso() alphas = np.logspace(-4, -.5, 30) scores = list() scores_std = list() for alpha in alphas: lasso.alpha = alpha this_scores = cross_validation.cross_val_score(lasso, X, y, n_jobs=1) scores.append(np.mean(this_scores)) scores_std.append(np.std(this_scores)) plt.figure(figsize=(4, 3)) plt.semilogx(alphas, scores) # plot error lines showing +/- std. errors of the scores plt.semilogx(alphas, np.array(scores) + np.array(scores_std) / np.sqrt(len(X)), 'b--') plt.semilogx(alphas, np.array(scores) - np.array(scores_std) / np.sqrt(len(X)), 'b--') plt.ylabel('CV score') plt.xlabel('alpha') plt.axhline(np.max(scores), linestyle='--', color='.5') ############################################################################## # Bonus: how much can you trust the selection of alpha? # To answer this question we use the LassoCV object that sets its alpha # parameter automatically from the data by internal cross-validation (i.e. it # performs cross-validation on the training data it receives). # We use external cross-validation to see how much the automatically obtained # alphas differ across different cross-validation folds. lasso_cv = linear_model.LassoCV(alphas=alphas) k_fold = cross_validation.KFold(len(X), 3) print("Answer to the bonus question:", "how much can you trust the selection of alpha?") print() print("Alpha parameters maximising the generalization score on different") print("subsets of the data:") for k, (train, test) in enumerate(k_fold): lasso_cv.fit(X[train], y[train]) print("[fold {0}] alpha: {1:.5f}, score: {2:.5f}". format(k, lasso_cv.alpha_, lasso_cv.score(X[test], y[test]))) print() print("Answer: Not very much since we obtained different alphas for different") print("subsets of the data and moreover, the scores for these alphas differ") print("quite substantially.") plt.show()
bsd-3-clause
ToontownUprising/src
toontown/coghq/LawbotOfficeEntrance_Action00.py
5
8383
from toontown.coghq.SpecImports import * import random GlobalEntities = {1000: {'type': 'levelMgr', 'name': 'LevelMgr', 'comment': '', 'parentEntId': 0, 'cogLevel': 0, 'farPlaneDistance': 1500, 'modelFilename': 'phase_11/models/lawbotHQ/LB_Zone03a', 'wantDoors': 1}, 1001: {'type': 'editMgr', 'name': 'EditMgr', 'parentEntId': 0, 'insertEntity': None, 'removeEntity': None, 'requestNewEntity': None, 'requestSave': None}, 0: {'type': 'zone', 'name': 'UberZone', 'comment': '', 'parentEntId': 0, 'scale': 1, 'description': '', 'visibility': []}, 10000: {'type': 'entrancePoint', 'name': '<unnamed>', 'comment': '', 'parentEntId': 0, 'pos': Point3(0, 6, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'entranceId': 0, 'radius': 15, 'theta': 20}, 100000: {'type': 'model', 'name': '<unnamed>', 'comment': '', 'parentEntId': 10004, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': Point3(1, 1, 1), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_torch_lampB'}, 100001: {'type': 'model', 'name': 'copy of <unnamed>', 'comment': '', 'parentEntId': 100002, 'pos': Point3(0, 0, 0), 'hpr': Point3(0, 0, 180), 'scale': Point3(1, 1, 1), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_torch_lampB'}, 100004: {'type': 'model', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100003, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': Point3(1, 1, 1), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_torch_lampB'}, 100006: {'type': 'model', 'name': 'copy of <unnamed>', 'comment': '', 'parentEntId': 100005, 'pos': Point3(0, 0, 0), 'hpr': Point3(0, 0, 180), 'scale': Point3(1, 1, 1), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_torch_lampB'}, 100008: {'type': 'model', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100007, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': Point3(1.5, 1.5, 1.5), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_paper_twist_stacks'}, 100010: {'type': 'model', 'name': 'copy of <unnamed>', 'comment': '', 'parentEntId': 100009, 'pos': Point3(0, 0, 0), 'hpr': Point3(180, 0, 180), 'scale': Point3(1.5, 1.5, 1.5), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_paper_twist_stacks'}, 100012: {'type': 'model', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100011, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_CardBoardBox'}, 100013: {'type': 'model', 'name': 'copy of <unnamed>', 'comment': '', 'parentEntId': 100014, 'pos': Point3(0, 0, 0), 'hpr': Point3(0, 0, 180), 'scale': 1, 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_CardBoardBox'}, 100016: {'type': 'model', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100015, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': Point3(1.5, 1.5, 1.5), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_couchA'}, 100017: {'type': 'model', 'name': 'copy of <unnamed>', 'comment': '', 'parentEntId': 100018, 'pos': Point3(0, 0, 0), 'hpr': Point3(0, 0, 180), 'scale': Point3(1.5, 1.5, 1.5), 'collisionsOnly': 0, 'flattenType': 'light', 'loadType': 'loadModelCopy', 'modelPath': 'phase_11/models/lawbotHQ/LB_couchA'}, 10002: {'type': 'nodepath', 'name': 'props', 'comment': '', 'parentEntId': 0, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1}, 10004: {'type': 'nodepath', 'name': 'lamp', 'comment': '', 'parentEntId': 10002, 'pos': Point3(-10.1845, 16.3439, 0), 'hpr': Vec3(0, 0, 0), 'scale': Vec3(1, 1, 1)}, 100003: {'type': 'nodepath', 'name': 'lamp2', 'comment': '', 'parentEntId': 10002, 'pos': Point3(10.3093, 14.7794, 0), 'hpr': Vec3(0, 0, 0), 'scale': Vec3(1, 1, 1)}, 100007: {'type': 'nodepath', 'name': 'paper', 'comment': '', 'parentEntId': 10002, 'pos': Point3(14.3907, 11.4389, 0), 'hpr': Vec3(300.379, 0, 0), 'scale': Vec3(1, 1, 1)}, 100011: {'type': 'nodepath', 'name': 'box', 'comment': '', 'parentEntId': 10002, 'pos': Point3(-18.5313, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': Vec3(1, 1, 1)}, 100015: {'type': 'nodepath', 'name': 'couch', 'comment': '', 'parentEntId': 10002, 'pos': Point3(14.3585, -9.43671, 0), 'hpr': Vec3(270.699, 0, 0), 'scale': Vec3(1, 1, 1)}, 100002: {'type': 'rendering', 'name': '<unnamed>', 'comment': '', 'parentEntId': 10004, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'blending': 'Normal', 'colorA': 1.0, 'colorB': 1.0, 'colorG': 1.0, 'colorR': 1.0, 'fogOn': 0, 'renderBin': 'default'}, 100005: {'type': 'rendering', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100003, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'blending': 'Normal', 'colorA': 1.0, 'colorB': 1.0, 'colorG': 1.0, 'colorR': 1.0, 'fogOn': 0, 'renderBin': 'default'}, 100009: {'type': 'rendering', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100007, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'blending': 'Normal', 'colorA': 1.0, 'colorB': 1.0, 'colorG': 1.0, 'colorR': 1.0, 'fogOn': 0, 'renderBin': 'default'}, 100014: {'type': 'rendering', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100011, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'blending': 'Normal', 'colorA': 1.0, 'colorB': 1.0, 'colorG': 1.0, 'colorR': 1.0, 'fogOn': 0, 'renderBin': 'default'}, 100018: {'type': 'rendering', 'name': '<unnamed>', 'comment': '', 'parentEntId': 100015, 'pos': Point3(0, 0, 0), 'hpr': Vec3(0, 0, 0), 'scale': 1, 'blending': 'Normal', 'colorA': 1.0, 'colorB': 1.0, 'colorG': 1.0, 'colorR': 1.0, 'fogOn': 0, 'renderBin': 'default'}} Scenario0 = {} levelSpec = {'globalEntities': GlobalEntities, 'scenarios': [Scenario0], 'titleString': 'MemTag: LawbotOfficeEntrance_Action00 %s' % random.random()}
mit
cmoutard/mne-python
mne/datasets/eegbci/eegbci.py
23
6469
# Author: Martin Billinger <martin.billinger@tugraz.at> # License: BSD Style. import os from os import path as op from ..utils import _get_path, _do_path_update from ...utils import _fetch_file, _url_to_local_path, verbose EEGMI_URL = 'http://www.physionet.org/physiobank/database/eegmmidb/' @verbose def data_path(url, path=None, force_update=False, update_path=None, verbose=None): """Get path to local copy of EEGMMI dataset URL This is a low-level function useful for getting a local copy of a remote EEGBCI dataet. Parameters ---------- url : str The dataset to use. path : None | str Location of where to look for the EEGBCI data storing location. If None, the environment variable or config parameter MNE_DATASETS_EEGBCI_PATH is used. If it doesn't exist, the "mne-python/examples" directory is used. If the EEGBCI dataset is not found under the given path (e.g., as "mne-python/examples/MNE-eegbci-data"), the data will be automatically downloaded to the specified folder. force_update : bool Force update of the dataset even if a local copy exists. update_path : bool | None If True, set the MNE_DATASETS_EEGBCI_PATH in mne-python config to the given path. If None, the user is prompted. verbose : bool, str, int, or None If not None, override default verbose level (see mne.verbose). Returns ------- path : list of str Local path to the given data file. This path is contained inside a list of length one, for compatibility. Notes ----- For example, one could do: >>> from mne.datasets import eegbci >>> url = 'http://www.physionet.org/physiobank/database/eegmmidb/' >>> eegbci.data_path(url, os.getenv('HOME') + '/datasets') # doctest:+SKIP This would download the given EEGBCI data file to the 'datasets' folder, and prompt the user to save the 'datasets' path to the mne-python config, if it isn't there already. The EEGBCI dataset is documented in the following publication: Schalk, G., McFarland, D.J., Hinterberger, T., Birbaumer, N., Wolpaw, J.R. (2004) BCI2000: A General-Purpose Brain-Computer Interface (BCI) System. IEEE TBME 51(6):1034-1043 The data set is available at PhysioNet: Goldberger AL, Amaral LAN, Glass L, Hausdorff JM, Ivanov PCh, Mark RG, Mietus JE, Moody GB, Peng C-K, Stanley HE. (2000) PhysioBank, PhysioToolkit, and PhysioNet: Components of a New Research Resource for Complex Physiologic Signals. Circulation 101(23):e215-e220 """ # noqa key = 'MNE_DATASETS_EEGBCI_PATH' name = 'EEGBCI' path = _get_path(path, key, name) destination = _url_to_local_path(url, op.join(path, 'MNE-eegbci-data')) destinations = [destination] # Fetch the file if not op.isfile(destination) or force_update: if op.isfile(destination): os.remove(destination) if not op.isdir(op.dirname(destination)): os.makedirs(op.dirname(destination)) _fetch_file(url, destination, print_destination=False) # Offer to update the path _do_path_update(path, update_path, key, name) return destinations @verbose def load_data(subject, runs, path=None, force_update=False, update_path=None, base_url=EEGMI_URL, verbose=None): """Get paths to local copy of EEGBCI dataset files Parameters ---------- subject : int The subject to use. Can be in the range of 1-109 (inclusive). runs : int | list of ints The runs to use. Can be a list or a single number. The runs correspond to the following tasks: run | task ----------+----------------------------------------- 1 | Baseline, eyes open 2 | Baseline, eyes closed 3, 7, 11 | Motor execution: left vs right hand 4, 8, 12 | Motor imagery: left vs right hand 5, 9, 13 | Motor execution: hands vs feet 6, 10, 14 | Motor imagery: hands vs feet path : None | str Location of where to look for the EEGBCI data storing location. If None, the environment variable or config parameter MNE_DATASETS_EEGBCI_PATH is used. If it doesn't exist, the "mne-python/examples" directory is used. If the EEGBCI dataset is not found under the given path (e.g., as "mne-python/examples/MEGSIM"), the data will be automatically downloaded to the specified folder. force_update : bool Force update of the dataset even if a local copy exists. update_path : bool | None If True, set the MNE_DATASETS_EEGBCI_PATH in mne-python config to the given path. If None, the user is prompted. verbose : bool, str, int, or None If not None, override default verbose level (see mne.verbose). Returns ------- paths : list List of local data paths of the given type. Notes ----- For example, one could do: >>> from mne.datasets import eegbci >>> eegbci.load_data(1, [4, 10, 14],\ os.getenv('HOME') + '/datasets') # doctest:+SKIP This would download runs 4, 10, and 14 (hand/foot motor imagery) runs from subject 1 in the EEGBCI dataset to the 'datasets' folder, and prompt the user to save the 'datasets' path to the mne-python config, if it isn't there already. The EEGBCI dataset is documented in the following publication: Schalk, G., McFarland, D.J., Hinterberger, T., Birbaumer, N., Wolpaw, J.R. (2004) BCI2000: A General-Purpose Brain-Computer Interface (BCI) System. IEEE TBME 51(6):1034-1043 The data set is available at PhysioNet: Goldberger AL, Amaral LAN, Glass L, Hausdorff JM, Ivanov PCh, Mark RG, Mietus JE, Moody GB, Peng C-K, Stanley HE. (2000) PhysioBank, PhysioToolkit, and PhysioNet: Components of a New Research Resource for Complex Physiologic Signals. Circulation 101(23):e215-e220 """ if not hasattr(runs, '__iter__'): runs = [runs] data_paths = [] for r in runs: url = '{u}S{s:03d}/S{s:03d}R{r:02d}.edf'.format(u=base_url, s=subject, r=r) data_paths.extend(data_path(url, path, force_update, update_path)) return data_paths
bsd-3-clause
davidlowryduda/hnrss
summarizer.py
1
1484
#!/usr/bin/env python3 # -*- coding: utf-8 -*- """ Produces an automated summary of the webpage. Using the LSA Summarizer from sumy, this attempts to create an automated summarizer of the content at a given url. There are very many unhandled edge-cases, so use with some caution. WARNING ------- For some pages, this summarizer can hang. So this should be run with some other memory management tools. COPYRIGHT NOTICE --------------- Copyright 2016-2017 David Lowry-Duda You are free to redistribute and/or modify HNRSS under the terms of the MIT License. A copy of this license should be made available with the source. I'm happy if you find HNRSS useful, but be advised that it comes WITHOUT ANY WARRANTY; without even the implied warranty of MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. """ from sumy.parsers.html import HtmlParser from sumy.parsers.plaintext import PlaintextParser from sumy.nlp.tokenizers import Tokenizer from sumy.summarizers.lsa import LsaSummarizer as Summarizer from sumy.nlp.stemmers import Stemmer from sumy.utils import get_stop_words LANGUAGE = "english" stemmer = Stemmer(LANGUAGE) summarizer = Summarizer(stemmer) summarizer.stop_words = get_stop_words(LANGUAGE) def summarize(url, sent_count=10): "Produces `sent_cout` sentence summaries of `url`." parser = HtmlParser.from_url(url, Tokenizer(LANGUAGE)) return " ".join([str(sentence) for sentence in summarizer(parser.document, sent_count)])
mit
ivannz/scikit-learn
examples/cluster/plot_optics.py
11
3572
""" =================================== Demo of OPTICS clustering algorithm =================================== .. currentmodule:: sklearn Finds core samples of high density and expands clusters from them. This example uses data that is generated so that the clusters have different densities. The :class:`~cluster.OPTICS` is first used with its Xi cluster detection method, and then setting specific thresholds on the reachability, which corresponds to :class:`~cluster.DBSCAN`. We can see that the different clusters of OPTICS's Xi method can be recovered with different choices of thresholds in DBSCAN. """ # Authors: Shane Grigsby <refuge@rocktalus.com> # Adrin Jalali <adrin.jalali@gmail.com> # License: BSD 3 clause from sklearn.cluster import OPTICS, cluster_optics_dbscan import matplotlib.gridspec as gridspec import matplotlib.pyplot as plt import numpy as np # Generate sample data np.random.seed(0) n_points_per_cluster = 250 C1 = [-5, -2] + 0.8 * np.random.randn(n_points_per_cluster, 2) C2 = [4, -1] + 0.1 * np.random.randn(n_points_per_cluster, 2) C3 = [1, -2] + 0.2 * np.random.randn(n_points_per_cluster, 2) C4 = [-2, 3] + 0.3 * np.random.randn(n_points_per_cluster, 2) C5 = [3, -2] + 1.6 * np.random.randn(n_points_per_cluster, 2) C6 = [5, 6] + 2 * np.random.randn(n_points_per_cluster, 2) X = np.vstack((C1, C2, C3, C4, C5, C6)) clust = OPTICS(min_samples=50, xi=0.05, min_cluster_size=0.05) # Run the fit clust.fit(X) labels_050 = cluster_optics_dbscan( reachability=clust.reachability_, core_distances=clust.core_distances_, ordering=clust.ordering_, eps=0.5, ) labels_200 = cluster_optics_dbscan( reachability=clust.reachability_, core_distances=clust.core_distances_, ordering=clust.ordering_, eps=2, ) space = np.arange(len(X)) reachability = clust.reachability_[clust.ordering_] labels = clust.labels_[clust.ordering_] plt.figure(figsize=(10, 7)) G = gridspec.GridSpec(2, 3) ax1 = plt.subplot(G[0, :]) ax2 = plt.subplot(G[1, 0]) ax3 = plt.subplot(G[1, 1]) ax4 = plt.subplot(G[1, 2]) # Reachability plot colors = ["g.", "r.", "b.", "y.", "c."] for klass, color in zip(range(0, 5), colors): Xk = space[labels == klass] Rk = reachability[labels == klass] ax1.plot(Xk, Rk, color, alpha=0.3) ax1.plot(space[labels == -1], reachability[labels == -1], "k.", alpha=0.3) ax1.plot(space, np.full_like(space, 2.0, dtype=float), "k-", alpha=0.5) ax1.plot(space, np.full_like(space, 0.5, dtype=float), "k-.", alpha=0.5) ax1.set_ylabel("Reachability (epsilon distance)") ax1.set_title("Reachability Plot") # OPTICS colors = ["g.", "r.", "b.", "y.", "c."] for klass, color in zip(range(0, 5), colors): Xk = X[clust.labels_ == klass] ax2.plot(Xk[:, 0], Xk[:, 1], color, alpha=0.3) ax2.plot(X[clust.labels_ == -1, 0], X[clust.labels_ == -1, 1], "k+", alpha=0.1) ax2.set_title("Automatic Clustering\nOPTICS") # DBSCAN at 0.5 colors = ["g", "greenyellow", "olive", "r", "b", "c"] for klass, color in zip(range(0, 6), colors): Xk = X[labels_050 == klass] ax3.plot(Xk[:, 0], Xk[:, 1], color, alpha=0.3, marker=".") ax3.plot(X[labels_050 == -1, 0], X[labels_050 == -1, 1], "k+", alpha=0.1) ax3.set_title("Clustering at 0.5 epsilon cut\nDBSCAN") # DBSCAN at 2. colors = ["g.", "m.", "y.", "c."] for klass, color in zip(range(0, 4), colors): Xk = X[labels_200 == klass] ax4.plot(Xk[:, 0], Xk[:, 1], color, alpha=0.3) ax4.plot(X[labels_200 == -1, 0], X[labels_200 == -1, 1], "k+", alpha=0.1) ax4.set_title("Clustering at 2.0 epsilon cut\nDBSCAN") plt.tight_layout() plt.show()
bsd-3-clause
ivannz/scikit-learn
sklearn/tests/test_calibration.py
9
39439
# Authors: Alexandre Gramfort <alexandre.gramfort@telecom-paristech.fr> # License: BSD 3 clause import pytest import numpy as np from numpy.testing import assert_allclose from scipy import sparse from sklearn.base import BaseEstimator, clone from sklearn.dummy import DummyClassifier from sklearn.model_selection import LeaveOneOut, train_test_split from sklearn.utils._testing import ( assert_array_almost_equal, assert_almost_equal, assert_array_equal, ) from sklearn.utils.extmath import softmax from sklearn.exceptions import NotFittedError from sklearn.datasets import make_classification, make_blobs, load_iris from sklearn.preprocessing import LabelEncoder from sklearn.model_selection import KFold, cross_val_predict from sklearn.naive_bayes import MultinomialNB from sklearn.ensemble import ( RandomForestClassifier, VotingClassifier, ) from sklearn.linear_model import LogisticRegression, LinearRegression from sklearn.tree import DecisionTreeClassifier from sklearn.svm import LinearSVC from sklearn.pipeline import Pipeline, make_pipeline from sklearn.preprocessing import StandardScaler from sklearn.isotonic import IsotonicRegression from sklearn.feature_extraction import DictVectorizer from sklearn.impute import SimpleImputer from sklearn.metrics import brier_score_loss from sklearn.calibration import ( _CalibratedClassifier, _SigmoidCalibration, _sigmoid_calibration, CalibratedClassifierCV, CalibrationDisplay, calibration_curve, ) from sklearn.utils._mocking import CheckingClassifier from sklearn.utils._testing import _convert_container N_SAMPLES = 200 @pytest.fixture(scope="module") def data(): X, y = make_classification(n_samples=N_SAMPLES, n_features=6, random_state=42) return X, y @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibration(data, method, ensemble): # Test calibration objects with isotonic and sigmoid n_samples = N_SAMPLES // 2 X, y = data sample_weight = np.random.RandomState(seed=42).uniform(size=y.size) X -= X.min() # MultinomialNB only allows positive X # split train and test X_train, y_train, sw_train = X[:n_samples], y[:n_samples], sample_weight[:n_samples] X_test, y_test = X[n_samples:], y[n_samples:] # Naive-Bayes clf = MultinomialNB(force_alpha=True).fit(X_train, y_train, sample_weight=sw_train) prob_pos_clf = clf.predict_proba(X_test)[:, 1] cal_clf = CalibratedClassifierCV(clf, cv=y.size + 1, ensemble=ensemble) with pytest.raises(ValueError): cal_clf.fit(X, y) # Naive Bayes with calibration for this_X_train, this_X_test in [ (X_train, X_test), (sparse.csr_matrix(X_train), sparse.csr_matrix(X_test)), ]: cal_clf = CalibratedClassifierCV(clf, method=method, cv=5, ensemble=ensemble) # Note that this fit overwrites the fit on the entire training # set cal_clf.fit(this_X_train, y_train, sample_weight=sw_train) prob_pos_cal_clf = cal_clf.predict_proba(this_X_test)[:, 1] # Check that brier score has improved after calibration assert brier_score_loss(y_test, prob_pos_clf) > brier_score_loss( y_test, prob_pos_cal_clf ) # Check invariance against relabeling [0, 1] -> [1, 2] cal_clf.fit(this_X_train, y_train + 1, sample_weight=sw_train) prob_pos_cal_clf_relabeled = cal_clf.predict_proba(this_X_test)[:, 1] assert_array_almost_equal(prob_pos_cal_clf, prob_pos_cal_clf_relabeled) # Check invariance against relabeling [0, 1] -> [-1, 1] cal_clf.fit(this_X_train, 2 * y_train - 1, sample_weight=sw_train) prob_pos_cal_clf_relabeled = cal_clf.predict_proba(this_X_test)[:, 1] assert_array_almost_equal(prob_pos_cal_clf, prob_pos_cal_clf_relabeled) # Check invariance against relabeling [0, 1] -> [1, 0] cal_clf.fit(this_X_train, (y_train + 1) % 2, sample_weight=sw_train) prob_pos_cal_clf_relabeled = cal_clf.predict_proba(this_X_test)[:, 1] if method == "sigmoid": assert_array_almost_equal(prob_pos_cal_clf, 1 - prob_pos_cal_clf_relabeled) else: # Isotonic calibration is not invariant against relabeling # but should improve in both cases assert brier_score_loss(y_test, prob_pos_clf) > brier_score_loss( (y_test + 1) % 2, prob_pos_cal_clf_relabeled ) def test_calibration_default_estimator(data): # Check estimator default is LinearSVC X, y = data calib_clf = CalibratedClassifierCV(cv=2) calib_clf.fit(X, y) base_est = calib_clf.calibrated_classifiers_[0].estimator assert isinstance(base_est, LinearSVC) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibration_cv_splitter(data, ensemble): # Check when `cv` is a CV splitter X, y = data splits = 5 kfold = KFold(n_splits=splits) calib_clf = CalibratedClassifierCV(cv=kfold, ensemble=ensemble) assert isinstance(calib_clf.cv, KFold) assert calib_clf.cv.n_splits == splits calib_clf.fit(X, y) expected_n_clf = splits if ensemble else 1 assert len(calib_clf.calibrated_classifiers_) == expected_n_clf @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) @pytest.mark.parametrize("ensemble", [True, False]) def test_sample_weight(data, method, ensemble): n_samples = N_SAMPLES // 2 X, y = data sample_weight = np.random.RandomState(seed=42).uniform(size=len(y)) X_train, y_train, sw_train = X[:n_samples], y[:n_samples], sample_weight[:n_samples] X_test = X[n_samples:] estimator = LinearSVC(random_state=42) calibrated_clf = CalibratedClassifierCV(estimator, method=method, ensemble=ensemble) calibrated_clf.fit(X_train, y_train, sample_weight=sw_train) probs_with_sw = calibrated_clf.predict_proba(X_test) # As the weights are used for the calibration, they should still yield # different predictions calibrated_clf.fit(X_train, y_train) probs_without_sw = calibrated_clf.predict_proba(X_test) diff = np.linalg.norm(probs_with_sw - probs_without_sw) assert diff > 0.1 @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) @pytest.mark.parametrize("ensemble", [True, False]) def test_parallel_execution(data, method, ensemble): """Test parallel calibration""" X, y = data X_train, X_test, y_train, y_test = train_test_split(X, y, random_state=42) estimator = LinearSVC(random_state=42) cal_clf_parallel = CalibratedClassifierCV( estimator, method=method, n_jobs=2, ensemble=ensemble ) cal_clf_parallel.fit(X_train, y_train) probs_parallel = cal_clf_parallel.predict_proba(X_test) cal_clf_sequential = CalibratedClassifierCV( estimator, method=method, n_jobs=1, ensemble=ensemble ) cal_clf_sequential.fit(X_train, y_train) probs_sequential = cal_clf_sequential.predict_proba(X_test) assert_allclose(probs_parallel, probs_sequential) @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) @pytest.mark.parametrize("ensemble", [True, False]) # increase the number of RNG seeds to assess the statistical stability of this # test: @pytest.mark.parametrize("seed", range(2)) def test_calibration_multiclass(method, ensemble, seed): def multiclass_brier(y_true, proba_pred, n_classes): Y_onehot = np.eye(n_classes)[y_true] return np.sum((Y_onehot - proba_pred) ** 2) / Y_onehot.shape[0] # Test calibration for multiclass with classifier that implements # only decision function. clf = LinearSVC(random_state=7) X, y = make_blobs( n_samples=500, n_features=100, random_state=seed, centers=10, cluster_std=15.0 ) # Use an unbalanced dataset by collapsing 8 clusters into one class # to make the naive calibration based on a softmax more unlikely # to work. y[y > 2] = 2 n_classes = np.unique(y).shape[0] X_train, y_train = X[::2], y[::2] X_test, y_test = X[1::2], y[1::2] clf.fit(X_train, y_train) cal_clf = CalibratedClassifierCV(clf, method=method, cv=5, ensemble=ensemble) cal_clf.fit(X_train, y_train) probas = cal_clf.predict_proba(X_test) # Check probabilities sum to 1 assert_allclose(np.sum(probas, axis=1), np.ones(len(X_test))) # Check that the dataset is not too trivial, otherwise it's hard # to get interesting calibration data during the internal # cross-validation loop. assert 0.65 < clf.score(X_test, y_test) < 0.95 # Check that the accuracy of the calibrated model is never degraded # too much compared to the original classifier. assert cal_clf.score(X_test, y_test) > 0.95 * clf.score(X_test, y_test) # Check that Brier loss of calibrated classifier is smaller than # loss obtained by naively turning OvR decision function to # probabilities via a softmax uncalibrated_brier = multiclass_brier( y_test, softmax(clf.decision_function(X_test)), n_classes=n_classes ) calibrated_brier = multiclass_brier(y_test, probas, n_classes=n_classes) assert calibrated_brier < 1.1 * uncalibrated_brier # Test that calibration of a multiclass classifier decreases log-loss # for RandomForestClassifier clf = RandomForestClassifier(n_estimators=30, random_state=42) clf.fit(X_train, y_train) clf_probs = clf.predict_proba(X_test) uncalibrated_brier = multiclass_brier(y_test, clf_probs, n_classes=n_classes) cal_clf = CalibratedClassifierCV(clf, method=method, cv=5, ensemble=ensemble) cal_clf.fit(X_train, y_train) cal_clf_probs = cal_clf.predict_proba(X_test) calibrated_brier = multiclass_brier(y_test, cal_clf_probs, n_classes=n_classes) assert calibrated_brier < 1.1 * uncalibrated_brier def test_calibration_zero_probability(): # Test an edge case where _CalibratedClassifier avoids numerical errors # in the multiclass normalization step if all the calibrators output # are zero all at once for a given sample and instead fallback to uniform # probabilities. class ZeroCalibrator: # This function is called from _CalibratedClassifier.predict_proba. def predict(self, X): return np.zeros(X.shape[0]) X, y = make_blobs( n_samples=50, n_features=10, random_state=7, centers=10, cluster_std=15.0 ) clf = DummyClassifier().fit(X, y) calibrator = ZeroCalibrator() cal_clf = _CalibratedClassifier( estimator=clf, calibrators=[calibrator], classes=clf.classes_ ) probas = cal_clf.predict_proba(X) # Check that all probabilities are uniformly 1. / clf.n_classes_ assert_allclose(probas, 1.0 / clf.n_classes_) def test_calibration_prefit(): """Test calibration for prefitted classifiers""" n_samples = 50 X, y = make_classification(n_samples=3 * n_samples, n_features=6, random_state=42) sample_weight = np.random.RandomState(seed=42).uniform(size=y.size) X -= X.min() # MultinomialNB only allows positive X # split train and test X_train, y_train, sw_train = X[:n_samples], y[:n_samples], sample_weight[:n_samples] X_calib, y_calib, sw_calib = ( X[n_samples : 2 * n_samples], y[n_samples : 2 * n_samples], sample_weight[n_samples : 2 * n_samples], ) X_test, y_test = X[2 * n_samples :], y[2 * n_samples :] # Naive-Bayes clf = MultinomialNB(force_alpha=True) # Check error if clf not prefit unfit_clf = CalibratedClassifierCV(clf, cv="prefit") with pytest.raises(NotFittedError): unfit_clf.fit(X_calib, y_calib) clf.fit(X_train, y_train, sw_train) prob_pos_clf = clf.predict_proba(X_test)[:, 1] # Naive Bayes with calibration for this_X_calib, this_X_test in [ (X_calib, X_test), (sparse.csr_matrix(X_calib), sparse.csr_matrix(X_test)), ]: for method in ["isotonic", "sigmoid"]: cal_clf = CalibratedClassifierCV(clf, method=method, cv="prefit") for sw in [sw_calib, None]: cal_clf.fit(this_X_calib, y_calib, sample_weight=sw) y_prob = cal_clf.predict_proba(this_X_test) y_pred = cal_clf.predict(this_X_test) prob_pos_cal_clf = y_prob[:, 1] assert_array_equal(y_pred, np.array([0, 1])[np.argmax(y_prob, axis=1)]) assert brier_score_loss(y_test, prob_pos_clf) > brier_score_loss( y_test, prob_pos_cal_clf ) @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) def test_calibration_ensemble_false(data, method): # Test that `ensemble=False` is the same as using predictions from # `cross_val_predict` to train calibrator. X, y = data clf = LinearSVC(random_state=7) cal_clf = CalibratedClassifierCV(clf, method=method, cv=3, ensemble=False) cal_clf.fit(X, y) cal_probas = cal_clf.predict_proba(X) # Get probas manually unbiased_preds = cross_val_predict(clf, X, y, cv=3, method="decision_function") if method == "isotonic": calibrator = IsotonicRegression(out_of_bounds="clip") else: calibrator = _SigmoidCalibration() calibrator.fit(unbiased_preds, y) # Use `clf` fit on all data clf.fit(X, y) clf_df = clf.decision_function(X) manual_probas = calibrator.predict(clf_df) assert_allclose(cal_probas[:, 1], manual_probas) def test_sigmoid_calibration(): """Test calibration values with Platt sigmoid model""" exF = np.array([5, -4, 1.0]) exY = np.array([1, -1, -1]) # computed from my python port of the C++ code in LibSVM AB_lin_libsvm = np.array([-0.20261354391187855, 0.65236314980010512]) assert_array_almost_equal(AB_lin_libsvm, _sigmoid_calibration(exF, exY), 3) lin_prob = 1.0 / (1.0 + np.exp(AB_lin_libsvm[0] * exF + AB_lin_libsvm[1])) sk_prob = _SigmoidCalibration().fit(exF, exY).predict(exF) assert_array_almost_equal(lin_prob, sk_prob, 6) # check that _SigmoidCalibration().fit only accepts 1d array or 2d column # arrays with pytest.raises(ValueError): _SigmoidCalibration().fit(np.vstack((exF, exF)), exY) def test_calibration_curve(): """Check calibration_curve function""" y_true = np.array([0, 0, 0, 1, 1, 1]) y_pred = np.array([0.0, 0.1, 0.2, 0.8, 0.9, 1.0]) prob_true, prob_pred = calibration_curve(y_true, y_pred, n_bins=2) assert len(prob_true) == len(prob_pred) assert len(prob_true) == 2 assert_almost_equal(prob_true, [0, 1]) assert_almost_equal(prob_pred, [0.1, 0.9]) # Probabilities outside [0, 1] should not be accepted at all. with pytest.raises(ValueError): calibration_curve([1], [-0.1]) # test that quantiles work as expected y_true2 = np.array([0, 0, 0, 0, 1, 1]) y_pred2 = np.array([0.0, 0.1, 0.2, 0.5, 0.9, 1.0]) prob_true_quantile, prob_pred_quantile = calibration_curve( y_true2, y_pred2, n_bins=2, strategy="quantile" ) assert len(prob_true_quantile) == len(prob_pred_quantile) assert len(prob_true_quantile) == 2 assert_almost_equal(prob_true_quantile, [0, 2 / 3]) assert_almost_equal(prob_pred_quantile, [0.1, 0.8]) # Check that error is raised when invalid strategy is selected with pytest.raises(ValueError): calibration_curve(y_true2, y_pred2, strategy="percentile") # TODO(1.3): Remove this test. def test_calibration_curve_with_unnormalized_proba(): """Tests the `normalize` parameter of `calibration_curve`""" y_true = np.array([0, 0, 0, 1, 1, 1]) y_pred = np.array([0.0, 0.1, 0.2, 0.8, 0.9, 1.0]) # Ensure `normalize` == False raises a FutureWarning. with pytest.warns(FutureWarning): calibration_curve(y_true, y_pred, n_bins=2, normalize=False) # Ensure `normalize` == True raises a FutureWarning and behaves as expected. with pytest.warns(FutureWarning): prob_true_unnormalized, prob_pred_unnormalized = calibration_curve( y_true, y_pred * 2, n_bins=2, normalize=True ) prob_true, prob_pred = calibration_curve(y_true, y_pred, n_bins=2) assert_almost_equal(prob_true, prob_true_unnormalized) assert_almost_equal(prob_pred, prob_pred_unnormalized) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibration_nan_imputer(ensemble): """Test that calibration can accept nan""" X, y = make_classification( n_samples=10, n_features=2, n_informative=2, n_redundant=0, random_state=42 ) X[0, 0] = np.nan clf = Pipeline( [("imputer", SimpleImputer()), ("rf", RandomForestClassifier(n_estimators=1))] ) clf_c = CalibratedClassifierCV(clf, cv=2, method="isotonic", ensemble=ensemble) clf_c.fit(X, y) clf_c.predict(X) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibration_prob_sum(ensemble): # Test that sum of probabilities is 1. A non-regression test for # issue #7796 num_classes = 2 X, y = make_classification(n_samples=10, n_features=5, n_classes=num_classes) clf = LinearSVC(C=1.0, random_state=7) clf_prob = CalibratedClassifierCV( clf, method="sigmoid", cv=LeaveOneOut(), ensemble=ensemble ) clf_prob.fit(X, y) probs = clf_prob.predict_proba(X) assert_array_almost_equal(probs.sum(axis=1), np.ones(probs.shape[0])) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibration_less_classes(ensemble): # Test to check calibration works fine when train set in a test-train # split does not contain all classes # Since this test uses LOO, at each iteration train set will not contain a # class label X = np.random.randn(10, 5) y = np.arange(10) clf = LinearSVC(C=1.0, random_state=7) cal_clf = CalibratedClassifierCV( clf, method="sigmoid", cv=LeaveOneOut(), ensemble=ensemble ) cal_clf.fit(X, y) for i, calibrated_classifier in enumerate(cal_clf.calibrated_classifiers_): proba = calibrated_classifier.predict_proba(X) if ensemble: # Check that the unobserved class has proba=0 assert_array_equal(proba[:, i], np.zeros(len(y))) # Check for all other classes proba>0 assert np.all(proba[:, :i] > 0) assert np.all(proba[:, i + 1 :] > 0) else: # Check `proba` are all 1/n_classes assert np.allclose(proba, 1 / proba.shape[0]) @pytest.mark.parametrize( "X", [ np.random.RandomState(42).randn(15, 5, 2), np.random.RandomState(42).randn(15, 5, 2, 6), ], ) def test_calibration_accepts_ndarray(X): """Test that calibration accepts n-dimensional arrays as input""" y = [1, 0, 0, 1, 1, 0, 1, 1, 0, 0, 1, 0, 0, 1, 0] class MockTensorClassifier(BaseEstimator): """A toy estimator that accepts tensor inputs""" def fit(self, X, y): self.classes_ = np.unique(y) return self def decision_function(self, X): # toy decision function that just needs to have the right shape: return X.reshape(X.shape[0], -1).sum(axis=1) calibrated_clf = CalibratedClassifierCV(MockTensorClassifier()) # we should be able to fit this classifier with no error calibrated_clf.fit(X, y) @pytest.fixture def dict_data(): dict_data = [ {"state": "NY", "age": "adult"}, {"state": "TX", "age": "adult"}, {"state": "VT", "age": "child"}, ] text_labels = [1, 0, 1] return dict_data, text_labels @pytest.fixture def dict_data_pipeline(dict_data): X, y = dict_data pipeline_prefit = Pipeline( [("vectorizer", DictVectorizer()), ("clf", RandomForestClassifier())] ) return pipeline_prefit.fit(X, y) def test_calibration_dict_pipeline(dict_data, dict_data_pipeline): """Test that calibration works in prefit pipeline with transformer `X` is not array-like, sparse matrix or dataframe at the start. See https://github.com/scikit-learn/scikit-learn/issues/8710 Also test it can predict without running into validation errors. See https://github.com/scikit-learn/scikit-learn/issues/19637 """ X, y = dict_data clf = dict_data_pipeline calib_clf = CalibratedClassifierCV(clf, cv="prefit") calib_clf.fit(X, y) # Check attributes are obtained from fitted estimator assert_array_equal(calib_clf.classes_, clf.classes_) # Neither the pipeline nor the calibration meta-estimator # expose the n_features_in_ check on this kind of data. assert not hasattr(clf, "n_features_in_") assert not hasattr(calib_clf, "n_features_in_") # Ensure that no error is thrown with predict and predict_proba calib_clf.predict(X) calib_clf.predict_proba(X) @pytest.mark.parametrize( "clf, cv", [ pytest.param(LinearSVC(C=1), 2), pytest.param(LinearSVC(C=1), "prefit"), ], ) def test_calibration_attributes(clf, cv): # Check that `n_features_in_` and `classes_` attributes created properly X, y = make_classification(n_samples=10, n_features=5, n_classes=2, random_state=7) if cv == "prefit": clf = clf.fit(X, y) calib_clf = CalibratedClassifierCV(clf, cv=cv) calib_clf.fit(X, y) if cv == "prefit": assert_array_equal(calib_clf.classes_, clf.classes_) assert calib_clf.n_features_in_ == clf.n_features_in_ else: classes = LabelEncoder().fit(y).classes_ assert_array_equal(calib_clf.classes_, classes) assert calib_clf.n_features_in_ == X.shape[1] def test_calibration_inconsistent_prefit_n_features_in(): # Check that `n_features_in_` from prefit base estimator # is consistent with training set X, y = make_classification(n_samples=10, n_features=5, n_classes=2, random_state=7) clf = LinearSVC(C=1).fit(X, y) calib_clf = CalibratedClassifierCV(clf, cv="prefit") msg = "X has 3 features, but LinearSVC is expecting 5 features as input." with pytest.raises(ValueError, match=msg): calib_clf.fit(X[:, :3], y) def test_calibration_votingclassifier(): # Check that `CalibratedClassifier` works with `VotingClassifier`. # The method `predict_proba` from `VotingClassifier` is dynamically # defined via a property that only works when voting="soft". X, y = make_classification(n_samples=10, n_features=5, n_classes=2, random_state=7) vote = VotingClassifier( estimators=[("lr" + str(i), LogisticRegression()) for i in range(3)], voting="soft", ) vote.fit(X, y) calib_clf = CalibratedClassifierCV(estimator=vote, cv="prefit") # smoke test: should not raise an error calib_clf.fit(X, y) @pytest.fixture(scope="module") def iris_data(): return load_iris(return_X_y=True) @pytest.fixture(scope="module") def iris_data_binary(iris_data): X, y = iris_data return X[y < 2], y[y < 2] def test_calibration_display_validation(pyplot, iris_data, iris_data_binary): X, y = iris_data X_binary, y_binary = iris_data_binary reg = LinearRegression().fit(X, y) msg = "'estimator' should be a fitted classifier" with pytest.raises(ValueError, match=msg): CalibrationDisplay.from_estimator(reg, X, y) clf = LinearSVC().fit(X, y) msg = "response method predict_proba is not defined in" with pytest.raises(ValueError, match=msg): CalibrationDisplay.from_estimator(clf, X, y) clf = LogisticRegression() with pytest.raises(NotFittedError): CalibrationDisplay.from_estimator(clf, X, y) @pytest.mark.parametrize("constructor_name", ["from_estimator", "from_predictions"]) def test_calibration_display_non_binary(pyplot, iris_data, constructor_name): X, y = iris_data clf = DecisionTreeClassifier() clf.fit(X, y) y_prob = clf.predict_proba(X) if constructor_name == "from_estimator": msg = "to be a binary classifier, but got" with pytest.raises(ValueError, match=msg): CalibrationDisplay.from_estimator(clf, X, y) else: msg = "y should be a 1d array, got an array of shape" with pytest.raises(ValueError, match=msg): CalibrationDisplay.from_predictions(y, y_prob) @pytest.mark.parametrize("n_bins", [5, 10]) @pytest.mark.parametrize("strategy", ["uniform", "quantile"]) def test_calibration_display_compute(pyplot, iris_data_binary, n_bins, strategy): # Ensure `CalibrationDisplay.from_predictions` and `calibration_curve` # compute the same results. Also checks attributes of the # CalibrationDisplay object. X, y = iris_data_binary lr = LogisticRegression().fit(X, y) viz = CalibrationDisplay.from_estimator( lr, X, y, n_bins=n_bins, strategy=strategy, alpha=0.8 ) y_prob = lr.predict_proba(X)[:, 1] prob_true, prob_pred = calibration_curve( y, y_prob, n_bins=n_bins, strategy=strategy ) assert_allclose(viz.prob_true, prob_true) assert_allclose(viz.prob_pred, prob_pred) assert_allclose(viz.y_prob, y_prob) assert viz.estimator_name == "LogisticRegression" # cannot fail thanks to pyplot fixture import matplotlib as mpl # noqa assert isinstance(viz.line_, mpl.lines.Line2D) assert viz.line_.get_alpha() == 0.8 assert isinstance(viz.ax_, mpl.axes.Axes) assert isinstance(viz.figure_, mpl.figure.Figure) assert viz.ax_.get_xlabel() == "Mean predicted probability (Positive class: 1)" assert viz.ax_.get_ylabel() == "Fraction of positives (Positive class: 1)" expected_legend_labels = ["LogisticRegression", "Perfectly calibrated"] legend_labels = viz.ax_.get_legend().get_texts() assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels def test_plot_calibration_curve_pipeline(pyplot, iris_data_binary): # Ensure pipelines are supported by CalibrationDisplay.from_estimator X, y = iris_data_binary clf = make_pipeline(StandardScaler(), LogisticRegression()) clf.fit(X, y) viz = CalibrationDisplay.from_estimator(clf, X, y) expected_legend_labels = [viz.estimator_name, "Perfectly calibrated"] legend_labels = viz.ax_.get_legend().get_texts() assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels @pytest.mark.parametrize( "name, expected_label", [(None, "_line1"), ("my_est", "my_est")] ) def test_calibration_display_default_labels(pyplot, name, expected_label): prob_true = np.array([0, 1, 1, 0]) prob_pred = np.array([0.2, 0.8, 0.8, 0.4]) y_prob = np.array([]) viz = CalibrationDisplay(prob_true, prob_pred, y_prob, estimator_name=name) viz.plot() expected_legend_labels = [] if name is None else [name] expected_legend_labels.append("Perfectly calibrated") legend_labels = viz.ax_.get_legend().get_texts() assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels def test_calibration_display_label_class_plot(pyplot): # Checks that when instantiating `CalibrationDisplay` class then calling # `plot`, `self.estimator_name` is the one given in `plot` prob_true = np.array([0, 1, 1, 0]) prob_pred = np.array([0.2, 0.8, 0.8, 0.4]) y_prob = np.array([]) name = "name one" viz = CalibrationDisplay(prob_true, prob_pred, y_prob, estimator_name=name) assert viz.estimator_name == name name = "name two" viz.plot(name=name) expected_legend_labels = [name, "Perfectly calibrated"] legend_labels = viz.ax_.get_legend().get_texts() assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels @pytest.mark.parametrize("constructor_name", ["from_estimator", "from_predictions"]) def test_calibration_display_name_multiple_calls( constructor_name, pyplot, iris_data_binary ): # Check that the `name` used when calling # `CalibrationDisplay.from_predictions` or # `CalibrationDisplay.from_estimator` is used when multiple # `CalibrationDisplay.viz.plot()` calls are made. X, y = iris_data_binary clf_name = "my hand-crafted name" clf = LogisticRegression().fit(X, y) y_prob = clf.predict_proba(X)[:, 1] constructor = getattr(CalibrationDisplay, constructor_name) params = (clf, X, y) if constructor_name == "from_estimator" else (y, y_prob) viz = constructor(*params, name=clf_name) assert viz.estimator_name == clf_name pyplot.close("all") viz.plot() expected_legend_labels = [clf_name, "Perfectly calibrated"] legend_labels = viz.ax_.get_legend().get_texts() assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels pyplot.close("all") clf_name = "another_name" viz.plot(name=clf_name) assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels def test_calibration_display_ref_line(pyplot, iris_data_binary): # Check that `ref_line` only appears once X, y = iris_data_binary lr = LogisticRegression().fit(X, y) dt = DecisionTreeClassifier().fit(X, y) viz = CalibrationDisplay.from_estimator(lr, X, y) viz2 = CalibrationDisplay.from_estimator(dt, X, y, ax=viz.ax_) labels = viz2.ax_.get_legend_handles_labels()[1] assert labels.count("Perfectly calibrated") == 1 @pytest.mark.parametrize("dtype_y_str", [str, object]) def test_calibration_curve_pos_label_error_str(dtype_y_str): """Check error message when a `pos_label` is not specified with `str` targets.""" rng = np.random.RandomState(42) y1 = np.array(["spam"] * 3 + ["eggs"] * 2, dtype=dtype_y_str) y2 = rng.randint(0, 2, size=y1.size) err_msg = ( "y_true takes value in {'eggs', 'spam'} and pos_label is not " "specified: either make y_true take value in {0, 1} or {-1, 1} or " "pass pos_label explicitly" ) with pytest.raises(ValueError, match=err_msg): calibration_curve(y1, y2) @pytest.mark.parametrize("dtype_y_str", [str, object]) def test_calibration_curve_pos_label(dtype_y_str): """Check the behaviour when passing explicitly `pos_label`.""" y_true = np.array([0, 0, 0, 1, 1, 1, 1, 1, 1]) classes = np.array(["spam", "egg"], dtype=dtype_y_str) y_true_str = classes[y_true] y_pred = np.array([0.1, 0.2, 0.3, 0.4, 0.65, 0.7, 0.8, 0.9, 1.0]) # default case prob_true, _ = calibration_curve(y_true, y_pred, n_bins=4) assert_allclose(prob_true, [0, 0.5, 1, 1]) # if `y_true` contains `str`, then `pos_label` is required prob_true, _ = calibration_curve(y_true_str, y_pred, n_bins=4, pos_label="egg") assert_allclose(prob_true, [0, 0.5, 1, 1]) prob_true, _ = calibration_curve(y_true, 1 - y_pred, n_bins=4, pos_label=0) assert_allclose(prob_true, [0, 0, 0.5, 1]) prob_true, _ = calibration_curve(y_true_str, 1 - y_pred, n_bins=4, pos_label="spam") assert_allclose(prob_true, [0, 0, 0.5, 1]) @pytest.mark.parametrize("pos_label, expected_pos_label", [(None, 1), (0, 0), (1, 1)]) def test_calibration_display_pos_label( pyplot, iris_data_binary, pos_label, expected_pos_label ): """Check the behaviour of `pos_label` in the `CalibrationDisplay`.""" X, y = iris_data_binary lr = LogisticRegression().fit(X, y) viz = CalibrationDisplay.from_estimator(lr, X, y, pos_label=pos_label) y_prob = lr.predict_proba(X)[:, expected_pos_label] prob_true, prob_pred = calibration_curve(y, y_prob, pos_label=pos_label) assert_allclose(viz.prob_true, prob_true) assert_allclose(viz.prob_pred, prob_pred) assert_allclose(viz.y_prob, y_prob) assert ( viz.ax_.get_xlabel() == f"Mean predicted probability (Positive class: {expected_pos_label})" ) assert ( viz.ax_.get_ylabel() == f"Fraction of positives (Positive class: {expected_pos_label})" ) expected_legend_labels = [lr.__class__.__name__, "Perfectly calibrated"] legend_labels = viz.ax_.get_legend().get_texts() assert len(legend_labels) == len(expected_legend_labels) for labels in legend_labels: assert labels.get_text() in expected_legend_labels @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibrated_classifier_cv_double_sample_weights_equivalence(method, ensemble): """Check that passing repeating twice the dataset `X` is equivalent to passing a `sample_weight` with a factor 2.""" X, y = load_iris(return_X_y=True) # Scale the data to avoid any convergence issue X = StandardScaler().fit_transform(X) # Only use 2 classes X, y = X[:100], y[:100] sample_weight = np.ones_like(y) * 2 # Interlace the data such that a 2-fold cross-validation will be equivalent # to using the original dataset with a sample weights of 2 X_twice = np.zeros((X.shape[0] * 2, X.shape[1]), dtype=X.dtype) X_twice[::2, :] = X X_twice[1::2, :] = X y_twice = np.zeros(y.shape[0] * 2, dtype=y.dtype) y_twice[::2] = y y_twice[1::2] = y estimator = LogisticRegression() calibrated_clf_without_weights = CalibratedClassifierCV( estimator, method=method, ensemble=ensemble, cv=2, ) calibrated_clf_with_weights = clone(calibrated_clf_without_weights) calibrated_clf_with_weights.fit(X, y, sample_weight=sample_weight) calibrated_clf_without_weights.fit(X_twice, y_twice) # Check that the underlying fitted estimators have the same coefficients for est_with_weights, est_without_weights in zip( calibrated_clf_with_weights.calibrated_classifiers_, calibrated_clf_without_weights.calibrated_classifiers_, ): assert_allclose( est_with_weights.estimator.coef_, est_without_weights.estimator.coef_, ) # Check that the predictions are the same y_pred_with_weights = calibrated_clf_with_weights.predict_proba(X) y_pred_without_weights = calibrated_clf_without_weights.predict_proba(X) assert_allclose(y_pred_with_weights, y_pred_without_weights) @pytest.mark.parametrize("fit_params_type", ["list", "array"]) def test_calibration_with_fit_params(fit_params_type, data): """Tests that fit_params are passed to the underlying base estimator. Non-regression test for: https://github.com/scikit-learn/scikit-learn/issues/12384 """ X, y = data fit_params = { "a": _convert_container(y, fit_params_type), "b": _convert_container(y, fit_params_type), } clf = CheckingClassifier(expected_fit_params=["a", "b"]) pc_clf = CalibratedClassifierCV(clf) pc_clf.fit(X, y, **fit_params) @pytest.mark.parametrize( "sample_weight", [ [1.0] * N_SAMPLES, np.ones(N_SAMPLES), ], ) def test_calibration_with_sample_weight_base_estimator(sample_weight, data): """Tests that sample_weight is passed to the underlying base estimator. """ X, y = data clf = CheckingClassifier(expected_sample_weight=True) pc_clf = CalibratedClassifierCV(clf) pc_clf.fit(X, y, sample_weight=sample_weight) def test_calibration_without_sample_weight_base_estimator(data): """Check that even if the estimator doesn't support sample_weight, fitting with sample_weight still works. There should be a warning, since the sample_weight is not passed on to the estimator. """ X, y = data sample_weight = np.ones_like(y) class ClfWithoutSampleWeight(CheckingClassifier): def fit(self, X, y, **fit_params): assert "sample_weight" not in fit_params return super().fit(X, y, **fit_params) clf = ClfWithoutSampleWeight() pc_clf = CalibratedClassifierCV(clf) with pytest.warns(UserWarning): pc_clf.fit(X, y, sample_weight=sample_weight) def test_calibration_with_fit_params_inconsistent_length(data): """fit_params having different length than data should raise the correct error message. """ X, y = data fit_params = {"a": y[:5]} clf = CheckingClassifier(expected_fit_params=fit_params) pc_clf = CalibratedClassifierCV(clf) msg = ( r"Found input variables with inconsistent numbers of " r"samples: \[" + str(N_SAMPLES) + r", 5\]" ) with pytest.raises(ValueError, match=msg): pc_clf.fit(X, y, **fit_params) @pytest.mark.parametrize("method", ["sigmoid", "isotonic"]) @pytest.mark.parametrize("ensemble", [True, False]) def test_calibrated_classifier_cv_zeros_sample_weights_equivalence(method, ensemble): """Check that passing removing some sample from the dataset `X` is equivalent to passing a `sample_weight` with a factor 0.""" X, y = load_iris(return_X_y=True) # Scale the data to avoid any convergence issue X = StandardScaler().fit_transform(X) # Only use 2 classes and select samples such that 2-fold cross-validation # split will lead to an equivalence with a `sample_weight` of 0 X = np.vstack((X[:40], X[50:90])) y = np.hstack((y[:40], y[50:90])) sample_weight = np.zeros_like(y) sample_weight[::2] = 1 estimator = LogisticRegression() calibrated_clf_without_weights = CalibratedClassifierCV( estimator, method=method, ensemble=ensemble, cv=2, ) calibrated_clf_with_weights = clone(calibrated_clf_without_weights) calibrated_clf_with_weights.fit(X, y, sample_weight=sample_weight) calibrated_clf_without_weights.fit(X[::2], y[::2]) # Check that the underlying fitted estimators have the same coefficients for est_with_weights, est_without_weights in zip( calibrated_clf_with_weights.calibrated_classifiers_, calibrated_clf_without_weights.calibrated_classifiers_, ): assert_allclose( est_with_weights.estimator.coef_, est_without_weights.estimator.coef_, ) # Check that the predictions are the same y_pred_with_weights = calibrated_clf_with_weights.predict_proba(X) y_pred_without_weights = calibrated_clf_without_weights.predict_proba(X) assert_allclose(y_pred_with_weights, y_pred_without_weights) # TODO(1.4): Remove def test_calibrated_classifier_error_base_estimator(data): """Check that we raise an error is a user set both `base_estimator` and `estimator`.""" calibrated_classifier = CalibratedClassifierCV( base_estimator=LogisticRegression(), estimator=LogisticRegression() ) with pytest.raises(ValueError, match="Both `base_estimator` and `estimator`"): calibrated_classifier.fit(*data) # TODO(1.4): Remove def test_calibrated_classifier_deprecation_base_estimator(data): """Check that we raise a warning regarding the deprecation of `base_estimator`.""" calibrated_classifier = CalibratedClassifierCV(base_estimator=LogisticRegression()) warn_msg = "`base_estimator` was renamed to `estimator`" with pytest.warns(FutureWarning, match=warn_msg): calibrated_classifier.fit(*data)
bsd-3-clause
AnasGhrab/scikit-learn
examples/ensemble/plot_gradient_boosting_regularization.py
352
2843
""" ================================ Gradient Boosting regularization ================================ Illustration of the effect of different regularization strategies for Gradient Boosting. The example is taken from Hastie et al 2009. The loss function used is binomial deviance. Regularization via shrinkage (``learning_rate < 1.0``) improves performance considerably. In combination with shrinkage, stochastic gradient boosting (``subsample < 1.0``) can produce more accurate models by reducing the variance via bagging. Subsampling without shrinkage usually does poorly. Another strategy to reduce the variance is by subsampling the features analogous to the random splits in Random Forests (via the ``max_features`` parameter). .. [1] T. Hastie, R. Tibshirani and J. Friedman, "Elements of Statistical Learning Ed. 2", Springer, 2009. """ print(__doc__) # Author: Peter Prettenhofer <peter.prettenhofer@gmail.com> # # License: BSD 3 clause import numpy as np import matplotlib.pyplot as plt from sklearn import ensemble from sklearn import datasets X, y = datasets.make_hastie_10_2(n_samples=12000, random_state=1) X = X.astype(np.float32) # map labels from {-1, 1} to {0, 1} labels, y = np.unique(y, return_inverse=True) X_train, X_test = X[:2000], X[2000:] y_train, y_test = y[:2000], y[2000:] original_params = {'n_estimators': 1000, 'max_leaf_nodes': 4, 'max_depth': None, 'random_state': 2, 'min_samples_split': 5} plt.figure() for label, color, setting in [('No shrinkage', 'orange', {'learning_rate': 1.0, 'subsample': 1.0}), ('learning_rate=0.1', 'turquoise', {'learning_rate': 0.1, 'subsample': 1.0}), ('subsample=0.5', 'blue', {'learning_rate': 1.0, 'subsample': 0.5}), ('learning_rate=0.1, subsample=0.5', 'gray', {'learning_rate': 0.1, 'subsample': 0.5}), ('learning_rate=0.1, max_features=2', 'magenta', {'learning_rate': 0.1, 'max_features': 2})]: params = dict(original_params) params.update(setting) clf = ensemble.GradientBoostingClassifier(**params) clf.fit(X_train, y_train) # compute test set deviance test_deviance = np.zeros((params['n_estimators'],), dtype=np.float64) for i, y_pred in enumerate(clf.staged_decision_function(X_test)): # clf.loss_ assumes that y_test[i] in {0, 1} test_deviance[i] = clf.loss_(y_test, y_pred) plt.plot((np.arange(test_deviance.shape[0]) + 1)[::5], test_deviance[::5], '-', color=color, label=label) plt.legend(loc='upper left') plt.xlabel('Boosting Iterations') plt.ylabel('Test Set Deviance') plt.show()
bsd-3-clause
visualfabriq/portalytics
tests/test_multi_transformer.py
1
3751
import pandas as pd from sklearn.model_selection import train_test_split from tests.helpers import make_dataset from vf_portalytics.multi_model import MultiTransformer def test_multi_transformer_categorical_features(): total_x, total_y = make_dataset() # make a copy of feature_0 to test if ordinals and nominals are being handled differently total_x['feature_0_copy'] = total_x['feature_0'] # Declare basic parameters target = 'target' cat_feature = 'category' feature_col_list = total_x.columns.drop(cat_feature) clusters = total_x[cat_feature].unique() # Split into train and test train_index, test_index = train_test_split(total_x.index, test_size=0.33, random_state=5) train_x, train_y = total_x.loc[train_index, :], total_y.loc[train_index] test_x, test_y = total_x.loc[test_index, :], total_y.loc[test_index] # keep all the features selected_features = {} for gp_key in clusters: selected_features[gp_key] = feature_col_list nominal_features = ['feature_0'] ordinal_features = ['feature_1', 'feature_0_copy'] # imitate params given from hyper optimization tuning params = { 'A': { 'transformer_nominal': 'TargetEncoder', 'transformer_ordinal': 'OrdinalEncoder' }, 'B': { 'transformer_nominal': 'OneHotEncoder', 'transformer_ordinal': 'TargetEncoder' }, 'C': { 'transformer_nominal': 'OneHotEncoder', 'transformer_ordinal': 'JamesSteinEncoder' }, 'D': { 'transformer_nominal': 'JamesSteinEncoder', 'transformer_ordinal': 'OrdinalEncoder' }, } # Initiliaze transformer transformer = MultiTransformer( cat_feature, clusters, selected_features, nominal_features, ordinal_features, params ) transformer.fit(train_x, train_y) transformed_test_x = transformer.transform(test_x) # check shapes assert test_x.shape[0] == transformed_test_x.shape[0] assert transformed_test_x.shape[1] == 9 # check if OneHotEncoder did what expected transformed_test_x = transformed_test_x.reindex(test_x.index) assert (transformed_test_x['feature_0_1'].isna() == test_x[cat_feature].isin(['A', 'D'])).all() # test if ordinals and nominals are being handled differently assert transformed_test_x[test_x[cat_feature] == 'B']['feature_0'].isnull().values.all() # OneHotEncoder used assert not transformed_test_x[test_x[cat_feature] == 'B']['feature_0_copy'].isnull().values.all() # TargetEncoder used # check that non categoricals are not changed assert transformed_test_x['feature_3'].equals(test_x['feature_3']) def test_multi_transformer_non_categorical_features(): cat_feature = 'cat' clusters = ['A'] selected_features = {'A': ['col_1', 'col_2']} total_x = pd.DataFrame({'col_1': [50, 100, 200], 'col_2': [1., 2., 3.], 'cat_feature': clusters*3}) params = { 'A': { 'transformer_non_categorical': 'MinMaxScaler', 'potential_cat_feat': [] } } # Since MultiTransformer is built for having a transformer for each group of the input, these groups need to exist total_x[cat_feature] = clusters[0] # Initiliaze transformer transformer = MultiTransformer( cat_feature, clusters, selected_features, nominals=[], ordinals=[], params=params ) transformer.fit(total_x) transformed_x = transformer.transform(total_x) expected = pd.DataFrame({'col_1': [0., 0.333333, 1.], 'col_2': [0.0, 0.5, 1]}) pd.testing.assert_frame_equal(transformed_x, expected)
gpl-3.0
AnasGhrab/scikit-learn
sklearn/tests/test_kernel_approximation.py
242
7588
import numpy as np from scipy.sparse import csr_matrix from sklearn.utils.testing import assert_array_equal, assert_equal, assert_true from sklearn.utils.testing import assert_not_equal from sklearn.utils.testing import assert_array_almost_equal, assert_raises from sklearn.utils.testing import assert_less_equal from sklearn.metrics.pairwise import kernel_metrics from sklearn.kernel_approximation import RBFSampler from sklearn.kernel_approximation import AdditiveChi2Sampler from sklearn.kernel_approximation import SkewedChi2Sampler from sklearn.kernel_approximation import Nystroem from sklearn.metrics.pairwise import polynomial_kernel, rbf_kernel # generate data rng = np.random.RandomState(0) X = rng.random_sample(size=(300, 50)) Y = rng.random_sample(size=(300, 50)) X /= X.sum(axis=1)[:, np.newaxis] Y /= Y.sum(axis=1)[:, np.newaxis] def test_additive_chi2_sampler(): # test that AdditiveChi2Sampler approximates kernel on random data # compute exact kernel # appreviations for easier formular X_ = X[:, np.newaxis, :] Y_ = Y[np.newaxis, :, :] large_kernel = 2 * X_ * Y_ / (X_ + Y_) # reduce to n_samples_x x n_samples_y by summing over features kernel = (large_kernel.sum(axis=2)) # approximate kernel mapping transform = AdditiveChi2Sampler(sample_steps=3) X_trans = transform.fit_transform(X) Y_trans = transform.transform(Y) kernel_approx = np.dot(X_trans, Y_trans.T) assert_array_almost_equal(kernel, kernel_approx, 1) X_sp_trans = transform.fit_transform(csr_matrix(X)) Y_sp_trans = transform.transform(csr_matrix(Y)) assert_array_equal(X_trans, X_sp_trans.A) assert_array_equal(Y_trans, Y_sp_trans.A) # test error is raised on negative input Y_neg = Y.copy() Y_neg[0, 0] = -1 assert_raises(ValueError, transform.transform, Y_neg) # test error on invalid sample_steps transform = AdditiveChi2Sampler(sample_steps=4) assert_raises(ValueError, transform.fit, X) # test that the sample interval is set correctly sample_steps_available = [1, 2, 3] for sample_steps in sample_steps_available: # test that the sample_interval is initialized correctly transform = AdditiveChi2Sampler(sample_steps=sample_steps) assert_equal(transform.sample_interval, None) # test that the sample_interval is changed in the fit method transform.fit(X) assert_not_equal(transform.sample_interval_, None) # test that the sample_interval is set correctly sample_interval = 0.3 transform = AdditiveChi2Sampler(sample_steps=4, sample_interval=sample_interval) assert_equal(transform.sample_interval, sample_interval) transform.fit(X) assert_equal(transform.sample_interval_, sample_interval) def test_skewed_chi2_sampler(): # test that RBFSampler approximates kernel on random data # compute exact kernel c = 0.03 # appreviations for easier formular X_c = (X + c)[:, np.newaxis, :] Y_c = (Y + c)[np.newaxis, :, :] # we do it in log-space in the hope that it's more stable # this array is n_samples_x x n_samples_y big x n_features log_kernel = ((np.log(X_c) / 2.) + (np.log(Y_c) / 2.) + np.log(2.) - np.log(X_c + Y_c)) # reduce to n_samples_x x n_samples_y by summing over features in log-space kernel = np.exp(log_kernel.sum(axis=2)) # approximate kernel mapping transform = SkewedChi2Sampler(skewedness=c, n_components=1000, random_state=42) X_trans = transform.fit_transform(X) Y_trans = transform.transform(Y) kernel_approx = np.dot(X_trans, Y_trans.T) assert_array_almost_equal(kernel, kernel_approx, 1) # test error is raised on negative input Y_neg = Y.copy() Y_neg[0, 0] = -1 assert_raises(ValueError, transform.transform, Y_neg) def test_rbf_sampler(): # test that RBFSampler approximates kernel on random data # compute exact kernel gamma = 10. kernel = rbf_kernel(X, Y, gamma=gamma) # approximate kernel mapping rbf_transform = RBFSampler(gamma=gamma, n_components=1000, random_state=42) X_trans = rbf_transform.fit_transform(X) Y_trans = rbf_transform.transform(Y) kernel_approx = np.dot(X_trans, Y_trans.T) error = kernel - kernel_approx assert_less_equal(np.abs(np.mean(error)), 0.01) # close to unbiased np.abs(error, out=error) assert_less_equal(np.max(error), 0.1) # nothing too far off assert_less_equal(np.mean(error), 0.05) # mean is fairly close def test_input_validation(): # Regression test: kernel approx. transformers should work on lists # No assertions; the old versions would simply crash X = [[1, 2], [3, 4], [5, 6]] AdditiveChi2Sampler().fit(X).transform(X) SkewedChi2Sampler().fit(X).transform(X) RBFSampler().fit(X).transform(X) X = csr_matrix(X) RBFSampler().fit(X).transform(X) def test_nystroem_approximation(): # some basic tests rnd = np.random.RandomState(0) X = rnd.uniform(size=(10, 4)) # With n_components = n_samples this is exact X_transformed = Nystroem(n_components=X.shape[0]).fit_transform(X) K = rbf_kernel(X) assert_array_almost_equal(np.dot(X_transformed, X_transformed.T), K) trans = Nystroem(n_components=2, random_state=rnd) X_transformed = trans.fit(X).transform(X) assert_equal(X_transformed.shape, (X.shape[0], 2)) # test callable kernel linear_kernel = lambda X, Y: np.dot(X, Y.T) trans = Nystroem(n_components=2, kernel=linear_kernel, random_state=rnd) X_transformed = trans.fit(X).transform(X) assert_equal(X_transformed.shape, (X.shape[0], 2)) # test that available kernels fit and transform kernels_available = kernel_metrics() for kern in kernels_available: trans = Nystroem(n_components=2, kernel=kern, random_state=rnd) X_transformed = trans.fit(X).transform(X) assert_equal(X_transformed.shape, (X.shape[0], 2)) def test_nystroem_singular_kernel(): # test that nystroem works with singular kernel matrix rng = np.random.RandomState(0) X = rng.rand(10, 20) X = np.vstack([X] * 2) # duplicate samples gamma = 100 N = Nystroem(gamma=gamma, n_components=X.shape[0]).fit(X) X_transformed = N.transform(X) K = rbf_kernel(X, gamma=gamma) assert_array_almost_equal(K, np.dot(X_transformed, X_transformed.T)) assert_true(np.all(np.isfinite(Y))) def test_nystroem_poly_kernel_params(): # Non-regression: Nystroem should pass other parameters beside gamma. rnd = np.random.RandomState(37) X = rnd.uniform(size=(10, 4)) K = polynomial_kernel(X, degree=3.1, coef0=.1) nystroem = Nystroem(kernel="polynomial", n_components=X.shape[0], degree=3.1, coef0=.1) X_transformed = nystroem.fit_transform(X) assert_array_almost_equal(np.dot(X_transformed, X_transformed.T), K) def test_nystroem_callable(): # Test Nystroem on a callable. rnd = np.random.RandomState(42) n_samples = 10 X = rnd.uniform(size=(n_samples, 4)) def logging_histogram_kernel(x, y, log): """Histogram kernel that writes to a log.""" log.append(1) return np.minimum(x, y).sum() kernel_log = [] X = list(X) # test input validation Nystroem(kernel=logging_histogram_kernel, n_components=(n_samples - 1), kernel_params={'log': kernel_log}).fit(X) assert_equal(len(kernel_log), n_samples * (n_samples - 1) / 2)
bsd-3-clause
AnasGhrab/scikit-learn
examples/linear_model/plot_sgd_weighted_samples.py
341
1458
""" ===================== SGD: Weighted samples ===================== Plot decision function of a weighted dataset, where the size of points is proportional to its weight. """ print(__doc__) import numpy as np import matplotlib.pyplot as plt from sklearn import linear_model # we create 20 points np.random.seed(0) X = np.r_[np.random.randn(10, 2) + [1, 1], np.random.randn(10, 2)] y = [1] * 10 + [-1] * 10 sample_weight = 100 * np.abs(np.random.randn(20)) # and assign a bigger weight to the last 10 samples sample_weight[:10] *= 10 # plot the weighted data points xx, yy = np.meshgrid(np.linspace(-4, 5, 500), np.linspace(-4, 5, 500)) plt.figure() plt.scatter(X[:, 0], X[:, 1], c=y, s=sample_weight, alpha=0.9, cmap=plt.cm.bone) ## fit the unweighted model clf = linear_model.SGDClassifier(alpha=0.01, n_iter=100) clf.fit(X, y) Z = clf.decision_function(np.c_[xx.ravel(), yy.ravel()]) Z = Z.reshape(xx.shape) no_weights = plt.contour(xx, yy, Z, levels=[0], linestyles=['solid']) ## fit the weighted model clf = linear_model.SGDClassifier(alpha=0.01, n_iter=100) clf.fit(X, y, sample_weight=sample_weight) Z = clf.decision_function(np.c_[xx.ravel(), yy.ravel()]) Z = Z.reshape(xx.shape) samples_weights = plt.contour(xx, yy, Z, levels=[0], linestyles=['dashed']) plt.legend([no_weights.collections[0], samples_weights.collections[0]], ["no weights", "with weights"], loc="lower left") plt.xticks(()) plt.yticks(()) plt.show()
bsd-3-clause
st-tech/zr-obp
setup.py
1
2029
from obp.version import __version__ from setuptools import setup, find_packages from os import path import sys here = path.abspath(path.dirname(__file__)) sys.path.insert(0, path.join(here, "obp")) print("version") print(__version__) with open(path.join(here, "README.md"), encoding="utf-8") as f: long_description = f.read() package_data_list = ["obp/policy/conf/prior_bts.yaml", "obp/dataset/obd"] setup( name="obp", version=__version__, description="Open Bandit Pipeline: a python library for bandit algorithms and off-policy evaluation", url="https://github.com/st-tech/zr-obp", author="Yuta Saito", author_email="open-bandit-project@googlegroups.com", keywords=["bandit algorithms", "off-policy evaluation"], long_description=long_description, long_description_content_type="text/markdown", install_requires=[ "matplotlib>=3.4.3", "mypy-extensions>=0.4.3", "numpy>=1.21.2", "pandas>=1.3.2", "pyyaml>=5.1", "seaborn>=0.10.1", "scikit-learn>=1.0.2", "scipy>=1.7.3", "torch>=1.9.0", "tqdm>=4.62.2", "pyieoe>=0.1.1", "pingouin>=0.4.0", ], license="Apache License", packages=find_packages( exclude=["benchmark", "docs", "examples", "obd", "tests", "slides"] ), package_data={"obp": package_data_list}, include_package_data=True, classifiers=[ "Intended Audience :: Science/Research", "Programming Language :: Python :: 3.7", "Programming Language :: Python :: 3.8", "Programming Language :: Python :: 3.9", "Topic :: Scientific/Engineering", "Topic :: Scientific/Engineering :: Mathematics", "Topic :: Scientific/Engineering :: Artificial Intelligence", "Topic :: Software Development", "Topic :: Software Development :: Libraries", "Topic :: Software Development :: Libraries :: Python Modules", "License :: OSI Approved :: Apache Software License", ], )
apache-2.0
google-research/xtreme
third_party/roberta.py
1
34904
# coding=utf-8 # Copyright 2018 The Google AI Language Team Authors, and The HuggingFace Inc. team. # Copyright (c) 2018, NVIDIA CORPORATION. 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. """PyTorch RoBERTa model. """ import logging import torch import torch.nn as nn from torch.nn import CrossEntropyLoss, MSELoss from transformers.configuration_roberta import RobertaConfig from transformers.file_utils import add_start_docstrings from transformers.modeling_bert import BertEmbeddings, BertLayerNorm, BertModel, BertPreTrainedModel, gelu logger = logging.getLogger(__name__) ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP = { "roberta-base": "https://s3.amazonaws.com/models.huggingface.co/bert/roberta-base-pytorch_model.bin", "roberta-large": "https://s3.amazonaws.com/models.huggingface.co/bert/roberta-large-pytorch_model.bin", "roberta-large-mnli": "https://s3.amazonaws.com/models.huggingface.co/bert/roberta-large-mnli-pytorch_model.bin", "distilroberta-base": "https://s3.amazonaws.com/models.huggingface.co/bert/distilroberta-base-pytorch_model.bin", "roberta-base-openai-detector": "https://s3.amazonaws.com/models.huggingface.co/bert/roberta-base-openai-detector-pytorch_model.bin", "roberta-large-openai-detector": "https://s3.amazonaws.com/models.huggingface.co/bert/roberta-large-openai-detector-pytorch_model.bin", } class RobertaEmbeddings(BertEmbeddings): """ Same as BertEmbeddings with a tiny tweak for positional embeddings indexing. """ def __init__(self, config): super(RobertaEmbeddings, self).__init__(config) self.padding_idx = 1 self.word_embeddings = nn.Embedding(config.vocab_size, config.hidden_size, padding_idx=self.padding_idx) self.position_embeddings = nn.Embedding( config.max_position_embeddings, config.hidden_size, padding_idx=self.padding_idx ) def forward(self, input_ids=None, token_type_ids=None, position_ids=None, inputs_embeds=None): if position_ids is None: if input_ids is not None: # Create the position ids from the input token ids. Any padded tokens remain padded. position_ids = self.create_position_ids_from_input_ids(input_ids).to(input_ids.device) else: position_ids = self.create_position_ids_from_inputs_embeds(inputs_embeds) return super(RobertaEmbeddings, self).forward( input_ids, token_type_ids=token_type_ids, position_ids=position_ids, inputs_embeds=inputs_embeds ) def create_position_ids_from_input_ids(self, x): """ Replace non-padding symbols with their position numbers. Position numbers begin at padding_idx+1. Padding symbols are ignored. This is modified from fairseq's `utils.make_positions`. :param torch.Tensor x: :return torch.Tensor: """ mask = x.ne(self.padding_idx).long() incremental_indicies = torch.cumsum(mask, dim=1) * mask return incremental_indicies + self.padding_idx def create_position_ids_from_inputs_embeds(self, inputs_embeds): """ We are provided embeddings directly. We cannot infer which are padded so just generate sequential position ids. :param torch.Tensor inputs_embeds: :return torch.Tensor: """ input_shape = inputs_embeds.size()[:-1] sequence_length = input_shape[1] position_ids = torch.arange( self.padding_idx + 1, sequence_length + self.padding_idx + 1, dtype=torch.long, device=inputs_embeds.device ) return position_ids.unsqueeze(0).expand(input_shape) ROBERTA_START_DOCSTRING = r""" The RoBERTa model was proposed in `RoBERTa: A Robustly Optimized BERT Pretraining Approach`_ by Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, Veselin Stoyanov. It is based on Google's BERT model released in 2018. It builds on BERT and modifies key hyperparameters, removing the next-sentence pretraining objective and training with much larger mini-batches and learning rates. This implementation is the same as BertModel with a tiny embeddings tweak as well as a setup for Roberta pretrained models. This model is a PyTorch `torch.nn.Module`_ sub-class. Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage and behavior. .. _`RoBERTa: A Robustly Optimized BERT Pretraining Approach`: https://arxiv.org/abs/1907.11692 .. _`torch.nn.Module`: https://pytorch.org/docs/stable/nn.html#module Parameters: config (:class:`~transformers.RobertaConfig`): Model configuration class with all the parameters of the model. Initializing with a config file does not load the weights associated with the model, only the configuration. Check out the :meth:`~transformers.PreTrainedModel.from_pretrained` method to load the model weights. """ ROBERTA_INPUTS_DOCSTRING = r""" Inputs: **input_ids**: ``torch.LongTensor`` of shape ``(batch_size, sequence_length)``: Indices of input sequence tokens in the vocabulary. To match pre-training, RoBERTa input sequence should be formatted with <s> and </s> tokens as follows: (a) For sequence pairs: ``tokens: <s> Is this Jacksonville ? </s> </s> No it is not . </s>`` (b) For single sequences: ``tokens: <s> the dog is hairy . </s>`` Fully encoded sequences or sequence pairs can be obtained using the RobertaTokenizer.encode function with the ``add_special_tokens`` parameter set to ``True``. RoBERTa is a model with absolute position embeddings so it's usually advised to pad the inputs on the right rather than the left. See :func:`transformers.PreTrainedTokenizer.encode` and :func:`transformers.PreTrainedTokenizer.convert_tokens_to_ids` for details. **attention_mask**: (`optional`) ``torch.FloatTensor`` of shape ``(batch_size, sequence_length)``: Mask to avoid performing attention on padding token indices. Mask values selected in ``[0, 1]``: ``1`` for tokens that are NOT MASKED, ``0`` for MASKED tokens. **token_type_ids**: (`optional` need to be trained) ``torch.LongTensor`` of shape ``(batch_size, sequence_length)``: Optional segment token indices to indicate first and second portions of the inputs. This embedding matrice is not trained (not pretrained during RoBERTa pretraining), you will have to train it during finetuning. Indices are selected in ``[0, 1]``: ``0`` corresponds to a `sentence A` token, ``1`` corresponds to a `sentence B` token (see `BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding`_ for more details). **position_ids**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size, sequence_length)``: Indices of positions of each input sequence tokens in the position embeddings. Selected in the range ``[0, config.max_position_embeddings - 1[``. **head_mask**: (`optional`) ``torch.FloatTensor`` of shape ``(num_heads,)`` or ``(num_layers, num_heads)``: Mask to nullify selected heads of the self-attention modules. Mask values selected in ``[0, 1]``: ``1`` indicates the head is **not masked**, ``0`` indicates the head is **masked**. **inputs_embeds**: (`optional`) ``torch.FloatTensor`` of shape ``(batch_size, sequence_length, embedding_dim)``: Optionally, instead of passing ``input_ids`` you can choose to directly pass an embedded representation. This is useful if you want more control over how to convert `input_ids` indices into associated vectors than the model's internal embedding lookup matrix. """ @add_start_docstrings( "The bare RoBERTa Model transformer outputting raw hidden-states without any specific head on top.", ROBERTA_START_DOCSTRING, ROBERTA_INPUTS_DOCSTRING, ) class RobertaModel(BertModel): r""" Outputs: `Tuple` comprising various elements depending on the configuration (config) and inputs: **last_hidden_state**: ``torch.FloatTensor`` of shape ``(batch_size, sequence_length, hidden_size)`` Sequence of hidden-states at the output of the last layer of the model. **pooler_output**: ``torch.FloatTensor`` of shape ``(batch_size, hidden_size)`` Last layer hidden-state of the first token of the sequence (classification token) further processed by a Linear layer and a Tanh activation function. The Linear layer weights are trained from the next sentence prediction (classification) objective during Bert pretraining. This output is usually *not* a good summary of the semantic content of the input, you're often better with averaging or pooling the sequence of hidden-states for the whole input sequence. **hidden_states**: (`optional`, returned when ``config.output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``config.output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: tokenizer = RobertaTokenizer.from_pretrained('roberta-base') model = RobertaModel.from_pretrained('roberta-base') input_ids = torch.tensor(tokenizer.encode("Hello, my dog is cute", add_special_tokens=True)).unsqueeze(0) # Batch size 1 outputs = model(input_ids) last_hidden_states = outputs[0] # The last hidden-state is the first element of the output tuple """ config_class = RobertaConfig pretrained_model_archive_map = ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP base_model_prefix = "roberta" def __init__(self, config): super(RobertaModel, self).__init__(config) self.embeddings = RobertaEmbeddings(config) self.init_weights() def get_input_embeddings(self): return self.embeddings.word_embeddings def set_input_embeddings(self, value): self.embeddings.word_embeddings = value @add_start_docstrings( """RoBERTa Model with a `language modeling` head on top. """, ROBERTA_START_DOCSTRING, ROBERTA_INPUTS_DOCSTRING ) class RobertaForMaskedLM(BertPreTrainedModel): r""" **masked_lm_labels**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size, sequence_length)``: Labels for computing the masked language modeling loss. Indices should be in ``[-100, 0, ..., config.vocab_size]`` (see ``input_ids`` docstring) Tokens with indices set to ``-100`` are ignored (masked), the loss is only computed for the tokens with labels in ``[0, ..., config.vocab_size]`` Outputs: `Tuple` comprising various elements depending on the configuration (config) and inputs: **loss**: (`optional`, returned when ``masked_lm_labels`` is provided) ``torch.FloatTensor`` of shape ``(1,)``: Masked language modeling loss. **prediction_scores**: ``torch.FloatTensor`` of shape ``(batch_size, sequence_length, config.vocab_size)`` Prediction scores of the language modeling head (scores for each vocabulary token before SoftMax). **hidden_states**: (`optional`, returned when ``config.output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``config.output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: tokenizer = RobertaTokenizer.from_pretrained('roberta-base') model = RobertaForMaskedLM.from_pretrained('roberta-base') input_ids = torch.tensor(tokenizer.encode("Hello, my dog is cute", add_special_tokens=True)).unsqueeze(0) # Batch size 1 outputs = model(input_ids, masked_lm_labels=input_ids) loss, prediction_scores = outputs[:2] """ config_class = RobertaConfig pretrained_model_archive_map = ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP base_model_prefix = "roberta" def __init__(self, config): super(RobertaForMaskedLM, self).__init__(config) self.roberta = RobertaModel(config) self.lm_head = RobertaLMHead(config) self.init_weights() def get_output_embeddings(self): return self.lm_head.decoder def forward( self, input_ids=None, attention_mask=None, token_type_ids=None, position_ids=None, head_mask=None, inputs_embeds=None, masked_lm_labels=None, ): outputs = self.roberta( input_ids, attention_mask=attention_mask, token_type_ids=token_type_ids, position_ids=position_ids, head_mask=head_mask, inputs_embeds=inputs_embeds, ) sequence_output = outputs[0] prediction_scores = self.lm_head(sequence_output) outputs = (prediction_scores,) + outputs[2:] # Add hidden states and attention if they are here if masked_lm_labels is not None: loss_fct = CrossEntropyLoss() masked_lm_loss = loss_fct(prediction_scores.view(-1, self.config.vocab_size), masked_lm_labels.view(-1)) outputs = (masked_lm_loss,) + outputs return outputs # (masked_lm_loss), prediction_scores, (hidden_states), (attentions) class RobertaLMHead(nn.Module): """Roberta Head for masked language modeling.""" def __init__(self, config): super(RobertaLMHead, self).__init__() self.dense = nn.Linear(config.hidden_size, config.hidden_size) self.layer_norm = BertLayerNorm(config.hidden_size, eps=config.layer_norm_eps) self.decoder = nn.Linear(config.hidden_size, config.vocab_size, bias=False) self.bias = nn.Parameter(torch.zeros(config.vocab_size)) def forward(self, features, **kwargs): x = self.dense(features) x = gelu(x) x = self.layer_norm(x) # project back to size of vocabulary with bias x = self.decoder(x) + self.bias return x @add_start_docstrings( """RoBERTa Model transformer with a sequence classification/regression head on top (a linear layer on top of the pooled output) e.g. for GLUE tasks. """, ROBERTA_START_DOCSTRING, ROBERTA_INPUTS_DOCSTRING, ) class RobertaForSequenceClassification(BertPreTrainedModel): r""" **labels**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size,)``: Labels for computing the sequence classification/regression loss. Indices should be in ``[0, ..., config.num_labels]``. If ``config.num_labels == 1`` a regression loss is computed (Mean-Square loss), If ``config.num_labels > 1`` a classification loss is computed (Cross-Entropy). Outputs: `Tuple` comprising various elements depending on the configuration (config) and inputs: **loss**: (`optional`, returned when ``labels`` is provided) ``torch.FloatTensor`` of shape ``(1,)``: Classification (or regression if config.num_labels==1) loss. **logits**: ``torch.FloatTensor`` of shape ``(batch_size, config.num_labels)`` Classification (or regression if config.num_labels==1) scores (before SoftMax). **hidden_states**: (`optional`, returned when ``config.output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``config.output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: tokenizer = RobertaTokenizer.from_pretrained('roberta-base') model = RobertaForSequenceClassification.from_pretrained('roberta-base') input_ids = torch.tensor(tokenizer.encode("Hello, my dog is cute", add_special_tokens=True)).unsqueeze(0) # Batch size 1 labels = torch.tensor([1]).unsqueeze(0) # Batch size 1 outputs = model(input_ids, labels=labels) loss, logits = outputs[:2] """ config_class = RobertaConfig pretrained_model_archive_map = ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP base_model_prefix = "roberta" def __init__(self, config): super(RobertaForSequenceClassification, self).__init__(config) self.num_labels = config.num_labels self.roberta = RobertaModel(config) self.classifier = RobertaClassificationHead(config) def forward( self, input_ids=None, attention_mask=None, token_type_ids=None, position_ids=None, head_mask=None, inputs_embeds=None, labels=None, ): outputs = self.roberta( input_ids, attention_mask=attention_mask, token_type_ids=token_type_ids, position_ids=position_ids, head_mask=head_mask, inputs_embeds=inputs_embeds, ) sequence_output = outputs[0] logits = self.classifier(sequence_output) outputs = (logits,) + outputs[2:] if labels is not None: if self.num_labels == 1: # We are doing regression loss_fct = MSELoss() loss = loss_fct(logits.view(-1), labels.view(-1)) else: loss_fct = CrossEntropyLoss() loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1)) outputs = (loss,) + outputs return outputs # (loss), logits, (hidden_states), (attentions) @add_start_docstrings( """Roberta Model with a multiple choice classification head on top (a linear layer on top of the pooled output and a softmax) e.g. for RocStories/SWAG tasks. """, ROBERTA_START_DOCSTRING, ROBERTA_INPUTS_DOCSTRING, ) class RobertaForMultipleChoice(BertPreTrainedModel): r""" Inputs: **input_ids**: ``torch.LongTensor`` of shape ``(batch_size, num_choices, sequence_length)``: Indices of input sequence tokens in the vocabulary. The second dimension of the input (`num_choices`) indicates the number of choices to score. To match pre-training, RoBerta input sequence should be formatted with [CLS] and [SEP] tokens as follows: (a) For sequence pairs: ``tokens: [CLS] is this jack ##son ##ville ? [SEP] [SEP] no it is not . [SEP]`` ``token_type_ids: 0 0 0 0 0 0 0 0 0 1 1 1 1 1 1`` (b) For single sequences: ``tokens: [CLS] the dog is hairy . [SEP]`` ``token_type_ids: 0 0 0 0 0 0 0`` Indices can be obtained using :class:`transformers.BertTokenizer`. See :func:`transformers.PreTrainedTokenizer.encode` and :func:`transformers.PreTrainedTokenizer.convert_tokens_to_ids` for details. **token_type_ids**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size, num_choices, sequence_length)``: Segment token indices to indicate first and second portions of the inputs. The second dimension of the input (`num_choices`) indicates the number of choices to score. Indices are selected in ``[0, 1]``: ``0`` corresponds to a `sentence A` token, ``1`` **attention_mask**: (`optional`) ``torch.FloatTensor`` of shape ``(batch_size, num_choices, sequence_length)``: Mask to avoid performing attention on padding token indices. The second dimension of the input (`num_choices`) indicates the number of choices to score. Mask values selected in ``[0, 1]``: ``1`` for tokens that are NOT MASKED, ``0`` for MASKED tokens. **head_mask**: (`optional`) ``torch.FloatTensor`` of shape ``(num_heads,)`` or ``(num_layers, num_heads)``: Mask to nullify selected heads of the self-attention modules. Mask values selected in ``[0, 1]``: ``1`` indicates the head is **not masked**, ``0`` indicates the head is **masked**. **inputs_embeds**: (`optional`) ``torch.FloatTensor`` of shape ``(batch_size, sequence_length, embedding_dim)``: Optionally, instead of passing ``input_ids`` you can choose to directly pass an embedded representation. This is useful if you want more control over how to convert `input_ids` indices into associated vectors than the model's internal embedding lookup matrix. **labels**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size,)``: Labels for computing the multiple choice classification loss. Indices should be in ``[0, ..., num_choices]`` where `num_choices` is the size of the second dimension of the input tensors. (see `input_ids` above) Outputs: `Tuple` comprising various elements depending on the configuration (config) and inputs: **loss**: (`optional`, returned when ``labels`` is provided) ``torch.FloatTensor`` of shape ``(1,)``: Classification loss. **classification_scores**: ``torch.FloatTensor`` of shape ``(batch_size, num_choices)`` where `num_choices` is the size of the second dimension of the input tensors. (see `input_ids` above). Classification scores (before SoftMax). **hidden_states**: (`optional`, returned when ``config.output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``config.output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: tokenizer = RobertaTokenizer.from_pretrained('roberta-base') model = RobertaForMultipleChoice.from_pretrained('roberta-base') choices = ["Hello, my dog is cute", "Hello, my cat is amazing"] input_ids = torch.tensor([tokenizer.encode(s, add_special_tokens=True) for s in choices]).unsqueeze(0) # Batch size 1, 2 choices labels = torch.tensor(1).unsqueeze(0) # Batch size 1 outputs = model(input_ids, labels=labels) loss, classification_scores = outputs[:2] """ config_class = RobertaConfig pretrained_model_archive_map = ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP base_model_prefix = "roberta" def __init__(self, config): super(RobertaForMultipleChoice, self).__init__(config) self.roberta = RobertaModel(config) self.dropout = nn.Dropout(config.hidden_dropout_prob) self.classifier = nn.Linear(config.hidden_size, 1) self.init_weights() def forward( self, input_ids=None, token_type_ids=None, attention_mask=None, labels=None, position_ids=None, head_mask=None, inputs_embeds=None, ): num_choices = input_ids.shape[1] flat_input_ids = input_ids.view(-1, input_ids.size(-1)) flat_position_ids = position_ids.view(-1, position_ids.size(-1)) if position_ids is not None else None flat_token_type_ids = token_type_ids.view(-1, token_type_ids.size(-1)) if token_type_ids is not None else None flat_attention_mask = attention_mask.view(-1, attention_mask.size(-1)) if attention_mask is not None else None outputs = self.roberta( flat_input_ids, position_ids=flat_position_ids, token_type_ids=flat_token_type_ids, attention_mask=flat_attention_mask, head_mask=head_mask, ) pooled_output = outputs[1] pooled_output = self.dropout(pooled_output) logits = self.classifier(pooled_output) reshaped_logits = logits.view(-1, num_choices) outputs = (reshaped_logits,) + outputs[2:] # add hidden states and attention if they are here if labels is not None: loss_fct = CrossEntropyLoss() loss = loss_fct(reshaped_logits, labels) outputs = (loss,) + outputs return outputs # (loss), reshaped_logits, (hidden_states), (attentions) @add_start_docstrings( """Roberta Model with a token classification head on top (a linear layer on top of the hidden-states output) e.g. for Named-Entity-Recognition (NER) tasks. """, ROBERTA_START_DOCSTRING, ROBERTA_INPUTS_DOCSTRING, ) class RobertaForTokenClassification(BertPreTrainedModel): r""" **labels**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size, sequence_length)``: Labels for computing the token classification loss. Indices should be in ``[0, ..., config.num_labels - 1]``. Outputs: `Tuple` comprising various elements depending on the configuration (config) and inputs: **loss**: (`optional`, returned when ``labels`` is provided) ``torch.FloatTensor`` of shape ``(1,)``: Classification loss. **scores**: ``torch.FloatTensor`` of shape ``(batch_size, sequence_length, config.num_labels)`` Classification scores (before SoftMax). **hidden_states**: (`optional`, returned when ``config.output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``config.output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: tokenizer = RobertaTokenizer.from_pretrained('roberta-base') model = RobertaForTokenClassification.from_pretrained('roberta-base') input_ids = torch.tensor(tokenizer.encode("Hello, my dog is cute", add_special_tokens=True)).unsqueeze(0) # Batch size 1 labels = torch.tensor([1] * input_ids.size(1)).unsqueeze(0) # Batch size 1 outputs = model(input_ids, labels=labels) loss, scores = outputs[:2] """ config_class = RobertaConfig pretrained_model_archive_map = ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP base_model_prefix = "roberta" def __init__(self, config): super(RobertaForTokenClassification, self).__init__(config) self.num_labels = config.num_labels self.roberta = RobertaModel(config) self.dropout = nn.Dropout(config.hidden_dropout_prob) self.classifier = nn.Linear(config.hidden_size, config.num_labels) self.init_weights() def forward( self, input_ids=None, attention_mask=None, token_type_ids=None, position_ids=None, head_mask=None, inputs_embeds=None, labels=None, ): outputs = self.roberta( input_ids, attention_mask=attention_mask, token_type_ids=token_type_ids, position_ids=position_ids, head_mask=head_mask, inputs_embeds=inputs_embeds, ) sequence_output = outputs[0] sequence_output = self.dropout(sequence_output) logits = self.classifier(sequence_output) outputs = (logits,) + outputs[2:] # add hidden states and attention if they are here if labels is not None: loss_fct = CrossEntropyLoss() # Only keep active parts of the loss if attention_mask is not None: active_loss = attention_mask.view(-1) == 1 active_logits = logits.view(-1, self.num_labels)[active_loss] active_labels = labels.view(-1)[active_loss] loss = loss_fct(active_logits, active_labels) else: loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1)) outputs = (loss,) + outputs return outputs # (loss), scores, (hidden_states), (attentions) class RobertaClassificationHead(nn.Module): """Head for sentence-level classification tasks.""" def __init__(self, config): super(RobertaClassificationHead, self).__init__() self.dense = nn.Linear(config.hidden_size, config.hidden_size) self.dropout = nn.Dropout(config.hidden_dropout_prob) self.out_proj = nn.Linear(config.hidden_size, config.num_labels) def forward(self, features, **kwargs): x = features[:, 0, :] # take <s> token (equiv. to [CLS]) x = self.dropout(x) x = self.dense(x) x = torch.tanh(x) x = self.dropout(x) x = self.out_proj(x) return x @add_start_docstrings( """Roberta Model with a span classification head on top for extractive question-answering tasks like SQuAD (a linear layers on top of the hidden-states output to compute `span start logits` and `span end logits`). """, ROBERTA_START_DOCSTRING, ROBERTA_INPUTS_DOCSTRING, ) class RobertaForQuestionAnswering(BertPreTrainedModel): r""" **start_positions**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size,)``: Labels for position (index) of the start of the labelled span for computing the token classification loss. Positions are clamped to the length of the sequence (`sequence_length`). Position outside of the sequence are not taken into account for computing the loss. **end_positions**: (`optional`) ``torch.LongTensor`` of shape ``(batch_size,)``: Labels for position (index) of the end of the labelled span for computing the token classification loss. Positions are clamped to the length of the sequence (`sequence_length`). Position outside of the sequence are not taken into account for computing the loss. Outputs: `Tuple` comprising various elements depending on the configuration (config) and inputs: **loss**: (`optional`, returned when ``labels`` is provided) ``torch.FloatTensor`` of shape ``(1,)``: Total span extraction loss is the sum of a Cross-Entropy for the start and end positions. **start_scores**: ``torch.FloatTensor`` of shape ``(batch_size, sequence_length,)`` Span-start scores (before SoftMax). **end_scores**: ``torch.FloatTensor`` of shape ``(batch_size, sequence_length,)`` Span-end scores (before SoftMax). **hidden_states**: (`optional`, returned when ``config.output_hidden_states=True``) list of ``torch.FloatTensor`` (one for the output of each layer + the output of the embeddings) of shape ``(batch_size, sequence_length, hidden_size)``: Hidden-states of the model at the output of each layer plus the initial embedding outputs. **attentions**: (`optional`, returned when ``config.output_attentions=True``) list of ``torch.FloatTensor`` (one for each layer) of shape ``(batch_size, num_heads, sequence_length, sequence_length)``: Attentions weights after the attention softmax, used to compute the weighted average in the self-attention heads. Examples:: tokenizer = RobertaTokenizer.from_pretrained('roberta-large') model = RobertaForQuestionAnswering.from_pretrained('roberta-large') question, text = "Who was Jim Henson?", "Jim Henson was a nice puppet" input_ids = tokenizer.encode(question, text) start_scores, end_scores = model(torch.tensor([input_ids])) all_tokens = tokenizer.convert_ids_to_tokens(input_ids) answer = ' '.join(all_tokens[torch.argmax(start_scores) : torch.argmax(end_scores)+1]) """ config_class = RobertaConfig pretrained_model_archive_map = ROBERTA_PRETRAINED_MODEL_ARCHIVE_MAP base_model_prefix = "roberta" def __init__(self, config): super(RobertaForQuestionAnswering, self).__init__(config) self.num_labels = config.num_labels self.roberta = RobertaModel(config) self.qa_outputs = nn.Linear(config.hidden_size, config.num_labels) self.init_weights() def forward( self, input_ids, attention_mask=None, token_type_ids=None, position_ids=None, head_mask=None, start_positions=None, end_positions=None, ): outputs = self.roberta( input_ids, attention_mask=attention_mask, token_type_ids=token_type_ids, position_ids=position_ids, head_mask=head_mask, ) sequence_output = outputs[0] logits = self.qa_outputs(sequence_output) start_logits, end_logits = logits.split(1, dim=-1) start_logits = start_logits.squeeze(-1) end_logits = end_logits.squeeze(-1) outputs = (start_logits, end_logits,) + outputs[2:] if start_positions is not None and end_positions is not None: # If we are on multi-GPU, split add a dimension if len(start_positions.size()) > 1: start_positions = start_positions.squeeze(-1) if len(end_positions.size()) > 1: end_positions = end_positions.squeeze(-1) # sometimes the start/end positions are outside our model inputs, we ignore these terms ignored_index = start_logits.size(1) start_positions.clamp_(0, ignored_index) end_positions.clamp_(0, ignored_index) loss_fct = CrossEntropyLoss(ignore_index=ignored_index) start_loss = loss_fct(start_logits, start_positions) end_loss = loss_fct(end_logits, end_positions) total_loss = (start_loss + end_loss) / 2 outputs = (total_loss,) + outputs return outputs # (loss), start_logits, end_logits, (hidden_states), (attentions)
apache-2.0
hitszxp/scikit-learn
examples/ensemble/plot_forest_iris.py
332
6271
""" ==================================================================== Plot the decision surfaces of ensembles of trees on the iris dataset ==================================================================== Plot the decision surfaces of forests of randomized trees trained on pairs of features of the iris dataset. This plot compares the decision surfaces learned by a decision tree classifier (first column), by a random forest classifier (second column), by an extra- trees classifier (third column) and by an AdaBoost classifier (fourth column). In the first row, the classifiers are built using the sepal width and the sepal length features only, on the second row using the petal length and sepal length only, and on the third row using the petal width and the petal length only. In descending order of quality, when trained (outside of this example) on all 4 features using 30 estimators and scored using 10 fold cross validation, we see:: ExtraTreesClassifier() # 0.95 score RandomForestClassifier() # 0.94 score AdaBoost(DecisionTree(max_depth=3)) # 0.94 score DecisionTree(max_depth=None) # 0.94 score Increasing `max_depth` for AdaBoost lowers the standard deviation of the scores (but the average score does not improve). See the console's output for further details about each model. In this example you might try to: 1) vary the ``max_depth`` for the ``DecisionTreeClassifier`` and ``AdaBoostClassifier``, perhaps try ``max_depth=3`` for the ``DecisionTreeClassifier`` or ``max_depth=None`` for ``AdaBoostClassifier`` 2) vary ``n_estimators`` It is worth noting that RandomForests and ExtraTrees can be fitted in parallel on many cores as each tree is built independently of the others. AdaBoost's samples are built sequentially and so do not use multiple cores. """ print(__doc__) import numpy as np import matplotlib.pyplot as plt from sklearn import clone from sklearn.datasets import load_iris from sklearn.ensemble import (RandomForestClassifier, ExtraTreesClassifier, AdaBoostClassifier) from sklearn.externals.six.moves import xrange from sklearn.tree import DecisionTreeClassifier # Parameters n_classes = 3 n_estimators = 30 plot_colors = "ryb" cmap = plt.cm.RdYlBu plot_step = 0.02 # fine step width for decision surface contours plot_step_coarser = 0.5 # step widths for coarse classifier guesses RANDOM_SEED = 13 # fix the seed on each iteration # Load data iris = load_iris() plot_idx = 1 models = [DecisionTreeClassifier(max_depth=None), RandomForestClassifier(n_estimators=n_estimators), ExtraTreesClassifier(n_estimators=n_estimators), AdaBoostClassifier(DecisionTreeClassifier(max_depth=3), n_estimators=n_estimators)] for pair in ([0, 1], [0, 2], [2, 3]): for model in models: # We only take the two corresponding features X = iris.data[:, pair] y = iris.target # Shuffle idx = np.arange(X.shape[0]) np.random.seed(RANDOM_SEED) np.random.shuffle(idx) X = X[idx] y = y[idx] # Standardize mean = X.mean(axis=0) std = X.std(axis=0) X = (X - mean) / std # Train clf = clone(model) clf = model.fit(X, y) scores = clf.score(X, y) # Create a title for each column and the console by using str() and # slicing away useless parts of the string model_title = str(type(model)).split(".")[-1][:-2][:-len("Classifier")] model_details = model_title if hasattr(model, "estimators_"): model_details += " with {} estimators".format(len(model.estimators_)) print( model_details + " with features", pair, "has a score of", scores ) plt.subplot(3, 4, plot_idx) if plot_idx <= len(models): # Add a title at the top of each column plt.title(model_title) # Now plot the decision boundary using a fine mesh as input to a # filled contour plot x_min, x_max = X[:, 0].min() - 1, X[:, 0].max() + 1 y_min, y_max = X[:, 1].min() - 1, X[:, 1].max() + 1 xx, yy = np.meshgrid(np.arange(x_min, x_max, plot_step), np.arange(y_min, y_max, plot_step)) # Plot either a single DecisionTreeClassifier or alpha blend the # decision surfaces of the ensemble of classifiers if isinstance(model, DecisionTreeClassifier): Z = model.predict(np.c_[xx.ravel(), yy.ravel()]) Z = Z.reshape(xx.shape) cs = plt.contourf(xx, yy, Z, cmap=cmap) else: # Choose alpha blend level with respect to the number of estimators # that are in use (noting that AdaBoost can use fewer estimators # than its maximum if it achieves a good enough fit early on) estimator_alpha = 1.0 / len(model.estimators_) for tree in model.estimators_: Z = tree.predict(np.c_[xx.ravel(), yy.ravel()]) Z = Z.reshape(xx.shape) cs = plt.contourf(xx, yy, Z, alpha=estimator_alpha, cmap=cmap) # Build a coarser grid to plot a set of ensemble classifications # to show how these are different to what we see in the decision # surfaces. These points are regularly space and do not have a black outline xx_coarser, yy_coarser = np.meshgrid(np.arange(x_min, x_max, plot_step_coarser), np.arange(y_min, y_max, plot_step_coarser)) Z_points_coarser = model.predict(np.c_[xx_coarser.ravel(), yy_coarser.ravel()]).reshape(xx_coarser.shape) cs_points = plt.scatter(xx_coarser, yy_coarser, s=15, c=Z_points_coarser, cmap=cmap, edgecolors="none") # Plot the training points, these are clustered together and have a # black outline for i, c in zip(xrange(n_classes), plot_colors): idx = np.where(y == i) plt.scatter(X[idx, 0], X[idx, 1], c=c, label=iris.target_names[i], cmap=cmap) plot_idx += 1 # move on to the next plot in sequence plt.suptitle("Classifiers on feature subsets of the Iris dataset") plt.axis("tight") plt.show()
bsd-3-clause
chamikaramj/beam
sdks/python/apache_beam/io/gcp/dicomio.py
8
20660
# # 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. # """DICOM IO connector This module implements several tools to facilitate the interaction between a Google Cloud Healthcare DICOM store and a Beam pipeline. For more details on DICOM store and API: https://cloud.google.com/healthcare/docs/how-tos/dicom The DICOM IO connector can be used to search metadata or write DICOM files to DICOM store. When used together with Google Pubsub message connector, the `FormatToQido` PTransform implemented in this module can be used to convert Pubsub messages to search requests. Since Traceability is crucial for healthcare API users, every input or error message will be recorded in the output of the DICOM IO connector. As a result, every PTransform in this module will return a PCollection of dict that encodes results and detailed error messages. Search instance's metadata (QIDO request) =================================================== DicomSearch() wraps the QIDO request client and supports 3 levels of search. Users should specify the level by setting the 'search_type' entry in the input dict. They can also refine the search by adding tags to filter the results using the 'params' entry. Here is a sample usage: with Pipeline() as p: input_dict = p | beam.Create( [{'project_id': 'abc123', 'type': 'instances',...}, {'project_id': 'dicom_go', 'type': 'series',...}]) results = input_dict | io.gcp.DicomSearch() results | 'print successful search' >> beam.Map( lambda x: print(x['result'] if x['success'] else None)) results | 'print failed search' >> beam.Map( lambda x: print(x['result'] if not x['success'] else None)) In the example above, successful qido search results and error messages for failed requests are printed. When used in real life, user can choose to filter those data and output them to wherever they want. Convert DICOM Pubsub message to Qido search request =================================================== Healthcare API users might read messages from Pubsub to monitor the store operations (e.g. new file) in a DICOM storage. Pubsub message encode DICOM as a web store path as well as instance ids. If users are interested in getting new instance's metadata, they can use the `FormatToQido` transform to convert the message into Qido Search dict then use the `DicomSearch` transform. Here is a sample usage: pipeline_options = PipelineOptions() pipeline_options.view_as(StandardOptions).streaming = True p = beam.Pipeline(options=pipeline_options) pubsub = p | beam.io.ReadStringFromPubsub(subscription='a_dicom_store') results = pubsub | FormatToQido() success = results | 'filter message' >> beam.Filter(lambda x: x['success']) qido_dict = success | 'get qido request' >> beam.Map(lambda x: x['result']) metadata = qido_dict | DicomSearch() In the example above, the pipeline is listening to a pubsub topic and waiting for messages from DICOM API. When a new DICOM file comes into the storage, the pipeline will receive a pubsub message, convert it to a Qido request dict and feed it to DicomSearch() PTransform. As a result, users can get the metadata for every new DICOM file. Note that not every pubsub message received is from DICOM API, so we to filter the results first. Store a DICOM file in a DICOM storage =================================================== UploadToDicomStore() wraps store request API and users can use it to send a DICOM file to a DICOM store. It supports two types of input: 1.file data in byte[] 2.fileio object. Users should set the 'input_type' when initialzing this PTransform. Here are the examples: with Pipeline() as p: input_dict = {'project_id': 'abc123', 'type': 'instances',...} path = "gcs://bucketname/something/a.dcm" match = p | fileio.MatchFiles(path) fileio_obj = match | fileio.ReadAll() results = fileio_obj | UploadToDicomStore(input_dict, 'fileio') with Pipeline() as p: input_dict = {'project_id': 'abc123', 'type': 'instances',...} f = open("abc.dcm", "rb") dcm_file = f.read() byte_file = p | 'create byte file' >> beam.Create([dcm_file]) results = byte_file | UploadToDicomStore(input_dict, 'bytes') The first example uses a PCollection of fileio objects as input. UploadToDicomStore will read DICOM files from the objects and send them to a DICOM storage. The second example uses a PCollection of byte[] as input. UploadToDicomStore will directly send those DICOM files to a DICOM storage. Users can also get the operation results in the output PCollection if they want to handle the failed store requests. """ # pytype: skip-file from concurrent.futures import ThreadPoolExecutor from concurrent.futures import as_completed import apache_beam as beam from apache_beam.io.gcp.dicomclient import DicomApiHttpClient from apache_beam.transforms import PTransform class DicomSearch(PTransform): """A PTransform used for retrieving DICOM instance metadata from Google Cloud DICOM store. It takes a PCollection of dicts as input and return a PCollection of dict as results: INPUT: The input dict represents DICOM web path parameters, which has the following string keys and values: { 'project_id': str, 'region': str, 'dataset_id': str, 'dicom_store_id': str, 'search_type': str, 'params': dict(str,str) (Optional), } Key-value pairs: project_id: Id of the project in which the DICOM store is located. (Required) region: Region where the DICOM store resides. (Required) dataset_id: Id of the dataset where DICOM store belongs to. (Required) dicom_store_id: Id of the dicom store. (Required) search_type: Which type of search it is, could only be one of the three values: 'instances', 'series', or 'studies'. (Required) params: A dict of str:str pairs used to refine QIDO search. (Optional) Supported tags in three categories: 1.Studies: * StudyInstanceUID, * PatientName, * PatientID, * AccessionNumber, * ReferringPhysicianName, * StudyDate, 2.Series: all study level search terms and * SeriesInstanceUID, * Modality, 3.Instances: all study/series level search terms and * SOPInstanceUID, e.g. {"StudyInstanceUID":"1","SeriesInstanceUID":"2"} OUTPUT: The output dict wraps results as well as error messages: { 'result': a list of dicts in JSON style. 'success': boolean value telling whether the operation is successful. 'input': detail ids and dicomweb path for this retrieval. 'status': status code from the server, used as error message. } """ def __init__( self, buffer_size=8, max_workers=5, client=None, credential=None): """Initializes DicomSearch. Args: buffer_size: # type: Int. Size of the request buffer. max_workers: # type: Int. Maximum number of threads a worker can create. If it is set to one, all the request will be processed sequentially in a worker. client: # type: object. If it is specified, all the Api calls will made by this client instead of the default one (DicomApiHttpClient). credential: # type: Google credential object, if it is specified, the Http client will use it to create sessions instead of the default. """ self.buffer_size = buffer_size self.max_workers = max_workers self.client = client or DicomApiHttpClient() self.credential = credential def expand(self, pcoll): return pcoll | beam.ParDo( _QidoReadFn( self.buffer_size, self.max_workers, self.client, self.credential)) class _QidoReadFn(beam.DoFn): """A DoFn for executing every qido query request.""" def __init__(self, buffer_size, max_workers, client, credential=None): self.buffer_size = buffer_size self.max_workers = max_workers self.client = client self.credential = credential def start_bundle(self): self.buffer = [] def finish_bundle(self): for item in self._flush(): yield item def validate_element(self, element): # Check if all required keys present. required_keys = [ 'project_id', 'region', 'dataset_id', 'dicom_store_id', 'search_type' ] for key in required_keys: if key not in element: error_message = 'Must have %s in the dict.' % (key) return False, error_message # Check if return type is correct. if element['search_type'] in ['instances', "studies", "series"]: return True, None else: error_message = ( 'Search type can only be "studies", ' '"instances" or "series"') return False, error_message def process( self, element, window=beam.DoFn.WindowParam, timestamp=beam.DoFn.TimestampParam): # Check if the element is valid valid, error_message = self.validate_element(element) if valid: self.buffer.append((element, window, timestamp)) if len(self.buffer) >= self.buffer_size: for item in self._flush(): yield item else: # Return this when the input dict dose not meet the requirements out = {} out['result'] = [] out['status'] = error_message out['input'] = element out['success'] = False yield out def make_request(self, element): # Sending Qido request to DICOM Api project_id = element['project_id'] region = element['region'] dataset_id = element['dataset_id'] dicom_store_id = element['dicom_store_id'] search_type = element['search_type'] params = element['params'] if 'params' in element else None # Call qido search http client result, status_code = self.client.qido_search( project_id, region, dataset_id, dicom_store_id, search_type, params, self.credential ) out = {} out['result'] = result out['status'] = status_code out['input'] = element out['success'] = (status_code == 200) return out def process_buffer_element(self, buffer_element): # Thread job runner - each thread makes a Qido search request value = self.make_request(buffer_element[0]) windows = [buffer_element[1]] timestamp = buffer_element[2] return beam.utils.windowed_value.WindowedValue( value=value, timestamp=timestamp, windows=windows) def _flush(self): # Create thread pool executor and process the buffered elements in paralllel executor = ThreadPoolExecutor(max_workers=self.max_workers) futures = [ executor.submit(self.process_buffer_element, ele) for ele in self.buffer ] self.buffer = [] for f in as_completed(futures): yield f.result() class FormatToQido(PTransform): """A PTransform for converting pubsub messages into search input dict. Takes PCollection of string as input and returns a PCollection of dict as results. Note that some pubsub messages may not be from DICOM API, which will be recorded as failed conversions. INPUT: The input are normally strings from Pubsub topic: "projects/PROJECT_ID/locations/LOCATION/datasets/DATASET_ID/ dicomStores/DICOM_STORE_ID/dicomWeb/studies/STUDY_UID/ series/SERIES_UID/instances/INSTANCE_UID" OUTPUT: The output dict encodes results as well as error messages: { 'result': a dict representing instance level qido search request. 'success': boolean value telling whether the conversion is successful. 'input': input pubsub message string. } """ def __init__(self, credential=None): """Initializes FormatToQido. Args: credential: # type: Google credential object, if it is specified, the Http client will use it instead of the default one. """ self.credential = credential def expand(self, pcoll): return pcoll | beam.ParDo(_ConvertStringToQido()) class _ConvertStringToQido(beam.DoFn): """A DoFn for converting pubsub string to qido search parameters.""" def process(self, element): # Some constants for DICOM pubsub message NUM_PUBSUB_STR_ENTRIES = 15 NUM_DICOM_WEBPATH_PARAMETERS = 5 NUM_TOTAL_PARAMETERS = 8 INDEX_PROJECT_ID = 1 INDEX_REGION = 3 INDEX_DATASET_ID = 5 INDEX_DICOMSTORE_ID = 7 INDEX_STUDY_ID = 10 INDEX_SERIE_ID = 12 INDEX_INSTANCE_ID = 14 entries = element.split('/') # Output dict with error message, used when # receiving invalid pubsub string. error_dict = {} error_dict['result'] = {} error_dict['input'] = element error_dict['success'] = False if len(entries) != NUM_PUBSUB_STR_ENTRIES: return [error_dict] required_keys = [ 'projects', 'locations', 'datasets', 'dicomStores', 'dicomWeb', 'studies', 'series', 'instances' ] # Check if the required keys present and # the positions of those keys are correct for i in range(NUM_DICOM_WEBPATH_PARAMETERS): if required_keys[i] != entries[i * 2]: return [error_dict] for i in range(NUM_DICOM_WEBPATH_PARAMETERS, NUM_TOTAL_PARAMETERS): if required_keys[i] != entries[i * 2 - 1]: return [error_dict] # Compose dicom webpath parameters for qido search qido_dict = {} qido_dict['project_id'] = entries[INDEX_PROJECT_ID] qido_dict['region'] = entries[INDEX_REGION] qido_dict['dataset_id'] = entries[INDEX_DATASET_ID] qido_dict['dicom_store_id'] = entries[INDEX_DICOMSTORE_ID] qido_dict['search_type'] = 'instances' # Compose instance level params for qido search params = {} params['StudyInstanceUID'] = entries[INDEX_STUDY_ID] params['SeriesInstanceUID'] = entries[INDEX_SERIE_ID] params['SOPInstanceUID'] = entries[INDEX_INSTANCE_ID] qido_dict['params'] = params out = {} out['result'] = qido_dict out['input'] = element out['success'] = True return [out] class UploadToDicomStore(PTransform): """A PTransform for storing instances to a DICOM store. Takes PCollection of byte[] as input and return a PCollection of dict as results. The inputs are normally DICOM file in bytes or str filename. INPUT: This PTransform supports two types of input: 1. Byte[]: representing dicom file. 2. Fileio object: stream file object. OUTPUT: The output dict encodes status as well as error messages: { 'success': boolean value telling whether the store is successful. 'input': undeliverable data. Exactly the same as the input, only set if the operation is failed. 'status': status code from the server, used as error messages. } """ def __init__( self, destination_dict, input_type, buffer_size=8, max_workers=5, client=None, credential=None): """Initializes UploadToDicomStore. Args: destination_dict: # type: python dict, encodes DICOM endpoint information: { 'project_id': str, 'region': str, 'dataset_id': str, 'dicom_store_id': str, } Key-value pairs: * project_id: Id of the project in which DICOM store locates. (Required) * region: Region where the DICOM store resides. (Required) * dataset_id: Id of the dataset where DICOM store belongs to. (Required) * dicom_store_id: Id of the dicom store. (Required) input_type: # type: string, could only be 'bytes' or 'fileio' buffer_size: # type: Int. Size of the request buffer. max_workers: # type: Int. Maximum number of threads a worker can create. If it is set to one, all the request will be processed sequentially in a worker. client: # type: object. If it is specified, all the Api calls will made by this client instead of the default one (DicomApiHttpClient). credential: # type: Google credential object, if it is specified, the Http client will use it instead of the default one. """ self.destination_dict = destination_dict # input_type pre-check if input_type not in ['bytes', 'fileio']: raise ValueError("input_type could only be 'bytes' or 'fileio'") self.input_type = input_type self.buffer_size = buffer_size self.max_workers = max_workers self.client = client self.credential = credential def expand(self, pcoll): return pcoll | beam.ParDo( _StoreInstance( self.destination_dict, self.input_type, self.buffer_size, self.max_workers, self.client, self.credential)) class _StoreInstance(beam.DoFn): """A DoFn read or fetch dicom files then push it to a dicom store.""" def __init__( self, destination_dict, input_type, buffer_size, max_workers, client, credential=None): # pre-check destination dict required_keys = ['project_id', 'region', 'dataset_id', 'dicom_store_id'] for key in required_keys: if key not in destination_dict: raise ValueError('Must have %s in the dict.' % (key)) self.destination_dict = destination_dict self.input_type = input_type self.buffer_size = buffer_size self.max_workers = max_workers self.client = client self.credential = credential def start_bundle(self): self.buffer = [] def finish_bundle(self): for item in self._flush(): yield item def process( self, element, window=beam.DoFn.WindowParam, timestamp=beam.DoFn.TimestampParam): self.buffer.append((element, window, timestamp)) if len(self.buffer) >= self.buffer_size: for item in self._flush(): yield item def make_request(self, dicom_file): # Send file to DICOM store and records the results. project_id = self.destination_dict['project_id'] region = self.destination_dict['region'] dataset_id = self.destination_dict['dataset_id'] dicom_store_id = self.destination_dict['dicom_store_id'] # Feed the dicom file into store client if self.client: _, status_code = self.client.dicomweb_store_instance( project_id, region, dataset_id, dicom_store_id, dicom_file, self.credential ) else: _, status_code = DicomApiHttpClient().dicomweb_store_instance( project_id, region, dataset_id, dicom_store_id, dicom_file, self.credential ) out = {} out['status'] = status_code out['success'] = (status_code == 200) return out def read_dicom_file(self, buffer_element): # Read the file based on different input. If the read fails ,return # an error dict which records input and error messages. try: if self.input_type == 'fileio': f = buffer_element.open() data = f.read() f.close() return True, data else: return True, buffer_element except Exception as error_message: error_out = {} error_out['status'] = error_message error_out['success'] = False return False, error_out def process_buffer_element(self, buffer_element): # Thread job runner - each thread stores a DICOM file success, read_result = self.read_dicom_file(buffer_element[0]) windows = [buffer_element[1]] timestamp = buffer_element[2] value = None if success: value = self.make_request(read_result) else: value = read_result # save the undeliverable data if not value['success']: value['input'] = buffer_element[0] return beam.utils.windowed_value.WindowedValue( value=value, timestamp=timestamp, windows=windows) def _flush(self): # Create thread pool executor and process the buffered elements in paralllel executor = ThreadPoolExecutor(max_workers=self.max_workers) futures = [ executor.submit(self.process_buffer_element, ele) for ele in self.buffer ] self.buffer = [] for f in as_completed(futures): yield f.result()
apache-2.0
nyu-mll/spinn
python/spinn/tests/test_stack.py
1
4359
import unittest import numpy as np import tempfile import gflags import sys from spinn.spinn_core_model import BaseModel from spinn.models.base import get_flags import spinn.spinn_core_model import spinn.rl_spinn from spinn.util.trainer import ModelTrainer # PyTorch import torch import torch.nn as nn from spinn.util.test import MockModel, default_args, get_batch, compare_models from spinn.util import afs_safe_logger FLAGS = gflags.FLAGS class SPINNTestCase(unittest.TestCase): def test_save_load_model(self): model_to_save = MockModel(BaseModel, default_args()) model_to_load = MockModel(BaseModel, default_args()) # Save to and load from temporary file. temp = tempfile.NamedTemporaryFile() torch.save(model_to_save.state_dict(), temp.name) model_to_load.load_state_dict(torch.load(temp.name)) compare_models(model_to_save, model_to_load) # Cleanup temporary file. temp.close() def test_save_sup_load_rl(self): pass model_to_save = MockModel( spinn.spinn_core_model.BaseModel, default_args()) # Parse command line flags. get_flags() FLAGS(sys.argv) log_temp = tempfile.NamedTemporaryFile() ckpt_temp = tempfile.NamedTemporaryFile() logger = afs_safe_logger.ProtoLogger(log_temp.name) FLAGS.ckpt_path = '.' trainer_to_save = ModelTrainer(model_to_save, logger, FLAGS) model_to_load = MockModel(spinn.rl_spinn.BaseModel, default_args()) trainer_to_load = ModelTrainer(model_to_load, logger, FLAGS) # Save to and load from temporary file. trainer_to_save.save(ckpt_temp.name) trainer_to_load.load(ckpt_temp.name, cpu=True) compare_models(model_to_save, model_to_load) # Cleanup temporary file. ckpt_temp.close() log_temp.close() def test_init_models(self): MockModel(spinn.spinn_core_model.BaseModel, default_args()) MockModel(spinn.rl_spinn.BaseModel, default_args()) MockModel( spinn.spinn_core_model.BaseModel, default_args( use_sentence_pair=True)) MockModel( spinn.rl_spinn.BaseModel, default_args( use_sentence_pair=True)) def test_basic_stack(self): model = MockModel(BaseModel, default_args()) X, transitions = get_batch() class Projection(nn.Module): def forward(self, x): return x[:, :default_args()['model_dim']] class Reduce(nn.Module): def forward(self, lefts, rights, tracking): batch_size = len(lefts) return torch.chunk( torch.cat( lefts, 0) - torch.cat( rights, 0), batch_size, 0) model.encode = Projection() model.spinn.reduce = Reduce() model(X, transitions) outputs = model.spinn_outp[0] assert outputs[0][0].data[0] == (3 - (1 - (2 - 1))) assert outputs[1][0].data[0] == ((3 - 2) - (4 - 5)) def test_validate_transitions_cantskip(self): model = MockModel(BaseModel, default_args()) # To Test: # 1. Cant SKIP # 2. Cant SHIFT # 3. Cant REDUCE # 4. No change SHIFT # 5. No change REDUCE bufs = [ [None], [], [None], [None], [None], [], ] stacks = [ [None], [None], [None], [], [], [None, None], ] transitions = [ 2, 1, 0, 0, 0, 1 ] preds = np.array([ 0, 0, 1, 1, 0, 1 ]).astype(np.int32) ret, _ = model.spinn.validate( transitions, preds, stacks, bufs, zero_padded=False) expected = np.array([ 2, 1, 0, 0, 0, 1 ], dtype=np.int32) assert all( p == e for p, e in zip( ret.ravel().tolist(), expected.ravel().tolist())), "gold: {}\npreds: {}".format( expected, ret) if __name__ == '__main__': unittest.main()
mit
cmoutard/mne-python
mne/viz/tests/test_3d.py
4
7511
# Authors: Alexandre Gramfort <alexandre.gramfort@telecom-paristech.fr> # Denis Engemann <denis.engemann@gmail.com> # Martin Luessi <mluessi@nmr.mgh.harvard.edu> # Eric Larson <larson.eric.d@gmail.com> # Mainak Jas <mainak@neuro.hut.fi> # Mark Wronkiewicz <wronk.mark@gmail.com> # # License: Simplified BSD import os.path as op import warnings import numpy as np from numpy.testing import assert_raises, assert_equal from mne import (make_field_map, pick_channels_evoked, read_evokeds, read_trans, read_dipole, SourceEstimate) from mne.viz import (plot_sparse_source_estimates, plot_source_estimates, plot_trans) from mne.utils import requires_mayavi, requires_pysurfer, run_tests_if_main from mne.datasets import testing from mne.source_space import read_source_spaces # Set our plotters to test mode import matplotlib matplotlib.use('Agg') # for testing don't use X server data_dir = testing.data_path(download=False) subjects_dir = op.join(data_dir, 'subjects') trans_fname = op.join(data_dir, 'MEG', 'sample', 'sample_audvis_trunc-trans.fif') src_fname = op.join(data_dir, 'subjects', 'sample', 'bem', 'sample-oct-6-src.fif') dip_fname = op.join(data_dir, 'MEG', 'sample', 'sample_audvis_trunc_set1.dip') base_dir = op.join(op.dirname(__file__), '..', '..', 'io', 'tests', 'data') evoked_fname = op.join(base_dir, 'test-ave.fif') warnings.simplefilter('always') # enable b/c these tests throw warnings @testing.requires_testing_data @requires_pysurfer @requires_mayavi def test_plot_sparse_source_estimates(): """Test plotting of (sparse) source estimates """ sample_src = read_source_spaces(src_fname) # dense version vertices = [s['vertno'] for s in sample_src] n_time = 5 n_verts = sum(len(v) for v in vertices) stc_data = np.zeros((n_verts * n_time)) stc_size = stc_data.size stc_data[(np.random.rand(stc_size / 20) * stc_size).astype(int)] = \ np.random.RandomState(0).rand(stc_data.size / 20) stc_data.shape = (n_verts, n_time) stc = SourceEstimate(stc_data, vertices, 1, 1) colormap = 'mne_analyze' plot_source_estimates(stc, 'sample', colormap=colormap, config_opts={'background': (1, 1, 0)}, subjects_dir=subjects_dir, colorbar=True, clim='auto') assert_raises(TypeError, plot_source_estimates, stc, 'sample', figure='foo', hemi='both', clim='auto') # now do sparse version vertices = sample_src[0]['vertno'] inds = [111, 333] stc_data = np.zeros((len(inds), n_time)) stc_data[0, 1] = 1. stc_data[1, 4] = 2. vertices = [vertices[inds], np.empty(0, dtype=np.int)] stc = SourceEstimate(stc_data, vertices, 1, 1) plot_sparse_source_estimates(sample_src, stc, bgcolor=(1, 1, 1), opacity=0.5, high_resolution=False) @testing.requires_testing_data @requires_mayavi def test_plot_evoked_field(): """Test plotting evoked field """ evoked = read_evokeds(evoked_fname, condition='Left Auditory', baseline=(-0.2, 0.0)) evoked = pick_channels_evoked(evoked, evoked.ch_names[::10]) # speed for t in ['meg', None]: maps = make_field_map(evoked, trans_fname, subject='sample', subjects_dir=subjects_dir, n_jobs=1, ch_type=t) evoked.plot_field(maps, time=0.1) @testing.requires_testing_data @requires_mayavi def test_plot_trans(): """Test plotting of -trans.fif files """ evoked = read_evokeds(evoked_fname, condition='Left Auditory', baseline=(-0.2, 0.0)) plot_trans(evoked.info, trans_fname, subject='sample', subjects_dir=subjects_dir) assert_raises(ValueError, plot_trans, evoked.info, trans_fname, subject='sample', subjects_dir=subjects_dir, ch_type='bad-chtype') @testing.requires_testing_data @requires_pysurfer @requires_mayavi def test_limits_to_control_points(): """Test functionality for determing control points """ sample_src = read_source_spaces(src_fname) vertices = [s['vertno'] for s in sample_src] n_time = 5 n_verts = sum(len(v) for v in vertices) stc_data = np.random.RandomState(0).rand((n_verts * n_time)) stc_data.shape = (n_verts, n_time) stc = SourceEstimate(stc_data, vertices, 1, 1, 'sample') # Test for simple use cases from mayavi import mlab stc.plot(subjects_dir=subjects_dir) stc.plot(clim=dict(pos_lims=(10, 50, 90)), subjects_dir=subjects_dir) stc.plot(clim=dict(kind='value', lims=(10, 50, 90)), figure=99, subjects_dir=subjects_dir) stc.plot(colormap='hot', clim='auto', subjects_dir=subjects_dir) stc.plot(colormap='mne', clim='auto', subjects_dir=subjects_dir) figs = [mlab.figure(), mlab.figure()] assert_raises(RuntimeError, stc.plot, clim='auto', figure=figs, subjects_dir=subjects_dir) # Test both types of incorrect limits key (lims/pos_lims) assert_raises(KeyError, plot_source_estimates, stc, colormap='mne', clim=dict(kind='value', lims=(5, 10, 15)), subjects_dir=subjects_dir) assert_raises(KeyError, plot_source_estimates, stc, colormap='hot', clim=dict(kind='value', pos_lims=(5, 10, 15)), subjects_dir=subjects_dir) # Test for correct clim values assert_raises(ValueError, stc.plot, clim=dict(kind='value', pos_lims=[0, 1, 0]), subjects_dir=subjects_dir) assert_raises(ValueError, stc.plot, colormap='mne', clim=dict(pos_lims=(5, 10, 15, 20)), subjects_dir=subjects_dir) assert_raises(ValueError, stc.plot, clim=dict(pos_lims=(5, 10, 15), kind='foo'), subjects_dir=subjects_dir) assert_raises(ValueError, stc.plot, colormap='mne', clim='foo', subjects_dir=subjects_dir) assert_raises(ValueError, stc.plot, clim=(5, 10, 15), subjects_dir=subjects_dir) assert_raises(ValueError, plot_source_estimates, 'foo', clim='auto', subjects_dir=subjects_dir) assert_raises(ValueError, stc.plot, hemi='foo', clim='auto', subjects_dir=subjects_dir) # Test handling of degenerate data stc.plot(clim=dict(kind='value', lims=[0, 0, 1]), subjects_dir=subjects_dir) # ok with warnings.catch_warnings(record=True) as w: warnings.simplefilter('always') # thresholded maps stc._data.fill(1.) plot_source_estimates(stc, subjects_dir=subjects_dir) assert_equal(len(w), 0) stc._data[0].fill(0.) plot_source_estimates(stc, subjects_dir=subjects_dir) assert_equal(len(w), 0) stc._data.fill(0.) plot_source_estimates(stc, subjects_dir=subjects_dir) assert_equal(len(w), 1) mlab.close() @testing.requires_testing_data @requires_mayavi def test_plot_dipole_locations(): """Test plotting dipole locations """ dipoles = read_dipole(dip_fname) trans = read_trans(trans_fname) dipoles.plot_locations(trans, 'sample', subjects_dir, fig_name='foo') assert_raises(ValueError, dipoles.plot_locations, trans, 'sample', subjects_dir, mode='foo') run_tests_if_main()
bsd-3-clause
jlegendary/nupic
examples/opf/experiments/anomaly/temporal/simple/description.py
8
14153
# ---------------------------------------------------------------------- # Numenta Platform for Intelligent Computing (NuPIC) # Copyright (C) 2013, Numenta, Inc. Unless you have an agreement # with Numenta, Inc., for a separate license for this software code, the # following terms and conditions apply: # # This program is free software: you can redistribute it and/or modify # it under the terms of the GNU General Public License version 3 as # published by the Free Software Foundation. # # This program 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 this program. If not, see http://www.gnu.org/licenses. # # http://numenta.org/licenses/ # ---------------------------------------------------------------------- """ Template file used by the OPF Experiment Generator to generate the actual description.py file by replacing $XXXXXXXX tokens with desired values. This description.py file was generated by: '~/nupic/current/lib/python2.6/site-packages/nupic/frameworks/opf/expGenerator/ExpGenerator.pyc' """ from nupic.frameworks.opf.expdescriptionapi import ExperimentDescriptionAPI from nupic.frameworks.opf.expdescriptionhelpers import ( updateConfigFromSubConfig, applyValueGettersToContainer, DeferredDictLookup) from nupic.frameworks.opf.clamodelcallbacks import * from nupic.frameworks.opf.metrics import MetricSpec from nupic.frameworks.opf.opfutils import (InferenceType, InferenceElement) from nupic.support import aggregationDivide from nupic.frameworks.opf.opftaskdriver import ( IterationPhaseSpecLearnOnly, IterationPhaseSpecInferOnly, IterationPhaseSpecLearnAndInfer) # Model Configuration Dictionary: # # Define the model parameters and adjust for any modifications if imported # from a sub-experiment. # # These fields might be modified by a sub-experiment; this dict is passed # between the sub-experiment and base experiment # # # NOTE: Use of DEFERRED VALUE-GETTERs: dictionary fields and list elements # within the config dictionary may be assigned futures derived from the # ValueGetterBase class, such as DeferredDictLookup. # This facility is particularly handy for enabling substitution of values in # the config dictionary from other values in the config dictionary, which is # needed by permutation.py-based experiments. These values will be resolved # during the call to applyValueGettersToContainer(), # which we call after the base experiment's config dictionary is updated from # the sub-experiment. See ValueGetterBase and # DeferredDictLookup for more details about value-getters. # # For each custom encoder parameter to be exposed to the sub-experiment/ # permutation overrides, define a variable in this section, using key names # beginning with a single underscore character to avoid collisions with # pre-defined keys (e.g., _dsEncoderFieldName2_N). # # Example: # config = dict( # _dsEncoderFieldName2_N = 70, # _dsEncoderFieldName2_W = 5, # dsEncoderSchema = [ # base=dict( # fieldname='Name2', type='ScalarEncoder', # name='Name2', minval=0, maxval=270, clipInput=True, # n=DeferredDictLookup('_dsEncoderFieldName2_N'), # w=DeferredDictLookup('_dsEncoderFieldName2_W')), # ], # ) # updateConfigFromSubConfig(config) # applyValueGettersToContainer(config) config = { # Type of model that the rest of these parameters apply to. 'model': "CLA", # Version that specifies the format of the config. 'version': 1, # Intermediate variables used to compute fields in modelParams and also # referenced from the control section. 'aggregationInfo': { 'days': 0, 'fields': [], 'hours': 0, 'microseconds': 0, 'milliseconds': 0, 'minutes': 0, 'months': 0, 'seconds': 0, 'weeks': 0, 'years': 0}, 'predictAheadTime': None, # Model parameter dictionary. 'modelParams': { # The type of inference that this model will perform 'inferenceType': 'TemporalAnomaly', 'sensorParams': { # Sensor diagnostic output verbosity control; # if > 0: sensor region will print out on screen what it's sensing # at each step 0: silent; >=1: some info; >=2: more info; # >=3: even more info (see compute() in py/regions/RecordSensor.py) 'verbosity' : 0, # Example: # dsEncoderSchema = [ # DeferredDictLookup('__field_name_encoder'), # ], # # (value generated from DS_ENCODER_SCHEMA) 'encoders': { u'f': { 'clipInput': True, 'fieldname': u'f', 'n': 100, 'name': u'f', 'minval': 0, 'maxval': 5, 'type': 'ScalarEncoder', 'w': 21}, }, # A dictionary specifying the period for automatically-generated # resets from a RecordSensor; # # None = disable automatically-generated resets (also disabled if # all of the specified values evaluate to 0). # Valid keys is the desired combination of the following: # days, hours, minutes, seconds, milliseconds, microseconds, weeks # # Example for 1.5 days: sensorAutoReset = dict(days=1,hours=12), # # (value generated from SENSOR_AUTO_RESET) 'sensorAutoReset' : None, }, 'spEnable': True, 'spParams': { # SP diagnostic output verbosity control; # 0: silent; >=1: some info; >=2: more info; 'spVerbosity' : 0, 'spatialImp' : 'cpp', 'globalInhibition': 1, # Number of cell columns in the cortical region (same number for # SP and TP) # (see also tpNCellsPerCol) 'columnCount': 2048, 'inputWidth': 0, # SP inhibition control (absolute value); # Maximum number of active columns in the SP region's output (when # there are more, the weaker ones are suppressed) 'numActiveColumnsPerInhArea': 40, 'seed': 1956, # potentialPct # What percent of the columns's receptive field is available # for potential synapses. At initialization time, we will # choose potentialPct * (2*potentialRadius+1)^2 'potentialPct': 0.5, # The default connected threshold. Any synapse whose # permanence value is above the connected threshold is # a "connected synapse", meaning it can contribute to the # cell's firing. Typical value is 0.10. Cells whose activity # level before inhibition falls below minDutyCycleBeforeInh # will have their own internal synPermConnectedCell # threshold set below this default value. # (This concept applies to both SP and TP and so 'cells' # is correct here as opposed to 'columns') 'synPermConnected': 0.1, 'synPermActiveInc': 0.05, 'synPermInactiveDec': 0.008, }, # Controls whether TP is enabled or disabled; # TP is necessary for making temporal predictions, such as predicting # the next inputs. Without TP, the model is only capable of # reconstructing missing sensor inputs (via SP). 'tpEnable' : True, 'tpParams': { # TP diagnostic output verbosity control; # 0: silent; [1..6]: increasing levels of verbosity # (see verbosity in nupic/trunk/py/nupic/research/TP.py and TP10X*.py) 'verbosity': 0, # Number of cell columns in the cortical region (same number for # SP and TP) # (see also tpNCellsPerCol) 'columnCount': 2048, # The number of cells (i.e., states), allocated per column. 'cellsPerColumn': 32, 'inputWidth': 2048, 'seed': 1960, # Temporal Pooler implementation selector (see _getTPClass in # CLARegion.py). 'temporalImp': 'cpp', # New Synapse formation count # NOTE: If None, use spNumActivePerInhArea # # TODO: need better explanation 'newSynapseCount': 20, # Maximum number of synapses per segment # > 0 for fixed-size CLA # -1 for non-fixed-size CLA # # TODO: for Ron: once the appropriate value is placed in TP # constructor, see if we should eliminate this parameter from # description.py. 'maxSynapsesPerSegment': 32, # Maximum number of segments per cell # > 0 for fixed-size CLA # -1 for non-fixed-size CLA # # TODO: for Ron: once the appropriate value is placed in TP # constructor, see if we should eliminate this parameter from # description.py. 'maxSegmentsPerCell': 128, # Initial Permanence # TODO: need better explanation 'initialPerm': 0.21, # Permanence Increment 'permanenceInc': 0.1, # Permanence Decrement # If set to None, will automatically default to tpPermanenceInc # value. 'permanenceDec' : 0.1, 'globalDecay': 0.0, 'maxAge': 0, # Minimum number of active synapses for a segment to be considered # during search for the best-matching segments. # None=use default # Replaces: tpMinThreshold 'minThreshold': 12, # Segment activation threshold. # A segment is active if it has >= tpSegmentActivationThreshold # connected synapses that are active due to infActiveState # None=use default # Replaces: tpActivationThreshold 'activationThreshold': 16, 'outputType': 'normal', # "Pay Attention Mode" length. This tells the TP how many new # elements to append to the end of a learned sequence at a time. # Smaller values are better for datasets with short sequences, # higher values are better for datasets with long sequences. 'pamLength': 1, }, 'clParams': { # Classifier implementation selection. 'implementation': 'cpp', 'regionName' : 'CLAClassifierRegion', # Classifier diagnostic output verbosity control; # 0: silent; [1..6]: increasing levels of verbosity 'clVerbosity' : 0, # This controls how fast the classifier learns/forgets. Higher values # make it adapt faster and forget older patterns faster. 'alpha': 0.001, # This is set after the call to updateConfigFromSubConfig and is # computed from the aggregationInfo and predictAheadTime. 'steps': '1', }, 'trainSPNetOnlyIfRequested': False, }, } # end of config dictionary # Adjust base config dictionary for any modifications if imported from a # sub-experiment updateConfigFromSubConfig(config) # Compute predictionSteps based on the predictAheadTime and the aggregation # period, which may be permuted over. if config['predictAheadTime'] is not None: predictionSteps = int(round(aggregationDivide( config['predictAheadTime'], config['aggregationInfo']))) assert (predictionSteps >= 1) config['modelParams']['clParams']['steps'] = str(predictionSteps) # Adjust config by applying ValueGetterBase-derived # futures. NOTE: this MUST be called after updateConfigFromSubConfig() in order # to support value-getter-based substitutions from the sub-experiment (if any) applyValueGettersToContainer(config) control = { # The environment that the current model is being run in "environment": 'nupic', # Input stream specification per py/nupic/cluster/database/StreamDef.json. # 'dataset' : { u'info': u'cerebro_dummy', u'streams': [ { u'columns': [u'*'], u'info': u'hotGym.csv', u'source': u'file://'+os.path.join(os.path.dirname(__file__), 'data.csv')}], u'version': 1}, # Iteration count: maximum number of iterations. Each iteration corresponds # to one record from the (possibly aggregated) dataset. The task is # terminated when either number of iterations reaches iterationCount or # all records in the (possibly aggregated) database have been processed, # whichever occurs first. # # iterationCount of -1 = iterate over the entire dataset 'iterationCount' : -1, # A dictionary containing all the supplementary parameters for inference "inferenceArgs":{u'predictedField': u'f', u'predictionSteps': [1]}, # Metrics: A list of MetricSpecs that instantiate the metrics that are # computed for this experiment 'metrics':[ MetricSpec(field=u'f', metric='passThruPrediction', inferenceElement='anomalyScore', params={'window': 1000}), ], # Logged Metrics: A sequence of regular expressions that specify which of # the metrics from the Inference Specifications section MUST be logged for # every prediction. The regex's correspond to the automatically generated # metric labels. This is similar to the way the optimization metric is # specified in permutations.py. 'loggedMetrics': ['.*'], } descriptionInterface = ExperimentDescriptionAPI(modelConfig=config, control=control)
gpl-3.0
rvraghav93/scikit-learn
sklearn/_build_utils/__init__.py
76
2644
""" Utilities useful during the build. """ # author: Andy Mueller, Gael Varoquaux # license: BSD from __future__ import division, print_function, absolute_import import os from distutils.version import LooseVersion from numpy.distutils.system_info import get_info DEFAULT_ROOT = 'sklearn' CYTHON_MIN_VERSION = '0.23' def get_blas_info(): def atlas_not_found(blas_info_): def_macros = blas_info.get('define_macros', []) for x in def_macros: if x[0] == "NO_ATLAS_INFO": # if x[1] != 1 we should have lapack # how do we do that now? return True if x[0] == "ATLAS_INFO": if "None" in x[1]: # this one turned up on FreeBSD return True return False blas_info = get_info('blas_opt', 0) if (not blas_info) or atlas_not_found(blas_info): cblas_libs = ['cblas'] blas_info.pop('libraries', None) else: cblas_libs = blas_info.pop('libraries', []) return cblas_libs, blas_info def build_from_c_and_cpp_files(extensions): """Modify the extensions to build from the .c and .cpp files. This is useful for releases, this way cython is not required to run python setup.py install. """ for extension in extensions: sources = [] for sfile in extension.sources: path, ext = os.path.splitext(sfile) if ext in ('.pyx', '.py'): if extension.language == 'c++': ext = '.cpp' else: ext = '.c' sfile = path + ext sources.append(sfile) extension.sources = sources def maybe_cythonize_extensions(top_path, config): """Tweaks for building extensions between release and development mode.""" is_release = os.path.exists(os.path.join(top_path, 'PKG-INFO')) if is_release: build_from_c_and_cpp_files(config.ext_modules) else: message = ('Please install cython with a version >= {0} in order ' 'to build a scikit-learn development version.').format( CYTHON_MIN_VERSION) try: import Cython if LooseVersion(Cython.__version__) < CYTHON_MIN_VERSION: message += ' Your version of Cython was {0}.'.format( Cython.__version__) raise ValueError(message) from Cython.Build import cythonize except ImportError as exc: exc.args += (message,) raise config.ext_modules = cythonize(config.ext_modules)
bsd-3-clause
aospan/linux-next-bcm4708-edgecore-ecw7220-l
scripts/analyze_suspend.py
164
160875
#!/usr/bin/python # # Tool for analyzing suspend/resume timing # Copyright (c) 2013, Intel Corporation. # # This program is free software; you can redistribute it and/or modify it # under the terms and conditions of the GNU General Public License, # version 2, as published by the Free Software Foundation. # # This program is distributed in the hope 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 # this program; if not, write to the Free Software Foundation, Inc., # 51 Franklin St - Fifth Floor, Boston, MA 02110-1301 USA. # # Authors: # Todd Brandt <todd.e.brandt@linux.intel.com> # # Links: # Home Page # https://01.org/suspendresume # Source repo # https://github.com/01org/suspendresume # Documentation # Getting Started # https://01.org/suspendresume/documentation/getting-started # Command List: # https://01.org/suspendresume/documentation/command-list # # Description: # This tool is designed to assist kernel and OS developers in optimizing # their linux stack's suspend/resume time. Using a kernel image built # with a few extra options enabled, the tool will execute a suspend and # will capture dmesg and ftrace data until resume is complete. This data # is transformed into a device timeline and a callgraph to give a quick # and detailed view of which devices and callbacks are taking the most # time in suspend/resume. The output is a single html file which can be # viewed in firefox or chrome. # # The following kernel build options are required: # CONFIG_PM_DEBUG=y # CONFIG_PM_SLEEP_DEBUG=y # CONFIG_FTRACE=y # CONFIG_FUNCTION_TRACER=y # CONFIG_FUNCTION_GRAPH_TRACER=y # CONFIG_KPROBES=y # CONFIG_KPROBES_ON_FTRACE=y # # For kernel versions older than 3.15: # The following additional kernel parameters are required: # (e.g. in file /etc/default/grub) # GRUB_CMDLINE_LINUX_DEFAULT="... initcall_debug log_buf_len=16M ..." # # ----------------- LIBRARIES -------------------- import sys import time import os import string import re import platform from datetime import datetime import struct import ConfigParser # ----------------- CLASSES -------------------- # Class: SystemValues # Description: # A global, single-instance container used to # store system values and test parameters class SystemValues: ansi = False version = '4.2' verbose = False addlogs = False mindevlen = 0.001 mincglen = 1.0 srgap = 0 cgexp = False outdir = '' testdir = '.' tpath = '/sys/kernel/debug/tracing/' fpdtpath = '/sys/firmware/acpi/tables/FPDT' epath = '/sys/kernel/debug/tracing/events/power/' traceevents = [ 'suspend_resume', 'device_pm_callback_end', 'device_pm_callback_start' ] testcommand = '' mempath = '/dev/mem' powerfile = '/sys/power/state' suspendmode = 'mem' hostname = 'localhost' prefix = 'test' teststamp = '' dmesgstart = 0.0 dmesgfile = '' ftracefile = '' htmlfile = '' embedded = False rtcwake = False rtcwaketime = 10 rtcpath = '' devicefilter = [] stamp = 0 execcount = 1 x2delay = 0 usecallgraph = False usetraceevents = False usetraceeventsonly = False usetracemarkers = True usekprobes = True usedevsrc = False notestrun = False devprops = dict() postresumetime = 0 devpropfmt = '# Device Properties: .*' tracertypefmt = '# tracer: (?P<t>.*)' firmwarefmt = '# fwsuspend (?P<s>[0-9]*) fwresume (?P<r>[0-9]*)$' postresumefmt = '# post resume time (?P<t>[0-9]*)$' stampfmt = '# suspend-(?P<m>[0-9]{2})(?P<d>[0-9]{2})(?P<y>[0-9]{2})-'+\ '(?P<H>[0-9]{2})(?P<M>[0-9]{2})(?P<S>[0-9]{2})'+\ ' (?P<host>.*) (?P<mode>.*) (?P<kernel>.*)$' kprobecolor = 'rgba(204,204,204,0.5)' synccolor = 'rgba(204,204,204,0.5)' debugfuncs = [] tracefuncs = { 'sys_sync': dict(), 'pm_prepare_console': dict(), 'pm_notifier_call_chain': dict(), 'freeze_processes': dict(), 'freeze_kernel_threads': dict(), 'pm_restrict_gfp_mask': dict(), 'acpi_suspend_begin': dict(), 'suspend_console': dict(), 'acpi_pm_prepare': dict(), 'syscore_suspend': dict(), 'arch_enable_nonboot_cpus_end': dict(), 'syscore_resume': dict(), 'acpi_pm_finish': dict(), 'resume_console': dict(), 'acpi_pm_end': dict(), 'pm_restore_gfp_mask': dict(), 'thaw_processes': dict(), 'pm_restore_console': dict(), 'CPU_OFF': { 'func':'_cpu_down', 'args_x86_64': {'cpu':'%di:s32'}, 'format': 'CPU_OFF[{cpu}]', 'mask': 'CPU_.*_DOWN' }, 'CPU_ON': { 'func':'_cpu_up', 'args_x86_64': {'cpu':'%di:s32'}, 'format': 'CPU_ON[{cpu}]', 'mask': 'CPU_.*_UP' }, } dev_tracefuncs = { # general wait/delay/sleep 'msleep': { 'args_x86_64': {'time':'%di:s32'} }, 'udelay': { 'func':'__const_udelay', 'args_x86_64': {'loops':'%di:s32'} }, 'acpi_os_stall': dict(), # ACPI 'acpi_resume_power_resources': dict(), 'acpi_ps_parse_aml': dict(), # filesystem 'ext4_sync_fs': dict(), # ATA 'ata_eh_recover': { 'args_x86_64': {'port':'+36(%di):s32'} }, # i915 'i915_gem_restore_gtt_mappings': dict(), 'intel_opregion_setup': dict(), 'intel_dp_detect': dict(), 'intel_hdmi_detect': dict(), 'intel_opregion_init': dict(), } kprobes_postresume = [ { 'name': 'ataportrst', 'func': 'ata_eh_recover', 'args': {'port':'+36(%di):s32'}, 'format': 'ata{port}_port_reset', 'mask': 'ata.*_port_reset' } ] kprobes = dict() timeformat = '%.3f' def __init__(self): # if this is a phoronix test run, set some default options if('LOG_FILE' in os.environ and 'TEST_RESULTS_IDENTIFIER' in os.environ): self.embedded = True self.addlogs = True self.htmlfile = os.environ['LOG_FILE'] self.hostname = platform.node() if(self.hostname == ''): self.hostname = 'localhost' rtc = "rtc0" if os.path.exists('/dev/rtc'): rtc = os.readlink('/dev/rtc') rtc = '/sys/class/rtc/'+rtc if os.path.exists(rtc) and os.path.exists(rtc+'/date') and \ os.path.exists(rtc+'/time') and os.path.exists(rtc+'/wakealarm'): self.rtcpath = rtc if (hasattr(sys.stdout, 'isatty') and sys.stdout.isatty()): self.ansi = True def setPrecision(self, num): if num < 0 or num > 6: return self.timeformat = '%.{0}f'.format(num) def setOutputFile(self): if((self.htmlfile == '') and (self.dmesgfile != '')): m = re.match('(?P<name>.*)_dmesg\.txt$', self.dmesgfile) if(m): self.htmlfile = m.group('name')+'.html' if((self.htmlfile == '') and (self.ftracefile != '')): m = re.match('(?P<name>.*)_ftrace\.txt$', self.ftracefile) if(m): self.htmlfile = m.group('name')+'.html' if(self.htmlfile == ''): self.htmlfile = 'output.html' def initTestOutput(self, subdir, testpath=''): self.prefix = self.hostname v = open('/proc/version', 'r').read().strip() kver = string.split(v)[2] n = datetime.now() testtime = n.strftime('suspend-%m%d%y-%H%M%S') if not testpath: testpath = n.strftime('suspend-%y%m%d-%H%M%S') if(subdir != "."): self.testdir = subdir+"/"+testpath else: self.testdir = testpath self.teststamp = \ '# '+testtime+' '+self.prefix+' '+self.suspendmode+' '+kver if(self.embedded): self.dmesgfile = \ '/tmp/'+testtime+'_'+self.suspendmode+'_dmesg.txt' self.ftracefile = \ '/tmp/'+testtime+'_'+self.suspendmode+'_ftrace.txt' return self.dmesgfile = \ self.testdir+'/'+self.prefix+'_'+self.suspendmode+'_dmesg.txt' self.ftracefile = \ self.testdir+'/'+self.prefix+'_'+self.suspendmode+'_ftrace.txt' self.htmlfile = \ self.testdir+'/'+self.prefix+'_'+self.suspendmode+'.html' if not os.path.isdir(self.testdir): os.mkdir(self.testdir) def setDeviceFilter(self, devnames): self.devicefilter = string.split(devnames) def rtcWakeAlarmOn(self): os.system('echo 0 > '+self.rtcpath+'/wakealarm') outD = open(self.rtcpath+'/date', 'r').read().strip() outT = open(self.rtcpath+'/time', 'r').read().strip() mD = re.match('^(?P<y>[0-9]*)-(?P<m>[0-9]*)-(?P<d>[0-9]*)', outD) mT = re.match('^(?P<h>[0-9]*):(?P<m>[0-9]*):(?P<s>[0-9]*)', outT) if(mD and mT): # get the current time from hardware utcoffset = int((datetime.now() - datetime.utcnow()).total_seconds()) dt = datetime(\ int(mD.group('y')), int(mD.group('m')), int(mD.group('d')), int(mT.group('h')), int(mT.group('m')), int(mT.group('s'))) nowtime = int(dt.strftime('%s')) + utcoffset else: # if hardware time fails, use the software time nowtime = int(datetime.now().strftime('%s')) alarm = nowtime + self.rtcwaketime os.system('echo %d > %s/wakealarm' % (alarm, self.rtcpath)) def rtcWakeAlarmOff(self): os.system('echo 0 > %s/wakealarm' % self.rtcpath) def initdmesg(self): # get the latest time stamp from the dmesg log fp = os.popen('dmesg') ktime = '0' for line in fp: line = line.replace('\r\n', '') idx = line.find('[') if idx > 1: line = line[idx:] m = re.match('[ \t]*(\[ *)(?P<ktime>[0-9\.]*)(\]) (?P<msg>.*)', line) if(m): ktime = m.group('ktime') fp.close() self.dmesgstart = float(ktime) def getdmesg(self): # store all new dmesg lines since initdmesg was called fp = os.popen('dmesg') op = open(self.dmesgfile, 'a') for line in fp: line = line.replace('\r\n', '') idx = line.find('[') if idx > 1: line = line[idx:] m = re.match('[ \t]*(\[ *)(?P<ktime>[0-9\.]*)(\]) (?P<msg>.*)', line) if(not m): continue ktime = float(m.group('ktime')) if ktime > self.dmesgstart: op.write(line) fp.close() op.close() def addFtraceFilterFunctions(self, file): fp = open(file) list = fp.read().split('\n') fp.close() for i in list: if len(i) < 2: continue self.tracefuncs[i] = dict() def getFtraceFilterFunctions(self, current): rootCheck(True) if not current: os.system('cat '+self.tpath+'available_filter_functions') return fp = open(self.tpath+'available_filter_functions') master = fp.read().split('\n') fp.close() if len(self.debugfuncs) > 0: for i in self.debugfuncs: if i in master: print i else: print self.colorText(i) else: for i in self.tracefuncs: if 'func' in self.tracefuncs[i]: i = self.tracefuncs[i]['func'] if i in master: print i else: print self.colorText(i) def setFtraceFilterFunctions(self, list): fp = open(self.tpath+'available_filter_functions') master = fp.read().split('\n') fp.close() flist = '' for i in list: if i not in master: continue if ' [' in i: flist += i.split(' ')[0]+'\n' else: flist += i+'\n' fp = open(self.tpath+'set_graph_function', 'w') fp.write(flist) fp.close() def kprobeMatch(self, name, target): if name not in self.kprobes: return False if re.match(self.kprobes[name]['mask'], target): return True return False def basicKprobe(self, name): self.kprobes[name] = {'name': name,'func': name,'args': dict(),'format': name,'mask': name} def defaultKprobe(self, name, kdata): k = kdata for field in ['name', 'format', 'mask', 'func']: if field not in k: k[field] = name archargs = 'args_'+platform.machine() if archargs in k: k['args'] = k[archargs] else: k['args'] = dict() k['format'] = name self.kprobes[name] = k def kprobeColor(self, name): if name not in self.kprobes or 'color' not in self.kprobes[name]: return '' return self.kprobes[name]['color'] def kprobeDisplayName(self, name, dataraw): if name not in self.kprobes: self.basicKprobe(name) data = '' quote=0 # first remvoe any spaces inside quotes, and the quotes for c in dataraw: if c == '"': quote = (quote + 1) % 2 if quote and c == ' ': data += '_' elif c != '"': data += c fmt, args = self.kprobes[name]['format'], self.kprobes[name]['args'] arglist = dict() # now process the args for arg in sorted(args): arglist[arg] = '' m = re.match('.* '+arg+'=(?P<arg>.*) ', data); if m: arglist[arg] = m.group('arg') else: m = re.match('.* '+arg+'=(?P<arg>.*)', data); if m: arglist[arg] = m.group('arg') out = fmt.format(**arglist) out = out.replace(' ', '_').replace('"', '') return out def kprobeText(self, kprobe): name, fmt, func, args = kprobe['name'], kprobe['format'], kprobe['func'], kprobe['args'] if re.findall('{(?P<n>[a-z,A-Z,0-9]*)}', func): doError('Kprobe "%s" has format info in the function name "%s"' % (name, func), False) for arg in re.findall('{(?P<n>[a-z,A-Z,0-9]*)}', fmt): if arg not in args: doError('Kprobe "%s" is missing argument "%s"' % (name, arg), False) val = 'p:%s_cal %s' % (name, func) for i in sorted(args): val += ' %s=%s' % (i, args[i]) val += '\nr:%s_ret %s $retval\n' % (name, func) return val def addKprobes(self): # first test each kprobe print('INITIALIZING KPROBES...') rejects = [] for name in sorted(self.kprobes): if not self.testKprobe(self.kprobes[name]): rejects.append(name) # remove all failed ones from the list for name in rejects: vprint('Skipping KPROBE: %s' % name) self.kprobes.pop(name) self.fsetVal('', 'kprobe_events') kprobeevents = '' # set the kprobes all at once for kp in self.kprobes: val = self.kprobeText(self.kprobes[kp]) vprint('Adding KPROBE: %s\n%s' % (kp, val.strip())) kprobeevents += self.kprobeText(self.kprobes[kp]) self.fsetVal(kprobeevents, 'kprobe_events') # verify that the kprobes were set as ordered check = self.fgetVal('kprobe_events') linesout = len(kprobeevents.split('\n')) linesack = len(check.split('\n')) if linesack < linesout: # if not, try appending the kprobes 1 by 1 for kp in self.kprobes: kprobeevents = self.kprobeText(self.kprobes[kp]) self.fsetVal(kprobeevents, 'kprobe_events', 'a') self.fsetVal('1', 'events/kprobes/enable') def testKprobe(self, kprobe): kprobeevents = self.kprobeText(kprobe) if not kprobeevents: return False try: self.fsetVal(kprobeevents, 'kprobe_events') check = self.fgetVal('kprobe_events') except: return False linesout = len(kprobeevents.split('\n')) linesack = len(check.split('\n')) if linesack < linesout: return False return True def fsetVal(self, val, path, mode='w'): file = self.tpath+path if not os.path.exists(file): return False try: fp = open(file, mode) fp.write(val) fp.close() except: pass return True def fgetVal(self, path): file = self.tpath+path res = '' if not os.path.exists(file): return res try: fp = open(file, 'r') res = fp.read() fp.close() except: pass return res def cleanupFtrace(self): if(self.usecallgraph or self.usetraceevents): self.fsetVal('0', 'events/kprobes/enable') self.fsetVal('', 'kprobe_events') def setupAllKprobes(self): for name in self.tracefuncs: self.defaultKprobe(name, self.tracefuncs[name]) for name in self.dev_tracefuncs: self.defaultKprobe(name, self.dev_tracefuncs[name]) def isCallgraphFunc(self, name): if len(self.debugfuncs) < 1 and self.suspendmode == 'command': return True if name in self.debugfuncs: return True funclist = [] for i in self.tracefuncs: if 'func' in self.tracefuncs[i]: funclist.append(self.tracefuncs[i]['func']) else: funclist.append(i) if name in funclist: return True return False def initFtrace(self, testing=False): tp = self.tpath print('INITIALIZING FTRACE...') # turn trace off self.fsetVal('0', 'tracing_on') self.cleanupFtrace() # set the trace clock to global self.fsetVal('global', 'trace_clock') # set trace buffer to a huge value self.fsetVal('nop', 'current_tracer') self.fsetVal('100000', 'buffer_size_kb') # go no further if this is just a status check if testing: return if self.usekprobes: # add tracefunc kprobes so long as were not using full callgraph if(not self.usecallgraph or len(self.debugfuncs) > 0): for name in self.tracefuncs: self.defaultKprobe(name, self.tracefuncs[name]) if self.usedevsrc: for name in self.dev_tracefuncs: self.defaultKprobe(name, self.dev_tracefuncs[name]) else: self.usedevsrc = False self.addKprobes() # initialize the callgraph trace, unless this is an x2 run if(self.usecallgraph): # set trace type self.fsetVal('function_graph', 'current_tracer') self.fsetVal('', 'set_ftrace_filter') # set trace format options self.fsetVal('print-parent', 'trace_options') self.fsetVal('funcgraph-abstime', 'trace_options') self.fsetVal('funcgraph-cpu', 'trace_options') self.fsetVal('funcgraph-duration', 'trace_options') self.fsetVal('funcgraph-proc', 'trace_options') self.fsetVal('funcgraph-tail', 'trace_options') self.fsetVal('nofuncgraph-overhead', 'trace_options') self.fsetVal('context-info', 'trace_options') self.fsetVal('graph-time', 'trace_options') self.fsetVal('0', 'max_graph_depth') if len(self.debugfuncs) > 0: self.setFtraceFilterFunctions(self.debugfuncs) elif self.suspendmode == 'command': self.fsetVal('', 'set_graph_function') else: cf = ['dpm_run_callback'] if(self.usetraceeventsonly): cf += ['dpm_prepare', 'dpm_complete'] for fn in self.tracefuncs: if 'func' in self.tracefuncs[fn]: cf.append(self.tracefuncs[fn]['func']) else: cf.append(fn) self.setFtraceFilterFunctions(cf) if(self.usetraceevents): # turn trace events on events = iter(self.traceevents) for e in events: self.fsetVal('1', 'events/power/'+e+'/enable') # clear the trace buffer self.fsetVal('', 'trace') def verifyFtrace(self): # files needed for any trace data files = ['buffer_size_kb', 'current_tracer', 'trace', 'trace_clock', 'trace_marker', 'trace_options', 'tracing_on'] # files needed for callgraph trace data tp = self.tpath if(self.usecallgraph): files += [ 'available_filter_functions', 'set_ftrace_filter', 'set_graph_function' ] for f in files: if(os.path.exists(tp+f) == False): return False return True def verifyKprobes(self): # files needed for kprobes to work files = ['kprobe_events', 'events'] tp = self.tpath for f in files: if(os.path.exists(tp+f) == False): return False return True def colorText(self, str): if not self.ansi: return str return '\x1B[31;40m'+str+'\x1B[m' sysvals = SystemValues() # Class: DevProps # Description: # Simple class which holds property values collected # for all the devices used in the timeline. class DevProps: syspath = '' altname = '' async = True xtraclass = '' xtrainfo = '' def out(self, dev): return '%s,%s,%d;' % (dev, self.altname, self.async) def debug(self, dev): print '%s:\n\taltname = %s\n\t async = %s' % (dev, self.altname, self.async) def altName(self, dev): if not self.altname or self.altname == dev: return dev return '%s [%s]' % (self.altname, dev) def xtraClass(self): if self.xtraclass: return ' '+self.xtraclass if not self.async: return ' sync' return '' def xtraInfo(self): if self.xtraclass: return ' '+self.xtraclass if self.async: return ' async' return ' sync' # Class: DeviceNode # Description: # A container used to create a device hierachy, with a single root node # and a tree of child nodes. Used by Data.deviceTopology() class DeviceNode: name = '' children = 0 depth = 0 def __init__(self, nodename, nodedepth): self.name = nodename self.children = [] self.depth = nodedepth # Class: Data # Description: # The primary container for suspend/resume test data. There is one for # each test run. The data is organized into a cronological hierarchy: # Data.dmesg { # root structure, started as dmesg & ftrace, but now only ftrace # contents: times for suspend start/end, resume start/end, fwdata # phases { # 10 sequential, non-overlapping phases of S/R # contents: times for phase start/end, order/color data for html # devlist { # device callback or action list for this phase # device { # a single device callback or generic action # contents: start/stop times, pid/cpu/driver info # parents/children, html id for timeline/callgraph # optionally includes an ftrace callgraph # optionally includes intradev trace events # } # } # } # } # class Data: dmesg = {} # root data structure phases = [] # ordered list of phases start = 0.0 # test start end = 0.0 # test end tSuspended = 0.0 # low-level suspend start tResumed = 0.0 # low-level resume start tLow = 0.0 # time spent in low-level suspend (standby/freeze) fwValid = False # is firmware data available fwSuspend = 0 # time spent in firmware suspend fwResume = 0 # time spent in firmware resume dmesgtext = [] # dmesg text file in memory testnumber = 0 idstr = '' html_device_id = 0 stamp = 0 outfile = '' dev_ubiquitous = ['msleep', 'udelay'] def __init__(self, num): idchar = 'abcdefghijklmnopqrstuvwxyz' self.testnumber = num self.idstr = idchar[num] self.dmesgtext = [] self.phases = [] self.dmesg = { # fixed list of 10 phases 'suspend_prepare': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#CCFFCC', 'order': 0}, 'suspend': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#88FF88', 'order': 1}, 'suspend_late': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#00AA00', 'order': 2}, 'suspend_noirq': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#008888', 'order': 3}, 'suspend_machine': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#0000FF', 'order': 4}, 'resume_machine': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#FF0000', 'order': 5}, 'resume_noirq': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#FF9900', 'order': 6}, 'resume_early': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#FFCC00', 'order': 7}, 'resume': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#FFFF88', 'order': 8}, 'resume_complete': {'list': dict(), 'start': -1.0, 'end': -1.0, 'row': 0, 'color': '#FFFFCC', 'order': 9} } self.phases = self.sortedPhases() self.devicegroups = [] for phase in self.phases: self.devicegroups.append([phase]) def getStart(self): return self.dmesg[self.phases[0]]['start'] def setStart(self, time): self.start = time self.dmesg[self.phases[0]]['start'] = time def getEnd(self): return self.dmesg[self.phases[-1]]['end'] def setEnd(self, time): self.end = time self.dmesg[self.phases[-1]]['end'] = time def isTraceEventOutsideDeviceCalls(self, pid, time): for phase in self.phases: list = self.dmesg[phase]['list'] for dev in list: d = list[dev] if(d['pid'] == pid and time >= d['start'] and time < d['end']): return False return True def targetDevice(self, phaselist, start, end, pid=-1): tgtdev = '' for phase in phaselist: list = self.dmesg[phase]['list'] for devname in list: dev = list[devname] if(pid >= 0 and dev['pid'] != pid): continue devS = dev['start'] devE = dev['end'] if(start < devS or start >= devE or end <= devS or end > devE): continue tgtdev = dev break return tgtdev def addDeviceFunctionCall(self, displayname, kprobename, proc, pid, start, end, cdata, rdata): machstart = self.dmesg['suspend_machine']['start'] machend = self.dmesg['resume_machine']['end'] tgtdev = self.targetDevice(self.phases, start, end, pid) if not tgtdev and start >= machstart and end < machend: # device calls in machine phases should be serial tgtdev = self.targetDevice(['suspend_machine', 'resume_machine'], start, end) if not tgtdev: if 'scsi_eh' in proc: self.newActionGlobal(proc, start, end, pid) self.addDeviceFunctionCall(displayname, kprobename, proc, pid, start, end, cdata, rdata) else: vprint('IGNORE: %s[%s](%d) [%f - %f] | %s | %s | %s' % (displayname, kprobename, pid, start, end, cdata, rdata, proc)) return False # detail block fits within tgtdev if('src' not in tgtdev): tgtdev['src'] = [] title = cdata+' '+rdata mstr = '\(.*\) *(?P<args>.*) *\((?P<caller>.*)\+.* arg1=(?P<ret>.*)' m = re.match(mstr, title) if m: c = m.group('caller') a = m.group('args').strip() r = m.group('ret') if len(r) > 6: r = '' else: r = 'ret=%s ' % r l = '%0.3fms' % ((end - start) * 1000) if kprobename in self.dev_ubiquitous: title = '%s(%s) <- %s, %s(%s)' % (displayname, a, c, r, l) else: title = '%s(%s) %s(%s)' % (displayname, a, r, l) e = TraceEvent(title, kprobename, start, end - start) tgtdev['src'].append(e) return True def trimTimeVal(self, t, t0, dT, left): if left: if(t > t0): if(t - dT < t0): return t0 return t - dT else: return t else: if(t < t0 + dT): if(t > t0): return t0 + dT return t + dT else: return t def trimTime(self, t0, dT, left): self.tSuspended = self.trimTimeVal(self.tSuspended, t0, dT, left) self.tResumed = self.trimTimeVal(self.tResumed, t0, dT, left) self.start = self.trimTimeVal(self.start, t0, dT, left) self.end = self.trimTimeVal(self.end, t0, dT, left) for phase in self.phases: p = self.dmesg[phase] p['start'] = self.trimTimeVal(p['start'], t0, dT, left) p['end'] = self.trimTimeVal(p['end'], t0, dT, left) list = p['list'] for name in list: d = list[name] d['start'] = self.trimTimeVal(d['start'], t0, dT, left) d['end'] = self.trimTimeVal(d['end'], t0, dT, left) if('ftrace' in d): cg = d['ftrace'] cg.start = self.trimTimeVal(cg.start, t0, dT, left) cg.end = self.trimTimeVal(cg.end, t0, dT, left) for line in cg.list: line.time = self.trimTimeVal(line.time, t0, dT, left) if('src' in d): for e in d['src']: e.time = self.trimTimeVal(e.time, t0, dT, left) def normalizeTime(self, tZero): # trim out any standby or freeze clock time if(self.tSuspended != self.tResumed): if(self.tResumed > tZero): self.trimTime(self.tSuspended, \ self.tResumed-self.tSuspended, True) else: self.trimTime(self.tSuspended, \ self.tResumed-self.tSuspended, False) def newPhaseWithSingleAction(self, phasename, devname, start, end, color): for phase in self.phases: self.dmesg[phase]['order'] += 1 self.html_device_id += 1 devid = '%s%d' % (self.idstr, self.html_device_id) list = dict() list[devname] = \ {'start': start, 'end': end, 'pid': 0, 'par': '', 'length': (end-start), 'row': 0, 'id': devid, 'drv': '' }; self.dmesg[phasename] = \ {'list': list, 'start': start, 'end': end, 'row': 0, 'color': color, 'order': 0} self.phases = self.sortedPhases() def newPhase(self, phasename, start, end, color, order): if(order < 0): order = len(self.phases) for phase in self.phases[order:]: self.dmesg[phase]['order'] += 1 if(order > 0): p = self.phases[order-1] self.dmesg[p]['end'] = start if(order < len(self.phases)): p = self.phases[order] self.dmesg[p]['start'] = end list = dict() self.dmesg[phasename] = \ {'list': list, 'start': start, 'end': end, 'row': 0, 'color': color, 'order': order} self.phases = self.sortedPhases() self.devicegroups.append([phasename]) def setPhase(self, phase, ktime, isbegin): if(isbegin): self.dmesg[phase]['start'] = ktime else: self.dmesg[phase]['end'] = ktime def dmesgSortVal(self, phase): return self.dmesg[phase]['order'] def sortedPhases(self): return sorted(self.dmesg, key=self.dmesgSortVal) def sortedDevices(self, phase): list = self.dmesg[phase]['list'] slist = [] tmp = dict() for devname in list: dev = list[devname] tmp[dev['start']] = devname for t in sorted(tmp): slist.append(tmp[t]) return slist def fixupInitcalls(self, phase, end): # if any calls never returned, clip them at system resume end phaselist = self.dmesg[phase]['list'] for devname in phaselist: dev = phaselist[devname] if(dev['end'] < 0): for p in self.phases: if self.dmesg[p]['end'] > dev['start']: dev['end'] = self.dmesg[p]['end'] break vprint('%s (%s): callback didnt return' % (devname, phase)) def deviceFilter(self, devicefilter): # remove all by the relatives of the filter devnames filter = [] for phase in self.phases: list = self.dmesg[phase]['list'] for name in devicefilter: dev = name while(dev in list): if(dev not in filter): filter.append(dev) dev = list[dev]['par'] children = self.deviceDescendants(name, phase) for dev in children: if(dev not in filter): filter.append(dev) for phase in self.phases: list = self.dmesg[phase]['list'] rmlist = [] for name in list: pid = list[name]['pid'] if(name not in filter and pid >= 0): rmlist.append(name) for name in rmlist: del list[name] def fixupInitcallsThatDidntReturn(self): # if any calls never returned, clip them at system resume end for phase in self.phases: self.fixupInitcalls(phase, self.getEnd()) def isInsideTimeline(self, start, end): if(self.start <= start and self.end > start): return True return False def phaseOverlap(self, phases): rmgroups = [] newgroup = [] for group in self.devicegroups: for phase in phases: if phase not in group: continue for p in group: if p not in newgroup: newgroup.append(p) if group not in rmgroups: rmgroups.append(group) for group in rmgroups: self.devicegroups.remove(group) self.devicegroups.append(newgroup) def newActionGlobal(self, name, start, end, pid=-1, color=''): # if event starts before timeline start, expand timeline if(start < self.start): self.setStart(start) # if event ends after timeline end, expand the timeline if(end > self.end): self.setEnd(end) # which phase is this device callback or action "in" targetphase = "none" htmlclass = '' overlap = 0.0 phases = [] for phase in self.phases: pstart = self.dmesg[phase]['start'] pend = self.dmesg[phase]['end'] o = max(0, min(end, pend) - max(start, pstart)) if o > 0: phases.append(phase) if o > overlap: if overlap > 0 and phase == 'post_resume': continue targetphase = phase overlap = o if pid == -2: htmlclass = ' bg' if len(phases) > 1: htmlclass = ' bg' self.phaseOverlap(phases) if targetphase in self.phases: newname = self.newAction(targetphase, name, pid, '', start, end, '', htmlclass, color) return (targetphase, newname) return False def newAction(self, phase, name, pid, parent, start, end, drv, htmlclass='', color=''): # new device callback for a specific phase self.html_device_id += 1 devid = '%s%d' % (self.idstr, self.html_device_id) list = self.dmesg[phase]['list'] length = -1.0 if(start >= 0 and end >= 0): length = end - start if pid == -2: i = 2 origname = name while(name in list): name = '%s[%d]' % (origname, i) i += 1 list[name] = {'start': start, 'end': end, 'pid': pid, 'par': parent, 'length': length, 'row': 0, 'id': devid, 'drv': drv } if htmlclass: list[name]['htmlclass'] = htmlclass if color: list[name]['color'] = color return name def deviceIDs(self, devlist, phase): idlist = [] list = self.dmesg[phase]['list'] for devname in list: if devname in devlist: idlist.append(list[devname]['id']) return idlist def deviceParentID(self, devname, phase): pdev = '' pdevid = '' list = self.dmesg[phase]['list'] if devname in list: pdev = list[devname]['par'] if pdev in list: return list[pdev]['id'] return pdev def deviceChildren(self, devname, phase): devlist = [] list = self.dmesg[phase]['list'] for child in list: if(list[child]['par'] == devname): devlist.append(child) return devlist def deviceDescendants(self, devname, phase): children = self.deviceChildren(devname, phase) family = children for child in children: family += self.deviceDescendants(child, phase) return family def deviceChildrenIDs(self, devname, phase): devlist = self.deviceChildren(devname, phase) return self.deviceIDs(devlist, phase) def printDetails(self): vprint(' test start: %f' % self.start) for phase in self.phases: dc = len(self.dmesg[phase]['list']) vprint(' %16s: %f - %f (%d devices)' % (phase, \ self.dmesg[phase]['start'], self.dmesg[phase]['end'], dc)) vprint(' test end: %f' % self.end) def deviceChildrenAllPhases(self, devname): devlist = [] for phase in self.phases: list = self.deviceChildren(devname, phase) for dev in list: if dev not in devlist: devlist.append(dev) return devlist def masterTopology(self, name, list, depth): node = DeviceNode(name, depth) for cname in list: # avoid recursions if name == cname: continue clist = self.deviceChildrenAllPhases(cname) cnode = self.masterTopology(cname, clist, depth+1) node.children.append(cnode) return node def printTopology(self, node): html = '' if node.name: info = '' drv = '' for phase in self.phases: list = self.dmesg[phase]['list'] if node.name in list: s = list[node.name]['start'] e = list[node.name]['end'] if list[node.name]['drv']: drv = ' {'+list[node.name]['drv']+'}' info += ('<li>%s: %.3fms</li>' % (phase, (e-s)*1000)) html += '<li><b>'+node.name+drv+'</b>' if info: html += '<ul>'+info+'</ul>' html += '</li>' if len(node.children) > 0: html += '<ul>' for cnode in node.children: html += self.printTopology(cnode) html += '</ul>' return html def rootDeviceList(self): # list of devices graphed real = [] for phase in self.dmesg: list = self.dmesg[phase]['list'] for dev in list: if list[dev]['pid'] >= 0 and dev not in real: real.append(dev) # list of top-most root devices rootlist = [] for phase in self.dmesg: list = self.dmesg[phase]['list'] for dev in list: pdev = list[dev]['par'] pid = list[dev]['pid'] if(pid < 0 or re.match('[0-9]*-[0-9]*\.[0-9]*[\.0-9]*\:[\.0-9]*$', pdev)): continue if pdev and pdev not in real and pdev not in rootlist: rootlist.append(pdev) return rootlist def deviceTopology(self): rootlist = self.rootDeviceList() master = self.masterTopology('', rootlist, 0) return self.printTopology(master) def selectTimelineDevices(self, widfmt, tTotal, mindevlen): # only select devices that will actually show up in html self.tdevlist = dict() for phase in self.dmesg: devlist = [] list = self.dmesg[phase]['list'] for dev in list: length = (list[dev]['end'] - list[dev]['start']) * 1000 width = widfmt % (((list[dev]['end']-list[dev]['start'])*100)/tTotal) if width != '0.000000' and length >= mindevlen: devlist.append(dev) self.tdevlist[phase] = devlist # Class: TraceEvent # Description: # A container for trace event data found in the ftrace file class TraceEvent: text = '' time = 0.0 length = 0.0 title = '' row = 0 def __init__(self, a, n, t, l): self.title = a self.text = n self.time = t self.length = l # Class: FTraceLine # Description: # A container for a single line of ftrace data. There are six basic types: # callgraph line: # call: " dpm_run_callback() {" # return: " }" # leaf: " dpm_run_callback();" # trace event: # tracing_mark_write: SUSPEND START or RESUME COMPLETE # suspend_resume: phase or custom exec block data # device_pm_callback: device callback info class FTraceLine: time = 0.0 length = 0.0 fcall = False freturn = False fevent = False fkprobe = False depth = 0 name = '' type = '' def __init__(self, t, m='', d=''): self.time = float(t) if not m and not d: return # is this a trace event if(d == 'traceevent' or re.match('^ *\/\* *(?P<msg>.*) \*\/ *$', m)): if(d == 'traceevent'): # nop format trace event msg = m else: # function_graph format trace event em = re.match('^ *\/\* *(?P<msg>.*) \*\/ *$', m) msg = em.group('msg') emm = re.match('^(?P<call>.*?): (?P<msg>.*)', msg) if(emm): self.name = emm.group('msg') self.type = emm.group('call') else: self.name = msg km = re.match('^(?P<n>.*)_cal$', self.type) if km: self.fcall = True self.fkprobe = True self.type = km.group('n') return km = re.match('^(?P<n>.*)_ret$', self.type) if km: self.freturn = True self.fkprobe = True self.type = km.group('n') return self.fevent = True return # convert the duration to seconds if(d): self.length = float(d)/1000000 # the indentation determines the depth match = re.match('^(?P<d> *)(?P<o>.*)$', m) if(not match): return self.depth = self.getDepth(match.group('d')) m = match.group('o') # function return if(m[0] == '}'): self.freturn = True if(len(m) > 1): # includes comment with function name match = re.match('^} *\/\* *(?P<n>.*) *\*\/$', m) if(match): self.name = match.group('n').strip() # function call else: self.fcall = True # function call with children if(m[-1] == '{'): match = re.match('^(?P<n>.*) *\(.*', m) if(match): self.name = match.group('n').strip() # function call with no children (leaf) elif(m[-1] == ';'): self.freturn = True match = re.match('^(?P<n>.*) *\(.*', m) if(match): self.name = match.group('n').strip() # something else (possibly a trace marker) else: self.name = m def getDepth(self, str): return len(str)/2 def debugPrint(self, dev=''): if(self.freturn and self.fcall): print('%s -- %f (%02d): %s(); (%.3f us)' % (dev, self.time, \ self.depth, self.name, self.length*1000000)) elif(self.freturn): print('%s -- %f (%02d): %s} (%.3f us)' % (dev, self.time, \ self.depth, self.name, self.length*1000000)) else: print('%s -- %f (%02d): %s() { (%.3f us)' % (dev, self.time, \ self.depth, self.name, self.length*1000000)) def startMarker(self): global sysvals # Is this the starting line of a suspend? if not self.fevent: return False if sysvals.usetracemarkers: if(self.name == 'SUSPEND START'): return True return False else: if(self.type == 'suspend_resume' and re.match('suspend_enter\[.*\] begin', self.name)): return True return False def endMarker(self): # Is this the ending line of a resume? if not self.fevent: return False if sysvals.usetracemarkers: if(self.name == 'RESUME COMPLETE'): return True return False else: if(self.type == 'suspend_resume' and re.match('thaw_processes\[.*\] end', self.name)): return True return False # Class: FTraceCallGraph # Description: # A container for the ftrace callgraph of a single recursive function. # This can be a dpm_run_callback, dpm_prepare, or dpm_complete callgraph # Each instance is tied to a single device in a single phase, and is # comprised of an ordered list of FTraceLine objects class FTraceCallGraph: start = -1.0 end = -1.0 list = [] invalid = False depth = 0 pid = 0 def __init__(self, pid): self.start = -1.0 self.end = -1.0 self.list = [] self.depth = 0 self.pid = pid def addLine(self, line, debug=False): # if this is already invalid, just leave if(self.invalid): return False # invalidate on too much data or bad depth if(len(self.list) >= 1000000 or self.depth < 0): self.invalidate(line) return False # compare current depth with this lines pre-call depth prelinedep = line.depth if(line.freturn and not line.fcall): prelinedep += 1 last = 0 lasttime = line.time virtualfname = 'execution_misalignment' if len(self.list) > 0: last = self.list[-1] lasttime = last.time # handle low misalignments by inserting returns if prelinedep < self.depth: if debug and last: print '-------- task %d --------' % self.pid last.debugPrint() idx = 0 # add return calls to get the depth down while prelinedep < self.depth: if debug: print 'MISALIGN LOW (add returns): C%d - eC%d' % (self.depth, prelinedep) self.depth -= 1 if idx == 0 and last and last.fcall and not last.freturn: # special case, turn last call into a leaf last.depth = self.depth last.freturn = True last.length = line.time - last.time if debug: last.debugPrint() else: vline = FTraceLine(lasttime) vline.depth = self.depth vline.name = virtualfname vline.freturn = True self.list.append(vline) if debug: vline.debugPrint() idx += 1 if debug: line.debugPrint() print '' # handle high misalignments by inserting calls elif prelinedep > self.depth: if debug and last: print '-------- task %d --------' % self.pid last.debugPrint() idx = 0 # add calls to get the depth up while prelinedep > self.depth: if debug: print 'MISALIGN HIGH (add calls): C%d - eC%d' % (self.depth, prelinedep) if idx == 0 and line.freturn and not line.fcall: # special case, turn this return into a leaf line.fcall = True prelinedep -= 1 else: vline = FTraceLine(lasttime) vline.depth = self.depth vline.name = virtualfname vline.fcall = True if debug: vline.debugPrint() self.list.append(vline) self.depth += 1 if not last: self.start = vline.time idx += 1 if debug: line.debugPrint() print '' # process the call and set the new depth if(line.fcall and not line.freturn): self.depth += 1 elif(line.freturn and not line.fcall): self.depth -= 1 if len(self.list) < 1: self.start = line.time self.list.append(line) if(line.depth == 0 and line.freturn): if(self.start < 0): self.start = line.time self.end = line.time if line.fcall: self.end += line.length if self.list[0].name == virtualfname: self.invalid = True return True return False def invalidate(self, line): if(len(self.list) > 0): first = self.list[0] self.list = [] self.list.append(first) self.invalid = True id = 'task %s' % (self.pid) window = '(%f - %f)' % (self.start, line.time) if(self.depth < 0): vprint('Too much data for '+id+\ ' (buffer overflow), ignoring this callback') else: vprint('Too much data for '+id+\ ' '+window+', ignoring this callback') def slice(self, t0, tN): minicg = FTraceCallGraph(0) count = -1 firstdepth = 0 for l in self.list: if(l.time < t0 or l.time > tN): continue if(count < 0): if(not l.fcall or l.name == 'dev_driver_string'): continue firstdepth = l.depth count = 0 l.depth -= firstdepth minicg.addLine(l) if((count == 0 and l.freturn and l.fcall) or (count > 0 and l.depth <= 0)): break count += 1 return minicg def repair(self, enddepth): # bring the depth back to 0 with additional returns fixed = False last = self.list[-1] for i in reversed(range(enddepth)): t = FTraceLine(last.time) t.depth = i t.freturn = True fixed = self.addLine(t) if fixed: self.end = last.time return True return False def postProcess(self, debug=False): stack = dict() cnt = 0 for l in self.list: if(l.fcall and not l.freturn): stack[l.depth] = l cnt += 1 elif(l.freturn and not l.fcall): if(l.depth not in stack): if debug: print 'Post Process Error: Depth missing' l.debugPrint() return False # transfer total time from return line to call line stack[l.depth].length = l.length stack.pop(l.depth) l.length = 0 cnt -= 1 if(cnt == 0): # trace caught the whole call tree return True elif(cnt < 0): if debug: print 'Post Process Error: Depth is less than 0' return False # trace ended before call tree finished return self.repair(cnt) def deviceMatch(self, pid, data): found = False # add the callgraph data to the device hierarchy borderphase = { 'dpm_prepare': 'suspend_prepare', 'dpm_complete': 'resume_complete' } if(self.list[0].name in borderphase): p = borderphase[self.list[0].name] list = data.dmesg[p]['list'] for devname in list: dev = list[devname] if(pid == dev['pid'] and self.start <= dev['start'] and self.end >= dev['end']): dev['ftrace'] = self.slice(dev['start'], dev['end']) found = True return found for p in data.phases: if(data.dmesg[p]['start'] <= self.start and self.start <= data.dmesg[p]['end']): list = data.dmesg[p]['list'] for devname in list: dev = list[devname] if(pid == dev['pid'] and self.start <= dev['start'] and self.end >= dev['end']): dev['ftrace'] = self found = True break break return found def newActionFromFunction(self, data): name = self.list[0].name if name in ['dpm_run_callback', 'dpm_prepare', 'dpm_complete']: return fs = self.start fe = self.end if fs < data.start or fe > data.end: return phase = '' for p in data.phases: if(data.dmesg[p]['start'] <= self.start and self.start < data.dmesg[p]['end']): phase = p break if not phase: return out = data.newActionGlobal(name, fs, fe, -2) if out: phase, myname = out data.dmesg[phase]['list'][myname]['ftrace'] = self def debugPrint(self): print('[%f - %f] %s (%d)') % (self.start, self.end, self.list[0].name, self.pid) for l in self.list: if(l.freturn and l.fcall): print('%f (%02d): %s(); (%.3f us)' % (l.time, \ l.depth, l.name, l.length*1000000)) elif(l.freturn): print('%f (%02d): %s} (%.3f us)' % (l.time, \ l.depth, l.name, l.length*1000000)) else: print('%f (%02d): %s() { (%.3f us)' % (l.time, \ l.depth, l.name, l.length*1000000)) print(' ') # Class: Timeline # Description: # A container for a device timeline which calculates # all the html properties to display it correctly class Timeline: html = {} height = 0 # total timeline height scaleH = 20 # timescale (top) row height rowH = 30 # device row height bodyH = 0 # body height rows = 0 # total timeline rows phases = [] rowmaxlines = dict() rowcount = dict() rowheight = dict() def __init__(self, rowheight): self.rowH = rowheight self.html = { 'header': '', 'timeline': '', 'legend': '', } # Function: getDeviceRows # Description: # determine how may rows the device funcs will take # Arguments: # rawlist: the list of devices/actions for a single phase # Output: # The total number of rows needed to display this phase of the timeline def getDeviceRows(self, rawlist): # clear all rows and set them to undefined lendict = dict() for item in rawlist: item.row = -1 lendict[item] = item.length list = [] for i in sorted(lendict, key=lendict.get, reverse=True): list.append(i) remaining = len(list) rowdata = dict() row = 1 # try to pack each row with as many ranges as possible while(remaining > 0): if(row not in rowdata): rowdata[row] = [] for i in list: if(i.row >= 0): continue s = i.time e = i.time + i.length valid = True for ritem in rowdata[row]: rs = ritem.time re = ritem.time + ritem.length if(not (((s <= rs) and (e <= rs)) or ((s >= re) and (e >= re)))): valid = False break if(valid): rowdata[row].append(i) i.row = row remaining -= 1 row += 1 return row # Function: getPhaseRows # Description: # Organize the timeline entries into the smallest # number of rows possible, with no entry overlapping # Arguments: # list: the list of devices/actions for a single phase # devlist: string list of device names to use # Output: # The total number of rows needed to display this phase of the timeline def getPhaseRows(self, dmesg, devlist): # clear all rows and set them to undefined remaining = len(devlist) rowdata = dict() row = 0 lendict = dict() myphases = [] for item in devlist: if item[0] not in self.phases: self.phases.append(item[0]) if item[0] not in myphases: myphases.append(item[0]) self.rowmaxlines[item[0]] = dict() self.rowheight[item[0]] = dict() dev = dmesg[item[0]]['list'][item[1]] dev['row'] = -1 lendict[item] = float(dev['end']) - float(dev['start']) if 'src' in dev: dev['devrows'] = self.getDeviceRows(dev['src']) lenlist = [] for i in sorted(lendict, key=lendict.get, reverse=True): lenlist.append(i) orderedlist = [] for item in lenlist: dev = dmesg[item[0]]['list'][item[1]] if dev['pid'] == -2: orderedlist.append(item) for item in lenlist: if item not in orderedlist: orderedlist.append(item) # try to pack each row with as many ranges as possible while(remaining > 0): rowheight = 1 if(row not in rowdata): rowdata[row] = [] for item in orderedlist: dev = dmesg[item[0]]['list'][item[1]] if(dev['row'] < 0): s = dev['start'] e = dev['end'] valid = True for ritem in rowdata[row]: rs = ritem['start'] re = ritem['end'] if(not (((s <= rs) and (e <= rs)) or ((s >= re) and (e >= re)))): valid = False break if(valid): rowdata[row].append(dev) dev['row'] = row remaining -= 1 if 'devrows' in dev and dev['devrows'] > rowheight: rowheight = dev['devrows'] for phase in myphases: self.rowmaxlines[phase][row] = rowheight self.rowheight[phase][row] = rowheight * self.rowH row += 1 if(row > self.rows): self.rows = int(row) for phase in myphases: self.rowcount[phase] = row return row def phaseRowHeight(self, phase, row): return self.rowheight[phase][row] def phaseRowTop(self, phase, row): top = 0 for i in sorted(self.rowheight[phase]): if i >= row: break top += self.rowheight[phase][i] return top # Function: calcTotalRows # Description: # Calculate the heights and offsets for the header and rows def calcTotalRows(self): maxrows = 0 standardphases = [] for phase in self.phases: total = 0 for i in sorted(self.rowmaxlines[phase]): total += self.rowmaxlines[phase][i] if total > maxrows: maxrows = total if total == self.rowcount[phase]: standardphases.append(phase) self.height = self.scaleH + (maxrows*self.rowH) self.bodyH = self.height - self.scaleH for phase in standardphases: for i in sorted(self.rowheight[phase]): self.rowheight[phase][i] = self.bodyH/self.rowcount[phase] # Function: createTimeScale # Description: # Create the timescale for a timeline block # Arguments: # m0: start time (mode begin) # mMax: end time (mode end) # tTotal: total timeline time # mode: suspend or resume # Output: # The html code needed to display the time scale def createTimeScale(self, m0, mMax, tTotal, mode): timescale = '<div class="t" style="right:{0}%">{1}</div>\n' rline = '<div class="t" style="left:0;border-left:1px solid black;border-right:0;">Resume</div>\n' output = '<div class="timescale">\n' # set scale for timeline mTotal = mMax - m0 tS = 0.1 if(tTotal <= 0): return output+'</div>\n' if(tTotal > 4): tS = 1 divTotal = int(mTotal/tS) + 1 divEdge = (mTotal - tS*(divTotal-1))*100/mTotal for i in range(divTotal): htmlline = '' if(mode == 'resume'): pos = '%0.3f' % (100 - ((float(i)*tS*100)/mTotal)) val = '%0.fms' % (float(i)*tS*1000) htmlline = timescale.format(pos, val) if(i == 0): htmlline = rline else: pos = '%0.3f' % (100 - ((float(i)*tS*100)/mTotal) - divEdge) val = '%0.fms' % (float(i-divTotal+1)*tS*1000) if(i == divTotal - 1): val = 'Suspend' htmlline = timescale.format(pos, val) output += htmlline output += '</div>\n' return output # Class: TestProps # Description: # A list of values describing the properties of these test runs class TestProps: stamp = '' tracertype = '' S0i3 = False fwdata = [] ftrace_line_fmt_fg = \ '^ *(?P<time>[0-9\.]*) *\| *(?P<cpu>[0-9]*)\)'+\ ' *(?P<proc>.*)-(?P<pid>[0-9]*) *\|'+\ '[ +!#\*@$]*(?P<dur>[0-9\.]*) .*\| (?P<msg>.*)' ftrace_line_fmt_nop = \ ' *(?P<proc>.*)-(?P<pid>[0-9]*) *\[(?P<cpu>[0-9]*)\] *'+\ '(?P<flags>.{4}) *(?P<time>[0-9\.]*): *'+\ '(?P<msg>.*)' ftrace_line_fmt = ftrace_line_fmt_nop cgformat = False data = 0 ktemp = dict() def __init__(self): self.ktemp = dict() def setTracerType(self, tracer): self.tracertype = tracer if(tracer == 'function_graph'): self.cgformat = True self.ftrace_line_fmt = self.ftrace_line_fmt_fg elif(tracer == 'nop'): self.ftrace_line_fmt = self.ftrace_line_fmt_nop else: doError('Invalid tracer format: [%s]' % tracer, False) # Class: TestRun # Description: # A container for a suspend/resume test run. This is necessary as # there could be more than one, and they need to be separate. class TestRun: ftemp = dict() ttemp = dict() data = 0 def __init__(self, dataobj): self.data = dataobj self.ftemp = dict() self.ttemp = dict() # ----------------- FUNCTIONS -------------------- # Function: vprint # Description: # verbose print (prints only with -verbose option) # Arguments: # msg: the debug/log message to print def vprint(msg): global sysvals if(sysvals.verbose): print(msg) # Function: parseStamp # Description: # Pull in the stamp comment line from the data file(s), # create the stamp, and add it to the global sysvals object # Arguments: # m: the valid re.match output for the stamp line def parseStamp(line, data): global sysvals m = re.match(sysvals.stampfmt, line) data.stamp = {'time': '', 'host': '', 'mode': ''} dt = datetime(int(m.group('y'))+2000, int(m.group('m')), int(m.group('d')), int(m.group('H')), int(m.group('M')), int(m.group('S'))) data.stamp['time'] = dt.strftime('%B %d %Y, %I:%M:%S %p') data.stamp['host'] = m.group('host') data.stamp['mode'] = m.group('mode') data.stamp['kernel'] = m.group('kernel') sysvals.hostname = data.stamp['host'] sysvals.suspendmode = data.stamp['mode'] if not sysvals.stamp: sysvals.stamp = data.stamp # Function: diffStamp # Description: # compare the host, kernel, and mode fields in 3 stamps # Arguments: # stamp1: string array with mode, kernel, and host # stamp2: string array with mode, kernel, and host # Return: # True if stamps differ, False if they're the same def diffStamp(stamp1, stamp2): if 'host' in stamp1 and 'host' in stamp2: if stamp1['host'] != stamp2['host']: return True if 'kernel' in stamp1 and 'kernel' in stamp2: if stamp1['kernel'] != stamp2['kernel']: return True if 'mode' in stamp1 and 'mode' in stamp2: if stamp1['mode'] != stamp2['mode']: return True return False # Function: doesTraceLogHaveTraceEvents # Description: # Quickly determine if the ftrace log has some or all of the trace events # required for primary parsing. Set the usetraceevents and/or # usetraceeventsonly flags in the global sysvals object def doesTraceLogHaveTraceEvents(): global sysvals # check for kprobes sysvals.usekprobes = False out = os.system('grep -q "_cal: (" '+sysvals.ftracefile) if(out == 0): sysvals.usekprobes = True # check for callgraph data on trace event blocks out = os.system('grep -q "_cpu_down()" '+sysvals.ftracefile) if(out == 0): sysvals.usekprobes = True out = os.popen('head -1 '+sysvals.ftracefile).read().replace('\n', '') m = re.match(sysvals.stampfmt, out) if m and m.group('mode') == 'command': sysvals.usetraceeventsonly = True sysvals.usetraceevents = True return # figure out what level of trace events are supported sysvals.usetraceeventsonly = True sysvals.usetraceevents = False for e in sysvals.traceevents: out = os.system('grep -q "'+e+': " '+sysvals.ftracefile) if(out != 0): sysvals.usetraceeventsonly = False if(e == 'suspend_resume' and out == 0): sysvals.usetraceevents = True # determine is this log is properly formatted for e in ['SUSPEND START', 'RESUME COMPLETE']: out = os.system('grep -q "'+e+'" '+sysvals.ftracefile) if(out != 0): sysvals.usetracemarkers = False # Function: appendIncompleteTraceLog # Description: # [deprecated for kernel 3.15 or newer] # Legacy support of ftrace outputs that lack the device_pm_callback # and/or suspend_resume trace events. The primary data should be # taken from dmesg, and this ftrace is used only for callgraph data # or custom actions in the timeline. The data is appended to the Data # objects provided. # Arguments: # testruns: the array of Data objects obtained from parseKernelLog def appendIncompleteTraceLog(testruns): global sysvals # create TestRun vessels for ftrace parsing testcnt = len(testruns) testidx = 0 testrun = [] for data in testruns: testrun.append(TestRun(data)) # extract the callgraph and traceevent data vprint('Analyzing the ftrace data...') tp = TestProps() tf = open(sysvals.ftracefile, 'r') data = 0 for line in tf: # remove any latent carriage returns line = line.replace('\r\n', '') # grab the time stamp m = re.match(sysvals.stampfmt, line) if(m): tp.stamp = line continue # determine the trace data type (required for further parsing) m = re.match(sysvals.tracertypefmt, line) if(m): tp.setTracerType(m.group('t')) continue # device properties line if(re.match(sysvals.devpropfmt, line)): devProps(line) continue # parse only valid lines, if this is not one move on m = re.match(tp.ftrace_line_fmt, line) if(not m): continue # gather the basic message data from the line m_time = m.group('time') m_pid = m.group('pid') m_msg = m.group('msg') if(tp.cgformat): m_param3 = m.group('dur') else: m_param3 = 'traceevent' if(m_time and m_pid and m_msg): t = FTraceLine(m_time, m_msg, m_param3) pid = int(m_pid) else: continue # the line should be a call, return, or event if(not t.fcall and not t.freturn and not t.fevent): continue # look for the suspend start marker if(t.startMarker()): data = testrun[testidx].data parseStamp(tp.stamp, data) data.setStart(t.time) continue if(not data): continue # find the end of resume if(t.endMarker()): data.setEnd(t.time) testidx += 1 if(testidx >= testcnt): break continue # trace event processing if(t.fevent): # general trace events have two types, begin and end if(re.match('(?P<name>.*) begin$', t.name)): isbegin = True elif(re.match('(?P<name>.*) end$', t.name)): isbegin = False else: continue m = re.match('(?P<name>.*)\[(?P<val>[0-9]*)\] .*', t.name) if(m): val = m.group('val') if val == '0': name = m.group('name') else: name = m.group('name')+'['+val+']' else: m = re.match('(?P<name>.*) .*', t.name) name = m.group('name') # special processing for trace events if re.match('dpm_prepare\[.*', name): continue elif re.match('machine_suspend.*', name): continue elif re.match('suspend_enter\[.*', name): if(not isbegin): data.dmesg['suspend_prepare']['end'] = t.time continue elif re.match('dpm_suspend\[.*', name): if(not isbegin): data.dmesg['suspend']['end'] = t.time continue elif re.match('dpm_suspend_late\[.*', name): if(isbegin): data.dmesg['suspend_late']['start'] = t.time else: data.dmesg['suspend_late']['end'] = t.time continue elif re.match('dpm_suspend_noirq\[.*', name): if(isbegin): data.dmesg['suspend_noirq']['start'] = t.time else: data.dmesg['suspend_noirq']['end'] = t.time continue elif re.match('dpm_resume_noirq\[.*', name): if(isbegin): data.dmesg['resume_machine']['end'] = t.time data.dmesg['resume_noirq']['start'] = t.time else: data.dmesg['resume_noirq']['end'] = t.time continue elif re.match('dpm_resume_early\[.*', name): if(isbegin): data.dmesg['resume_early']['start'] = t.time else: data.dmesg['resume_early']['end'] = t.time continue elif re.match('dpm_resume\[.*', name): if(isbegin): data.dmesg['resume']['start'] = t.time else: data.dmesg['resume']['end'] = t.time continue elif re.match('dpm_complete\[.*', name): if(isbegin): data.dmesg['resume_complete']['start'] = t.time else: data.dmesg['resume_complete']['end'] = t.time continue # skip trace events inside devices calls if(not data.isTraceEventOutsideDeviceCalls(pid, t.time)): continue # global events (outside device calls) are simply graphed if(isbegin): # store each trace event in ttemp if(name not in testrun[testidx].ttemp): testrun[testidx].ttemp[name] = [] testrun[testidx].ttemp[name].append(\ {'begin': t.time, 'end': t.time}) else: # finish off matching trace event in ttemp if(name in testrun[testidx].ttemp): testrun[testidx].ttemp[name][-1]['end'] = t.time # call/return processing elif sysvals.usecallgraph: # create a callgraph object for the data if(pid not in testrun[testidx].ftemp): testrun[testidx].ftemp[pid] = [] testrun[testidx].ftemp[pid].append(FTraceCallGraph(pid)) # when the call is finished, see which device matches it cg = testrun[testidx].ftemp[pid][-1] if(cg.addLine(t)): testrun[testidx].ftemp[pid].append(FTraceCallGraph(pid)) tf.close() for test in testrun: # add the traceevent data to the device hierarchy if(sysvals.usetraceevents): for name in test.ttemp: for event in test.ttemp[name]: test.data.newActionGlobal(name, event['begin'], event['end']) # add the callgraph data to the device hierarchy for pid in test.ftemp: for cg in test.ftemp[pid]: if len(cg.list) < 1 or cg.invalid: continue if(not cg.postProcess()): id = 'task %s cpu %s' % (pid, m.group('cpu')) vprint('Sanity check failed for '+\ id+', ignoring this callback') continue callstart = cg.start callend = cg.end for p in test.data.phases: if(test.data.dmesg[p]['start'] <= callstart and callstart <= test.data.dmesg[p]['end']): list = test.data.dmesg[p]['list'] for devname in list: dev = list[devname] if(pid == dev['pid'] and callstart <= dev['start'] and callend >= dev['end']): dev['ftrace'] = cg break if(sysvals.verbose): test.data.printDetails() # Function: parseTraceLog # Description: # Analyze an ftrace log output file generated from this app during # the execution phase. Used when the ftrace log is the primary data source # and includes the suspend_resume and device_pm_callback trace events # The ftrace filename is taken from sysvals # Output: # An array of Data objects def parseTraceLog(): global sysvals vprint('Analyzing the ftrace data...') if(os.path.exists(sysvals.ftracefile) == False): doError('%s does not exist' % sysvals.ftracefile, False) sysvals.setupAllKprobes() tracewatch = ['suspend_enter'] if sysvals.usekprobes: tracewatch += ['sync_filesystems', 'freeze_processes', 'syscore_suspend', 'syscore_resume', 'resume_console', 'thaw_processes', 'CPU_ON', 'CPU_OFF'] # extract the callgraph and traceevent data tp = TestProps() testruns = [] testdata = [] testrun = 0 data = 0 tf = open(sysvals.ftracefile, 'r') phase = 'suspend_prepare' for line in tf: # remove any latent carriage returns line = line.replace('\r\n', '') # stamp line: each stamp means a new test run m = re.match(sysvals.stampfmt, line) if(m): tp.stamp = line continue # firmware line: pull out any firmware data m = re.match(sysvals.firmwarefmt, line) if(m): tp.fwdata.append((int(m.group('s')), int(m.group('r')))) continue # tracer type line: determine the trace data type m = re.match(sysvals.tracertypefmt, line) if(m): tp.setTracerType(m.group('t')) continue # post resume time line: did this test run include post-resume data m = re.match(sysvals.postresumefmt, line) if(m): t = int(m.group('t')) if(t > 0): sysvals.postresumetime = t continue # device properties line if(re.match(sysvals.devpropfmt, line)): devProps(line) continue # ftrace line: parse only valid lines m = re.match(tp.ftrace_line_fmt, line) if(not m): continue # gather the basic message data from the line m_time = m.group('time') m_proc = m.group('proc') m_pid = m.group('pid') m_msg = m.group('msg') if(tp.cgformat): m_param3 = m.group('dur') else: m_param3 = 'traceevent' if(m_time and m_pid and m_msg): t = FTraceLine(m_time, m_msg, m_param3) pid = int(m_pid) else: continue # the line should be a call, return, or event if(not t.fcall and not t.freturn and not t.fevent): continue # find the start of suspend if(t.startMarker()): phase = 'suspend_prepare' data = Data(len(testdata)) testdata.append(data) testrun = TestRun(data) testruns.append(testrun) parseStamp(tp.stamp, data) if len(tp.fwdata) > data.testnumber: data.fwSuspend, data.fwResume = tp.fwdata[data.testnumber] if(data.fwSuspend > 0 or data.fwResume > 0): data.fwValid = True data.setStart(t.time) continue if(not data): continue # find the end of resume if(t.endMarker()): if(sysvals.usetracemarkers and sysvals.postresumetime > 0): phase = 'post_resume' data.newPhase(phase, t.time, t.time, '#F0F0F0', -1) data.setEnd(t.time) if(not sysvals.usetracemarkers): # no trace markers? then quit and be sure to finish recording # the event we used to trigger resume end if(len(testrun.ttemp['thaw_processes']) > 0): # if an entry exists, assume this is its end testrun.ttemp['thaw_processes'][-1]['end'] = t.time break continue # trace event processing if(t.fevent): if(phase == 'post_resume'): data.setEnd(t.time) if(t.type == 'suspend_resume'): # suspend_resume trace events have two types, begin and end if(re.match('(?P<name>.*) begin$', t.name)): isbegin = True elif(re.match('(?P<name>.*) end$', t.name)): isbegin = False else: continue m = re.match('(?P<name>.*)\[(?P<val>[0-9]*)\] .*', t.name) if(m): val = m.group('val') if val == '0': name = m.group('name') else: name = m.group('name')+'['+val+']' else: m = re.match('(?P<name>.*) .*', t.name) name = m.group('name') # ignore these events if(name.split('[')[0] in tracewatch): continue # -- phase changes -- # suspend_prepare start if(re.match('dpm_prepare\[.*', t.name)): phase = 'suspend_prepare' if(not isbegin): data.dmesg[phase]['end'] = t.time continue # suspend start elif(re.match('dpm_suspend\[.*', t.name)): phase = 'suspend' data.setPhase(phase, t.time, isbegin) continue # suspend_late start elif(re.match('dpm_suspend_late\[.*', t.name)): phase = 'suspend_late' data.setPhase(phase, t.time, isbegin) continue # suspend_noirq start elif(re.match('dpm_suspend_noirq\[.*', t.name)): phase = 'suspend_noirq' data.setPhase(phase, t.time, isbegin) if(not isbegin): phase = 'suspend_machine' data.dmesg[phase]['start'] = t.time continue # suspend_machine/resume_machine elif(re.match('machine_suspend\[.*', t.name)): if(isbegin): phase = 'suspend_machine' data.dmesg[phase]['end'] = t.time data.tSuspended = t.time else: if(sysvals.suspendmode in ['mem', 'disk'] and not tp.S0i3): data.dmesg['suspend_machine']['end'] = t.time data.tSuspended = t.time phase = 'resume_machine' data.dmesg[phase]['start'] = t.time data.tResumed = t.time data.tLow = data.tResumed - data.tSuspended continue # acpi_suspend elif(re.match('acpi_suspend\[.*', t.name)): # acpi_suspend[0] S0i3 if(re.match('acpi_suspend\[0\] begin', t.name)): if(sysvals.suspendmode == 'mem'): tp.S0i3 = True data.dmesg['suspend_machine']['end'] = t.time data.tSuspended = t.time continue # resume_noirq start elif(re.match('dpm_resume_noirq\[.*', t.name)): phase = 'resume_noirq' data.setPhase(phase, t.time, isbegin) if(isbegin): data.dmesg['resume_machine']['end'] = t.time continue # resume_early start elif(re.match('dpm_resume_early\[.*', t.name)): phase = 'resume_early' data.setPhase(phase, t.time, isbegin) continue # resume start elif(re.match('dpm_resume\[.*', t.name)): phase = 'resume' data.setPhase(phase, t.time, isbegin) continue # resume complete start elif(re.match('dpm_complete\[.*', t.name)): phase = 'resume_complete' if(isbegin): data.dmesg[phase]['start'] = t.time continue # skip trace events inside devices calls if(not data.isTraceEventOutsideDeviceCalls(pid, t.time)): continue # global events (outside device calls) are graphed if(name not in testrun.ttemp): testrun.ttemp[name] = [] if(isbegin): # create a new list entry testrun.ttemp[name].append(\ {'begin': t.time, 'end': t.time, 'pid': pid}) else: if(len(testrun.ttemp[name]) > 0): # if an entry exists, assume this is its end testrun.ttemp[name][-1]['end'] = t.time elif(phase == 'post_resume'): # post resume events can just have ends testrun.ttemp[name].append({ 'begin': data.dmesg[phase]['start'], 'end': t.time}) # device callback start elif(t.type == 'device_pm_callback_start'): m = re.match('(?P<drv>.*) (?P<d>.*), parent: *(?P<p>.*), .*',\ t.name); if(not m): continue drv = m.group('drv') n = m.group('d') p = m.group('p') if(n and p): data.newAction(phase, n, pid, p, t.time, -1, drv) # device callback finish elif(t.type == 'device_pm_callback_end'): m = re.match('(?P<drv>.*) (?P<d>.*), err.*', t.name); if(not m): continue n = m.group('d') list = data.dmesg[phase]['list'] if(n in list): dev = list[n] dev['length'] = t.time - dev['start'] dev['end'] = t.time # kprobe event processing elif(t.fkprobe): kprobename = t.type kprobedata = t.name key = (kprobename, pid) # displayname is generated from kprobe data displayname = '' if(t.fcall): displayname = sysvals.kprobeDisplayName(kprobename, kprobedata) if not displayname: continue if(key not in tp.ktemp): tp.ktemp[key] = [] tp.ktemp[key].append({ 'pid': pid, 'begin': t.time, 'end': t.time, 'name': displayname, 'cdata': kprobedata, 'proc': m_proc, }) elif(t.freturn): if(key not in tp.ktemp) or len(tp.ktemp[key]) < 1: continue e = tp.ktemp[key][-1] if e['begin'] < 0.0 or t.time - e['begin'] < 0.000001: tp.ktemp[key].pop() else: e['end'] = t.time e['rdata'] = kprobedata # callgraph processing elif sysvals.usecallgraph: # create a callgraph object for the data key = (m_proc, pid) if(key not in testrun.ftemp): testrun.ftemp[key] = [] testrun.ftemp[key].append(FTraceCallGraph(pid)) # when the call is finished, see which device matches it cg = testrun.ftemp[key][-1] if(cg.addLine(t)): testrun.ftemp[key].append(FTraceCallGraph(pid)) tf.close() if sysvals.suspendmode == 'command': for test in testruns: for p in test.data.phases: if p == 'resume_complete': test.data.dmesg[p]['start'] = test.data.start test.data.dmesg[p]['end'] = test.data.end else: test.data.dmesg[p]['start'] = test.data.start test.data.dmesg[p]['end'] = test.data.start test.data.tSuspended = test.data.start test.data.tResumed = test.data.start test.data.tLow = 0 test.data.fwValid = False for test in testruns: # add the traceevent data to the device hierarchy if(sysvals.usetraceevents): # add actual trace funcs for name in test.ttemp: for event in test.ttemp[name]: test.data.newActionGlobal(name, event['begin'], event['end'], event['pid']) # add the kprobe based virtual tracefuncs as actual devices for key in tp.ktemp: name, pid = key if name not in sysvals.tracefuncs: continue for e in tp.ktemp[key]: kb, ke = e['begin'], e['end'] if kb == ke or not test.data.isInsideTimeline(kb, ke): continue test.data.newActionGlobal(e['name'], kb, ke, pid) # add config base kprobes and dev kprobes for key in tp.ktemp: name, pid = key if name in sysvals.tracefuncs: continue for e in tp.ktemp[key]: kb, ke = e['begin'], e['end'] if kb == ke or not test.data.isInsideTimeline(kb, ke): continue color = sysvals.kprobeColor(e['name']) if name not in sysvals.dev_tracefuncs: # config base kprobe test.data.newActionGlobal(e['name'], kb, ke, -2, color) elif sysvals.usedevsrc: # dev kprobe data.addDeviceFunctionCall(e['name'], name, e['proc'], pid, kb, ke, e['cdata'], e['rdata']) if sysvals.usecallgraph: # add the callgraph data to the device hierarchy sortlist = dict() for key in test.ftemp: proc, pid = key for cg in test.ftemp[key]: if len(cg.list) < 1 or cg.invalid: continue if(not cg.postProcess()): id = 'task %s' % (pid) vprint('Sanity check failed for '+\ id+', ignoring this callback') continue # match cg data to devices if sysvals.suspendmode == 'command' or not cg.deviceMatch(pid, test.data): sortkey = '%f%f%d' % (cg.start, cg.end, pid) sortlist[sortkey] = cg # create blocks for orphan cg data for sortkey in sorted(sortlist): cg = sortlist[sortkey] name = cg.list[0].name if sysvals.isCallgraphFunc(name): vprint('Callgraph found for task %d: %.3fms, %s' % (cg.pid, (cg.end - cg.start)*1000, name)) cg.newActionFromFunction(test.data) if sysvals.suspendmode == 'command': if(sysvals.verbose): for data in testdata: data.printDetails() return testdata # fill in any missing phases for data in testdata: lp = data.phases[0] for p in data.phases: if(data.dmesg[p]['start'] < 0 and data.dmesg[p]['end'] < 0): print('WARNING: phase "%s" is missing!' % p) if(data.dmesg[p]['start'] < 0): data.dmesg[p]['start'] = data.dmesg[lp]['end'] if(p == 'resume_machine'): data.tSuspended = data.dmesg[lp]['end'] data.tResumed = data.dmesg[lp]['end'] data.tLow = 0 if(data.dmesg[p]['end'] < 0): data.dmesg[p]['end'] = data.dmesg[p]['start'] lp = p if(len(sysvals.devicefilter) > 0): data.deviceFilter(sysvals.devicefilter) data.fixupInitcallsThatDidntReturn() if(sysvals.verbose): data.printDetails() return testdata # Function: loadRawKernelLog # Description: # Load a raw kernel log that wasn't created by this tool, it might be # possible to extract a valid suspend/resume log def loadRawKernelLog(dmesgfile): global sysvals stamp = {'time': '', 'host': '', 'mode': 'mem', 'kernel': ''} stamp['time'] = datetime.now().strftime('%B %d %Y, %I:%M:%S %p') stamp['host'] = sysvals.hostname testruns = [] data = 0 lf = open(dmesgfile, 'r') for line in lf: line = line.replace('\r\n', '') idx = line.find('[') if idx > 1: line = line[idx:] m = re.match('[ \t]*(\[ *)(?P<ktime>[0-9\.]*)(\]) (?P<msg>.*)', line) if(not m): continue msg = m.group("msg") m = re.match('PM: Syncing filesystems.*', msg) if(m): if(data): testruns.append(data) data = Data(len(testruns)) data.stamp = stamp if(data): m = re.match('.* *(?P<k>[0-9]\.[0-9]{2}\.[0-9]-.*) .*', msg) if(m): stamp['kernel'] = m.group('k') m = re.match('PM: Preparing system for (?P<m>.*) sleep', msg) if(m): stamp['mode'] = m.group('m') data.dmesgtext.append(line) if(data): testruns.append(data) sysvals.stamp = stamp sysvals.suspendmode = stamp['mode'] lf.close() return testruns # Function: loadKernelLog # Description: # [deprecated for kernel 3.15.0 or newer] # load the dmesg file into memory and fix up any ordering issues # The dmesg filename is taken from sysvals # Output: # An array of empty Data objects with only their dmesgtext attributes set def loadKernelLog(): global sysvals vprint('Analyzing the dmesg data...') if(os.path.exists(sysvals.dmesgfile) == False): doError('%s does not exist' % sysvals.dmesgfile, False) # there can be multiple test runs in a single file tp = TestProps() testruns = [] data = 0 lf = open(sysvals.dmesgfile, 'r') for line in lf: line = line.replace('\r\n', '') idx = line.find('[') if idx > 1: line = line[idx:] m = re.match(sysvals.stampfmt, line) if(m): tp.stamp = line continue m = re.match(sysvals.firmwarefmt, line) if(m): tp.fwdata.append((int(m.group('s')), int(m.group('r')))) continue m = re.match('[ \t]*(\[ *)(?P<ktime>[0-9\.]*)(\]) (?P<msg>.*)', line) if(not m): continue msg = m.group("msg") if(re.match('PM: Syncing filesystems.*', msg)): if(data): testruns.append(data) data = Data(len(testruns)) parseStamp(tp.stamp, data) if len(tp.fwdata) > data.testnumber: data.fwSuspend, data.fwResume = tp.fwdata[data.testnumber] if(data.fwSuspend > 0 or data.fwResume > 0): data.fwValid = True if(re.match('ACPI: resume from mwait', msg)): print('NOTE: This suspend appears to be freeze rather than'+\ ' %s, it will be treated as such' % sysvals.suspendmode) sysvals.suspendmode = 'freeze' if(not data): continue data.dmesgtext.append(line) if(data): testruns.append(data) lf.close() if(len(testruns) < 1): # bad log, but see if you can extract something meaningful anyway testruns = loadRawKernelLog(sysvals.dmesgfile) if(len(testruns) < 1): doError(' dmesg log is completely unreadable: %s' \ % sysvals.dmesgfile, False) # fix lines with same timestamp/function with the call and return swapped for data in testruns: last = '' for line in data.dmesgtext: mc = re.match('.*(\[ *)(?P<t>[0-9\.]*)(\]) calling '+\ '(?P<f>.*)\+ @ .*, parent: .*', line) mr = re.match('.*(\[ *)(?P<t>[0-9\.]*)(\]) call '+\ '(?P<f>.*)\+ returned .* after (?P<dt>.*) usecs', last) if(mc and mr and (mc.group('t') == mr.group('t')) and (mc.group('f') == mr.group('f'))): i = data.dmesgtext.index(last) j = data.dmesgtext.index(line) data.dmesgtext[i] = line data.dmesgtext[j] = last last = line return testruns # Function: parseKernelLog # Description: # [deprecated for kernel 3.15.0 or newer] # Analyse a dmesg log output file generated from this app during # the execution phase. Create a set of device structures in memory # for subsequent formatting in the html output file # This call is only for legacy support on kernels where the ftrace # data lacks the suspend_resume or device_pm_callbacks trace events. # Arguments: # data: an empty Data object (with dmesgtext) obtained from loadKernelLog # Output: # The filled Data object def parseKernelLog(data): global sysvals phase = 'suspend_runtime' if(data.fwValid): vprint('Firmware Suspend = %u ns, Firmware Resume = %u ns' % \ (data.fwSuspend, data.fwResume)) # dmesg phase match table dm = { 'suspend_prepare': 'PM: Syncing filesystems.*', 'suspend': 'PM: Entering [a-z]* sleep.*', 'suspend_late': 'PM: suspend of devices complete after.*', 'suspend_noirq': 'PM: late suspend of devices complete after.*', 'suspend_machine': 'PM: noirq suspend of devices complete after.*', 'resume_machine': 'ACPI: Low-level resume complete.*', 'resume_noirq': 'ACPI: Waking up from system sleep state.*', 'resume_early': 'PM: noirq resume of devices complete after.*', 'resume': 'PM: early resume of devices complete after.*', 'resume_complete': 'PM: resume of devices complete after.*', 'post_resume': '.*Restarting tasks \.\.\..*', } if(sysvals.suspendmode == 'standby'): dm['resume_machine'] = 'PM: Restoring platform NVS memory' elif(sysvals.suspendmode == 'disk'): dm['suspend_late'] = 'PM: freeze of devices complete after.*' dm['suspend_noirq'] = 'PM: late freeze of devices complete after.*' dm['suspend_machine'] = 'PM: noirq freeze of devices complete after.*' dm['resume_machine'] = 'PM: Restoring platform NVS memory' dm['resume_early'] = 'PM: noirq restore of devices complete after.*' dm['resume'] = 'PM: early restore of devices complete after.*' dm['resume_complete'] = 'PM: restore of devices complete after.*' elif(sysvals.suspendmode == 'freeze'): dm['resume_machine'] = 'ACPI: resume from mwait' # action table (expected events that occur and show up in dmesg) at = { 'sync_filesystems': { 'smsg': 'PM: Syncing filesystems.*', 'emsg': 'PM: Preparing system for mem sleep.*' }, 'freeze_user_processes': { 'smsg': 'Freezing user space processes .*', 'emsg': 'Freezing remaining freezable tasks.*' }, 'freeze_tasks': { 'smsg': 'Freezing remaining freezable tasks.*', 'emsg': 'PM: Entering (?P<mode>[a-z,A-Z]*) sleep.*' }, 'ACPI prepare': { 'smsg': 'ACPI: Preparing to enter system sleep state.*', 'emsg': 'PM: Saving platform NVS memory.*' }, 'PM vns': { 'smsg': 'PM: Saving platform NVS memory.*', 'emsg': 'Disabling non-boot CPUs .*' }, } t0 = -1.0 cpu_start = -1.0 prevktime = -1.0 actions = dict() for line in data.dmesgtext: # -- preprocessing -- # parse each dmesg line into the time and message m = re.match('[ \t]*(\[ *)(?P<ktime>[0-9\.]*)(\]) (?P<msg>.*)', line) if(m): val = m.group('ktime') try: ktime = float(val) except: doWarning('INVALID DMESG LINE: '+\ line.replace('\n', ''), 'dmesg') continue msg = m.group('msg') # initialize data start to first line time if t0 < 0: data.setStart(ktime) t0 = ktime else: continue # hack for determining resume_machine end for freeze if(not sysvals.usetraceevents and sysvals.suspendmode == 'freeze' \ and phase == 'resume_machine' and \ re.match('calling (?P<f>.*)\+ @ .*, parent: .*', msg)): data.dmesg['resume_machine']['end'] = ktime phase = 'resume_noirq' data.dmesg[phase]['start'] = ktime # -- phase changes -- # suspend start if(re.match(dm['suspend_prepare'], msg)): phase = 'suspend_prepare' data.dmesg[phase]['start'] = ktime data.setStart(ktime) # suspend start elif(re.match(dm['suspend'], msg)): data.dmesg['suspend_prepare']['end'] = ktime phase = 'suspend' data.dmesg[phase]['start'] = ktime # suspend_late start elif(re.match(dm['suspend_late'], msg)): data.dmesg['suspend']['end'] = ktime phase = 'suspend_late' data.dmesg[phase]['start'] = ktime # suspend_noirq start elif(re.match(dm['suspend_noirq'], msg)): data.dmesg['suspend_late']['end'] = ktime phase = 'suspend_noirq' data.dmesg[phase]['start'] = ktime # suspend_machine start elif(re.match(dm['suspend_machine'], msg)): data.dmesg['suspend_noirq']['end'] = ktime phase = 'suspend_machine' data.dmesg[phase]['start'] = ktime # resume_machine start elif(re.match(dm['resume_machine'], msg)): if(sysvals.suspendmode in ['freeze', 'standby']): data.tSuspended = prevktime data.dmesg['suspend_machine']['end'] = prevktime else: data.tSuspended = ktime data.dmesg['suspend_machine']['end'] = ktime phase = 'resume_machine' data.tResumed = ktime data.tLow = data.tResumed - data.tSuspended data.dmesg[phase]['start'] = ktime # resume_noirq start elif(re.match(dm['resume_noirq'], msg)): data.dmesg['resume_machine']['end'] = ktime phase = 'resume_noirq' data.dmesg[phase]['start'] = ktime # resume_early start elif(re.match(dm['resume_early'], msg)): data.dmesg['resume_noirq']['end'] = ktime phase = 'resume_early' data.dmesg[phase]['start'] = ktime # resume start elif(re.match(dm['resume'], msg)): data.dmesg['resume_early']['end'] = ktime phase = 'resume' data.dmesg[phase]['start'] = ktime # resume complete start elif(re.match(dm['resume_complete'], msg)): data.dmesg['resume']['end'] = ktime phase = 'resume_complete' data.dmesg[phase]['start'] = ktime # post resume start elif(re.match(dm['post_resume'], msg)): data.dmesg['resume_complete']['end'] = ktime data.setEnd(ktime) phase = 'post_resume' break # -- device callbacks -- if(phase in data.phases): # device init call if(re.match('calling (?P<f>.*)\+ @ .*, parent: .*', msg)): sm = re.match('calling (?P<f>.*)\+ @ '+\ '(?P<n>.*), parent: (?P<p>.*)', msg); f = sm.group('f') n = sm.group('n') p = sm.group('p') if(f and n and p): data.newAction(phase, f, int(n), p, ktime, -1, '') # device init return elif(re.match('call (?P<f>.*)\+ returned .* after '+\ '(?P<t>.*) usecs', msg)): sm = re.match('call (?P<f>.*)\+ returned .* after '+\ '(?P<t>.*) usecs(?P<a>.*)', msg); f = sm.group('f') t = sm.group('t') list = data.dmesg[phase]['list'] if(f in list): dev = list[f] dev['length'] = int(t) dev['end'] = ktime # -- non-devicecallback actions -- # if trace events are not available, these are better than nothing if(not sysvals.usetraceevents): # look for known actions for a in at: if(re.match(at[a]['smsg'], msg)): if(a not in actions): actions[a] = [] actions[a].append({'begin': ktime, 'end': ktime}) if(re.match(at[a]['emsg'], msg)): if(a in actions): actions[a][-1]['end'] = ktime # now look for CPU on/off events if(re.match('Disabling non-boot CPUs .*', msg)): # start of first cpu suspend cpu_start = ktime elif(re.match('Enabling non-boot CPUs .*', msg)): # start of first cpu resume cpu_start = ktime elif(re.match('smpboot: CPU (?P<cpu>[0-9]*) is now offline', msg)): # end of a cpu suspend, start of the next m = re.match('smpboot: CPU (?P<cpu>[0-9]*) is now offline', msg) cpu = 'CPU'+m.group('cpu') if(cpu not in actions): actions[cpu] = [] actions[cpu].append({'begin': cpu_start, 'end': ktime}) cpu_start = ktime elif(re.match('CPU(?P<cpu>[0-9]*) is up', msg)): # end of a cpu resume, start of the next m = re.match('CPU(?P<cpu>[0-9]*) is up', msg) cpu = 'CPU'+m.group('cpu') if(cpu not in actions): actions[cpu] = [] actions[cpu].append({'begin': cpu_start, 'end': ktime}) cpu_start = ktime prevktime = ktime # fill in any missing phases lp = data.phases[0] for p in data.phases: if(data.dmesg[p]['start'] < 0 and data.dmesg[p]['end'] < 0): print('WARNING: phase "%s" is missing, something went wrong!' % p) print(' In %s, this dmesg line denotes the start of %s:' % \ (sysvals.suspendmode, p)) print(' "%s"' % dm[p]) if(data.dmesg[p]['start'] < 0): data.dmesg[p]['start'] = data.dmesg[lp]['end'] if(p == 'resume_machine'): data.tSuspended = data.dmesg[lp]['end'] data.tResumed = data.dmesg[lp]['end'] data.tLow = 0 if(data.dmesg[p]['end'] < 0): data.dmesg[p]['end'] = data.dmesg[p]['start'] lp = p # fill in any actions we've found for name in actions: for event in actions[name]: data.newActionGlobal(name, event['begin'], event['end']) if(sysvals.verbose): data.printDetails() if(len(sysvals.devicefilter) > 0): data.deviceFilter(sysvals.devicefilter) data.fixupInitcallsThatDidntReturn() return True # Function: createHTMLSummarySimple # Description: # Create summary html file for a series of tests # Arguments: # testruns: array of Data objects from parseTraceLog def createHTMLSummarySimple(testruns, htmlfile): global sysvals # print out the basic summary of all the tests hf = open(htmlfile, 'w') # write the html header first (html head, css code, up to body start) html = '<!DOCTYPE html>\n<html>\n<head>\n\ <meta http-equiv="content-type" content="text/html; charset=UTF-8">\n\ <title>AnalyzeSuspend Summary</title>\n\ <style type=\'text/css\'>\n\ body {overflow-y: scroll;}\n\ .stamp {width: 100%;text-align:center;background-color:#495E09;line-height:30px;color:white;font: 25px Arial;}\n\ table {width:100%;border-collapse: collapse;}\n\ .summary {font: 22px Arial;border:1px solid;}\n\ th {border: 1px solid black;background-color:#A7C942;color:white;}\n\ td {text-align: center;}\n\ tr.alt td {background-color:#EAF2D3;}\n\ tr.avg td {background-color:#BDE34C;}\n\ a:link {color: #90B521;}\n\ a:visited {color: #495E09;}\n\ a:hover {color: #B1DF28;}\n\ a:active {color: #FFFFFF;}\n\ </style>\n</head>\n<body>\n' # group test header count = len(testruns) headline_stamp = '<div class="stamp">{0} {1} {2} {3} ({4} tests)</div>\n' html += headline_stamp.format(sysvals.stamp['host'], sysvals.stamp['kernel'], sysvals.stamp['mode'], sysvals.stamp['time'], count) # check to see if all the tests have the same value stampcolumns = False for data in testruns: if diffStamp(sysvals.stamp, data.stamp): stampcolumns = True break th = '\t<th>{0}</th>\n' td = '\t<td>{0}</td>\n' tdlink = '\t<td><a href="{0}">Click Here</a></td>\n' # table header html += '<table class="summary">\n<tr>\n' html += th.format("Test #") if stampcolumns: html += th.format("Hostname") html += th.format("Kernel Version") html += th.format("Suspend Mode") html += th.format("Test Time") html += th.format("Suspend Time") html += th.format("Resume Time") html += th.format("Detail") html += '</tr>\n' # test data, 1 row per test sTimeAvg = 0.0 rTimeAvg = 0.0 num = 1 for data in testruns: # data.end is the end of post_resume resumeEnd = data.dmesg['resume_complete']['end'] if num % 2 == 1: html += '<tr class="alt">\n' else: html += '<tr>\n' # test num html += td.format("test %d" % num) num += 1 if stampcolumns: # host name val = "unknown" if('host' in data.stamp): val = data.stamp['host'] html += td.format(val) # host kernel val = "unknown" if('kernel' in data.stamp): val = data.stamp['kernel'] html += td.format(val) # suspend mode val = "unknown" if('mode' in data.stamp): val = data.stamp['mode'] html += td.format(val) # test time val = "unknown" if('time' in data.stamp): val = data.stamp['time'] html += td.format(val) # suspend time sTime = (data.tSuspended - data.start)*1000 sTimeAvg += sTime html += td.format("%3.3f ms" % sTime) # resume time rTime = (resumeEnd - data.tResumed)*1000 rTimeAvg += rTime html += td.format("%3.3f ms" % rTime) # link to the output html html += tdlink.format(data.outfile) html += '</tr>\n' # last line: test average if(count > 0): sTimeAvg /= count rTimeAvg /= count html += '<tr class="avg">\n' html += td.format('Average') # name if stampcolumns: html += td.format('') # host html += td.format('') # kernel html += td.format('') # mode html += td.format('') # time html += td.format("%3.3f ms" % sTimeAvg) # suspend time html += td.format("%3.3f ms" % rTimeAvg) # resume time html += td.format('') # output link html += '</tr>\n' # flush the data to file hf.write(html+'</table>\n') hf.write('</body>\n</html>\n') hf.close() def htmlTitle(): global sysvals modename = { 'freeze': 'Freeze (S0)', 'standby': 'Standby (S1)', 'mem': 'Suspend (S3)', 'disk': 'Hibernate (S4)' } kernel = sysvals.stamp['kernel'] host = sysvals.hostname[0].upper()+sysvals.hostname[1:] mode = sysvals.suspendmode if sysvals.suspendmode in modename: mode = modename[sysvals.suspendmode] return host+' '+mode+' '+kernel def ordinal(value): suffix = 'th' if value < 10 or value > 19: if value % 10 == 1: suffix = 'st' elif value % 10 == 2: suffix = 'nd' elif value % 10 == 3: suffix = 'rd' return '%d%s' % (value, suffix) # Function: createHTML # Description: # Create the output html file from the resident test data # Arguments: # testruns: array of Data objects from parseKernelLog or parseTraceLog # Output: # True if the html file was created, false if it failed def createHTML(testruns): global sysvals if len(testruns) < 1: print('ERROR: Not enough test data to build a timeline') return for data in testruns: data.normalizeTime(testruns[-1].tSuspended) x2changes = ['', 'absolute'] if len(testruns) > 1: x2changes = ['1', 'relative'] # html function templates headline_version = '<div class="version"><a href="https://01.org/suspendresume">AnalyzeSuspend v%s</a></div>' % sysvals.version headline_stamp = '<div class="stamp">{0} {1} {2} {3}</div>\n' html_devlist1 = '<button id="devlist1" class="devlist" style="float:left;">Device Detail%s</button>' % x2changes[0] html_zoombox = '<center><button id="zoomin">ZOOM IN</button><button id="zoomout">ZOOM OUT</button><button id="zoomdef">ZOOM 1:1</button></center>\n' html_devlist2 = '<button id="devlist2" class="devlist" style="float:right;">Device Detail2</button>\n' html_timeline = '<div id="dmesgzoombox" class="zoombox">\n<div id="{0}" class="timeline" style="height:{1}px">\n' html_tblock = '<div id="block{0}" class="tblock" style="left:{1}%;width:{2}%;">\n' html_device = '<div id="{0}" title="{1}" class="thread{7}" style="left:{2}%;top:{3}px;height:{4}px;width:{5}%;{8}">{6}</div>\n' html_traceevent = '<div title="{0}" class="traceevent" style="left:{1}%;top:{2}px;height:{3}px;width:{4}%;line-height:{3}px;">{5}</div>\n' html_phase = '<div class="phase" style="left:{0}%;width:{1}%;top:{2}px;height:{3}px;background-color:{4}">{5}</div>\n' html_phaselet = '<div id="{0}" class="phaselet" style="left:{1}%;width:{2}%;background-color:{3}"></div>\n' html_legend = '<div id="p{3}" class="square" style="left:{0}%;background-color:{1}">&nbsp;{2}</div>\n' html_timetotal = '<table class="time1">\n<tr>'\ '<td class="green">{2} Suspend Time: <b>{0} ms</b></td>'\ '<td class="yellow">{2} Resume Time: <b>{1} ms</b></td>'\ '</tr>\n</table>\n' html_timetotal2 = '<table class="time1">\n<tr>'\ '<td class="green">{3} Suspend Time: <b>{0} ms</b></td>'\ '<td class="gray">'+sysvals.suspendmode+' time: <b>{1} ms</b></td>'\ '<td class="yellow">{3} Resume Time: <b>{2} ms</b></td>'\ '</tr>\n</table>\n' html_timetotal3 = '<table class="time1">\n<tr>'\ '<td class="green">Execution Time: <b>{0} ms</b></td>'\ '<td class="yellow">Command: <b>{1}</b></td>'\ '</tr>\n</table>\n' html_timegroups = '<table class="time2">\n<tr>'\ '<td class="green">{4}Kernel Suspend: {0} ms</td>'\ '<td class="purple">{4}Firmware Suspend: {1} ms</td>'\ '<td class="purple">{4}Firmware Resume: {2} ms</td>'\ '<td class="yellow">{4}Kernel Resume: {3} ms</td>'\ '</tr>\n</table>\n' # html format variables rowheight = 30 devtextS = '14px' devtextH = '30px' hoverZ = 'z-index:10;' if sysvals.usedevsrc: hoverZ = '' # device timeline vprint('Creating Device Timeline...') devtl = Timeline(rowheight) # Generate the header for this timeline for data in testruns: tTotal = data.end - data.start tEnd = data.dmesg['resume_complete']['end'] if(tTotal == 0): print('ERROR: No timeline data') sys.exit() if(data.tLow > 0): low_time = '%.0f'%(data.tLow*1000) if sysvals.suspendmode == 'command': run_time = '%.0f'%((data.end-data.start)*1000) if sysvals.testcommand: testdesc = sysvals.testcommand else: testdesc = 'unknown' if(len(testruns) > 1): testdesc = ordinal(data.testnumber+1)+' '+testdesc thtml = html_timetotal3.format(run_time, testdesc) devtl.html['header'] += thtml elif data.fwValid: suspend_time = '%.0f'%((data.tSuspended-data.start)*1000 + \ (data.fwSuspend/1000000.0)) resume_time = '%.0f'%((tEnd-data.tSuspended)*1000 + \ (data.fwResume/1000000.0)) testdesc1 = 'Total' testdesc2 = '' if(len(testruns) > 1): testdesc1 = testdesc2 = ordinal(data.testnumber+1) testdesc2 += ' ' if(data.tLow == 0): thtml = html_timetotal.format(suspend_time, \ resume_time, testdesc1) else: thtml = html_timetotal2.format(suspend_time, low_time, \ resume_time, testdesc1) devtl.html['header'] += thtml sktime = '%.3f'%((data.dmesg['suspend_machine']['end'] - \ data.getStart())*1000) sftime = '%.3f'%(data.fwSuspend / 1000000.0) rftime = '%.3f'%(data.fwResume / 1000000.0) rktime = '%.3f'%((data.dmesg['resume_complete']['end'] - \ data.dmesg['resume_machine']['start'])*1000) devtl.html['header'] += html_timegroups.format(sktime, \ sftime, rftime, rktime, testdesc2) else: suspend_time = '%.0f'%((data.tSuspended-data.start)*1000) resume_time = '%.0f'%((tEnd-data.tSuspended)*1000) testdesc = 'Kernel' if(len(testruns) > 1): testdesc = ordinal(data.testnumber+1)+' '+testdesc if(data.tLow == 0): thtml = html_timetotal.format(suspend_time, \ resume_time, testdesc) else: thtml = html_timetotal2.format(suspend_time, low_time, \ resume_time, testdesc) devtl.html['header'] += thtml # time scale for potentially multiple datasets t0 = testruns[0].start tMax = testruns[-1].end tSuspended = testruns[-1].tSuspended tTotal = tMax - t0 # determine the maximum number of rows we need to draw for data in testruns: data.selectTimelineDevices('%f', tTotal, sysvals.mindevlen) for group in data.devicegroups: devlist = [] for phase in group: for devname in data.tdevlist[phase]: devlist.append((phase,devname)) devtl.getPhaseRows(data.dmesg, devlist) devtl.calcTotalRows() # create bounding box, add buttons if sysvals.suspendmode != 'command': devtl.html['timeline'] += html_devlist1 if len(testruns) > 1: devtl.html['timeline'] += html_devlist2 devtl.html['timeline'] += html_zoombox devtl.html['timeline'] += html_timeline.format('dmesg', devtl.height) # draw the full timeline phases = {'suspend':[],'resume':[]} for phase in data.dmesg: if 'resume' in phase: phases['resume'].append(phase) else: phases['suspend'].append(phase) # draw each test run chronologically for data in testruns: # if nore than one test, draw a block to represent user mode if(data.testnumber > 0): m0 = testruns[data.testnumber-1].end mMax = testruns[data.testnumber].start mTotal = mMax - m0 name = 'usermode%d' % data.testnumber top = '%d' % devtl.scaleH left = '%f' % (((m0-t0)*100.0)/tTotal) width = '%f' % ((mTotal*100.0)/tTotal) title = 'user mode (%0.3f ms) ' % (mTotal*1000) devtl.html['timeline'] += html_device.format(name, \ title, left, top, '%d'%devtl.bodyH, width, '', '', '') # now draw the actual timeline blocks for dir in phases: # draw suspend and resume blocks separately bname = '%s%d' % (dir[0], data.testnumber) if dir == 'suspend': m0 = testruns[data.testnumber].start mMax = testruns[data.testnumber].tSuspended mTotal = mMax - m0 left = '%f' % (((m0-t0)*100.0)/tTotal) else: m0 = testruns[data.testnumber].tSuspended mMax = testruns[data.testnumber].end mTotal = mMax - m0 left = '%f' % ((((m0-t0)*100.0)+sysvals.srgap/2)/tTotal) # if a timeline block is 0 length, skip altogether if mTotal == 0: continue width = '%f' % (((mTotal*100.0)-sysvals.srgap/2)/tTotal) devtl.html['timeline'] += html_tblock.format(bname, left, width) for b in sorted(phases[dir]): # draw the phase color background phase = data.dmesg[b] length = phase['end']-phase['start'] left = '%f' % (((phase['start']-m0)*100.0)/mTotal) width = '%f' % ((length*100.0)/mTotal) devtl.html['timeline'] += html_phase.format(left, width, \ '%.3f'%devtl.scaleH, '%.3f'%devtl.bodyH, \ data.dmesg[b]['color'], '') # draw the devices for this phase phaselist = data.dmesg[b]['list'] for d in data.tdevlist[b]: name = d drv = '' dev = phaselist[d] xtraclass = '' xtrainfo = '' xtrastyle = '' if 'htmlclass' in dev: xtraclass = dev['htmlclass'] xtrainfo = dev['htmlclass'] if 'color' in dev: xtrastyle = 'background-color:%s;' % dev['color'] if(d in sysvals.devprops): name = sysvals.devprops[d].altName(d) xtraclass = sysvals.devprops[d].xtraClass() xtrainfo = sysvals.devprops[d].xtraInfo() if('drv' in dev and dev['drv']): drv = ' {%s}' % dev['drv'] rowheight = devtl.phaseRowHeight(b, dev['row']) rowtop = devtl.phaseRowTop(b, dev['row']) top = '%.3f' % (rowtop + devtl.scaleH) left = '%f' % (((dev['start']-m0)*100)/mTotal) width = '%f' % (((dev['end']-dev['start'])*100)/mTotal) length = ' (%0.3f ms) ' % ((dev['end']-dev['start'])*1000) if sysvals.suspendmode == 'command': title = name+drv+xtrainfo+length+'cmdexec' else: title = name+drv+xtrainfo+length+b devtl.html['timeline'] += html_device.format(dev['id'], \ title, left, top, '%.3f'%rowheight, width, \ d+drv, xtraclass, xtrastyle) if('src' not in dev): continue # draw any trace events for this device vprint('Debug trace events found for device %s' % d) vprint('%20s %20s %10s %8s' % ('title', \ 'name', 'time(ms)', 'length(ms)')) for e in dev['src']: vprint('%20s %20s %10.3f %8.3f' % (e.title, \ e.text, e.time*1000, e.length*1000)) height = devtl.rowH top = '%.3f' % (rowtop + devtl.scaleH + (e.row*devtl.rowH)) left = '%f' % (((e.time-m0)*100)/mTotal) width = '%f' % (e.length*100/mTotal) color = 'rgba(204,204,204,0.5)' devtl.html['timeline'] += \ html_traceevent.format(e.title, \ left, top, '%.3f'%height, \ width, e.text) # draw the time scale, try to make the number of labels readable devtl.html['timeline'] += devtl.createTimeScale(m0, mMax, tTotal, dir) devtl.html['timeline'] += '</div>\n' # timeline is finished devtl.html['timeline'] += '</div>\n</div>\n' # draw a legend which describes the phases by color if sysvals.suspendmode != 'command': data = testruns[-1] devtl.html['legend'] = '<div class="legend">\n' pdelta = 100.0/len(data.phases) pmargin = pdelta / 4.0 for phase in data.phases: tmp = phase.split('_') id = tmp[0][0] if(len(tmp) > 1): id += tmp[1][0] order = '%.2f' % ((data.dmesg[phase]['order'] * pdelta) + pmargin) name = string.replace(phase, '_', ' &nbsp;') devtl.html['legend'] += html_legend.format(order, \ data.dmesg[phase]['color'], name, id) devtl.html['legend'] += '</div>\n' hf = open(sysvals.htmlfile, 'w') if not sysvals.cgexp: cgchk = 'checked' cgnchk = 'not(:checked)' else: cgchk = 'not(:checked)' cgnchk = 'checked' # write the html header first (html head, css code, up to body start) html_header = '<!DOCTYPE html>\n<html>\n<head>\n\ <meta http-equiv="content-type" content="text/html; charset=UTF-8">\n\ <title>'+htmlTitle()+'</title>\n\ <style type=\'text/css\'>\n\ body {overflow-y:scroll;}\n\ .stamp {width:100%;text-align:center;background-color:gray;line-height:30px;color:white;font:25px Arial;}\n\ .callgraph {margin-top:30px;box-shadow:5px 5px 20px black;}\n\ .callgraph article * {padding-left:28px;}\n\ h1 {color:black;font:bold 30px Times;}\n\ t0 {color:black;font:bold 30px Times;}\n\ t1 {color:black;font:30px Times;}\n\ t2 {color:black;font:25px Times;}\n\ t3 {color:black;font:20px Times;white-space:nowrap;}\n\ t4 {color:black;font:bold 30px Times;line-height:60px;white-space:nowrap;}\n\ cS {color:blue;font:bold 11px Times;}\n\ cR {color:red;font:bold 11px Times;}\n\ table {width:100%;}\n\ .gray {background-color:rgba(80,80,80,0.1);}\n\ .green {background-color:rgba(204,255,204,0.4);}\n\ .purple {background-color:rgba(128,0,128,0.2);}\n\ .yellow {background-color:rgba(255,255,204,0.4);}\n\ .time1 {font:22px Arial;border:1px solid;}\n\ .time2 {font:15px Arial;border-bottom:1px solid;border-left:1px solid;border-right:1px solid;}\n\ td {text-align:center;}\n\ r {color:#500000;font:15px Tahoma;}\n\ n {color:#505050;font:15px Tahoma;}\n\ .tdhl {color:red;}\n\ .hide {display:none;}\n\ .pf {display:none;}\n\ .pf:'+cgchk+' + label {background:url(\'data:image/svg+xml;utf,<?xml version="1.0" standalone="no"?><svg xmlns="http://www.w3.org/2000/svg" height="18" width="18" version="1.1"><circle cx="9" cy="9" r="8" stroke="black" stroke-width="1" fill="white"/><rect x="4" y="8" width="10" height="2" style="fill:black;stroke-width:0"/><rect x="8" y="4" width="2" height="10" style="fill:black;stroke-width:0"/></svg>\') no-repeat left center;}\n\ .pf:'+cgnchk+' ~ label {background:url(\'data:image/svg+xml;utf,<?xml version="1.0" standalone="no"?><svg xmlns="http://www.w3.org/2000/svg" height="18" width="18" version="1.1"><circle cx="9" cy="9" r="8" stroke="black" stroke-width="1" fill="white"/><rect x="4" y="8" width="10" height="2" style="fill:black;stroke-width:0"/></svg>\') no-repeat left center;}\n\ .pf:'+cgchk+' ~ *:not(:nth-child(2)) {display:none;}\n\ .zoombox {position:relative;width:100%;overflow-x:scroll;}\n\ .timeline {position:relative;font-size:14px;cursor:pointer;width:100%; overflow:hidden;background:linear-gradient(#cccccc, white);}\n\ .thread {position:absolute;height:0%;overflow:hidden;line-height:'+devtextH+';font-size:'+devtextS+';border:1px solid;text-align:center;white-space:nowrap;background-color:rgba(204,204,204,0.5);}\n\ .thread.sync {background-color:'+sysvals.synccolor+';}\n\ .thread.bg {background-color:'+sysvals.kprobecolor+';}\n\ .thread:hover {background-color:white;border:1px solid red;'+hoverZ+'}\n\ .hover {background-color:white;border:1px solid red;'+hoverZ+'}\n\ .hover.sync {background-color:white;}\n\ .hover.bg {background-color:white;}\n\ .traceevent {position:absolute;font-size:10px;overflow:hidden;color:black;text-align:center;white-space:nowrap;border-radius:5px;border:1px solid black;background:linear-gradient(to bottom right,rgba(204,204,204,1),rgba(150,150,150,1));}\n\ .traceevent:hover {background:white;}\n\ .phase {position:absolute;overflow:hidden;border:0px;text-align:center;}\n\ .phaselet {position:absolute;overflow:hidden;border:0px;text-align:center;height:100px;font-size:24px;}\n\ .t {z-index:2;position:absolute;pointer-events:none;top:0%;height:100%;border-right:1px solid black;}\n\ .legend {position:relative; width:100%; height:40px; text-align:center;margin-bottom:20px}\n\ .legend .square {position:absolute;cursor:pointer;top:10px; width:0px;height:20px;border:1px solid;padding-left:20px;}\n\ button {height:40px;width:200px;margin-bottom:20px;margin-top:20px;font-size:24px;}\n\ .logbtn {position:relative;float:right;height:25px;width:50px;margin-top:3px;margin-bottom:0;font-size:10px;text-align:center;}\n\ .devlist {position:'+x2changes[1]+';width:190px;}\n\ a:link {color:white;text-decoration:none;}\n\ a:visited {color:white;}\n\ a:hover {color:white;}\n\ a:active {color:white;}\n\ .version {position:relative;float:left;color:white;font-size:10px;line-height:30px;margin-left:10px;}\n\ #devicedetail {height:100px;box-shadow:5px 5px 20px black;}\n\ .tblock {position:absolute;height:100%;}\n\ .bg {z-index:1;}\n\ </style>\n</head>\n<body>\n' # no header or css if its embedded if(sysvals.embedded): hf.write('pass True tSus %.3f tRes %.3f tLow %.3f fwvalid %s tSus %.3f tRes %.3f\n' % (data.tSuspended-data.start, data.end-data.tSuspended, data.tLow, data.fwValid, \ data.fwSuspend/1000000, data.fwResume/1000000)) else: hf.write(html_header) # write the test title and general info header if(sysvals.stamp['time'] != ""): hf.write(headline_version) if sysvals.addlogs and sysvals.dmesgfile: hf.write('<button id="showdmesg" class="logbtn">dmesg</button>') if sysvals.addlogs and sysvals.ftracefile: hf.write('<button id="showftrace" class="logbtn">ftrace</button>') hf.write(headline_stamp.format(sysvals.stamp['host'], sysvals.stamp['kernel'], sysvals.stamp['mode'], \ sysvals.stamp['time'])) # write the device timeline hf.write(devtl.html['header']) hf.write(devtl.html['timeline']) hf.write(devtl.html['legend']) hf.write('<div id="devicedetailtitle"></div>\n') hf.write('<div id="devicedetail" style="display:none;">\n') # draw the colored boxes for the device detail section for data in testruns: hf.write('<div id="devicedetail%d">\n' % data.testnumber) for b in data.phases: phase = data.dmesg[b] length = phase['end']-phase['start'] left = '%.3f' % (((phase['start']-t0)*100.0)/tTotal) width = '%.3f' % ((length*100.0)/tTotal) hf.write(html_phaselet.format(b, left, width, \ data.dmesg[b]['color'])) if sysvals.suspendmode == 'command': hf.write(html_phaselet.format('cmdexec', '0', '0', \ data.dmesg['resume_complete']['color'])) hf.write('</div>\n') hf.write('</div>\n') # write the ftrace data (callgraph) data = testruns[-1] if(sysvals.usecallgraph and not sysvals.embedded): hf.write('<section id="callgraphs" class="callgraph">\n') # write out the ftrace data converted to html html_func_top = '<article id="{0}" class="atop" style="background-color:{1}">\n<input type="checkbox" class="pf" id="f{2}" checked/><label for="f{2}">{3} {4}</label>\n' html_func_start = '<article>\n<input type="checkbox" class="pf" id="f{0}" checked/><label for="f{0}">{1} {2}</label>\n' html_func_end = '</article>\n' html_func_leaf = '<article>{0} {1}</article>\n' num = 0 for p in data.phases: list = data.dmesg[p]['list'] for devname in data.sortedDevices(p): if('ftrace' not in list[devname]): continue devid = list[devname]['id'] cg = list[devname]['ftrace'] clen = (cg.end - cg.start) * 1000 if clen < sysvals.mincglen: continue fmt = '<r>(%.3f ms @ '+sysvals.timeformat+' to '+sysvals.timeformat+')</r>' flen = fmt % (clen, cg.start, cg.end) name = devname if(devname in sysvals.devprops): name = sysvals.devprops[devname].altName(devname) if sysvals.suspendmode == 'command': ftitle = name else: ftitle = name+' '+p hf.write(html_func_top.format(devid, data.dmesg[p]['color'], \ num, ftitle, flen)) num += 1 for line in cg.list: if(line.length < 0.000000001): flen = '' else: fmt = '<n>(%.3f ms @ '+sysvals.timeformat+')</n>' flen = fmt % (line.length*1000, line.time) if(line.freturn and line.fcall): hf.write(html_func_leaf.format(line.name, flen)) elif(line.freturn): hf.write(html_func_end) else: hf.write(html_func_start.format(num, line.name, flen)) num += 1 hf.write(html_func_end) hf.write('\n\n </section>\n') # add the dmesg log as a hidden div if sysvals.addlogs and sysvals.dmesgfile: hf.write('<div id="dmesglog" style="display:none;">\n') lf = open(sysvals.dmesgfile, 'r') for line in lf: hf.write(line) lf.close() hf.write('</div>\n') # add the ftrace log as a hidden div if sysvals.addlogs and sysvals.ftracefile: hf.write('<div id="ftracelog" style="display:none;">\n') lf = open(sysvals.ftracefile, 'r') for line in lf: hf.write(line) lf.close() hf.write('</div>\n') if(not sysvals.embedded): # write the footer and close addScriptCode(hf, testruns) hf.write('</body>\n</html>\n') else: # embedded out will be loaded in a page, skip the js t0 = (testruns[0].start - testruns[-1].tSuspended) * 1000 tMax = (testruns[-1].end - testruns[-1].tSuspended) * 1000 # add js code in a div entry for later evaluation detail = 'var bounds = [%f,%f];\n' % (t0, tMax) detail += 'var devtable = [\n' for data in testruns: topo = data.deviceTopology() detail += '\t"%s",\n' % (topo) detail += '];\n' hf.write('<div id=customcode style=display:none>\n'+detail+'</div>\n') hf.close() return True # Function: addScriptCode # Description: # Adds the javascript code to the output html # Arguments: # hf: the open html file pointer # testruns: array of Data objects from parseKernelLog or parseTraceLog def addScriptCode(hf, testruns): t0 = testruns[0].start * 1000 tMax = testruns[-1].end * 1000 # create an array in javascript memory with the device details detail = ' var devtable = [];\n' for data in testruns: topo = data.deviceTopology() detail += ' devtable[%d] = "%s";\n' % (data.testnumber, topo) detail += ' var bounds = [%f,%f];\n' % (t0, tMax) # add the code which will manipulate the data in the browser script_code = \ '<script type="text/javascript">\n'+detail+\ ' var resolution = -1;\n'\ ' function redrawTimescale(t0, tMax, tS) {\n'\ ' var rline = \'<div class="t" style="left:0;border-left:1px solid black;border-right:0;"><cR><-R</cR></div>\';\n'\ ' var tTotal = tMax - t0;\n'\ ' var list = document.getElementsByClassName("tblock");\n'\ ' for (var i = 0; i < list.length; i++) {\n'\ ' var timescale = list[i].getElementsByClassName("timescale")[0];\n'\ ' var m0 = t0 + (tTotal*parseFloat(list[i].style.left)/100);\n'\ ' var mTotal = tTotal*parseFloat(list[i].style.width)/100;\n'\ ' var mMax = m0 + mTotal;\n'\ ' var html = "";\n'\ ' var divTotal = Math.floor(mTotal/tS) + 1;\n'\ ' if(divTotal > 1000) continue;\n'\ ' var divEdge = (mTotal - tS*(divTotal-1))*100/mTotal;\n'\ ' var pos = 0.0, val = 0.0;\n'\ ' for (var j = 0; j < divTotal; j++) {\n'\ ' var htmlline = "";\n'\ ' if(list[i].id[5] == "r") {\n'\ ' pos = 100 - (((j)*tS*100)/mTotal);\n'\ ' val = (j)*tS;\n'\ ' htmlline = \'<div class="t" style="right:\'+pos+\'%">\'+val+\'ms</div>\';\n'\ ' if(j == 0)\n'\ ' htmlline = rline;\n'\ ' } else {\n'\ ' pos = 100 - (((j)*tS*100)/mTotal) - divEdge;\n'\ ' val = (j-divTotal+1)*tS;\n'\ ' if(j == divTotal - 1)\n'\ ' htmlline = \'<div class="t" style="right:\'+pos+\'%"><cS>S-></cS></div>\';\n'\ ' else\n'\ ' htmlline = \'<div class="t" style="right:\'+pos+\'%">\'+val+\'ms</div>\';\n'\ ' }\n'\ ' html += htmlline;\n'\ ' }\n'\ ' timescale.innerHTML = html;\n'\ ' }\n'\ ' }\n'\ ' function zoomTimeline() {\n'\ ' var dmesg = document.getElementById("dmesg");\n'\ ' var zoombox = document.getElementById("dmesgzoombox");\n'\ ' var val = parseFloat(dmesg.style.width);\n'\ ' var newval = 100;\n'\ ' var sh = window.outerWidth / 2;\n'\ ' if(this.id == "zoomin") {\n'\ ' newval = val * 1.2;\n'\ ' if(newval > 910034) newval = 910034;\n'\ ' dmesg.style.width = newval+"%";\n'\ ' zoombox.scrollLeft = ((zoombox.scrollLeft + sh) * newval / val) - sh;\n'\ ' } else if (this.id == "zoomout") {\n'\ ' newval = val / 1.2;\n'\ ' if(newval < 100) newval = 100;\n'\ ' dmesg.style.width = newval+"%";\n'\ ' zoombox.scrollLeft = ((zoombox.scrollLeft + sh) * newval / val) - sh;\n'\ ' } else {\n'\ ' zoombox.scrollLeft = 0;\n'\ ' dmesg.style.width = "100%";\n'\ ' }\n'\ ' var tS = [10000, 5000, 2000, 1000, 500, 200, 100, 50, 20, 10, 5, 2, 1];\n'\ ' var t0 = bounds[0];\n'\ ' var tMax = bounds[1];\n'\ ' var tTotal = tMax - t0;\n'\ ' var wTotal = tTotal * 100.0 / newval;\n'\ ' var idx = 7*window.innerWidth/1100;\n'\ ' for(var i = 0; (i < tS.length)&&((wTotal / tS[i]) < idx); i++);\n'\ ' if(i >= tS.length) i = tS.length - 1;\n'\ ' if(tS[i] == resolution) return;\n'\ ' resolution = tS[i];\n'\ ' redrawTimescale(t0, tMax, tS[i]);\n'\ ' }\n'\ ' function deviceHover() {\n'\ ' var name = this.title.slice(0, this.title.indexOf(" ("));\n'\ ' var dmesg = document.getElementById("dmesg");\n'\ ' var dev = dmesg.getElementsByClassName("thread");\n'\ ' var cpu = -1;\n'\ ' if(name.match("CPU_ON\[[0-9]*\]"))\n'\ ' cpu = parseInt(name.slice(7));\n'\ ' else if(name.match("CPU_OFF\[[0-9]*\]"))\n'\ ' cpu = parseInt(name.slice(8));\n'\ ' for (var i = 0; i < dev.length; i++) {\n'\ ' dname = dev[i].title.slice(0, dev[i].title.indexOf(" ("));\n'\ ' var cname = dev[i].className.slice(dev[i].className.indexOf("thread"));\n'\ ' if((cpu >= 0 && dname.match("CPU_O[NF]*\\\[*"+cpu+"\\\]")) ||\n'\ ' (name == dname))\n'\ ' {\n'\ ' dev[i].className = "hover "+cname;\n'\ ' } else {\n'\ ' dev[i].className = cname;\n'\ ' }\n'\ ' }\n'\ ' }\n'\ ' function deviceUnhover() {\n'\ ' var dmesg = document.getElementById("dmesg");\n'\ ' var dev = dmesg.getElementsByClassName("thread");\n'\ ' for (var i = 0; i < dev.length; i++) {\n'\ ' dev[i].className = dev[i].className.slice(dev[i].className.indexOf("thread"));\n'\ ' }\n'\ ' }\n'\ ' function deviceTitle(title, total, cpu) {\n'\ ' var prefix = "Total";\n'\ ' if(total.length > 3) {\n'\ ' prefix = "Average";\n'\ ' total[1] = (total[1]+total[3])/2;\n'\ ' total[2] = (total[2]+total[4])/2;\n'\ ' }\n'\ ' var devtitle = document.getElementById("devicedetailtitle");\n'\ ' var name = title.slice(0, title.indexOf(" ("));\n'\ ' if(cpu >= 0) name = "CPU"+cpu;\n'\ ' var driver = "";\n'\ ' var tS = "<t2>(</t2>";\n'\ ' var tR = "<t2>)</t2>";\n'\ ' if(total[1] > 0)\n'\ ' tS = "<t2>("+prefix+" Suspend:</t2><t0> "+total[1].toFixed(3)+" ms</t0> ";\n'\ ' if(total[2] > 0)\n'\ ' tR = " <t2>"+prefix+" Resume:</t2><t0> "+total[2].toFixed(3)+" ms<t2>)</t2></t0>";\n'\ ' var s = title.indexOf("{");\n'\ ' var e = title.indexOf("}");\n'\ ' if((s >= 0) && (e >= 0))\n'\ ' driver = title.slice(s+1, e) + " <t1>@</t1> ";\n'\ ' if(total[1] > 0 && total[2] > 0)\n'\ ' devtitle.innerHTML = "<t0>"+driver+name+"</t0> "+tS+tR;\n'\ ' else\n'\ ' devtitle.innerHTML = "<t0>"+title+"</t0>";\n'\ ' return name;\n'\ ' }\n'\ ' function deviceDetail() {\n'\ ' var devinfo = document.getElementById("devicedetail");\n'\ ' devinfo.style.display = "block";\n'\ ' var name = this.title.slice(0, this.title.indexOf(" ("));\n'\ ' var cpu = -1;\n'\ ' if(name.match("CPU_ON\[[0-9]*\]"))\n'\ ' cpu = parseInt(name.slice(7));\n'\ ' else if(name.match("CPU_OFF\[[0-9]*\]"))\n'\ ' cpu = parseInt(name.slice(8));\n'\ ' var dmesg = document.getElementById("dmesg");\n'\ ' var dev = dmesg.getElementsByClassName("thread");\n'\ ' var idlist = [];\n'\ ' var pdata = [[]];\n'\ ' if(document.getElementById("devicedetail1"))\n'\ ' pdata = [[], []];\n'\ ' var pd = pdata[0];\n'\ ' var total = [0.0, 0.0, 0.0];\n'\ ' for (var i = 0; i < dev.length; i++) {\n'\ ' dname = dev[i].title.slice(0, dev[i].title.indexOf(" ("));\n'\ ' if((cpu >= 0 && dname.match("CPU_O[NF]*\\\[*"+cpu+"\\\]")) ||\n'\ ' (name == dname))\n'\ ' {\n'\ ' idlist[idlist.length] = dev[i].id;\n'\ ' var tidx = 1;\n'\ ' if(dev[i].id[0] == "a") {\n'\ ' pd = pdata[0];\n'\ ' } else {\n'\ ' if(pdata.length == 1) pdata[1] = [];\n'\ ' if(total.length == 3) total[3]=total[4]=0.0;\n'\ ' pd = pdata[1];\n'\ ' tidx = 3;\n'\ ' }\n'\ ' var info = dev[i].title.split(" ");\n'\ ' var pname = info[info.length-1];\n'\ ' pd[pname] = parseFloat(info[info.length-3].slice(1));\n'\ ' total[0] += pd[pname];\n'\ ' if(pname.indexOf("suspend") >= 0)\n'\ ' total[tidx] += pd[pname];\n'\ ' else\n'\ ' total[tidx+1] += pd[pname];\n'\ ' }\n'\ ' }\n'\ ' var devname = deviceTitle(this.title, total, cpu);\n'\ ' var left = 0.0;\n'\ ' for (var t = 0; t < pdata.length; t++) {\n'\ ' pd = pdata[t];\n'\ ' devinfo = document.getElementById("devicedetail"+t);\n'\ ' var phases = devinfo.getElementsByClassName("phaselet");\n'\ ' for (var i = 0; i < phases.length; i++) {\n'\ ' if(phases[i].id in pd) {\n'\ ' var w = 100.0*pd[phases[i].id]/total[0];\n'\ ' var fs = 32;\n'\ ' if(w < 8) fs = 4*w | 0;\n'\ ' var fs2 = fs*3/4;\n'\ ' phases[i].style.width = w+"%";\n'\ ' phases[i].style.left = left+"%";\n'\ ' phases[i].title = phases[i].id+" "+pd[phases[i].id]+" ms";\n'\ ' left += w;\n'\ ' var time = "<t4 style=\\"font-size:"+fs+"px\\">"+pd[phases[i].id]+" ms<br></t4>";\n'\ ' var pname = "<t3 style=\\"font-size:"+fs2+"px\\">"+phases[i].id.replace("_", " ")+"</t3>";\n'\ ' phases[i].innerHTML = time+pname;\n'\ ' } else {\n'\ ' phases[i].style.width = "0%";\n'\ ' phases[i].style.left = left+"%";\n'\ ' }\n'\ ' }\n'\ ' }\n'\ ' var cglist = document.getElementById("callgraphs");\n'\ ' if(!cglist) return;\n'\ ' var cg = cglist.getElementsByClassName("atop");\n'\ ' if(cg.length < 10) return;\n'\ ' for (var i = 0; i < cg.length; i++) {\n'\ ' if(idlist.indexOf(cg[i].id) >= 0) {\n'\ ' cg[i].style.display = "block";\n'\ ' } else {\n'\ ' cg[i].style.display = "none";\n'\ ' }\n'\ ' }\n'\ ' }\n'\ ' function devListWindow(e) {\n'\ ' var sx = e.clientX;\n'\ ' if(sx > window.innerWidth - 440)\n'\ ' sx = window.innerWidth - 440;\n'\ ' var cfg="top="+e.screenY+", left="+sx+", width=440, height=720, scrollbars=yes";\n'\ ' var win = window.open("", "_blank", cfg);\n'\ ' if(window.chrome) win.moveBy(sx, 0);\n'\ ' var html = "<title>"+e.target.innerHTML+"</title>"+\n'\ ' "<style type=\\"text/css\\">"+\n'\ ' " ul {list-style-type:circle;padding-left:10px;margin-left:10px;}"+\n'\ ' "</style>"\n'\ ' var dt = devtable[0];\n'\ ' if(e.target.id != "devlist1")\n'\ ' dt = devtable[1];\n'\ ' win.document.write(html+dt);\n'\ ' }\n'\ ' function logWindow(e) {\n'\ ' var name = e.target.id.slice(4);\n'\ ' var win = window.open();\n'\ ' var log = document.getElementById(name+"log");\n'\ ' var title = "<title>"+document.title.split(" ")[0]+" "+name+" log</title>";\n'\ ' win.document.write(title+"<pre>"+log.innerHTML+"</pre>");\n'\ ' win.document.close();\n'\ ' }\n'\ ' function onClickPhase(e) {\n'\ ' }\n'\ ' window.addEventListener("resize", function () {zoomTimeline();});\n'\ ' window.addEventListener("load", function () {\n'\ ' var dmesg = document.getElementById("dmesg");\n'\ ' dmesg.style.width = "100%"\n'\ ' document.getElementById("zoomin").onclick = zoomTimeline;\n'\ ' document.getElementById("zoomout").onclick = zoomTimeline;\n'\ ' document.getElementById("zoomdef").onclick = zoomTimeline;\n'\ ' var list = document.getElementsByClassName("square");\n'\ ' for (var i = 0; i < list.length; i++)\n'\ ' list[i].onclick = onClickPhase;\n'\ ' var list = document.getElementsByClassName("logbtn");\n'\ ' for (var i = 0; i < list.length; i++)\n'\ ' list[i].onclick = logWindow;\n'\ ' list = document.getElementsByClassName("devlist");\n'\ ' for (var i = 0; i < list.length; i++)\n'\ ' list[i].onclick = devListWindow;\n'\ ' var dev = dmesg.getElementsByClassName("thread");\n'\ ' for (var i = 0; i < dev.length; i++) {\n'\ ' dev[i].onclick = deviceDetail;\n'\ ' dev[i].onmouseover = deviceHover;\n'\ ' dev[i].onmouseout = deviceUnhover;\n'\ ' }\n'\ ' zoomTimeline();\n'\ ' });\n'\ '</script>\n' hf.write(script_code); # Function: executeSuspend # Description: # Execute system suspend through the sysfs interface, then copy the output # dmesg and ftrace files to the test output directory. def executeSuspend(): global sysvals t0 = time.time()*1000 tp = sysvals.tpath fwdata = [] # mark the start point in the kernel ring buffer just as we start sysvals.initdmesg() # start ftrace if(sysvals.usecallgraph or sysvals.usetraceevents): print('START TRACING') sysvals.fsetVal('1', 'tracing_on') # execute however many s/r runs requested for count in range(1,sysvals.execcount+1): # if this is test2 and there's a delay, start here if(count > 1 and sysvals.x2delay > 0): tN = time.time()*1000 while (tN - t0) < sysvals.x2delay: tN = time.time()*1000 time.sleep(0.001) # initiate suspend if(sysvals.usecallgraph or sysvals.usetraceevents): sysvals.fsetVal('SUSPEND START', 'trace_marker') if sysvals.suspendmode == 'command': print('COMMAND START') if(sysvals.rtcwake): print('will issue an rtcwake in %d seconds' % sysvals.rtcwaketime) sysvals.rtcWakeAlarmOn() os.system(sysvals.testcommand) else: if(sysvals.rtcwake): print('SUSPEND START') print('will autoresume in %d seconds' % sysvals.rtcwaketime) sysvals.rtcWakeAlarmOn() else: print('SUSPEND START (press a key to resume)') pf = open(sysvals.powerfile, 'w') pf.write(sysvals.suspendmode) # execution will pause here try: pf.close() except: pass t0 = time.time()*1000 if(sysvals.rtcwake): sysvals.rtcWakeAlarmOff() # return from suspend print('RESUME COMPLETE') if(sysvals.usecallgraph or sysvals.usetraceevents): sysvals.fsetVal('RESUME COMPLETE', 'trace_marker') if(sysvals.suspendmode == 'mem'): fwdata.append(getFPDT(False)) # look for post resume events after the last test run t = sysvals.postresumetime if(t > 0): print('Waiting %d seconds for POST-RESUME trace events...' % t) time.sleep(t) # stop ftrace if(sysvals.usecallgraph or sysvals.usetraceevents): sysvals.fsetVal('0', 'tracing_on') print('CAPTURING TRACE') writeDatafileHeader(sysvals.ftracefile, fwdata) os.system('cat '+tp+'trace >> '+sysvals.ftracefile) sysvals.fsetVal('', 'trace') devProps() # grab a copy of the dmesg output print('CAPTURING DMESG') writeDatafileHeader(sysvals.dmesgfile, fwdata) sysvals.getdmesg() def writeDatafileHeader(filename, fwdata): global sysvals prt = sysvals.postresumetime fp = open(filename, 'a') fp.write(sysvals.teststamp+'\n') if(sysvals.suspendmode == 'mem'): for fw in fwdata: if(fw): fp.write('# fwsuspend %u fwresume %u\n' % (fw[0], fw[1])) if(prt > 0): fp.write('# post resume time %u\n' % prt) fp.close() # Function: setUSBDevicesAuto # Description: # Set the autosuspend control parameter of all USB devices to auto # This can be dangerous, so use at your own risk, most devices are set # to always-on since the kernel cant determine if the device can # properly autosuspend def setUSBDevicesAuto(): global sysvals rootCheck(True) for dirname, dirnames, filenames in os.walk('/sys/devices'): if(re.match('.*/usb[0-9]*.*', dirname) and 'idVendor' in filenames and 'idProduct' in filenames): os.system('echo auto > %s/power/control' % dirname) name = dirname.split('/')[-1] desc = os.popen('cat %s/product 2>/dev/null' % \ dirname).read().replace('\n', '') ctrl = os.popen('cat %s/power/control 2>/dev/null' % \ dirname).read().replace('\n', '') print('control is %s for %6s: %s' % (ctrl, name, desc)) # Function: yesno # Description: # Print out an equivalent Y or N for a set of known parameter values # Output: # 'Y', 'N', or ' ' if the value is unknown def yesno(val): yesvals = ['auto', 'enabled', 'active', '1'] novals = ['on', 'disabled', 'suspended', 'forbidden', 'unsupported'] if val in yesvals: return 'Y' elif val in novals: return 'N' return ' ' # Function: ms2nice # Description: # Print out a very concise time string in minutes and seconds # Output: # The time string, e.g. "1901m16s" def ms2nice(val): ms = 0 try: ms = int(val) except: return 0.0 m = ms / 60000 s = (ms / 1000) - (m * 60) return '%3dm%2ds' % (m, s) # Function: detectUSB # Description: # Detect all the USB hosts and devices currently connected and add # a list of USB device names to sysvals for better timeline readability def detectUSB(): global sysvals field = {'idVendor':'', 'idProduct':'', 'product':'', 'speed':''} power = {'async':'', 'autosuspend':'', 'autosuspend_delay_ms':'', 'control':'', 'persist':'', 'runtime_enabled':'', 'runtime_status':'', 'runtime_usage':'', 'runtime_active_time':'', 'runtime_suspended_time':'', 'active_duration':'', 'connected_duration':''} print('LEGEND') print('---------------------------------------------------------------------------------------------') print(' A = async/sync PM queue Y/N D = autosuspend delay (seconds)') print(' S = autosuspend Y/N rACTIVE = runtime active (min/sec)') print(' P = persist across suspend Y/N rSUSPEN = runtime suspend (min/sec)') print(' E = runtime suspend enabled/forbidden Y/N ACTIVE = active duration (min/sec)') print(' R = runtime status active/suspended Y/N CONNECT = connected duration (min/sec)') print(' U = runtime usage count') print('---------------------------------------------------------------------------------------------') print(' NAME ID DESCRIPTION SPEED A S P E R U D rACTIVE rSUSPEN ACTIVE CONNECT') print('---------------------------------------------------------------------------------------------') for dirname, dirnames, filenames in os.walk('/sys/devices'): if(re.match('.*/usb[0-9]*.*', dirname) and 'idVendor' in filenames and 'idProduct' in filenames): for i in field: field[i] = os.popen('cat %s/%s 2>/dev/null' % \ (dirname, i)).read().replace('\n', '') name = dirname.split('/')[-1] for i in power: power[i] = os.popen('cat %s/power/%s 2>/dev/null' % \ (dirname, i)).read().replace('\n', '') if(re.match('usb[0-9]*', name)): first = '%-8s' % name else: first = '%8s' % name print('%s [%s:%s] %-20s %-4s %1s %1s %1s %1s %1s %1s %1s %s %s %s %s' % \ (first, field['idVendor'], field['idProduct'], \ field['product'][0:20], field['speed'], \ yesno(power['async']), \ yesno(power['control']), \ yesno(power['persist']), \ yesno(power['runtime_enabled']), \ yesno(power['runtime_status']), \ power['runtime_usage'], \ power['autosuspend'], \ ms2nice(power['runtime_active_time']), \ ms2nice(power['runtime_suspended_time']), \ ms2nice(power['active_duration']), \ ms2nice(power['connected_duration']))) # Function: devProps # Description: # Retrieve a list of properties for all devices in the trace log def devProps(data=0): global sysvals props = dict() if data: idx = data.index(': ') + 2 if idx >= len(data): return devlist = data[idx:].split(';') for dev in devlist: f = dev.split(',') if len(f) < 3: continue dev = f[0] props[dev] = DevProps() props[dev].altname = f[1] if int(f[2]): props[dev].async = True else: props[dev].async = False sysvals.devprops = props if sysvals.suspendmode == 'command' and 'testcommandstring' in props: sysvals.testcommand = props['testcommandstring'].altname return if(os.path.exists(sysvals.ftracefile) == False): doError('%s does not exist' % sysvals.ftracefile, False) # first get the list of devices we need properties for msghead = 'Additional data added by AnalyzeSuspend' alreadystamped = False tp = TestProps() tf = open(sysvals.ftracefile, 'r') for line in tf: if msghead in line: alreadystamped = True continue # determine the trace data type (required for further parsing) m = re.match(sysvals.tracertypefmt, line) if(m): tp.setTracerType(m.group('t')) continue # parse only valid lines, if this is not one move on m = re.match(tp.ftrace_line_fmt, line) if(not m or 'device_pm_callback_start' not in line): continue m = re.match('.*: (?P<drv>.*) (?P<d>.*), parent: *(?P<p>.*), .*', m.group('msg')); if(not m): continue drv, dev, par = m.group('drv'), m.group('d'), m.group('p') if dev not in props: props[dev] = DevProps() tf.close() if not alreadystamped and sysvals.suspendmode == 'command': out = '#\n# '+msghead+'\n# Device Properties: ' out += 'testcommandstring,%s,0;' % (sysvals.testcommand) with open(sysvals.ftracefile, 'a') as fp: fp.write(out+'\n') sysvals.devprops = props return # now get the syspath for each of our target devices for dirname, dirnames, filenames in os.walk('/sys/devices'): if(re.match('.*/power', dirname) and 'async' in filenames): dev = dirname.split('/')[-2] if dev in props and (not props[dev].syspath or len(dirname) < len(props[dev].syspath)): props[dev].syspath = dirname[:-6] # now fill in the properties for our target devices for dev in props: dirname = props[dev].syspath if not dirname or not os.path.exists(dirname): continue with open(dirname+'/power/async') as fp: text = fp.read() props[dev].async = False if 'enabled' in text: props[dev].async = True fields = os.listdir(dirname) if 'product' in fields: with open(dirname+'/product') as fp: props[dev].altname = fp.read() elif 'name' in fields: with open(dirname+'/name') as fp: props[dev].altname = fp.read() elif 'model' in fields: with open(dirname+'/model') as fp: props[dev].altname = fp.read() elif 'description' in fields: with open(dirname+'/description') as fp: props[dev].altname = fp.read() elif 'id' in fields: with open(dirname+'/id') as fp: props[dev].altname = fp.read() elif 'idVendor' in fields and 'idProduct' in fields: idv, idp = '', '' with open(dirname+'/idVendor') as fp: idv = fp.read().strip() with open(dirname+'/idProduct') as fp: idp = fp.read().strip() props[dev].altname = '%s:%s' % (idv, idp) if props[dev].altname: out = props[dev].altname.strip().replace('\n', ' ') out = out.replace(',', ' ') out = out.replace(';', ' ') props[dev].altname = out # and now write the data to the ftrace file if not alreadystamped: out = '#\n# '+msghead+'\n# Device Properties: ' for dev in sorted(props): out += props[dev].out(dev) with open(sysvals.ftracefile, 'a') as fp: fp.write(out+'\n') sysvals.devprops = props # Function: getModes # Description: # Determine the supported power modes on this system # Output: # A string list of the available modes def getModes(): global sysvals modes = '' if(os.path.exists(sysvals.powerfile)): fp = open(sysvals.powerfile, 'r') modes = string.split(fp.read()) fp.close() return modes # Function: getFPDT # Description: # Read the acpi bios tables and pull out FPDT, the firmware data # Arguments: # output: True to output the info to stdout, False otherwise def getFPDT(output): global sysvals rectype = {} rectype[0] = 'Firmware Basic Boot Performance Record' rectype[1] = 'S3 Performance Table Record' prectype = {} prectype[0] = 'Basic S3 Resume Performance Record' prectype[1] = 'Basic S3 Suspend Performance Record' rootCheck(True) if(not os.path.exists(sysvals.fpdtpath)): if(output): doError('file does not exist: %s' % sysvals.fpdtpath, False) return False if(not os.access(sysvals.fpdtpath, os.R_OK)): if(output): doError('file is not readable: %s' % sysvals.fpdtpath, False) return False if(not os.path.exists(sysvals.mempath)): if(output): doError('file does not exist: %s' % sysvals.mempath, False) return False if(not os.access(sysvals.mempath, os.R_OK)): if(output): doError('file is not readable: %s' % sysvals.mempath, False) return False fp = open(sysvals.fpdtpath, 'rb') buf = fp.read() fp.close() if(len(buf) < 36): if(output): doError('Invalid FPDT table data, should '+\ 'be at least 36 bytes', False) return False table = struct.unpack('4sIBB6s8sI4sI', buf[0:36]) if(output): print('') print('Firmware Performance Data Table (%s)' % table[0]) print(' Signature : %s' % table[0]) print(' Table Length : %u' % table[1]) print(' Revision : %u' % table[2]) print(' Checksum : 0x%x' % table[3]) print(' OEM ID : %s' % table[4]) print(' OEM Table ID : %s' % table[5]) print(' OEM Revision : %u' % table[6]) print(' Creator ID : %s' % table[7]) print(' Creator Revision : 0x%x' % table[8]) print('') if(table[0] != 'FPDT'): if(output): doError('Invalid FPDT table') return False if(len(buf) <= 36): return False i = 0 fwData = [0, 0] records = buf[36:] fp = open(sysvals.mempath, 'rb') while(i < len(records)): header = struct.unpack('HBB', records[i:i+4]) if(header[0] not in rectype): i += header[1] continue if(header[1] != 16): i += header[1] continue addr = struct.unpack('Q', records[i+8:i+16])[0] try: fp.seek(addr) first = fp.read(8) except: if(output): print('Bad address 0x%x in %s' % (addr, sysvals.mempath)) return [0, 0] rechead = struct.unpack('4sI', first) recdata = fp.read(rechead[1]-8) if(rechead[0] == 'FBPT'): record = struct.unpack('HBBIQQQQQ', recdata) if(output): print('%s (%s)' % (rectype[header[0]], rechead[0])) print(' Reset END : %u ns' % record[4]) print(' OS Loader LoadImage Start : %u ns' % record[5]) print(' OS Loader StartImage Start : %u ns' % record[6]) print(' ExitBootServices Entry : %u ns' % record[7]) print(' ExitBootServices Exit : %u ns' % record[8]) elif(rechead[0] == 'S3PT'): if(output): print('%s (%s)' % (rectype[header[0]], rechead[0])) j = 0 while(j < len(recdata)): prechead = struct.unpack('HBB', recdata[j:j+4]) if(prechead[0] not in prectype): continue if(prechead[0] == 0): record = struct.unpack('IIQQ', recdata[j:j+prechead[1]]) fwData[1] = record[2] if(output): print(' %s' % prectype[prechead[0]]) print(' Resume Count : %u' % \ record[1]) print(' FullResume : %u ns' % \ record[2]) print(' AverageResume : %u ns' % \ record[3]) elif(prechead[0] == 1): record = struct.unpack('QQ', recdata[j+4:j+prechead[1]]) fwData[0] = record[1] - record[0] if(output): print(' %s' % prectype[prechead[0]]) print(' SuspendStart : %u ns' % \ record[0]) print(' SuspendEnd : %u ns' % \ record[1]) print(' SuspendTime : %u ns' % \ fwData[0]) j += prechead[1] if(output): print('') i += header[1] fp.close() return fwData # Function: statusCheck # Description: # Verify that the requested command and options will work, and # print the results to the terminal # Output: # True if the test will work, False if not def statusCheck(probecheck=False): global sysvals status = True print('Checking this system (%s)...' % platform.node()) # check we have root access res = sysvals.colorText('NO (No features of this tool will work!)') if(rootCheck(False)): res = 'YES' print(' have root access: %s' % res) if(res != 'YES'): print(' Try running this script with sudo') return False # check sysfs is mounted res = sysvals.colorText('NO (No features of this tool will work!)') if(os.path.exists(sysvals.powerfile)): res = 'YES' print(' is sysfs mounted: %s' % res) if(res != 'YES'): return False # check target mode is a valid mode if sysvals.suspendmode != 'command': res = sysvals.colorText('NO') modes = getModes() if(sysvals.suspendmode in modes): res = 'YES' else: status = False print(' is "%s" a valid power mode: %s' % (sysvals.suspendmode, res)) if(res == 'NO'): print(' valid power modes are: %s' % modes) print(' please choose one with -m') # check if ftrace is available res = sysvals.colorText('NO') ftgood = sysvals.verifyFtrace() if(ftgood): res = 'YES' elif(sysvals.usecallgraph): status = False print(' is ftrace supported: %s' % res) # check if kprobes are available res = sysvals.colorText('NO') sysvals.usekprobes = sysvals.verifyKprobes() if(sysvals.usekprobes): res = 'YES' else: sysvals.usedevsrc = False print(' are kprobes supported: %s' % res) # what data source are we using res = 'DMESG' if(ftgood): sysvals.usetraceeventsonly = True sysvals.usetraceevents = False for e in sysvals.traceevents: check = False if(os.path.exists(sysvals.epath+e)): check = True if(not check): sysvals.usetraceeventsonly = False if(e == 'suspend_resume' and check): sysvals.usetraceevents = True if(sysvals.usetraceevents and sysvals.usetraceeventsonly): res = 'FTRACE (all trace events found)' elif(sysvals.usetraceevents): res = 'DMESG and FTRACE (suspend_resume trace event found)' print(' timeline data source: %s' % res) # check if rtcwake res = sysvals.colorText('NO') if(sysvals.rtcpath != ''): res = 'YES' elif(sysvals.rtcwake): status = False print(' is rtcwake supported: %s' % res) if not probecheck: return status if (sysvals.usecallgraph and len(sysvals.debugfuncs) > 0) or len(sysvals.kprobes) > 0: sysvals.initFtrace(True) # verify callgraph debugfuncs if sysvals.usecallgraph and len(sysvals.debugfuncs) > 0: print(' verifying these ftrace callgraph functions work:') sysvals.setFtraceFilterFunctions(sysvals.debugfuncs) fp = open(sysvals.tpath+'set_graph_function', 'r') flist = fp.read().split('\n') fp.close() for func in sysvals.debugfuncs: res = sysvals.colorText('NO') if func in flist: res = 'YES' else: for i in flist: if ' [' in i and func == i.split(' ')[0]: res = 'YES' break print(' %s: %s' % (func, res)) # verify kprobes if len(sysvals.kprobes) > 0: print(' verifying these kprobes work:') for name in sorted(sysvals.kprobes): if name in sysvals.tracefuncs: continue res = sysvals.colorText('NO') if sysvals.testKprobe(sysvals.kprobes[name]): res = 'YES' print(' %s: %s' % (name, res)) return status # Function: doError # Description: # generic error function for catastrphic failures # Arguments: # msg: the error message to print # help: True if printHelp should be called after, False otherwise def doError(msg, help): if(help == True): printHelp() print('ERROR: %s\n') % msg sys.exit() # Function: doWarning # Description: # generic warning function for non-catastrophic anomalies # Arguments: # msg: the warning message to print # file: If not empty, a filename to request be sent to the owner for debug def doWarning(msg, file=''): print('/* %s */') % msg if(file): print('/* For a fix, please send this'+\ ' %s file to <todd.e.brandt@intel.com> */' % file) # Function: rootCheck # Description: # quick check to see if we have root access def rootCheck(fatal): global sysvals if(os.access(sysvals.powerfile, os.W_OK)): return True if fatal: doError('This command must be run as root', False) return False # Function: getArgInt # Description: # pull out an integer argument from the command line with checks def getArgInt(name, args, min, max, main=True): if main: try: arg = args.next() except: doError(name+': no argument supplied', True) else: arg = args try: val = int(arg) except: doError(name+': non-integer value given', True) if(val < min or val > max): doError(name+': value should be between %d and %d' % (min, max), True) return val # Function: getArgFloat # Description: # pull out a float argument from the command line with checks def getArgFloat(name, args, min, max, main=True): if main: try: arg = args.next() except: doError(name+': no argument supplied', True) else: arg = args try: val = float(arg) except: doError(name+': non-numerical value given', True) if(val < min or val > max): doError(name+': value should be between %f and %f' % (min, max), True) return val # Function: rerunTest # Description: # generate an output from an existing set of ftrace/dmesg logs def rerunTest(): global sysvals if(sysvals.ftracefile != ''): doesTraceLogHaveTraceEvents() if(sysvals.dmesgfile == '' and not sysvals.usetraceeventsonly): doError('recreating this html output '+\ 'requires a dmesg file', False) sysvals.setOutputFile() vprint('Output file: %s' % sysvals.htmlfile) print('PROCESSING DATA') if(sysvals.usetraceeventsonly): testruns = parseTraceLog() else: testruns = loadKernelLog() for data in testruns: parseKernelLog(data) if(sysvals.ftracefile != ''): appendIncompleteTraceLog(testruns) createHTML(testruns) # Function: runTest # Description: # execute a suspend/resume, gather the logs, and generate the output def runTest(subdir, testpath=''): global sysvals # prepare for the test sysvals.initFtrace() sysvals.initTestOutput(subdir, testpath) vprint('Output files:\n %s' % sysvals.dmesgfile) if(sysvals.usecallgraph or sysvals.usetraceevents or sysvals.usetraceeventsonly): vprint(' %s' % sysvals.ftracefile) vprint(' %s' % sysvals.htmlfile) # execute the test executeSuspend() sysvals.cleanupFtrace() # analyze the data and create the html output print('PROCESSING DATA') if(sysvals.usetraceeventsonly): # data for kernels 3.15 or newer is entirely in ftrace testruns = parseTraceLog() else: # data for kernels older than 3.15 is primarily in dmesg testruns = loadKernelLog() for data in testruns: parseKernelLog(data) if(sysvals.usecallgraph or sysvals.usetraceevents): appendIncompleteTraceLog(testruns) createHTML(testruns) # Function: runSummary # Description: # create a summary of tests in a sub-directory def runSummary(subdir, output): global sysvals # get a list of ftrace output files files = [] for dirname, dirnames, filenames in os.walk(subdir): for filename in filenames: if(re.match('.*_ftrace.txt', filename)): files.append("%s/%s" % (dirname, filename)) # process the files in order and get an array of data objects testruns = [] for file in sorted(files): if output: print("Test found in %s" % os.path.dirname(file)) sysvals.ftracefile = file sysvals.dmesgfile = file.replace('_ftrace.txt', '_dmesg.txt') doesTraceLogHaveTraceEvents() sysvals.usecallgraph = False if not sysvals.usetraceeventsonly: if(not os.path.exists(sysvals.dmesgfile)): print("Skipping %s: not a valid test input" % file) continue else: if output: f = os.path.basename(sysvals.ftracefile) d = os.path.basename(sysvals.dmesgfile) print("\tInput files: %s and %s" % (f, d)) testdata = loadKernelLog() data = testdata[0] parseKernelLog(data) testdata = [data] appendIncompleteTraceLog(testdata) else: if output: print("\tInput file: %s" % os.path.basename(sysvals.ftracefile)) testdata = parseTraceLog() data = testdata[0] data.normalizeTime(data.tSuspended) link = file.replace(subdir+'/', '').replace('_ftrace.txt', '.html') data.outfile = link testruns.append(data) createHTMLSummarySimple(testruns, subdir+'/summary.html') # Function: checkArgBool # Description: # check if a boolean string value is true or false def checkArgBool(value): yes = ['1', 'true', 'yes', 'on'] if value.lower() in yes: return True return False # Function: configFromFile # Description: # Configure the script via the info in a config file def configFromFile(file): global sysvals Config = ConfigParser.ConfigParser() ignorekprobes = False Config.read(file) sections = Config.sections() if 'Settings' in sections: for opt in Config.options('Settings'): value = Config.get('Settings', opt).lower() if(opt.lower() == 'verbose'): sysvals.verbose = checkArgBool(value) elif(opt.lower() == 'addlogs'): sysvals.addlogs = checkArgBool(value) elif(opt.lower() == 'dev'): sysvals.usedevsrc = checkArgBool(value) elif(opt.lower() == 'ignorekprobes'): ignorekprobes = checkArgBool(value) elif(opt.lower() == 'x2'): if checkArgBool(value): sysvals.execcount = 2 elif(opt.lower() == 'callgraph'): sysvals.usecallgraph = checkArgBool(value) elif(opt.lower() == 'callgraphfunc'): sysvals.debugfuncs = [] if value: value = value.split(',') for i in value: sysvals.debugfuncs.append(i.strip()) elif(opt.lower() == 'expandcg'): sysvals.cgexp = checkArgBool(value) elif(opt.lower() == 'srgap'): if checkArgBool(value): sysvals.srgap = 5 elif(opt.lower() == 'mode'): sysvals.suspendmode = value elif(opt.lower() == 'command'): sysvals.testcommand = value elif(opt.lower() == 'x2delay'): sysvals.x2delay = getArgInt('-x2delay', value, 0, 60000, False) elif(opt.lower() == 'postres'): sysvals.postresumetime = getArgInt('-postres', value, 0, 3600, False) elif(opt.lower() == 'rtcwake'): sysvals.rtcwake = True sysvals.rtcwaketime = getArgInt('-rtcwake', value, 0, 3600, False) elif(opt.lower() == 'timeprec'): sysvals.setPrecision(getArgInt('-timeprec', value, 0, 6, False)) elif(opt.lower() == 'mindev'): sysvals.mindevlen = getArgFloat('-mindev', value, 0.0, 10000.0, False) elif(opt.lower() == 'mincg'): sysvals.mincglen = getArgFloat('-mincg', value, 0.0, 10000.0, False) elif(opt.lower() == 'kprobecolor'): try: val = int(value, 16) sysvals.kprobecolor = '#'+value except: sysvals.kprobecolor = value elif(opt.lower() == 'synccolor'): try: val = int(value, 16) sysvals.synccolor = '#'+value except: sysvals.synccolor = value elif(opt.lower() == 'output-dir'): args = dict() n = datetime.now() args['date'] = n.strftime('%y%m%d') args['time'] = n.strftime('%H%M%S') args['hostname'] = sysvals.hostname sysvals.outdir = value.format(**args) if sysvals.suspendmode == 'command' and not sysvals.testcommand: doError('No command supplied for mode "command"', False) if sysvals.usedevsrc and sysvals.usecallgraph: doError('dev and callgraph cannot both be true', False) if sysvals.usecallgraph and sysvals.execcount > 1: doError('-x2 is not compatible with -f', False) if ignorekprobes: return kprobes = dict() archkprobe = 'Kprobe_'+platform.machine() if archkprobe in sections: for name in Config.options(archkprobe): kprobes[name] = Config.get(archkprobe, name) if 'Kprobe' in sections: for name in Config.options('Kprobe'): kprobes[name] = Config.get('Kprobe', name) for name in kprobes: function = name format = name color = '' args = dict() data = kprobes[name].split() i = 0 for val in data: # bracketted strings are special formatting, read them separately if val[0] == '[' and val[-1] == ']': for prop in val[1:-1].split(','): p = prop.split('=') if p[0] == 'color': try: color = int(p[1], 16) color = '#'+p[1] except: color = p[1] continue # first real arg should be the format string if i == 0: format = val # all other args are actual function args else: d = val.split('=') args[d[0]] = d[1] i += 1 if not function or not format: doError('Invalid kprobe: %s' % name, False) for arg in re.findall('{(?P<n>[a-z,A-Z,0-9]*)}', format): if arg not in args: doError('Kprobe "%s" is missing argument "%s"' % (name, arg), False) if name in sysvals.kprobes: doError('Duplicate kprobe found "%s"' % (name), False) vprint('Adding KPROBE: %s %s %s %s' % (name, function, format, args)) sysvals.kprobes[name] = { 'name': name, 'func': function, 'format': format, 'args': args, 'mask': re.sub('{(?P<n>[a-z,A-Z,0-9]*)}', '.*', format) } if color: sysvals.kprobes[name]['color'] = color # Function: printHelp # Description: # print out the help text def printHelp(): global sysvals modes = getModes() print('') print('AnalyzeSuspend v%s' % sysvals.version) print('Usage: sudo analyze_suspend.py <options>') print('') print('Description:') print(' This tool is designed to assist kernel and OS developers in optimizing') print(' their linux stack\'s suspend/resume time. Using a kernel image built') print(' with a few extra options enabled, the tool will execute a suspend and') print(' capture dmesg and ftrace data until resume is complete. This data is') print(' transformed into a device timeline and an optional callgraph to give') print(' a detailed view of which devices/subsystems are taking the most') print(' time in suspend/resume.') print('') print(' Generates output files in subdirectory: suspend-mmddyy-HHMMSS') print(' HTML output: <hostname>_<mode>.html') print(' raw dmesg output: <hostname>_<mode>_dmesg.txt') print(' raw ftrace output: <hostname>_<mode>_ftrace.txt') print('') print('Options:') print(' [general]') print(' -h Print this help text') print(' -v Print the current tool version') print(' -config file Pull arguments and config options from a file') print(' -verbose Print extra information during execution and analysis') print(' -status Test to see if the system is enabled to run this tool') print(' -modes List available suspend modes') print(' -m mode Mode to initiate for suspend %s (default: %s)') % (modes, sysvals.suspendmode) print(' -o subdir Override the output subdirectory') print(' [advanced]') print(' -rtcwake t Use rtcwake to autoresume after <t> seconds (default: disabled)') print(' -addlogs Add the dmesg and ftrace logs to the html output') print(' -multi n d Execute <n> consecutive tests at <d> seconds intervals. The outputs will') print(' be created in a new subdirectory with a summary page.') print(' -srgap Add a visible gap in the timeline between sus/res (default: disabled)') print(' -cmd {s} Instead of suspend/resume, run a command, e.g. "sync -d"') print(' -mindev ms Discard all device blocks shorter than ms milliseconds (e.g. 0.001 for us)') print(' -mincg ms Discard all callgraphs shorter than ms milliseconds (e.g. 0.001 for us)') print(' -timeprec N Number of significant digits in timestamps (0:S, [3:ms], 6:us)') print(' [debug]') print(' -f Use ftrace to create device callgraphs (default: disabled)') print(' -expandcg pre-expand the callgraph data in the html output (default: disabled)') print(' -flist Print the list of functions currently being captured in ftrace') print(' -flistall Print all functions capable of being captured in ftrace') print(' -fadd file Add functions to be graphed in the timeline from a list in a text file') print(' -filter "d1 d2 ..." Filter out all but this list of device names') print(' -dev Display common low level functions in the timeline') print(' [post-resume task analysis]') print(' -x2 Run two suspend/resumes back to back (default: disabled)') print(' -x2delay t Minimum millisecond delay <t> between the two test runs (default: 0 ms)') print(' -postres t Time after resume completion to wait for post-resume events (default: 0 S)') print(' [utilities]') print(' -fpdt Print out the contents of the ACPI Firmware Performance Data Table') print(' -usbtopo Print out the current USB topology with power info') print(' -usbauto Enable autosuspend for all connected USB devices') print(' [re-analyze data from previous runs]') print(' -ftrace ftracefile Create HTML output using ftrace input') print(' -dmesg dmesgfile Create HTML output using dmesg (not needed for kernel >= 3.15)') print(' -summary directory Create a summary of all test in this dir') print('') return True # ----------------- MAIN -------------------- # exec start (skipped if script is loaded as library) if __name__ == '__main__': cmd = '' cmdarg = '' multitest = {'run': False, 'count': 0, 'delay': 0} simplecmds = ['-modes', '-fpdt', '-flist', '-flistall', '-usbtopo', '-usbauto', '-status'] # loop through the command line arguments args = iter(sys.argv[1:]) for arg in args: if(arg == '-m'): try: val = args.next() except: doError('No mode supplied', True) if val == 'command' and not sysvals.testcommand: doError('No command supplied for mode "command"', True) sysvals.suspendmode = val elif(arg in simplecmds): cmd = arg[1:] elif(arg == '-h'): printHelp() sys.exit() elif(arg == '-v'): print("Version %s" % sysvals.version) sys.exit() elif(arg == '-x2'): sysvals.execcount = 2 if(sysvals.usecallgraph): doError('-x2 is not compatible with -f', False) elif(arg == '-x2delay'): sysvals.x2delay = getArgInt('-x2delay', args, 0, 60000) elif(arg == '-postres'): sysvals.postresumetime = getArgInt('-postres', args, 0, 3600) elif(arg == '-f'): sysvals.usecallgraph = True if(sysvals.execcount > 1): doError('-x2 is not compatible with -f', False) if(sysvals.usedevsrc): doError('-dev is not compatible with -f', False) elif(arg == '-addlogs'): sysvals.addlogs = True elif(arg == '-verbose'): sysvals.verbose = True elif(arg == '-dev'): sysvals.usedevsrc = True if(sysvals.usecallgraph): doError('-dev is not compatible with -f', False) elif(arg == '-rtcwake'): sysvals.rtcwake = True sysvals.rtcwaketime = getArgInt('-rtcwake', args, 0, 3600) elif(arg == '-timeprec'): sysvals.setPrecision(getArgInt('-timeprec', args, 0, 6)) elif(arg == '-mindev'): sysvals.mindevlen = getArgFloat('-mindev', args, 0.0, 10000.0) elif(arg == '-mincg'): sysvals.mincglen = getArgFloat('-mincg', args, 0.0, 10000.0) elif(arg == '-cmd'): try: val = args.next() except: doError('No command string supplied', True) sysvals.testcommand = val sysvals.suspendmode = 'command' elif(arg == '-expandcg'): sysvals.cgexp = True elif(arg == '-srgap'): sysvals.srgap = 5 elif(arg == '-multi'): multitest['run'] = True multitest['count'] = getArgInt('-multi n (exec count)', args, 2, 1000000) multitest['delay'] = getArgInt('-multi d (delay between tests)', args, 0, 3600) elif(arg == '-o'): try: val = args.next() except: doError('No subdirectory name supplied', True) sysvals.outdir = val elif(arg == '-config'): try: val = args.next() except: doError('No text file supplied', True) if(os.path.exists(val) == False): doError('%s does not exist' % val, False) configFromFile(val) elif(arg == '-fadd'): try: val = args.next() except: doError('No text file supplied', True) if(os.path.exists(val) == False): doError('%s does not exist' % val, False) sysvals.addFtraceFilterFunctions(val) elif(arg == '-dmesg'): try: val = args.next() except: doError('No dmesg file supplied', True) sysvals.notestrun = True sysvals.dmesgfile = val if(os.path.exists(sysvals.dmesgfile) == False): doError('%s does not exist' % sysvals.dmesgfile, False) elif(arg == '-ftrace'): try: val = args.next() except: doError('No ftrace file supplied', True) sysvals.notestrun = True sysvals.ftracefile = val if(os.path.exists(sysvals.ftracefile) == False): doError('%s does not exist' % sysvals.ftracefile, False) elif(arg == '-summary'): try: val = args.next() except: doError('No directory supplied', True) cmd = 'summary' cmdarg = val sysvals.notestrun = True if(os.path.isdir(val) == False): doError('%s is not accesible' % val, False) elif(arg == '-filter'): try: val = args.next() except: doError('No devnames supplied', True) sysvals.setDeviceFilter(val) else: doError('Invalid argument: '+arg, True) # callgraph size cannot exceed device size if sysvals.mincglen < sysvals.mindevlen: sysvals.mincglen = sysvals.mindevlen # just run a utility command and exit if(cmd != ''): if(cmd == 'status'): statusCheck(True) elif(cmd == 'fpdt'): getFPDT(True) elif(cmd == 'usbtopo'): detectUSB() elif(cmd == 'modes'): modes = getModes() print modes elif(cmd == 'flist'): sysvals.getFtraceFilterFunctions(True) elif(cmd == 'flistall'): sysvals.getFtraceFilterFunctions(False) elif(cmd == 'usbauto'): setUSBDevicesAuto() elif(cmd == 'summary'): print("Generating a summary of folder \"%s\"" % cmdarg) runSummary(cmdarg, True) sys.exit() # if instructed, re-analyze existing data files if(sysvals.notestrun): rerunTest() sys.exit() # verify that we can run a test if(not statusCheck()): print('Check FAILED, aborting the test run!') sys.exit() if multitest['run']: # run multiple tests in a separate subdirectory s = 'x%d' % multitest['count'] if not sysvals.outdir: sysvals.outdir = datetime.now().strftime('suspend-'+s+'-%m%d%y-%H%M%S') if not os.path.isdir(sysvals.outdir): os.mkdir(sysvals.outdir) for i in range(multitest['count']): if(i != 0): print('Waiting %d seconds...' % (multitest['delay'])) time.sleep(multitest['delay']) print('TEST (%d/%d) START' % (i+1, multitest['count'])) runTest(sysvals.outdir) print('TEST (%d/%d) COMPLETE' % (i+1, multitest['count'])) runSummary(sysvals.outdir, False) else: # run the test in the current directory runTest('.', sysvals.outdir)
gpl-2.0
Mazecreator/tensorflow
tensorflow/examples/learn/hdf5_classification.py
74
2899
# Copyright 2016 The TensorFlow 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. """Example of DNNClassifier for Iris plant dataset, hdf5 format.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function import numpy as np from sklearn import datasets from sklearn import metrics from sklearn import model_selection import tensorflow as tf import h5py # pylint: disable=g-bad-import-order X_FEATURE = 'x' # Name of the input feature. def main(unused_argv): # Load dataset. iris = datasets.load_iris() x_train, x_test, y_train, y_test = model_selection.train_test_split( iris.data, iris.target, test_size=0.2, random_state=42) # Note that we are saving and load iris data as h5 format as a simple # demonstration here. h5f = h5py.File('/tmp/test_hdf5.h5', 'w') h5f.create_dataset('X_train', data=x_train) h5f.create_dataset('X_test', data=x_test) h5f.create_dataset('y_train', data=y_train) h5f.create_dataset('y_test', data=y_test) h5f.close() h5f = h5py.File('/tmp/test_hdf5.h5', 'r') x_train = np.array(h5f['X_train']) x_test = np.array(h5f['X_test']) y_train = np.array(h5f['y_train']) y_test = np.array(h5f['y_test']) # Build 3 layer DNN with 10, 20, 10 units respectively. feature_columns = [ tf.feature_column.numeric_column( X_FEATURE, shape=np.array(x_train).shape[1:])] classifier = tf.estimator.DNNClassifier( feature_columns=feature_columns, hidden_units=[10, 20, 10], n_classes=3) # Train. train_input_fn = tf.estimator.inputs.numpy_input_fn( x={X_FEATURE: x_train}, y=y_train, num_epochs=None, shuffle=True) classifier.train(input_fn=train_input_fn, steps=200) # Predict. test_input_fn = tf.estimator.inputs.numpy_input_fn( x={X_FEATURE: x_test}, y=y_test, num_epochs=1, shuffle=False) predictions = classifier.predict(input_fn=test_input_fn) y_predicted = np.array(list(p['class_ids'] for p in predictions)) y_predicted = y_predicted.reshape(np.array(y_test).shape) # Score with sklearn. score = metrics.accuracy_score(y_test, y_predicted) print('Accuracy (sklearn): {0:f}'.format(score)) # Score with tensorflow. scores = classifier.evaluate(input_fn=test_input_fn) print('Accuracy (tensorflow): {0:f}'.format(scores['accuracy'])) if __name__ == '__main__': tf.app.run()
apache-2.0
shyamalschandra/scikit-learn
sklearn/utils/tests/test_estimator_html_repr.py
3
9774
from contextlib import closing from io import StringIO import pytest from sklearn import config_context from sklearn.linear_model import LogisticRegression from sklearn.neural_network import MLPClassifier from sklearn.impute import SimpleImputer from sklearn.decomposition import PCA from sklearn.decomposition import TruncatedSVD from sklearn.pipeline import Pipeline from sklearn.pipeline import FeatureUnion from sklearn.compose import ColumnTransformer from sklearn.ensemble import VotingClassifier from sklearn.feature_selection import SelectPercentile from sklearn.cluster import Birch from sklearn.cluster import AgglomerativeClustering from sklearn.preprocessing import OneHotEncoder from sklearn.svm import LinearSVC from sklearn.svm import LinearSVR from sklearn.tree import DecisionTreeClassifier from sklearn.multiclass import OneVsOneClassifier from sklearn.ensemble import StackingClassifier from sklearn.ensemble import StackingRegressor from sklearn.gaussian_process import GaussianProcessRegressor from sklearn.gaussian_process.kernels import RationalQuadratic from sklearn.utils._estimator_html_repr import _write_label_html from sklearn.utils._estimator_html_repr import _get_visual_block from sklearn.utils._estimator_html_repr import estimator_html_repr @pytest.mark.parametrize("checked", [True, False]) def test_write_label_html(checked): # Test checking logic and labeling name = "LogisticRegression" tool_tip = "hello-world" with closing(StringIO()) as out: _write_label_html(out, name, tool_tip, checked=checked) html_label = out.getvalue() assert "LogisticRegression</label>" in html_label assert html_label.startswith('<div class="sk-label-container">') assert "<pre>hello-world</pre>" in html_label if checked: assert "checked>" in html_label @pytest.mark.parametrize("est", ["passthrough", "drop", None]) def test_get_visual_block_single_str_none(est): # Test estimators that are represnted by strings est_html_info = _get_visual_block(est) assert est_html_info.kind == "single" assert est_html_info.estimators == est assert est_html_info.names == str(est) assert est_html_info.name_details == str(est) def test_get_visual_block_single_estimator(): est = LogisticRegression(C=10.0) est_html_info = _get_visual_block(est) assert est_html_info.kind == "single" assert est_html_info.estimators == est assert est_html_info.names == est.__class__.__name__ assert est_html_info.name_details == str(est) def test_get_visual_block_pipeline(): pipe = Pipeline( [ ("imputer", SimpleImputer()), ("do_nothing", "passthrough"), ("do_nothing_more", None), ("classifier", LogisticRegression()), ] ) est_html_info = _get_visual_block(pipe) assert est_html_info.kind == "serial" assert est_html_info.estimators == tuple(step[1] for step in pipe.steps) assert est_html_info.names == [ "imputer: SimpleImputer", "do_nothing: passthrough", "do_nothing_more: passthrough", "classifier: LogisticRegression", ] assert est_html_info.name_details == [str(est) for _, est in pipe.steps] def test_get_visual_block_feature_union(): f_union = FeatureUnion([("pca", PCA()), ("svd", TruncatedSVD())]) est_html_info = _get_visual_block(f_union) assert est_html_info.kind == "parallel" assert est_html_info.names == ("pca", "svd") assert est_html_info.estimators == tuple( trans[1] for trans in f_union.transformer_list ) assert est_html_info.name_details == (None, None) def test_get_visual_block_voting(): clf = VotingClassifier( [("log_reg", LogisticRegression()), ("mlp", MLPClassifier())] ) est_html_info = _get_visual_block(clf) assert est_html_info.kind == "parallel" assert est_html_info.estimators == tuple(trans[1] for trans in clf.estimators) assert est_html_info.names == ("log_reg", "mlp") assert est_html_info.name_details == (None, None) def test_get_visual_block_column_transformer(): ct = ColumnTransformer( [("pca", PCA(), ["num1", "num2"]), ("svd", TruncatedSVD, [0, 3])] ) est_html_info = _get_visual_block(ct) assert est_html_info.kind == "parallel" assert est_html_info.estimators == tuple(trans[1] for trans in ct.transformers) assert est_html_info.names == ("pca", "svd") assert est_html_info.name_details == (["num1", "num2"], [0, 3]) def test_estimator_html_repr_pipeline(): num_trans = Pipeline( steps=[("pass", "passthrough"), ("imputer", SimpleImputer(strategy="median"))] ) cat_trans = Pipeline( steps=[ ("imputer", SimpleImputer(strategy="constant", missing_values="empty")), ("one-hot", OneHotEncoder(drop="first")), ] ) preprocess = ColumnTransformer( [ ("num", num_trans, ["a", "b", "c", "d", "e"]), ("cat", cat_trans, [0, 1, 2, 3]), ] ) feat_u = FeatureUnion( [ ("pca", PCA(n_components=1)), ( "tsvd", Pipeline( [ ("first", TruncatedSVD(n_components=3)), ("select", SelectPercentile()), ] ), ), ] ) clf = VotingClassifier( [ ("lr", LogisticRegression(solver="lbfgs", random_state=1)), ("mlp", MLPClassifier(alpha=0.001)), ] ) pipe = Pipeline( [("preprocessor", preprocess), ("feat_u", feat_u), ("classifier", clf)] ) html_output = estimator_html_repr(pipe) # top level estimators show estimator with changes assert str(pipe) in html_output for _, est in pipe.steps: assert f'<div class="sk-toggleable__content"><pre>{str(est)}' in html_output # low level estimators do not show changes with config_context(print_changed_only=True): assert str(num_trans["pass"]) in html_output assert "passthrough</label>" in html_output assert str(num_trans["imputer"]) in html_output for _, _, cols in preprocess.transformers: assert f"<pre>{cols}</pre>" in html_output # feature union for name, _ in feat_u.transformer_list: assert f"<label>{name}</label>" in html_output pca = feat_u.transformer_list[0][1] assert f"<pre>{str(pca)}</pre>" in html_output tsvd = feat_u.transformer_list[1][1] first = tsvd["first"] select = tsvd["select"] assert f"<pre>{str(first)}</pre>" in html_output assert f"<pre>{str(select)}</pre>" in html_output # voting classifer for name, est in clf.estimators: assert f"<label>{name}</label>" in html_output assert f"<pre>{str(est)}</pre>" in html_output @pytest.mark.parametrize("final_estimator", [None, LinearSVC()]) def test_stacking_classsifer(final_estimator): estimators = [ ("mlp", MLPClassifier(alpha=0.001)), ("tree", DecisionTreeClassifier()), ] clf = StackingClassifier(estimators=estimators, final_estimator=final_estimator) html_output = estimator_html_repr(clf) assert str(clf) in html_output # If final_estimator's default changes from LogisticRegression # this should be updated if final_estimator is None: assert "LogisticRegression(" in html_output else: assert final_estimator.__class__.__name__ in html_output @pytest.mark.parametrize("final_estimator", [None, LinearSVR()]) def test_stacking_regressor(final_estimator): reg = StackingRegressor( estimators=[("svr", LinearSVR())], final_estimator=final_estimator ) html_output = estimator_html_repr(reg) assert str(reg.estimators[0][0]) in html_output assert "LinearSVR</label>" in html_output if final_estimator is None: assert "RidgeCV</label>" in html_output else: assert final_estimator.__class__.__name__ in html_output def test_birch_duck_typing_meta(): # Test duck typing meta estimators with Birch birch = Birch(n_clusters=AgglomerativeClustering(n_clusters=3)) html_output = estimator_html_repr(birch) # inner estimators do not show changes with config_context(print_changed_only=True): assert f"<pre>{str(birch.n_clusters)}" in html_output assert "AgglomerativeClustering</label>" in html_output # outer estimator contains all changes assert f"<pre>{str(birch)}" in html_output def test_ovo_classifier_duck_typing_meta(): # Test duck typing metaestimators with OVO ovo = OneVsOneClassifier(LinearSVC(penalty="l1")) html_output = estimator_html_repr(ovo) # inner estimators do not show changes with config_context(print_changed_only=True): assert f"<pre>{str(ovo.estimator)}" in html_output assert "LinearSVC</label>" in html_output # outter estimator assert f"<pre>{str(ovo)}" in html_output def test_duck_typing_nested_estimator(): # Test duck typing metaestimators with GP kernel = RationalQuadratic(length_scale=1.0, alpha=0.1) gp = GaussianProcessRegressor(kernel=kernel) html_output = estimator_html_repr(gp) assert f"<pre>{str(kernel)}" in html_output assert f"<pre>{str(gp)}" in html_output @pytest.mark.parametrize("print_changed_only", [True, False]) def test_one_estimator_print_change_only(print_changed_only): pca = PCA(n_components=10) with config_context(print_changed_only=print_changed_only): pca_repr = str(pca) html_output = estimator_html_repr(pca) assert pca_repr in html_output
bsd-3-clause
anilmuthineni/tensorflow
tensorflow/contrib/learn/python/learn/estimators/estimator_test.py
1
42890
# Copyright 2016 The TensorFlow 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. # ============================================================================== """Tests for Estimator.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function import functools import itertools import json import os import sys import tempfile # TODO: #6568 Remove this hack that makes dlopen() not crash. if hasattr(sys, 'getdlopenflags') and hasattr(sys, 'setdlopenflags'): import ctypes sys.setdlopenflags(sys.getdlopenflags() | ctypes.RTLD_GLOBAL) import numpy as np import six from six.moves import xrange # pylint: disable=redefined-builtin from tensorflow.contrib import learn from tensorflow.contrib.framework.python.ops import variables from tensorflow.contrib.layers.python.layers import feature_column as feature_column_lib from tensorflow.contrib.layers.python.layers import optimizers from tensorflow.contrib.learn.python.learn import experiment from tensorflow.contrib.learn.python.learn import metric_spec from tensorflow.contrib.learn.python.learn import models from tensorflow.contrib.learn.python.learn import monitors as monitors_lib from tensorflow.contrib.learn.python.learn.datasets import base from tensorflow.contrib.learn.python.learn.estimators import _sklearn from tensorflow.contrib.learn.python.learn.estimators import estimator from tensorflow.contrib.learn.python.learn.estimators import linear from tensorflow.contrib.learn.python.learn.estimators import model_fn from tensorflow.contrib.learn.python.learn.estimators import run_config from tensorflow.contrib.learn.python.learn.utils import input_fn_utils from tensorflow.contrib.lookup import lookup_ops from tensorflow.contrib.metrics.python.ops import metric_ops from tensorflow.contrib.testing.python.framework import util_test from tensorflow.python.client import session as session_lib from tensorflow.python.framework import constant_op from tensorflow.python.framework import dtypes from tensorflow.python.framework import ops from tensorflow.python.ops import array_ops from tensorflow.python.ops import data_flow_ops from tensorflow.python.ops import math_ops from tensorflow.python.ops import parsing_ops from tensorflow.python.ops import variables as variables_lib from tensorflow.python.platform import gfile from tensorflow.python.platform import test from tensorflow.python.saved_model import loader from tensorflow.python.saved_model import tag_constants from tensorflow.python.training import basic_session_run_hooks from tensorflow.python.training import input as input_lib from tensorflow.python.training import monitored_session from tensorflow.python.training import queue_runner_impl from tensorflow.python.training import session_run_hook from tensorflow.python.util import compat _BOSTON_INPUT_DIM = 13 _IRIS_INPUT_DIM = 4 def boston_input_fn(num_epochs=None): boston = base.load_boston() features = input_lib.limit_epochs( array_ops.reshape( constant_op.constant(boston.data), [-1, _BOSTON_INPUT_DIM]), num_epochs=num_epochs) labels = array_ops.reshape(constant_op.constant(boston.target), [-1, 1]) return features, labels def boston_input_fn_with_queue(num_epochs=None): features, labels = boston_input_fn(num_epochs=num_epochs) # Create a minimal queue runner. fake_queue = data_flow_ops.FIFOQueue(30, dtypes.int32) queue_runner = queue_runner_impl.QueueRunner(fake_queue, [constant_op.constant(0)]) queue_runner_impl.add_queue_runner(queue_runner) return features, labels def iris_input_fn(): iris = base.load_iris() features = array_ops.reshape( constant_op.constant(iris.data), [-1, _IRIS_INPUT_DIM]) labels = array_ops.reshape(constant_op.constant(iris.target), [-1]) return features, labels def iris_input_fn_labels_dict(): iris = base.load_iris() features = array_ops.reshape( constant_op.constant(iris.data), [-1, _IRIS_INPUT_DIM]) labels = { 'labels': array_ops.reshape(constant_op.constant(iris.target), [-1]) } return features, labels def boston_eval_fn(): boston = base.load_boston() n_examples = len(boston.target) features = array_ops.reshape( constant_op.constant(boston.data), [n_examples, _BOSTON_INPUT_DIM]) labels = array_ops.reshape( constant_op.constant(boston.target), [n_examples, 1]) return array_ops.concat([features, features], 0), array_ops.concat( [labels, labels], 0) def extract(data, key): if isinstance(data, dict): assert key in data return data[key] else: return data def linear_model_params_fn(features, labels, mode, params): features = extract(features, 'input') labels = extract(labels, 'labels') assert mode in (model_fn.ModeKeys.TRAIN, model_fn.ModeKeys.EVAL, model_fn.ModeKeys.INFER) prediction, loss = (models.linear_regression_zero_init(features, labels)) train_op = optimizers.optimize_loss( loss, variables.get_global_step(), optimizer='Adagrad', learning_rate=params['learning_rate']) return prediction, loss, train_op def linear_model_fn(features, labels, mode): features = extract(features, 'input') labels = extract(labels, 'labels') assert mode in (model_fn.ModeKeys.TRAIN, model_fn.ModeKeys.EVAL, model_fn.ModeKeys.INFER) if isinstance(features, dict): (_, features), = features.items() prediction, loss = (models.linear_regression_zero_init(features, labels)) train_op = optimizers.optimize_loss( loss, variables.get_global_step(), optimizer='Adagrad', learning_rate=0.1) return prediction, loss, train_op def linear_model_fn_with_model_fn_ops(features, labels, mode): """Same as linear_model_fn, but returns `ModelFnOps`.""" assert mode in (model_fn.ModeKeys.TRAIN, model_fn.ModeKeys.EVAL, model_fn.ModeKeys.INFER) prediction, loss = (models.linear_regression_zero_init(features, labels)) train_op = optimizers.optimize_loss( loss, variables.get_global_step(), optimizer='Adagrad', learning_rate=0.1) return model_fn.ModelFnOps( mode=mode, predictions=prediction, loss=loss, train_op=train_op) def logistic_model_no_mode_fn(features, labels): features = extract(features, 'input') labels = extract(labels, 'labels') labels = array_ops.one_hot(labels, 3, 1, 0) prediction, loss = (models.logistic_regression_zero_init(features, labels)) train_op = optimizers.optimize_loss( loss, variables.get_global_step(), optimizer='Adagrad', learning_rate=0.1) return { 'class': math_ops.argmax(prediction, 1), 'prob': prediction }, loss, train_op VOCAB_FILE_CONTENT = 'emerson\nlake\npalmer\n' EXTRA_FILE_CONTENT = 'kermit\npiggy\nralph\n' def _build_estimator_for_export_tests(tmpdir): def _input_fn(): iris = base.load_iris() return { 'feature': constant_op.constant( iris.data, dtype=dtypes.float32) }, constant_op.constant( iris.target, shape=[150], dtype=dtypes.int32) feature_columns = [ feature_column_lib.real_valued_column( 'feature', dimension=4) ] est = linear.LinearRegressor(feature_columns) est.fit(input_fn=_input_fn, steps=20) feature_spec = feature_column_lib.create_feature_spec_for_parsing( feature_columns) serving_input_fn = input_fn_utils.build_parsing_serving_input_fn(feature_spec) # hack in an op that uses an asset, in order to test asset export. # this is not actually valid, of course. def serving_input_fn_with_asset(): features, labels, inputs = serving_input_fn() vocab_file_name = os.path.join(tmpdir, 'my_vocab_file') vocab_file = gfile.GFile(vocab_file_name, mode='w') vocab_file.write(VOCAB_FILE_CONTENT) vocab_file.close() hashtable = lookup_ops.HashTable( lookup_ops.TextFileStringTableInitializer(vocab_file_name), 'x') features['bogus_lookup'] = hashtable.lookup( math_ops.to_int64(features['feature'])) return input_fn_utils.InputFnOps(features, labels, inputs) return est, serving_input_fn_with_asset class CheckCallsMonitor(monitors_lib.BaseMonitor): def __init__(self, expect_calls): super(CheckCallsMonitor, self).__init__() self.begin_calls = None self.end_calls = None self.expect_calls = expect_calls def begin(self, max_steps): self.begin_calls = 0 self.end_calls = 0 def step_begin(self, step): self.begin_calls += 1 return {} def step_end(self, step, outputs): self.end_calls += 1 return False def end(self): assert (self.end_calls == self.expect_calls and self.begin_calls == self.expect_calls) class EstimatorTest(test.TestCase): def testExperimentIntegration(self): exp = experiment.Experiment( estimator=estimator.Estimator(model_fn=linear_model_fn), train_input_fn=boston_input_fn, eval_input_fn=boston_input_fn) exp.test() def testModelFnArgs(self): expected_param = {'some_param': 'some_value'} expected_config = run_config.RunConfig() expected_config.i_am_test = True def _argument_checker(features, labels, mode, params, config): _, _ = features, labels self.assertEqual(model_fn.ModeKeys.TRAIN, mode) self.assertEqual(expected_param, params) self.assertTrue(config.i_am_test) return constant_op.constant(0.), constant_op.constant( 0.), constant_op.constant(0.) est = estimator.Estimator( model_fn=_argument_checker, params=expected_param, config=expected_config) est.fit(input_fn=boston_input_fn, steps=1) def testModelFnWithModelDir(self): expected_param = {'some_param': 'some_value'} expected_model_dir = tempfile.mkdtemp() def _argument_checker(features, labels, mode, params, config=None, model_dir=None): _, _, _ = features, labels, config self.assertEqual(model_fn.ModeKeys.TRAIN, mode) self.assertEqual(expected_param, params) self.assertEqual(model_dir, expected_model_dir) return constant_op.constant(0.), constant_op.constant( 0.), constant_op.constant(0.) est = estimator.Estimator(model_fn=_argument_checker, params=expected_param, model_dir=expected_model_dir) est.fit(input_fn=boston_input_fn, steps=1) def testInvalidModelFn_no_train_op(self): def _invalid_model_fn(features, labels): # pylint: disable=unused-argument w = variables_lib.Variable(42.0, 'weight') loss = 100.0 - w return None, loss, None est = estimator.Estimator(model_fn=_invalid_model_fn) with self.assertRaisesRegexp(ValueError, 'Missing training_op'): est.fit(input_fn=boston_input_fn, steps=1) def testInvalidModelFn_no_loss(self): def _invalid_model_fn(features, labels, mode): # pylint: disable=unused-argument w = variables_lib.Variable(42.0, 'weight') loss = 100.0 - w train_op = w.assign_add(loss / 100.0) predictions = loss if mode == model_fn.ModeKeys.EVAL: loss = None return predictions, loss, train_op est = estimator.Estimator(model_fn=_invalid_model_fn) est.fit(input_fn=boston_input_fn, steps=1) with self.assertRaisesRegexp(ValueError, 'Missing loss'): est.evaluate(input_fn=boston_eval_fn, steps=1) def testInvalidModelFn_no_prediction(self): def _invalid_model_fn(features, labels): # pylint: disable=unused-argument w = variables_lib.Variable(42.0, 'weight') loss = 100.0 - w train_op = w.assign_add(loss / 100.0) return None, loss, train_op est = estimator.Estimator(model_fn=_invalid_model_fn) est.fit(input_fn=boston_input_fn, steps=1) with self.assertRaisesRegexp(ValueError, 'Missing prediction'): est.evaluate(input_fn=boston_eval_fn, steps=1) with self.assertRaisesRegexp(ValueError, 'Missing prediction'): est.predict(input_fn=boston_input_fn) with self.assertRaisesRegexp(ValueError, 'Missing prediction'): est.predict( input_fn=functools.partial( boston_input_fn, num_epochs=1), as_iterable=True) def testModelFnScaffold(self): self.is_init_fn_called = False def _init_fn(scaffold, session): _, _ = scaffold, session self.is_init_fn_called = True def _model_fn_scaffold(features, labels, mode): _, _ = features, labels return model_fn.ModelFnOps( mode=mode, predictions=constant_op.constant(0.), loss=constant_op.constant(0.), train_op=constant_op.constant(0.), training_scaffold=monitored_session.Scaffold(init_fn=_init_fn)) est = estimator.Estimator(model_fn=_model_fn_scaffold) est.fit(input_fn=boston_input_fn, steps=1) self.assertTrue(self.is_init_fn_called) def testCheckpointSaverHookSuppressesTheDefaultOne(self): saver_hook = test.mock.Mock( spec=basic_session_run_hooks.CheckpointSaverHook) saver_hook.before_run.return_value = None est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=1, monitors=[saver_hook]) # test nothing is saved, due to suppressing default saver with self.assertRaises(learn.NotFittedError): est.evaluate(input_fn=boston_input_fn, steps=1) def testCustomConfig(self): test_random_seed = 5783452 class TestInput(object): def __init__(self): self.random_seed = 0 def config_test_input_fn(self): self.random_seed = ops.get_default_graph().seed return constant_op.constant([[1.]]), constant_op.constant([1.]) config = run_config.RunConfig(tf_random_seed=test_random_seed) test_input = TestInput() est = estimator.Estimator(model_fn=linear_model_fn, config=config) est.fit(input_fn=test_input.config_test_input_fn, steps=1) # If input_fn ran, it will have given us the random seed set on the graph. self.assertEquals(test_random_seed, test_input.random_seed) def testCheckInputs(self): est = estimator.SKCompat(estimator.Estimator(model_fn=linear_model_fn)) # Lambdas so we have to different objects to compare right_features = lambda: np.ones(shape=[7, 8], dtype=np.float32) right_labels = lambda: np.ones(shape=[7, 10], dtype=np.int32) est.fit(right_features(), right_labels(), steps=1) # TODO(wicke): This does not fail for np.int32 because of data_feeder magic. wrong_type_features = np.ones(shape=[7., 8.], dtype=np.int64) wrong_size_features = np.ones(shape=[7, 10]) wrong_type_labels = np.ones(shape=[7., 10.], dtype=np.float32) wrong_size_labels = np.ones(shape=[7, 11]) est.fit(x=right_features(), y=right_labels(), steps=1) with self.assertRaises(ValueError): est.fit(x=wrong_type_features, y=right_labels(), steps=1) with self.assertRaises(ValueError): est.fit(x=wrong_size_features, y=right_labels(), steps=1) with self.assertRaises(ValueError): est.fit(x=right_features(), y=wrong_type_labels, steps=1) with self.assertRaises(ValueError): est.fit(x=right_features(), y=wrong_size_labels, steps=1) def testBadInput(self): est = estimator.Estimator(model_fn=linear_model_fn) self.assertRaisesRegexp( ValueError, 'Either x or input_fn must be provided.', est.fit, x=None, input_fn=None, steps=1) self.assertRaisesRegexp( ValueError, 'Can not provide both input_fn and x or y', est.fit, x='X', input_fn=iris_input_fn, steps=1) self.assertRaisesRegexp( ValueError, 'Can not provide both input_fn and x or y', est.fit, y='Y', input_fn=iris_input_fn, steps=1) self.assertRaisesRegexp( ValueError, 'Can not provide both input_fn and batch_size', est.fit, input_fn=iris_input_fn, batch_size=100, steps=1) self.assertRaisesRegexp( ValueError, 'Inputs cannot be tensors. Please provide input_fn.', est.fit, x=constant_op.constant(1.), steps=1) def testUntrained(self): boston = base.load_boston() est = estimator.SKCompat(estimator.Estimator(model_fn=linear_model_fn)) with self.assertRaises(learn.NotFittedError): _ = est.score(x=boston.data, y=boston.target.astype(np.float64)) with self.assertRaises(learn.NotFittedError): est.predict(x=boston.data) def testContinueTrainingDictionaryInput(self): boston = base.load_boston() output_dir = tempfile.mkdtemp() est = estimator.Estimator(model_fn=linear_model_fn, model_dir=output_dir) boston_input = {'input': boston.data} float64_target = {'labels': boston.target.astype(np.float64)} est.fit(x=boston_input, y=float64_target, steps=50) scores = est.evaluate( x=boston_input, y=float64_target, metrics={'MSE': metric_ops.streaming_mean_squared_error}) del est # Create another estimator object with the same output dir. est2 = estimator.Estimator(model_fn=linear_model_fn, model_dir=output_dir) # Check we can evaluate and predict. scores2 = est2.evaluate( x=boston_input, y=float64_target, metrics={'MSE': metric_ops.streaming_mean_squared_error}) self.assertAllClose(scores2['MSE'], scores['MSE']) predictions = np.array(list(est2.predict(x=boston_input))) other_score = _sklearn.mean_squared_error(predictions, float64_target['labels']) self.assertAllClose(other_score, scores['MSE']) def testContinueTraining(self): boston = base.load_boston() output_dir = tempfile.mkdtemp() est = estimator.SKCompat( estimator.Estimator( model_fn=linear_model_fn, model_dir=output_dir)) float64_labels = boston.target.astype(np.float64) est.fit(x=boston.data, y=float64_labels, steps=50) scores = est.score( x=boston.data, y=float64_labels, metrics={'MSE': metric_ops.streaming_mean_squared_error}) del est # Create another estimator object with the same output dir. est2 = estimator.SKCompat( estimator.Estimator( model_fn=linear_model_fn, model_dir=output_dir)) # Check we can evaluate and predict. scores2 = est2.score( x=boston.data, y=float64_labels, metrics={'MSE': metric_ops.streaming_mean_squared_error}) self.assertAllClose(scores['MSE'], scores2['MSE']) predictions = np.array(list(est2.predict(x=boston.data))) other_score = _sklearn.mean_squared_error(predictions, float64_labels) self.assertAllClose(scores['MSE'], other_score) # Check we can keep training. est2.fit(x=boston.data, y=float64_labels, steps=100) scores3 = est2.score( x=boston.data, y=float64_labels, metrics={'MSE': metric_ops.streaming_mean_squared_error}) self.assertLess(scores3['MSE'], scores['MSE']) def testEstimatorParams(self): boston = base.load_boston() est = estimator.SKCompat( estimator.Estimator( model_fn=linear_model_params_fn, params={'learning_rate': 0.01})) est.fit(x=boston.data, y=boston.target, steps=100) def testBostonAll(self): boston = base.load_boston() est = estimator.SKCompat(estimator.Estimator(model_fn=linear_model_fn)) float64_labels = boston.target.astype(np.float64) est.fit(x=boston.data, y=float64_labels, steps=100) scores = est.score( x=boston.data, y=float64_labels, metrics={'MSE': metric_ops.streaming_mean_squared_error}) predictions = np.array(list(est.predict(x=boston.data))) other_score = _sklearn.mean_squared_error(predictions, boston.target) self.assertAllClose(scores['MSE'], other_score) self.assertTrue('global_step' in scores) self.assertEqual(100, scores['global_step']) def testBostonAllDictionaryInput(self): boston = base.load_boston() est = estimator.Estimator(model_fn=linear_model_fn) boston_input = {'input': boston.data} float64_target = {'labels': boston.target.astype(np.float64)} est.fit(x=boston_input, y=float64_target, steps=100) scores = est.evaluate( x=boston_input, y=float64_target, metrics={'MSE': metric_ops.streaming_mean_squared_error}) predictions = np.array(list(est.predict(x=boston_input))) other_score = _sklearn.mean_squared_error(predictions, boston.target) self.assertAllClose(other_score, scores['MSE']) self.assertTrue('global_step' in scores) self.assertEqual(scores['global_step'], 100) def testIrisAll(self): iris = base.load_iris() est = estimator.SKCompat( estimator.Estimator(model_fn=logistic_model_no_mode_fn)) est.fit(iris.data, iris.target, steps=100) scores = est.score( x=iris.data, y=iris.target, metrics={('accuracy', 'class'): metric_ops.streaming_accuracy}) predictions = est.predict(x=iris.data) predictions_class = est.predict(x=iris.data, outputs=['class'])['class'] self.assertEqual(predictions['prob'].shape[0], iris.target.shape[0]) self.assertAllClose(predictions['class'], predictions_class) self.assertAllClose( predictions['class'], np.argmax( predictions['prob'], axis=1)) other_score = _sklearn.accuracy_score(iris.target, predictions['class']) self.assertAllClose(scores['accuracy'], other_score) self.assertTrue('global_step' in scores) self.assertEqual(100, scores['global_step']) def testIrisAllDictionaryInput(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) iris_data = {'input': iris.data} iris_target = {'labels': iris.target} est.fit(iris_data, iris_target, steps=100) scores = est.evaluate( x=iris_data, y=iris_target, metrics={('accuracy', 'class'): metric_ops.streaming_accuracy}) predictions = list(est.predict(x=iris_data)) predictions_class = list(est.predict(x=iris_data, outputs=['class'])) self.assertEqual(len(predictions), iris.target.shape[0]) classes_batch = np.array([p['class'] for p in predictions]) self.assertAllClose(classes_batch, np.array([p['class'] for p in predictions_class])) self.assertAllClose( classes_batch, np.argmax( np.array([p['prob'] for p in predictions]), axis=1)) other_score = _sklearn.accuracy_score(iris.target, classes_batch) self.assertAllClose(other_score, scores['accuracy']) self.assertTrue('global_step' in scores) self.assertEqual(scores['global_step'], 100) def testIrisInputFn(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) est.fit(input_fn=iris_input_fn, steps=100) _ = est.evaluate(input_fn=iris_input_fn, steps=1) predictions = list(est.predict(x=iris.data)) self.assertEqual(len(predictions), iris.target.shape[0]) def testHooksNotChanged(self): est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) # We pass empty array and expect it to remain empty after calling # fit and evaluate. Requires inside to copy this array if any hooks were # added. my_array = [] est.fit(input_fn=iris_input_fn, steps=100, monitors=my_array) _ = est.evaluate(input_fn=iris_input_fn, steps=1, hooks=my_array) self.assertEqual(my_array, []) def testIrisInputFnLabelsDict(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) est.fit(input_fn=iris_input_fn_labels_dict, steps=100) _ = est.evaluate( input_fn=iris_input_fn_labels_dict, steps=1, metrics={ 'accuracy': metric_spec.MetricSpec( metric_fn=metric_ops.streaming_accuracy, prediction_key='class', label_key='labels') }) predictions = list(est.predict(x=iris.data)) self.assertEqual(len(predictions), iris.target.shape[0]) def testIrisIterator(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) x_iter = itertools.islice(iris.data, 100) y_iter = itertools.islice(iris.target, 100) estimator.SKCompat(est).fit(x_iter, y_iter, steps=20) eval_result = est.evaluate(input_fn=iris_input_fn, steps=1) x_iter_eval = itertools.islice(iris.data, 100) y_iter_eval = itertools.islice(iris.target, 100) score_result = estimator.SKCompat(est).score(x_iter_eval, y_iter_eval) print(score_result) self.assertItemsEqual(eval_result.keys(), score_result.keys()) self.assertItemsEqual(['global_step', 'loss'], score_result.keys()) predictions = estimator.SKCompat(est).predict(x=iris.data)['class'] self.assertEqual(len(predictions), iris.target.shape[0]) def testIrisIteratorArray(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) x_iter = itertools.islice(iris.data, 100) y_iter = (np.array(x) for x in iris.target) est.fit(x_iter, y_iter, steps=100) _ = est.evaluate(input_fn=iris_input_fn, steps=1) _ = six.next(est.predict(x=iris.data))['class'] def testIrisIteratorPlainInt(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) x_iter = itertools.islice(iris.data, 100) y_iter = (v for v in iris.target) est.fit(x_iter, y_iter, steps=100) _ = est.evaluate(input_fn=iris_input_fn, steps=1) _ = six.next(est.predict(x=iris.data))['class'] def testIrisTruncatedIterator(self): iris = base.load_iris() est = estimator.Estimator(model_fn=logistic_model_no_mode_fn) x_iter = itertools.islice(iris.data, 50) y_iter = ([np.int32(v)] for v in iris.target) est.fit(x_iter, y_iter, steps=100) def testTrainInputFn(self): est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=1) _ = est.evaluate(input_fn=boston_eval_fn, steps=1) def testTrainStepsIsIncremental(self): est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=10) self.assertEqual(10, est.get_variable_value('global_step')) est.fit(input_fn=boston_input_fn, steps=15) self.assertEqual(25, est.get_variable_value('global_step')) def testTrainMaxStepsIsNotIncremental(self): est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, max_steps=10) self.assertEqual(10, est.get_variable_value('global_step')) est.fit(input_fn=boston_input_fn, max_steps=15) self.assertEqual(15, est.get_variable_value('global_step')) def testPredict(self): est = estimator.Estimator(model_fn=linear_model_fn) boston = base.load_boston() est.fit(input_fn=boston_input_fn, steps=1) output = list(est.predict(x=boston.data, batch_size=10)) self.assertEqual(len(output), boston.target.shape[0]) def testPredictInputFn(self): est = estimator.Estimator(model_fn=linear_model_fn) boston = base.load_boston() est.fit(input_fn=boston_input_fn, steps=1) input_fn = functools.partial(boston_input_fn, num_epochs=1) output = list(est.predict(input_fn=input_fn)) self.assertEqual(len(output), boston.target.shape[0]) def testPredictInputFnWithQueue(self): est = estimator.Estimator(model_fn=linear_model_fn) boston = base.load_boston() est.fit(input_fn=boston_input_fn, steps=1) input_fn = functools.partial(boston_input_fn_with_queue, num_epochs=2) output = list(est.predict(input_fn=input_fn)) self.assertEqual(len(output), boston.target.shape[0] * 2) def testPredictConstInputFn(self): est = estimator.Estimator(model_fn=linear_model_fn) boston = base.load_boston() est.fit(input_fn=boston_input_fn, steps=1) def input_fn(): features = array_ops.reshape( constant_op.constant(boston.data), [-1, _BOSTON_INPUT_DIM]) labels = array_ops.reshape(constant_op.constant(boston.target), [-1, 1]) return features, labels output = list(est.predict(input_fn=input_fn)) self.assertEqual(len(output), boston.target.shape[0]) def testWithModelFnOps(self): """Test for model_fn that returns `ModelFnOps`.""" est = estimator.Estimator(model_fn=linear_model_fn_with_model_fn_ops) boston = base.load_boston() est.fit(input_fn=boston_input_fn, steps=1) input_fn = functools.partial(boston_input_fn, num_epochs=1) scores = est.evaluate(input_fn=input_fn, steps=1) self.assertIn('loss', scores.keys()) output = list(est.predict(input_fn=input_fn)) self.assertEqual(len(output), boston.target.shape[0]) def testWrongInput(self): def other_input_fn(): return { 'other': constant_op.constant([0, 0, 0]) }, constant_op.constant([0, 0, 0]) est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=1) with self.assertRaises(ValueError): est.fit(input_fn=other_input_fn, steps=1) def testMonitorsForFit(self): est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=21, monitors=[CheckCallsMonitor(expect_calls=21)]) def testHooksForEvaluate(self): class CheckCallHook(session_run_hook.SessionRunHook): def __init__(self): self.run_count = 0 def after_run(self, run_context, run_values): self.run_count += 1 est = learn.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=1) hook = CheckCallHook() est.evaluate(input_fn=boston_eval_fn, steps=3, hooks=[hook]) self.assertEqual(3, hook.run_count) def testSummaryWriting(self): est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=200) est.evaluate(input_fn=boston_input_fn, steps=200) loss_summary = util_test.simple_values_from_events( util_test.latest_events(est.model_dir), ['OptimizeLoss/loss']) self.assertEqual(1, len(loss_summary)) def testLossInGraphCollection(self): class _LossCheckerHook(session_run_hook.SessionRunHook): def begin(self): self.loss_collection = ops.get_collection(ops.GraphKeys.LOSSES) hook = _LossCheckerHook() est = estimator.Estimator(model_fn=linear_model_fn) est.fit(input_fn=boston_input_fn, steps=200, monitors=[hook]) self.assertTrue(hook.loss_collection) def test_export_returns_exported_dirname(self): expected = '/path/to/some_dir' with test.mock.patch.object(estimator, 'export') as mock_export_module: mock_export_module._export_estimator.return_value = expected est = estimator.Estimator(model_fn=linear_model_fn) actual = est.export('/path/to') self.assertEquals(expected, actual) def test_export_savedmodel(self): tmpdir = tempfile.mkdtemp() est, serving_input_fn = _build_estimator_for_export_tests(tmpdir) extra_file_name = os.path.join( compat.as_bytes(tmpdir), compat.as_bytes('my_extra_file')) extra_file = gfile.GFile(extra_file_name, mode='w') extra_file.write(EXTRA_FILE_CONTENT) extra_file.close() assets_extra = {'some/sub/directory/my_extra_file': extra_file_name} export_dir_base = os.path.join( compat.as_bytes(tmpdir), compat.as_bytes('export')) export_dir = est.export_savedmodel( export_dir_base, serving_input_fn, assets_extra=assets_extra) self.assertTrue(gfile.Exists(export_dir_base)) self.assertTrue(gfile.Exists(export_dir)) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes( 'saved_model.pb')))) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('variables')))) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('variables/variables.index')))) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('variables/variables.data-00000-of-00001')))) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('assets')))) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('assets/my_vocab_file')))) self.assertEqual( compat.as_bytes(VOCAB_FILE_CONTENT), compat.as_bytes( gfile.GFile( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('assets/my_vocab_file'))).read())) expected_extra_path = os.path.join( compat.as_bytes(export_dir), compat.as_bytes('assets.extra/some/sub/directory/my_extra_file')) self.assertTrue( gfile.Exists( os.path.join( compat.as_bytes(export_dir), compat.as_bytes('assets.extra')))) self.assertTrue(gfile.Exists(expected_extra_path)) self.assertEqual( compat.as_bytes(EXTRA_FILE_CONTENT), compat.as_bytes(gfile.GFile(expected_extra_path).read())) expected_vocab_file = os.path.join( compat.as_bytes(tmpdir), compat.as_bytes('my_vocab_file')) # Restore, to validate that the export was well-formed. with ops.Graph().as_default() as graph: with session_lib.Session(graph=graph) as sess: loader.load(sess, [tag_constants.SERVING], export_dir) assets = [ x.eval() for x in graph.get_collection(ops.GraphKeys.ASSET_FILEPATHS) ] self.assertItemsEqual([expected_vocab_file], assets) graph_ops = [x.name for x in graph.get_operations()] self.assertTrue('input_example_tensor' in graph_ops) self.assertTrue('ParseExample/ParseExample' in graph_ops) self.assertTrue('linear/linear/feature/matmul' in graph_ops) # cleanup gfile.DeleteRecursively(tmpdir) class InferRealValuedColumnsTest(test.TestCase): def testInvalidArgs(self): with self.assertRaisesRegexp(ValueError, 'x or input_fn must be provided'): estimator.infer_real_valued_columns_from_input(None) with self.assertRaisesRegexp(ValueError, 'cannot be tensors'): estimator.infer_real_valued_columns_from_input(constant_op.constant(1.0)) def _assert_single_feature_column(self, expected_shape, expected_dtype, feature_columns): self.assertEqual(1, len(feature_columns)) feature_column = feature_columns[0] self.assertEqual('', feature_column.name) self.assertEqual( { '': parsing_ops.FixedLenFeature( shape=expected_shape, dtype=expected_dtype) }, feature_column.config) def testInt32Input(self): feature_columns = estimator.infer_real_valued_columns_from_input( np.ones( shape=[7, 8], dtype=np.int32)) self._assert_single_feature_column([8], dtypes.int32, feature_columns) def testInt32InputFn(self): feature_columns = estimator.infer_real_valued_columns_from_input_fn( lambda: (array_ops.ones(shape=[7, 8], dtype=dtypes.int32), None)) self._assert_single_feature_column([8], dtypes.int32, feature_columns) def testInt64Input(self): feature_columns = estimator.infer_real_valued_columns_from_input( np.ones( shape=[7, 8], dtype=np.int64)) self._assert_single_feature_column([8], dtypes.int64, feature_columns) def testInt64InputFn(self): feature_columns = estimator.infer_real_valued_columns_from_input_fn( lambda: (array_ops.ones(shape=[7, 8], dtype=dtypes.int64), None)) self._assert_single_feature_column([8], dtypes.int64, feature_columns) def testFloat32Input(self): feature_columns = estimator.infer_real_valued_columns_from_input( np.ones( shape=[7, 8], dtype=np.float32)) self._assert_single_feature_column([8], dtypes.float32, feature_columns) def testFloat32InputFn(self): feature_columns = estimator.infer_real_valued_columns_from_input_fn( lambda: (array_ops.ones(shape=[7, 8], dtype=dtypes.float32), None)) self._assert_single_feature_column([8], dtypes.float32, feature_columns) def testFloat64Input(self): feature_columns = estimator.infer_real_valued_columns_from_input( np.ones( shape=[7, 8], dtype=np.float64)) self._assert_single_feature_column([8], dtypes.float64, feature_columns) def testFloat64InputFn(self): feature_columns = estimator.infer_real_valued_columns_from_input_fn( lambda: (array_ops.ones(shape=[7, 8], dtype=dtypes.float64), None)) self._assert_single_feature_column([8], dtypes.float64, feature_columns) def testBoolInput(self): with self.assertRaisesRegexp( ValueError, 'on integer or non floating types are not supported'): estimator.infer_real_valued_columns_from_input( np.array([[False for _ in xrange(8)] for _ in xrange(7)])) def testBoolInputFn(self): with self.assertRaisesRegexp( ValueError, 'on integer or non floating types are not supported'): # pylint: disable=g-long-lambda estimator.infer_real_valued_columns_from_input_fn( lambda: (constant_op.constant(False, shape=[7, 8], dtype=dtypes.bool), None)) def testStringInput(self): with self.assertRaisesRegexp( ValueError, 'on integer or non floating types are not supported'): # pylint: disable=g-long-lambda estimator.infer_real_valued_columns_from_input( np.array([['%d.0' % i for i in xrange(8)] for _ in xrange(7)])) def testStringInputFn(self): with self.assertRaisesRegexp( ValueError, 'on integer or non floating types are not supported'): # pylint: disable=g-long-lambda estimator.infer_real_valued_columns_from_input_fn( lambda: ( constant_op.constant([['%d.0' % i for i in xrange(8)] for _ in xrange(7)]), None)) def testBostonInputFn(self): feature_columns = estimator.infer_real_valued_columns_from_input_fn( boston_input_fn) self._assert_single_feature_column([_BOSTON_INPUT_DIM], dtypes.float64, feature_columns) def testIrisInputFn(self): feature_columns = estimator.infer_real_valued_columns_from_input_fn( iris_input_fn) self._assert_single_feature_column([_IRIS_INPUT_DIM], dtypes.float64, feature_columns) class ReplicaDeviceSetterTest(test.TestCase): def testVariablesAreOnPs(self): tf_config = {'cluster': {run_config.TaskType.PS: ['fake_ps_0']}} with test.mock.patch.dict('os.environ', {'TF_CONFIG': json.dumps(tf_config)}): config = run_config.RunConfig() with ops.device(estimator._get_replica_device_setter(config)): v = variables_lib.Variable([1, 2]) w = variables_lib.Variable([2, 1]) a = v + w self.assertDeviceEqual('/job:ps/task:0', v.device) self.assertDeviceEqual('/job:ps/task:0', v.initializer.device) self.assertDeviceEqual('/job:ps/task:0', w.device) self.assertDeviceEqual('/job:ps/task:0', w.initializer.device) self.assertDeviceEqual('/job:worker', a.device) def testVariablesAreLocal(self): with ops.device( estimator._get_replica_device_setter(run_config.RunConfig())): v = variables_lib.Variable([1, 2]) w = variables_lib.Variable([2, 1]) a = v + w self.assertDeviceEqual('', v.device) self.assertDeviceEqual('', v.initializer.device) self.assertDeviceEqual('', w.device) self.assertDeviceEqual('', w.initializer.device) self.assertDeviceEqual('', a.device) def testMutableHashTableIsOnPs(self): tf_config = {'cluster': {run_config.TaskType.PS: ['fake_ps_0']}} with test.mock.patch.dict('os.environ', {'TF_CONFIG': json.dumps(tf_config)}): config = run_config.RunConfig() with ops.device(estimator._get_replica_device_setter(config)): default_val = constant_op.constant([-1, -1], dtypes.int64) table = lookup_ops.MutableHashTable(dtypes.string, dtypes.int64, default_val) input_string = constant_op.constant(['brain', 'salad', 'tank']) output = table.lookup(input_string) self.assertDeviceEqual('/job:ps/task:0', table._table_ref.device) self.assertDeviceEqual('/job:ps/task:0', output.device) def testMutableHashTableIsLocal(self): with ops.device( estimator._get_replica_device_setter(run_config.RunConfig())): default_val = constant_op.constant([-1, -1], dtypes.int64) table = lookup_ops.MutableHashTable(dtypes.string, dtypes.int64, default_val) input_string = constant_op.constant(['brain', 'salad', 'tank']) output = table.lookup(input_string) self.assertDeviceEqual('', table._table_ref.device) self.assertDeviceEqual('', output.device) def testTaskIsSetOnWorkerWhenJobNameIsSet(self): tf_config = { 'cluster': { run_config.TaskType.PS: ['fake_ps_0'] }, 'task': { 'type': run_config.TaskType.WORKER, 'index': 3 } } with test.mock.patch.dict('os.environ', {'TF_CONFIG': json.dumps(tf_config)}): config = run_config.RunConfig() with ops.device(estimator._get_replica_device_setter(config)): v = variables_lib.Variable([1, 2]) w = variables_lib.Variable([2, 1]) a = v + w self.assertDeviceEqual('/job:ps/task:0', v.device) self.assertDeviceEqual('/job:ps/task:0', v.initializer.device) self.assertDeviceEqual('/job:ps/task:0', w.device) self.assertDeviceEqual('/job:ps/task:0', w.initializer.device) self.assertDeviceEqual('/job:worker/task:3', a.device) if __name__ == '__main__': test.main()
apache-2.0
festeh/BuildingMachineLearningSystemsWithPython
ch08/chapter.py
21
6372
import numpy as np # NOT IN BOOK from matplotlib import pyplot as plt # NOT IN BOOK def load(): import numpy as np from scipy import sparse data = np.loadtxt('data/ml-100k/u.data') ij = data[:, :2] ij -= 1 # original data is in 1-based system values = data[:, 2] reviews = sparse.csc_matrix((values, ij.T)).astype(float) return reviews.toarray() reviews = load() U,M = np.where(reviews) import random test_idxs = np.array(random.sample(range(len(U)), len(U)//10)) train = reviews.copy() train[U[test_idxs], M[test_idxs]] = 0 test = np.zeros_like(reviews) test[U[test_idxs], M[test_idxs]] = reviews[U[test_idxs], M[test_idxs]] class NormalizePositive(object): def __init__(self, axis=0): self.axis = axis def fit(self, features, y=None): if self.axis == 1: features = features.T # count features that are greater than zero in axis 0: binary = (features > 0) count0 = binary.sum(axis=0) # to avoid division by zero, set zero counts to one: count0[count0 == 0] = 1. # computing the mean is easy: self.mean = features.sum(axis=0)/count0 # only consider differences where binary is True: diff = (features - self.mean) * binary diff **= 2 # regularize the estimate of std by adding 0.1 self.std = np.sqrt(0.1 + diff.sum(axis=0)/count0) return self def transform(self, features): if self.axis == 1: features = features.T binary = (features > 0) features = features - self.mean features /= self.std features *= binary if self.axis == 1: features = features.T return features def inverse_transform(self, features, copy=True): if copy: features = features.copy() if self.axis == 1: features = features.T features *= self.std features += self.mean if self.axis == 1: features = features.T return features def fit_transform(self, features): return self.fit(features).transform(features) norm = NormalizePositive(axis=1) binary = (train > 0) train = norm.fit_transform(train) # plot just 200x200 area for space reasons plt.imshow(binary[:200, :200], interpolation='nearest') from scipy.spatial import distance # compute all pair-wise distances: dists = distance.pdist(binary, 'correlation') # Convert to square form, so that dists[i,j] # is distance between binary[i] and binary[j]: dists = distance.squareform(dists) neighbors = dists.argsort(axis=1) # We are going to fill this matrix with results filled = train.copy() for u in range(filled.shape[0]): # n_u is neighbors of user n_u = neighbors[u, 1:] for m in range(filled.shape[1]): # get relevant reviews in order! revs = [train[neigh, m] for neigh in n_u if binary [neigh, m]] if len(revs): # n is the number of reviews for this movie n = len(revs) # take half of the reviews plus one into consideration: n //= 2 n += 1 revs = revs[:n] filled[u,m] = np.mean(revs) predicted = norm.inverse_transform(filled) from sklearn import metrics r2 = metrics.r2_score(test[test > 0], predicted[test > 0]) print('R2 score (binary neighbors): {:.1%}'.format(r2)) reviews = reviews.T # use same code as before r2 = metrics.r2_score(test[test > 0], predicted[test > 0]) print('R2 score (binary movie neighbors): {:.1%}'.format(r2)) from sklearn.linear_model import ElasticNetCV # NOT IN BOOK reg = ElasticNetCV(alphas=[ 0.0125, 0.025, 0.05, .125, .25, .5, 1., 2., 4.]) filled = train.copy() # iterate over all users: for u in range(train.shape[0]): curtrain = np.delete(train, u, axis=0) bu = binary[u] reg.fit(curtrain[:,bu].T, train[u, bu]) filled[u, ~bu] = reg.predict(curtrain[:,~bu].T) predicted = norm.inverse_transform(filled) r2 = metrics.r2_score(test[test > 0], predicted[test > 0]) print('R2 score (user regression): {:.1%}'.format(r2)) # SHOPPING BASKET ANALYSIS # This is the slow version of the code, which will take a long time to # complete. from collections import defaultdict from itertools import chain # File is downloaded as a compressed file import gzip # file format is a line per transaction # of the form '12 34 342 5...' dataset = [[int(tok) for tok in line.strip().split()] for line in gzip.open('data/retail.dat.gz')] dataset = [set(d) for d in dataset] # count how often each product was purchased: counts = defaultdict(int) for elem in chain(*dataset): counts[elem] += 1 minsupport = 80 valid = set(k for k,v in counts.items() if (v >= minsupport)) itemsets = [frozenset([v]) for v in valid] freqsets = [] for i in range(16): nextsets = [] tested = set() for it in itemsets: for v in valid: if v not in it: # Create a new candidate set by adding v to it c = (it | frozenset([v])) # check If we have tested it already if c in tested: continue tested.add(c) # Count support by looping over dataset # This step is slow. # Check `apriori.py` for a better implementation. support_c = sum(1 for d in dataset if d.issuperset(c)) if support_c > minsupport: nextsets.append(c) freqsets.extend(nextsets) itemsets = nextsets if not len(itemsets): break print("Finished!") minlift = 5.0 nr_transactions = float(len(dataset)) for itemset in freqsets: for item in itemset: consequent = frozenset([item]) antecedent = itemset-consequent base = 0.0 # acount: antecedent count acount = 0.0 # ccount : consequent count ccount = 0.0 for d in dataset: if item in d: base += 1 if d.issuperset(itemset): ccount += 1 if d.issuperset(antecedent): acount += 1 base /= nr_transactions p_y_given_x = ccount/acount lift = p_y_given_x / base if lift > minlift: print('Rule {0} -> {1} has lift {2}' .format(antecedent, consequent,lift))
mit
wesm/statsmodels
scikits/statsmodels/tsa/filters/cf_filter.py
1
2605
import numpy as np # the data is sampled quarterly, so cut-off frequency of 18 # Wn is normalized cut-off freq #Cutoff frequency is that frequency where the magnitude response of the filter # is sqrt(1/2.). For butter, the normalized cutoff frequency Wn must be a # number between 0 and 1, where 1 corresponds to the Nyquist frequency, p # radians per sample. #NOTE: uses a loop, could probably be sped-up for very large datasets def cffilter(X, low=6, high=32, drift=True): """ Christiano Fitzgerald asymmetric, random walk filter Parameters ---------- X : array-like 1 or 2d array to filter. If 2d, variables are assumed to be in columns. low : float Minimum period of oscillations. Features below low periodicity are filtered out. Default is 6 for quarterly data, giving a 1.5 year periodicity. high : float Maximum period of oscillations. Features above high periodicity are filtered out. Default is 32 for quarterly data, giving an 8 year periodicity. drift : bool Whether or not to remove a trend from the data. The trend is estimated as np.arange(nobs)*(X[-1] - X[0])/(len(X)-1) Returns ------- cycle : array The features of `X` between periodicities given by low and high trend : array The trend in the data with the cycles removed. """ #TODO: cythonize/vectorize loop?, add ability for symmetric filter, # and estimates of theta other than random walk. if low < 2: raise ValueError("low must be >= 2") X = np.asanyarray(X) if X.ndim == 1: X = X[:,None] nobs, nseries = X.shape a = 2*np.pi/high b = 2*np.pi/low if drift: # get drift adjusted series X = X - np.arange(nobs)[:,None]*(X[-1] - X[0])/(nobs-1) J = np.arange(1,nobs+1) Bj = (np.sin(b*J)-np.sin(a*J))/(np.pi*J) B0 = (b-a)/np.pi Bj = np.r_[B0,Bj][:,None] y = np.zeros((nobs,nseries)) for i in xrange(nobs): B = -.5*Bj[0] -np.sum(Bj[1:-i-2]) A = -Bj[0] - np.sum(Bj[1:-i-2]) - np.sum(Bj[1:i]) - B y[i] = Bj[0] * X[i] + np.dot(Bj[1:-i-2].T,X[i+1:-1]) + B*X[-1] + \ np.dot(Bj[1:i].T, X[1:i][::-1]) + A*X[0] y = y.squeeze() return y, X.squeeze()-y if __name__ == "__main__": import scikits.statsmodels as sm dta = sm.datasets.macrodata.load().data[['infl','tbilrate']].view((float,2))[1:] cycle, trend = cffilter(dta, 6, 32, drift=True) dta = sm.datasets.macrodata.load().data['tbilrate'][1:] cycle2, trend2 = cffilter(dta, 6, 32, drift=True)
bsd-3-clause
zorroblue/scikit-learn
sklearn/tests/test_pipeline.py
14
33955
""" Test the pipeline module. """ from tempfile import mkdtemp import shutil import time import numpy as np from scipy import sparse from sklearn.externals.six.moves import zip from sklearn.utils.testing import assert_raises from sklearn.utils.testing import assert_raises_regex from sklearn.utils.testing import assert_raise_message from sklearn.utils.testing import assert_equal from sklearn.utils.testing import assert_false from sklearn.utils.testing import assert_true from sklearn.utils.testing import assert_array_equal from sklearn.utils.testing import assert_array_almost_equal from sklearn.utils.testing import assert_dict_equal from sklearn.utils.testing import assert_no_warnings from sklearn.base import clone, BaseEstimator from sklearn.pipeline import Pipeline, FeatureUnion, make_pipeline, make_union from sklearn.svm import SVC from sklearn.linear_model import LogisticRegression, Lasso from sklearn.linear_model import LinearRegression from sklearn.cluster import KMeans from sklearn.feature_selection import SelectKBest, f_classif from sklearn.dummy import DummyRegressor from sklearn.decomposition import PCA, TruncatedSVD from sklearn.datasets import load_iris from sklearn.preprocessing import StandardScaler from sklearn.feature_extraction.text import CountVectorizer from sklearn.externals.joblib import Memory JUNK_FOOD_DOCS = ( "the pizza pizza beer copyright", "the pizza burger beer copyright", "the the pizza beer beer copyright", "the burger beer beer copyright", "the coke burger coke copyright", "the coke burger burger", ) class NoFit(object): """Small class to test parameter dispatching. """ def __init__(self, a=None, b=None): self.a = a self.b = b class NoTrans(NoFit): def fit(self, X, y): return self def get_params(self, deep=False): return {'a': self.a, 'b': self.b} def set_params(self, **params): self.a = params['a'] return self class NoInvTransf(NoTrans): def transform(self, X): return X class Transf(NoInvTransf): def transform(self, X): return X def inverse_transform(self, X): return X class TransfFitParams(Transf): def fit(self, X, y, **fit_params): self.fit_params = fit_params return self class Mult(BaseEstimator): def __init__(self, mult=1): self.mult = mult def fit(self, X, y): return self def transform(self, X): return np.asarray(X) * self.mult def inverse_transform(self, X): return np.asarray(X) / self.mult def predict(self, X): return (np.asarray(X) * self.mult).sum(axis=1) predict_proba = predict_log_proba = decision_function = predict def score(self, X, y=None): return np.sum(X) class FitParamT(BaseEstimator): """Mock classifier """ def __init__(self): self.successful = False def fit(self, X, y, should_succeed=False): self.successful = should_succeed def predict(self, X): return self.successful def fit_predict(self, X, y, should_succeed=False): self.fit(X, y, should_succeed=should_succeed) return self.predict(X) def score(self, X, y=None, sample_weight=None): if sample_weight is not None: X = X * sample_weight return np.sum(X) class DummyTransf(Transf): """Transformer which store the column means""" def fit(self, X, y): self.means_ = np.mean(X, axis=0) # store timestamp to figure out whether the result of 'fit' has been # cached or not self.timestamp_ = time.time() return self def test_pipeline_init(): # Test the various init parameters of the pipeline. assert_raises(TypeError, Pipeline) # Check that we can't instantiate pipelines with objects without fit # method assert_raises_regex(TypeError, 'Last step of Pipeline should implement fit. ' '.*NoFit.*', Pipeline, [('clf', NoFit())]) # Smoke test with only an estimator clf = NoTrans() pipe = Pipeline([('svc', clf)]) assert_equal(pipe.get_params(deep=True), dict(svc__a=None, svc__b=None, svc=clf, **pipe.get_params(deep=False))) # Check that params are set pipe.set_params(svc__a=0.1) assert_equal(clf.a, 0.1) assert_equal(clf.b, None) # Smoke test the repr: repr(pipe) # Test with two objects clf = SVC() filter1 = SelectKBest(f_classif) pipe = Pipeline([('anova', filter1), ('svc', clf)]) # Check that we can't instantiate with non-transformers on the way # Note that NoTrans implements fit, but not transform assert_raises_regex(TypeError, 'All intermediate steps should be transformers' '.*\\bNoTrans\\b.*', Pipeline, [('t', NoTrans()), ('svc', clf)]) # Check that params are set pipe.set_params(svc__C=0.1) assert_equal(clf.C, 0.1) # Smoke test the repr: repr(pipe) # Check that params are not set when naming them wrong assert_raises(ValueError, pipe.set_params, anova__C=0.1) # Test clone pipe2 = assert_no_warnings(clone, pipe) assert_false(pipe.named_steps['svc'] is pipe2.named_steps['svc']) # Check that apart from estimators, the parameters are the same params = pipe.get_params(deep=True) params2 = pipe2.get_params(deep=True) for x in pipe.get_params(deep=False): params.pop(x) for x in pipe2.get_params(deep=False): params2.pop(x) # Remove estimators that where copied params.pop('svc') params.pop('anova') params2.pop('svc') params2.pop('anova') assert_equal(params, params2) def test_pipeline_init_tuple(): # Pipeline accepts steps as tuple X = np.array([[1, 2]]) pipe = Pipeline((('transf', Transf()), ('clf', FitParamT()))) pipe.fit(X, y=None) pipe.score(X) pipe.set_params(transf=None) pipe.fit(X, y=None) pipe.score(X) def test_pipeline_methods_anova(): # Test the various methods of the pipeline (anova). iris = load_iris() X = iris.data y = iris.target # Test with Anova + LogisticRegression clf = LogisticRegression() filter1 = SelectKBest(f_classif, k=2) pipe = Pipeline([('anova', filter1), ('logistic', clf)]) pipe.fit(X, y) pipe.predict(X) pipe.predict_proba(X) pipe.predict_log_proba(X) pipe.score(X, y) def test_pipeline_fit_params(): # Test that the pipeline can take fit parameters pipe = Pipeline([('transf', Transf()), ('clf', FitParamT())]) pipe.fit(X=None, y=None, clf__should_succeed=True) # classifier should return True assert_true(pipe.predict(None)) # and transformer params should not be changed assert_true(pipe.named_steps['transf'].a is None) assert_true(pipe.named_steps['transf'].b is None) # invalid parameters should raise an error message assert_raise_message( TypeError, "fit() got an unexpected keyword argument 'bad'", pipe.fit, None, None, clf__bad=True ) def test_pipeline_sample_weight_supported(): # Pipeline should pass sample_weight X = np.array([[1, 2]]) pipe = Pipeline([('transf', Transf()), ('clf', FitParamT())]) pipe.fit(X, y=None) assert_equal(pipe.score(X), 3) assert_equal(pipe.score(X, y=None), 3) assert_equal(pipe.score(X, y=None, sample_weight=None), 3) assert_equal(pipe.score(X, sample_weight=np.array([2, 3])), 8) def test_pipeline_sample_weight_unsupported(): # When sample_weight is None it shouldn't be passed X = np.array([[1, 2]]) pipe = Pipeline([('transf', Transf()), ('clf', Mult())]) pipe.fit(X, y=None) assert_equal(pipe.score(X), 3) assert_equal(pipe.score(X, sample_weight=None), 3) assert_raise_message( TypeError, "score() got an unexpected keyword argument 'sample_weight'", pipe.score, X, sample_weight=np.array([2, 3]) ) def test_pipeline_raise_set_params_error(): # Test pipeline raises set params error message for nested models. pipe = Pipeline([('cls', LinearRegression())]) # expected error message error_msg = ('Invalid parameter %s for estimator %s. ' 'Check the list of available parameters ' 'with `estimator.get_params().keys()`.') assert_raise_message(ValueError, error_msg % ('fake', pipe), pipe.set_params, fake='nope') # nested model check assert_raise_message(ValueError, error_msg % ("fake", pipe), pipe.set_params, fake__estimator='nope') def test_pipeline_methods_pca_svm(): # Test the various methods of the pipeline (pca + svm). iris = load_iris() X = iris.data y = iris.target # Test with PCA + SVC clf = SVC(probability=True, random_state=0) pca = PCA(svd_solver='full', n_components='mle', whiten=True) pipe = Pipeline([('pca', pca), ('svc', clf)]) pipe.fit(X, y) pipe.predict(X) pipe.predict_proba(X) pipe.predict_log_proba(X) pipe.score(X, y) def test_pipeline_methods_preprocessing_svm(): # Test the various methods of the pipeline (preprocessing + svm). iris = load_iris() X = iris.data y = iris.target n_samples = X.shape[0] n_classes = len(np.unique(y)) scaler = StandardScaler() pca = PCA(n_components=2, svd_solver='randomized', whiten=True) clf = SVC(probability=True, random_state=0, decision_function_shape='ovr') for preprocessing in [scaler, pca]: pipe = Pipeline([('preprocess', preprocessing), ('svc', clf)]) pipe.fit(X, y) # check shapes of various prediction functions predict = pipe.predict(X) assert_equal(predict.shape, (n_samples,)) proba = pipe.predict_proba(X) assert_equal(proba.shape, (n_samples, n_classes)) log_proba = pipe.predict_log_proba(X) assert_equal(log_proba.shape, (n_samples, n_classes)) decision_function = pipe.decision_function(X) assert_equal(decision_function.shape, (n_samples, n_classes)) pipe.score(X, y) def test_fit_predict_on_pipeline(): # test that the fit_predict method is implemented on a pipeline # test that the fit_predict on pipeline yields same results as applying # transform and clustering steps separately iris = load_iris() scaler = StandardScaler() km = KMeans(random_state=0) # As pipeline doesn't clone estimators on construction, # it must have its own estimators scaler_for_pipeline = StandardScaler() km_for_pipeline = KMeans(random_state=0) # first compute the transform and clustering step separately scaled = scaler.fit_transform(iris.data) separate_pred = km.fit_predict(scaled) # use a pipeline to do the transform and clustering in one step pipe = Pipeline([ ('scaler', scaler_for_pipeline), ('Kmeans', km_for_pipeline) ]) pipeline_pred = pipe.fit_predict(iris.data) assert_array_almost_equal(pipeline_pred, separate_pred) def test_fit_predict_on_pipeline_without_fit_predict(): # tests that a pipeline does not have fit_predict method when final # step of pipeline does not have fit_predict defined scaler = StandardScaler() pca = PCA(svd_solver='full') pipe = Pipeline([('scaler', scaler), ('pca', pca)]) assert_raises_regex(AttributeError, "'PCA' object has no attribute 'fit_predict'", getattr, pipe, 'fit_predict') def test_fit_predict_with_intermediate_fit_params(): # tests that Pipeline passes fit_params to intermediate steps # when fit_predict is invoked pipe = Pipeline([('transf', TransfFitParams()), ('clf', FitParamT())]) pipe.fit_predict(X=None, y=None, transf__should_get_this=True, clf__should_succeed=True) assert_true(pipe.named_steps['transf'].fit_params['should_get_this']) assert_true(pipe.named_steps['clf'].successful) assert_false('should_succeed' in pipe.named_steps['transf'].fit_params) def test_feature_union(): # basic sanity check for feature union iris = load_iris() X = iris.data X -= X.mean(axis=0) y = iris.target svd = TruncatedSVD(n_components=2, random_state=0) select = SelectKBest(k=1) fs = FeatureUnion([("svd", svd), ("select", select)]) fs.fit(X, y) X_transformed = fs.transform(X) assert_equal(X_transformed.shape, (X.shape[0], 3)) # check if it does the expected thing assert_array_almost_equal(X_transformed[:, :-1], svd.fit_transform(X)) assert_array_equal(X_transformed[:, -1], select.fit_transform(X, y).ravel()) # test if it also works for sparse input # We use a different svd object to control the random_state stream fs = FeatureUnion([("svd", svd), ("select", select)]) X_sp = sparse.csr_matrix(X) X_sp_transformed = fs.fit_transform(X_sp, y) assert_array_almost_equal(X_transformed, X_sp_transformed.toarray()) # Test clone fs2 = assert_no_warnings(clone, fs) assert_false(fs.transformer_list[0][1] is fs2.transformer_list[0][1]) # test setting parameters fs.set_params(select__k=2) assert_equal(fs.fit_transform(X, y).shape, (X.shape[0], 4)) # test it works with transformers missing fit_transform fs = FeatureUnion([("mock", Transf()), ("svd", svd), ("select", select)]) X_transformed = fs.fit_transform(X, y) assert_equal(X_transformed.shape, (X.shape[0], 8)) # test error if some elements do not support transform assert_raises_regex(TypeError, 'All estimators should implement fit and ' 'transform.*\\bNoTrans\\b', FeatureUnion, [("transform", Transf()), ("no_transform", NoTrans())]) # test that init accepts tuples fs = FeatureUnion((("svd", svd), ("select", select))) fs.fit(X, y) def test_make_union(): pca = PCA(svd_solver='full') mock = Transf() fu = make_union(pca, mock) names, transformers = zip(*fu.transformer_list) assert_equal(names, ("pca", "transf")) assert_equal(transformers, (pca, mock)) def test_make_union_kwargs(): pca = PCA(svd_solver='full') mock = Transf() fu = make_union(pca, mock, n_jobs=3) assert_equal(fu.transformer_list, make_union(pca, mock).transformer_list) assert_equal(3, fu.n_jobs) # invalid keyword parameters should raise an error message assert_raise_message( TypeError, 'Unknown keyword arguments: "transformer_weights"', make_union, pca, mock, transformer_weights={'pca': 10, 'Transf': 1} ) def test_pipeline_transform(): # Test whether pipeline works with a transformer at the end. # Also test pipeline.transform and pipeline.inverse_transform iris = load_iris() X = iris.data pca = PCA(n_components=2, svd_solver='full') pipeline = Pipeline([('pca', pca)]) # test transform and fit_transform: X_trans = pipeline.fit(X).transform(X) X_trans2 = pipeline.fit_transform(X) X_trans3 = pca.fit_transform(X) assert_array_almost_equal(X_trans, X_trans2) assert_array_almost_equal(X_trans, X_trans3) X_back = pipeline.inverse_transform(X_trans) X_back2 = pca.inverse_transform(X_trans) assert_array_almost_equal(X_back, X_back2) def test_pipeline_fit_transform(): # Test whether pipeline works with a transformer missing fit_transform iris = load_iris() X = iris.data y = iris.target transf = Transf() pipeline = Pipeline([('mock', transf)]) # test fit_transform: X_trans = pipeline.fit_transform(X, y) X_trans2 = transf.fit(X, y).transform(X) assert_array_almost_equal(X_trans, X_trans2) def test_set_pipeline_steps(): transf1 = Transf() transf2 = Transf() pipeline = Pipeline([('mock', transf1)]) assert_true(pipeline.named_steps['mock'] is transf1) # Directly setting attr pipeline.steps = [('mock2', transf2)] assert_true('mock' not in pipeline.named_steps) assert_true(pipeline.named_steps['mock2'] is transf2) assert_equal([('mock2', transf2)], pipeline.steps) # Using set_params pipeline.set_params(steps=[('mock', transf1)]) assert_equal([('mock', transf1)], pipeline.steps) # Using set_params to replace single step pipeline.set_params(mock=transf2) assert_equal([('mock', transf2)], pipeline.steps) # With invalid data pipeline.set_params(steps=[('junk', ())]) assert_raises(TypeError, pipeline.fit, [[1]], [1]) assert_raises(TypeError, pipeline.fit_transform, [[1]], [1]) def test_pipeline_named_steps(): transf = Transf() mult2 = Mult(mult=2) pipeline = Pipeline([('mock', transf), ("mult", mult2)]) # Test access via named_steps bunch object assert_true('mock' in pipeline.named_steps) assert_true('mock2' not in pipeline.named_steps) assert_true(pipeline.named_steps.mock is transf) assert_true(pipeline.named_steps.mult is mult2) # Test bunch with conflict attribute of dict pipeline = Pipeline([('values', transf), ("mult", mult2)]) assert_true(pipeline.named_steps.values is not transf) assert_true(pipeline.named_steps.mult is mult2) def test_set_pipeline_step_none(): # Test setting Pipeline steps to None X = np.array([[1]]) y = np.array([1]) mult2 = Mult(mult=2) mult3 = Mult(mult=3) mult5 = Mult(mult=5) def make(): return Pipeline([('m2', mult2), ('m3', mult3), ('last', mult5)]) pipeline = make() exp = 2 * 3 * 5 assert_array_equal([[exp]], pipeline.fit_transform(X, y)) assert_array_equal([exp], pipeline.fit(X).predict(X)) assert_array_equal(X, pipeline.inverse_transform([[exp]])) pipeline.set_params(m3=None) exp = 2 * 5 assert_array_equal([[exp]], pipeline.fit_transform(X, y)) assert_array_equal([exp], pipeline.fit(X).predict(X)) assert_array_equal(X, pipeline.inverse_transform([[exp]])) assert_dict_equal(pipeline.get_params(deep=True), {'steps': pipeline.steps, 'm2': mult2, 'm3': None, 'last': mult5, 'memory': None, 'm2__mult': 2, 'last__mult': 5, }) pipeline.set_params(m2=None) exp = 5 assert_array_equal([[exp]], pipeline.fit_transform(X, y)) assert_array_equal([exp], pipeline.fit(X).predict(X)) assert_array_equal(X, pipeline.inverse_transform([[exp]])) # for other methods, ensure no AttributeErrors on None: other_methods = ['predict_proba', 'predict_log_proba', 'decision_function', 'transform', 'score'] for method in other_methods: getattr(pipeline, method)(X) pipeline.set_params(m2=mult2) exp = 2 * 5 assert_array_equal([[exp]], pipeline.fit_transform(X, y)) assert_array_equal([exp], pipeline.fit(X).predict(X)) assert_array_equal(X, pipeline.inverse_transform([[exp]])) pipeline = make() pipeline.set_params(last=None) # mult2 and mult3 are active exp = 6 assert_array_equal([[exp]], pipeline.fit(X, y).transform(X)) assert_array_equal([[exp]], pipeline.fit_transform(X, y)) assert_array_equal(X, pipeline.inverse_transform([[exp]])) assert_raise_message(AttributeError, "'NoneType' object has no attribute 'predict'", getattr, pipeline, 'predict') # Check None step at construction time exp = 2 * 5 pipeline = Pipeline([('m2', mult2), ('m3', None), ('last', mult5)]) assert_array_equal([[exp]], pipeline.fit_transform(X, y)) assert_array_equal([exp], pipeline.fit(X).predict(X)) assert_array_equal(X, pipeline.inverse_transform([[exp]])) def test_pipeline_ducktyping(): pipeline = make_pipeline(Mult(5)) pipeline.predict pipeline.transform pipeline.inverse_transform pipeline = make_pipeline(Transf()) assert_false(hasattr(pipeline, 'predict')) pipeline.transform pipeline.inverse_transform pipeline = make_pipeline(None) assert_false(hasattr(pipeline, 'predict')) pipeline.transform pipeline.inverse_transform pipeline = make_pipeline(Transf(), NoInvTransf()) assert_false(hasattr(pipeline, 'predict')) pipeline.transform assert_false(hasattr(pipeline, 'inverse_transform')) pipeline = make_pipeline(NoInvTransf(), Transf()) assert_false(hasattr(pipeline, 'predict')) pipeline.transform assert_false(hasattr(pipeline, 'inverse_transform')) def test_make_pipeline(): t1 = Transf() t2 = Transf() pipe = make_pipeline(t1, t2) assert_true(isinstance(pipe, Pipeline)) assert_equal(pipe.steps[0][0], "transf-1") assert_equal(pipe.steps[1][0], "transf-2") pipe = make_pipeline(t1, t2, FitParamT()) assert_true(isinstance(pipe, Pipeline)) assert_equal(pipe.steps[0][0], "transf-1") assert_equal(pipe.steps[1][0], "transf-2") assert_equal(pipe.steps[2][0], "fitparamt") assert_raise_message( TypeError, 'Unknown keyword arguments: "random_parameter"', make_pipeline, t1, t2, random_parameter='rnd' ) def test_feature_union_weights(): # test feature union with transformer weights iris = load_iris() X = iris.data y = iris.target pca = PCA(n_components=2, svd_solver='randomized', random_state=0) select = SelectKBest(k=1) # test using fit followed by transform fs = FeatureUnion([("pca", pca), ("select", select)], transformer_weights={"pca": 10}) fs.fit(X, y) X_transformed = fs.transform(X) # test using fit_transform fs = FeatureUnion([("pca", pca), ("select", select)], transformer_weights={"pca": 10}) X_fit_transformed = fs.fit_transform(X, y) # test it works with transformers missing fit_transform fs = FeatureUnion([("mock", Transf()), ("pca", pca), ("select", select)], transformer_weights={"mock": 10}) X_fit_transformed_wo_method = fs.fit_transform(X, y) # check against expected result # We use a different pca object to control the random_state stream assert_array_almost_equal(X_transformed[:, :-1], 10 * pca.fit_transform(X)) assert_array_equal(X_transformed[:, -1], select.fit_transform(X, y).ravel()) assert_array_almost_equal(X_fit_transformed[:, :-1], 10 * pca.fit_transform(X)) assert_array_equal(X_fit_transformed[:, -1], select.fit_transform(X, y).ravel()) assert_equal(X_fit_transformed_wo_method.shape, (X.shape[0], 7)) def test_feature_union_parallel(): # test that n_jobs work for FeatureUnion X = JUNK_FOOD_DOCS fs = FeatureUnion([ ("words", CountVectorizer(analyzer='word')), ("chars", CountVectorizer(analyzer='char')), ]) fs_parallel = FeatureUnion([ ("words", CountVectorizer(analyzer='word')), ("chars", CountVectorizer(analyzer='char')), ], n_jobs=2) fs_parallel2 = FeatureUnion([ ("words", CountVectorizer(analyzer='word')), ("chars", CountVectorizer(analyzer='char')), ], n_jobs=2) fs.fit(X) X_transformed = fs.transform(X) assert_equal(X_transformed.shape[0], len(X)) fs_parallel.fit(X) X_transformed_parallel = fs_parallel.transform(X) assert_equal(X_transformed.shape, X_transformed_parallel.shape) assert_array_equal( X_transformed.toarray(), X_transformed_parallel.toarray() ) # fit_transform should behave the same X_transformed_parallel2 = fs_parallel2.fit_transform(X) assert_array_equal( X_transformed.toarray(), X_transformed_parallel2.toarray() ) # transformers should stay fit after fit_transform X_transformed_parallel2 = fs_parallel2.transform(X) assert_array_equal( X_transformed.toarray(), X_transformed_parallel2.toarray() ) def test_feature_union_feature_names(): word_vect = CountVectorizer(analyzer="word") char_vect = CountVectorizer(analyzer="char_wb", ngram_range=(3, 3)) ft = FeatureUnion([("chars", char_vect), ("words", word_vect)]) ft.fit(JUNK_FOOD_DOCS) feature_names = ft.get_feature_names() for feat in feature_names: assert_true("chars__" in feat or "words__" in feat) assert_equal(len(feature_names), 35) ft = FeatureUnion([("tr1", Transf())]).fit([[1]]) assert_raise_message(AttributeError, 'Transformer tr1 (type Transf) does not provide ' 'get_feature_names', ft.get_feature_names) def test_classes_property(): iris = load_iris() X = iris.data y = iris.target reg = make_pipeline(SelectKBest(k=1), LinearRegression()) reg.fit(X, y) assert_raises(AttributeError, getattr, reg, "classes_") clf = make_pipeline(SelectKBest(k=1), LogisticRegression(random_state=0)) assert_raises(AttributeError, getattr, clf, "classes_") clf.fit(X, y) assert_array_equal(clf.classes_, np.unique(y)) def test_set_feature_union_steps(): mult2 = Mult(2) mult2.get_feature_names = lambda: ['x2'] mult3 = Mult(3) mult3.get_feature_names = lambda: ['x3'] mult5 = Mult(5) mult5.get_feature_names = lambda: ['x5'] ft = FeatureUnion([('m2', mult2), ('m3', mult3)]) assert_array_equal([[2, 3]], ft.transform(np.asarray([[1]]))) assert_equal(['m2__x2', 'm3__x3'], ft.get_feature_names()) # Directly setting attr ft.transformer_list = [('m5', mult5)] assert_array_equal([[5]], ft.transform(np.asarray([[1]]))) assert_equal(['m5__x5'], ft.get_feature_names()) # Using set_params ft.set_params(transformer_list=[('mock', mult3)]) assert_array_equal([[3]], ft.transform(np.asarray([[1]]))) assert_equal(['mock__x3'], ft.get_feature_names()) # Using set_params to replace single step ft.set_params(mock=mult5) assert_array_equal([[5]], ft.transform(np.asarray([[1]]))) assert_equal(['mock__x5'], ft.get_feature_names()) def test_set_feature_union_step_none(): mult2 = Mult(2) mult2.get_feature_names = lambda: ['x2'] mult3 = Mult(3) mult3.get_feature_names = lambda: ['x3'] X = np.asarray([[1]]) ft = FeatureUnion([('m2', mult2), ('m3', mult3)]) assert_array_equal([[2, 3]], ft.fit(X).transform(X)) assert_array_equal([[2, 3]], ft.fit_transform(X)) assert_equal(['m2__x2', 'm3__x3'], ft.get_feature_names()) ft.set_params(m2=None) assert_array_equal([[3]], ft.fit(X).transform(X)) assert_array_equal([[3]], ft.fit_transform(X)) assert_equal(['m3__x3'], ft.get_feature_names()) ft.set_params(m3=None) assert_array_equal([[]], ft.fit(X).transform(X)) assert_array_equal([[]], ft.fit_transform(X)) assert_equal([], ft.get_feature_names()) # check we can change back ft.set_params(m3=mult3) assert_array_equal([[3]], ft.fit(X).transform(X)) def test_step_name_validation(): bad_steps1 = [('a__q', Mult(2)), ('b', Mult(3))] bad_steps2 = [('a', Mult(2)), ('a', Mult(3))] for cls, param in [(Pipeline, 'steps'), (FeatureUnion, 'transformer_list')]: # we validate in construction (despite scikit-learn convention) bad_steps3 = [('a', Mult(2)), (param, Mult(3))] for bad_steps, message in [ (bad_steps1, "Estimator names must not contain __: got ['a__q']"), (bad_steps2, "Names provided are not unique: ['a', 'a']"), (bad_steps3, "Estimator names conflict with constructor " "arguments: ['%s']" % param), ]: # three ways to make invalid: # - construction assert_raise_message(ValueError, message, cls, **{param: bad_steps}) # - setattr est = cls(**{param: [('a', Mult(1))]}) setattr(est, param, bad_steps) assert_raise_message(ValueError, message, est.fit, [[1]], [1]) assert_raise_message(ValueError, message, est.fit_transform, [[1]], [1]) # - set_params est = cls(**{param: [('a', Mult(1))]}) est.set_params(**{param: bad_steps}) assert_raise_message(ValueError, message, est.fit, [[1]], [1]) assert_raise_message(ValueError, message, est.fit_transform, [[1]], [1]) def test_set_params_nested_pipeline(): estimator = Pipeline([ ('a', Pipeline([ ('b', DummyRegressor()) ])) ]) estimator.set_params(a__b__alpha=0.001, a__b=Lasso()) estimator.set_params(a__steps=[('b', LogisticRegression())], a__b__C=5) def test_pipeline_wrong_memory(): # Test that an error is raised when memory is not a string or a Memory # instance iris = load_iris() X = iris.data y = iris.target # Define memory as an integer memory = 1 cached_pipe = Pipeline([('transf', DummyTransf()), ('svc', SVC())], memory=memory) assert_raises_regex(ValueError, "'memory' should be None, a string or" " have the same interface as " "sklearn.externals.joblib.Memory." " Got memory='1' instead.", cached_pipe.fit, X, y) class DummyMemory(object): def cache(self, func): return func class WrongDummyMemory(object): pass def test_pipeline_with_cache_attribute(): X = np.array([[1, 2]]) pipe = Pipeline([('transf', Transf()), ('clf', Mult())], memory=DummyMemory()) pipe.fit(X, y=None) dummy = WrongDummyMemory() pipe = Pipeline([('transf', Transf()), ('clf', Mult())], memory=dummy) assert_raises_regex(ValueError, "'memory' should be None, a string or" " have the same interface as " "sklearn.externals.joblib.Memory." " Got memory='{}' instead.".format(dummy), pipe.fit, X) def test_pipeline_memory(): iris = load_iris() X = iris.data y = iris.target cachedir = mkdtemp() try: memory = Memory(cachedir=cachedir, verbose=10) # Test with Transformer + SVC clf = SVC(probability=True, random_state=0) transf = DummyTransf() pipe = Pipeline([('transf', clone(transf)), ('svc', clf)]) cached_pipe = Pipeline([('transf', transf), ('svc', clf)], memory=memory) # Memoize the transformer at the first fit cached_pipe.fit(X, y) pipe.fit(X, y) # Get the time stamp of the transformer in the cached pipeline ts = cached_pipe.named_steps['transf'].timestamp_ # Check that cached_pipe and pipe yield identical results assert_array_equal(pipe.predict(X), cached_pipe.predict(X)) assert_array_equal(pipe.predict_proba(X), cached_pipe.predict_proba(X)) assert_array_equal(pipe.predict_log_proba(X), cached_pipe.predict_log_proba(X)) assert_array_equal(pipe.score(X, y), cached_pipe.score(X, y)) assert_array_equal(pipe.named_steps['transf'].means_, cached_pipe.named_steps['transf'].means_) assert_false(hasattr(transf, 'means_')) # Check that we are reading the cache while fitting # a second time cached_pipe.fit(X, y) # Check that cached_pipe and pipe yield identical results assert_array_equal(pipe.predict(X), cached_pipe.predict(X)) assert_array_equal(pipe.predict_proba(X), cached_pipe.predict_proba(X)) assert_array_equal(pipe.predict_log_proba(X), cached_pipe.predict_log_proba(X)) assert_array_equal(pipe.score(X, y), cached_pipe.score(X, y)) assert_array_equal(pipe.named_steps['transf'].means_, cached_pipe.named_steps['transf'].means_) assert_equal(ts, cached_pipe.named_steps['transf'].timestamp_) # Create a new pipeline with cloned estimators # Check that even changing the name step does not affect the cache hit clf_2 = SVC(probability=True, random_state=0) transf_2 = DummyTransf() cached_pipe_2 = Pipeline([('transf_2', transf_2), ('svc', clf_2)], memory=memory) cached_pipe_2.fit(X, y) # Check that cached_pipe and pipe yield identical results assert_array_equal(pipe.predict(X), cached_pipe_2.predict(X)) assert_array_equal(pipe.predict_proba(X), cached_pipe_2.predict_proba(X)) assert_array_equal(pipe.predict_log_proba(X), cached_pipe_2.predict_log_proba(X)) assert_array_equal(pipe.score(X, y), cached_pipe_2.score(X, y)) assert_array_equal(pipe.named_steps['transf'].means_, cached_pipe_2.named_steps['transf_2'].means_) assert_equal(ts, cached_pipe_2.named_steps['transf_2'].timestamp_) finally: shutil.rmtree(cachedir) def test_make_pipeline_memory(): cachedir = mkdtemp() memory = Memory(cachedir=cachedir) pipeline = make_pipeline(DummyTransf(), SVC(), memory=memory) assert_true(pipeline.memory is memory) pipeline = make_pipeline(DummyTransf(), SVC()) assert_true(pipeline.memory is None) shutil.rmtree(cachedir)
bsd-3-clause
MadsJensen/RP_scripts
perm_test_classifier_eigen_pre.py
1
1889
import numpy as np import bct from sklearn.externals import joblib from my_settings import (bands, source_folder) from sklearn.ensemble import AdaBoostClassifier from sklearn.cross_validation import (StratifiedKFold, cross_val_score, permutation_test_score) from sklearn.grid_search import GridSearchCV subjects = [ "0008", "0009", "0010", "0012", "0014", "0015", "0016", "0017", "0018", "0019", "0020", "0021", "0022" ] cls_all = [] pln_all = [] scores_all = np.empty([4, 10]) results_all = {} for subject in subjects: cls = np.load(source_folder + "graph_data/%s_classic_pow_pre.npy" % subject).item() pln = np.load(source_folder + "graph_data/%s_plan_pow_pre.npy" % subject).item() cls_all.append(cls) pln_all.append(pln) for k, band in enumerate(bands.keys()): data_cls = [] for j in range(len(cls_all)): tmp = cls_all[j][band] data_cls.append( np.asarray([bct.strengths_und(g) for g in tmp]).mean(axis=0)) data_pln = [] for j in range(len(pln_all)): tmp = pln_all[j][band] data_pln.append( np.asarray([bct.strengths_und(g) for g in tmp]).mean(axis=0)) data_cls = np.asarray(data_cls) data_pln = np.asarray(data_pln) X = np.vstack([data_cls, data_pln]) y = np.concatenate([np.zeros(len(data_cls)), np.ones(len(data_pln))]) cv = StratifiedKFold(y, n_folds=6, shuffle=True) model = joblib.load(source_folder + "graph_data/sk_models/eigen_ada_pre_%s.plk" % band) score, perm_scores, pval = permutation_test_score( model, X, y, cv=cv, n_permutations=5000, n_jobs=1) result = {"score": score, "perm_scores": perm_scores, "pval": pval} results_all[band] = result np.save(source_folder + "graph_data/perm_test_eigen_pre.npy", results_all)
bsd-3-clause
shyamalschandra/scikit-learn
examples/linear_model/plot_lasso_lars.py
18
1048
#!/usr/bin/env python """ ===================== Lasso path using LARS ===================== Computes Lasso Path along the regularization parameter using the LARS algorithm on the diabetes dataset. Each color represents a different feature of the coefficient vector, and this is displayed as a function of the regularization parameter. """ print(__doc__) # Author: Fabian Pedregosa <fabian.pedregosa@inria.fr> # Alexandre Gramfort <alexandre.gramfort@inria.fr> # License: BSD 3 clause import numpy as np import matplotlib.pyplot as plt from sklearn import linear_model from sklearn import datasets X, y = datasets.load_diabetes(return_X_y=True) print("Computing regularization path using the LARS ...") _, _, coefs = linear_model.lars_path(X, y, method='lasso', verbose=True) xx = np.sum(np.abs(coefs.T), axis=1) xx /= xx[-1] plt.plot(xx, coefs.T) ymin, ymax = plt.ylim() plt.vlines(xx, ymin, ymax, linestyle='dashed') plt.xlabel('|coef| / max|coef|') plt.ylabel('Coefficients') plt.title('LASSO Path') plt.axis('tight') plt.show()
bsd-3-clause
waytai/django
tests/gis_tests/test_geoip2.py
21
5666
# -*- coding: utf-8 -*- from __future__ import unicode_literals import os import unittest from unittest import skipUnless from django.conf import settings from django.contrib.gis.geoip2 import HAS_GEOIP2 from django.contrib.gis.geos import HAS_GEOS, GEOSGeometry from django.utils import six if HAS_GEOIP2: from django.contrib.gis.geoip2 import GeoIP2, GeoIP2Exception # Note: Requires both the GeoIP country and city datasets. # The GEOIP_DATA path should be the only setting set (the directory # should contain links or the actual database files 'GeoLite2-City.mmdb' and # 'GeoLite2-City.mmdb'. @skipUnless(HAS_GEOIP2 and getattr(settings, "GEOIP_PATH", None), "GeoIP is required along with the GEOIP_PATH setting.") class GeoIPTest(unittest.TestCase): addr = '128.249.1.1' fqdn = 'tmc.edu' def test01_init(self): "GeoIP initialization." g1 = GeoIP2() # Everything inferred from GeoIP path path = settings.GEOIP_PATH g2 = GeoIP2(path, 0) # Passing in data path explicitly. g3 = GeoIP2.open(path, 0) # MaxMind Python API syntax. for g in (g1, g2, g3): self.assertTrue(g._country) self.assertTrue(g._city) # Only passing in the location of one database. city = os.path.join(path, 'GeoLite2-City.mmdb') cntry = os.path.join(path, 'GeoLite2-Country.mmdb') g4 = GeoIP2(city, country='') self.assertIsNone(g4._country) g5 = GeoIP2(cntry, city='') self.assertIsNone(g5._city) # Improper parameters. bad_params = (23, 'foo', 15.23) for bad in bad_params: self.assertRaises(GeoIP2Exception, GeoIP2, cache=bad) if isinstance(bad, six.string_types): e = GeoIP2Exception else: e = TypeError self.assertRaises(e, GeoIP2, bad, 0) def test02_bad_query(self): "GeoIP query parameter checking." cntry_g = GeoIP2(city='<foo>') # No city database available, these calls should fail. self.assertRaises(GeoIP2Exception, cntry_g.city, 'tmc.edu') self.assertRaises(GeoIP2Exception, cntry_g.coords, 'tmc.edu') # Non-string query should raise TypeError self.assertRaises(TypeError, cntry_g.country_code, 17) self.assertRaises(TypeError, cntry_g.country_name, GeoIP2) def test03_country(self): "GeoIP country querying methods." g = GeoIP2(city='<foo>') for query in (self.fqdn, self.addr): self.assertEqual( 'US', g.country_code(query), 'Failed for func country_code and query %s' % query ) self.assertEqual( 'United States', g.country_name(query), 'Failed for func country_name and query %s' % query ) self.assertEqual( {'country_code': 'US', 'country_name': 'United States'}, g.country(query) ) @skipUnless(HAS_GEOS, "Geos is required") def test04_city(self): "GeoIP city querying methods." g = GeoIP2(country='<foo>') for query in (self.fqdn, self.addr): # Country queries should still work. self.assertEqual( 'US', g.country_code(query), 'Failed for func country_code and query %s' % query ) self.assertEqual( 'United States', g.country_name(query), 'Failed for func country_name and query %s' % query ) self.assertEqual( {'country_code': 'US', 'country_name': 'United States'}, g.country(query) ) # City information dictionary. d = g.city(query) self.assertEqual('US', d['country_code']) self.assertEqual('Houston', d['city']) self.assertEqual('TX', d['region']) geom = g.geos(query) self.assertIsInstance(geom, GEOSGeometry) lon, lat = (-95.4010, 29.7079) lat_lon = g.lat_lon(query) lat_lon = (lat_lon[1], lat_lon[0]) for tup in (geom.tuple, g.coords(query), g.lon_lat(query), lat_lon): self.assertAlmostEqual(lon, tup[0], 4) self.assertAlmostEqual(lat, tup[1], 4) def test05_unicode_response(self): "GeoIP strings should be properly encoded (#16553)." g = GeoIP2() d = g.city("duesseldorf.de") self.assertEqual('Düsseldorf', d['city']) d = g.country('200.26.205.1') # Some databases have only unaccented countries self.assertIn(d['country_name'], ('Curaçao', 'Curacao')) def test06_ipv6_query(self): "GeoIP can lookup IPv6 addresses." g = GeoIP2() d = g.city('2002:81ed:c9a5::81ed:c9a5') # IPv6 address for www.nhm.ku.edu self.assertEqual('US', d['country_code']) self.assertEqual('Lawrence', d['city']) self.assertEqual('KS', d['region']) def test_repr(self): path = settings.GEOIP_PATH g = GeoIP2(path=path) meta = g._reader.metadata() version = '%s.%s' % (meta.binary_format_major_version, meta.binary_format_minor_version) country_path = g._country_file city_path = g._city_file expected = '<GeoIP2 [v%(version)s] _country_file="%(country)s", _city_file="%(city)s">' % { 'version': version, 'country': country_path, 'city': city_path, } self.assertEqual(repr(g), expected)
bsd-3-clause
shikhardb/scikit-learn
examples/datasets/plot_random_dataset.py
345
2254
""" ============================================== Plot randomly generated classification dataset ============================================== Plot several randomly generated 2D classification datasets. This example illustrates the :func:`datasets.make_classification` :func:`datasets.make_blobs` and :func:`datasets.make_gaussian_quantiles` functions. For ``make_classification``, three binary and two multi-class classification datasets are generated, with different numbers of informative features and clusters per class. """ print(__doc__) import matplotlib.pyplot as plt from sklearn.datasets import make_classification from sklearn.datasets import make_blobs from sklearn.datasets import make_gaussian_quantiles plt.figure(figsize=(8, 8)) plt.subplots_adjust(bottom=.05, top=.9, left=.05, right=.95) plt.subplot(321) plt.title("One informative feature, one cluster per class", fontsize='small') X1, Y1 = make_classification(n_features=2, n_redundant=0, n_informative=1, n_clusters_per_class=1) plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1) plt.subplot(322) plt.title("Two informative features, one cluster per class", fontsize='small') X1, Y1 = make_classification(n_features=2, n_redundant=0, n_informative=2, n_clusters_per_class=1) plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1) plt.subplot(323) plt.title("Two informative features, two clusters per class", fontsize='small') X2, Y2 = make_classification(n_features=2, n_redundant=0, n_informative=2) plt.scatter(X2[:, 0], X2[:, 1], marker='o', c=Y2) plt.subplot(324) plt.title("Multi-class, two informative features, one cluster", fontsize='small') X1, Y1 = make_classification(n_features=2, n_redundant=0, n_informative=2, n_clusters_per_class=1, n_classes=3) plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1) plt.subplot(325) plt.title("Three blobs", fontsize='small') X1, Y1 = make_blobs(n_features=2, centers=3) plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1) plt.subplot(326) plt.title("Gaussian divided into three quantiles", fontsize='small') X1, Y1 = make_gaussian_quantiles(n_features=2, n_classes=3) plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1) plt.show()
bsd-3-clause
anilmuthineni/tensorflow
tensorflow/examples/learn/iris_custom_model.py
11
2621
# Copyright 2016 The TensorFlow 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. """Example of Estimator for Iris plant dataset.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function from sklearn import cross_validation from sklearn import datasets from sklearn import metrics import tensorflow as tf layers = tf.contrib.layers learn = tf.contrib.learn def my_model(features, target): """DNN with three hidden layers, and dropout of 0.1 probability.""" # Convert the target to a one-hot tensor of shape (length of features, 3) and # with a on-value of 1 for each one-hot vector of length 3. target = tf.one_hot(target, 3, 1, 0) # Create three fully connected layers respectively of size 10, 20, and 10 with # each layer having a dropout probability of 0.1. normalizer_fn = layers.dropout normalizer_params = {'keep_prob': 0.9} features = layers.stack( features, layers.fully_connected, [10, 20, 10], normalizer_fn=normalizer_fn, normalizer_params=normalizer_params) # Compute logits (1 per class) and compute loss. logits = layers.fully_connected(features, 3, activation_fn=None) loss = tf.contrib.losses.softmax_cross_entropy(logits, target) # Create a tensor for training op. train_op = tf.contrib.layers.optimize_loss( loss, tf.contrib.framework.get_global_step(), optimizer='Adagrad', learning_rate=0.1) return ({ 'class': tf.argmax(logits, 1), 'prob': tf.nn.softmax(logits) }, loss, train_op) def main(unused_argv): iris = datasets.load_iris() x_train, x_test, y_train, y_test = cross_validation.train_test_split( iris.data, iris.target, test_size=0.2, random_state=42) classifier = learn.Estimator(model_fn=my_model) classifier.fit(x_train, y_train, steps=1000) y_predicted = [ p['class'] for p in classifier.predict( x_test, as_iterable=True) ] score = metrics.accuracy_score(y_test, y_predicted) print('Accuracy: {0:f}'.format(score)) if __name__ == '__main__': tf.app.run()
apache-2.0
wdurhamh/statsmodels
statsmodels/datasets/modechoice/data.py
25
3031
#! /usr/bin/env python # -*- coding: utf-8 -*- """Travel Mode Choice""" __docformat__ = 'restructuredtext' COPYRIGHT = """This is public domain.""" TITLE = __doc__ SOURCE = """ Greene, W.H. and D. Hensher (1997) Multinomial logit and discrete choice models in Greene, W. H. (1997) LIMDEP version 7.0 user's manual revised, Plainview, New York econometric software, Inc. Download from on-line complements to Greene, W.H. (2011) Econometric Analysis, Prentice Hall, 7th Edition (data table F18-2) http://people.stern.nyu.edu/wgreene/Text/Edition7/TableF18-2.csv """ DESCRSHORT = """Data used to study travel mode choice between Australian cities """ DESCRLONG = """The data, collected as part of a 1987 intercity mode choice study, are a sub-sample of 210 non-business trips between Sydney, Canberra and Melbourne in which the traveler chooses a mode from four alternatives (plane, car, bus and train). The sample, 840 observations, is choice based with over-sampling of the less popular modes (plane, train and bus) and under-sampling of the more popular mode, car. The level of service data was derived from highway and transport networks in Sydney, Melbourne, non-metropolitan N.S.W. and Victoria, including the Australian Capital Territory.""" NOTE = """:: Number of observations: 840 Observations On 4 Modes for 210 Individuals. Number of variables: 8 Variable name definitions:: individual = 1 to 210 mode = 1 - air 2 - train 3 - bus 4 - car choice = 0 - no 1 - yes ttme = terminal waiting time for plane, train and bus (minutes); 0 for car. invc = in vehicle cost for all stages (dollars). invt = travel time (in-vehicle time) for all stages (minutes). gc = generalized cost measure:invc+(invt*value of travel time savings) (dollars). hinc = household income ($1000s). psize = traveling group size in mode chosen (number).""" import numpy as np from statsmodels.datasets import utils as du from os.path import dirname, abspath def load(): """ Load the data modechoice data and return a Dataset class instance. Returns ------- Dataset instance: See DATASET_PROPOSAL.txt for more information. """ data = _get_data() return du.process_recarray(data, endog_idx=2, exog_idx=[3,4,5,6,7,8], dtype=float) def load_pandas(): """ Load the data modechoice data and return a Dataset class instance. Returns ------- Dataset instance: See DATASET_PROPOSAL.txt for more information. """ data = _get_data() return du.process_recarray_pandas(data, endog_idx = 2, exog_idx=[3,4,5,6,7,8], dtype=float) def _get_data(): filepath = dirname(abspath(__file__)) data = np.recfromtxt(open(filepath + '/modechoice.csv', 'rb'), delimiter=";", names = True, dtype=float) return data
bsd-3-clause