diff --git a/.gitignore b/.gitignore index 8a6358d7..8bbcbaec 100644 --- a/.gitignore +++ b/.gitignore @@ -142,4 +142,7 @@ cython_debug/ docs/build .vscode -.idea/ \ No newline at end of file +.idea/ + +# Developer's playground +/playground/ diff --git a/Makefile b/Makefile index 9abc3175..675a6f7b 100644 --- a/Makefile +++ b/Makefile @@ -1,14 +1,12 @@ ifeq ($(check),1) - ISORT_ARG= --check-only - BLACK_ARG= --check + CHECK_ARG= --check else - ISORT_ARG= - BLACK_ARG= + CHECK_ARG= endif lint: - isort $(ISORT_ARG) --project popmon --thirdparty histogrammar --thirdparty pybase64 --multi-line=3 --trailing-comma --force-grid-wrap=0 --use-parentheses --line-width=88 -y - black $(BLACK_ARG) . + isort $(CHECK_ARG) --profile black --project popmon --thirdparty histogrammar --thirdparty pybase64 . + black $(CHECK_ARG) . install: pip install -e . diff --git a/docs/source/readme.rst b/docs/source/readme.rst index 4536d0ca..a6210d3d 100644 --- a/docs/source/readme.rst +++ b/docs/source/readme.rst @@ -1,144 +1 @@ -=========================== -Population Shift Monitoring -=========================== - -|build| |docs| - -* Version: 0.3.8. Released: July 2020 -* Documentation: https://popmon.readthedocs.io -* Repository: https://github.com/ing-bank/popmon -* Authors: ING Wholesale Banking Advanced Analytics - -| - -|logo| - -`popmon` is a package that allows one to check the stability of a dataset. -`popmon` works with both pandas and spark datasets. - -`popmon` creates histograms of features binned in time-slices, -and compares the stability of the profiles and distributions of -those histograms using statistical tests, both over time and with respect to a reference. -It works with numerical, ordinal, categorical features, and the histograms can be higher-dimensional, -e.g. it can also track correlations between any two features. -`popmon` can automatically flag and alert on changes observed over time, such -as trends, shifts, peaks, outliers, anomalies, changing correlations, etc, -using monitoring business rules. - -Documentation -============= - -The entire `popmon` documentation including tutorials can be found at `read-the-docs `_. - - -Examples -======== - -- `Flight Delays and Cancellations Kaggle data `_ -- `Synthetic data (code example below) `_ - -Check it out -============ - -The `popmon` library requires Python 3.6+ and is pip friendly. To get started, simply do: - -.. code-block:: bash - - $ pip install popmon - -or check out the code from our GitHub repository: - -.. code-block:: bash - - $ git clone https://github.com/ing-bank/popmon.git - $ pip install -e popmon - -where in this example the code is installed in edit mode (option -e). - -You can now use the package in Python with: - -.. code-block:: python - - import popmon - -**Congratulations, you are now ready to use the popmon library!** - -Quick run -========= - -As a quick example, you can do: - -.. code-block:: python - - import pandas as pd - import popmon - from popmon import resources - - # open synthetic data - df = pd.read_csv(resources.data('test.csv.gz'), parse_dates=['date']) - df.head() - - # generate stability report using automatic binning of all encountered features - # (importing popmon automatically adds this functionality to a dataframe) - report = df.pm_stability_report(time_axis='date', features=['date:age', 'date:gender']) - - # to show the output of the report in a Jupyter notebook you can simply run: - report - - # or save the report to file and open in a browser - report.to_file("monitoring_report.html") - -To specify your own binning specifications and features you want to report on, you do: - -.. code-block:: python - - # time-axis specifications alone; all other features are auto-binned. - report = df.pm_stability_report(time_axis='date', time_width='1w', time_offset='2020-1-6') - - # histogram selections. Here 'date' is the first axis of each histogram. - features=[ - 'date:isActive', 'date:age', 'date:eyeColor', 'date:gender', - 'date:latitude', 'date:longitude', 'date:isActive:age' - ] - - # Specify your own binning specifications for individual features or combinations thereof. - # This bin specification uses open-ended ("sparse") histograms; unspecified features get - # auto-binned. The time-axis binning, when specified here, needs to be in nanoseconds. - bin_specs={ - 'longitude': {'bin_width': 5.0, 'bin_offset': 0.0}, - 'latitude': {'bin_width': 5.0, 'bin_offset': 0.0}, - 'age': {'bin_width': 10.0, 'bin_offset': 0.0}, - 'date': {'bin_width': pd.Timedelta('4w').value, - 'bin_offset': pd.Timestamp('2015-1-1').value} - } - - # generate stability report - report = df.pm_stability_report(features=features, bin_specs=bin_specs, time_axis=True) - -These examples also work with spark dataframes. -You can see the output of such example notebook code `here `_. -For all available examples, please see the `tutorials `_ at read-the-docs. - -Project contributors -==================== - -Special thanks to the following people who have contributed to the development of this package: `Ahmet Erdem `_, `Fabian Jansen `_, `Nanne Aben `_, Mathieu Grimal. - -Contact and support -=================== - -* Issues & Ideas & Support: https://github.com/ing-bank/popmon/issues - -Please note that ING WBAA provides support only on a best-effort basis. - -License -======= -Copyright ING WBAA. `popmon` is completely free, open-source and licensed under the `MIT license `_. - -.. |logo| image:: https://raw.githubusercontent.com/ing-bank/popmon/master/docs/source/assets/popmon-logo.png - :alt: POPMON logo - :target: https://github.com/ing-bank/popmon -.. |build| image:: https://github.com/ing-bank/popmon/workflows/build/badge.svg - :alt: Build status -.. |docs| image:: https://readthedocs.org/projects/popmon/badge/?version=latest - :alt: Package docs status +.. include:: ../../README.rst diff --git a/make.bat b/make.bat index 9cdb7d92..2c7bfbc9 100644 --- a/make.bat +++ b/make.bat @@ -4,14 +4,12 @@ setlocal enabledelayedexpansion IF "%1%" == "lint" ( IF "%2%" == "check" ( - SET ISORT_ARG= --check-only - SET BLACK_ARG= --check + SET CHECK_ARG= --check ) ELSE ( - set ISORT_ARG= - set BLACK_ARG= + set CHECK_ARG= ) - isort !ISORT_ARG! --project popmon --thirdparty histogrammar --thirdparty pybase64 --multi-line=3 --trailing-comma --force-grid-wrap=0 --use-parentheses --line-width=88 -y - black !BLACK_ARG! . + isort !CHECK_ARG! --profile black --project popmon --thirdparty histogrammar --thirdparty pybase64 . + black !CHECK_ARG! . GOTO end ) diff --git a/popmon/alerting/compute_tl_bounds.py b/popmon/alerting/compute_tl_bounds.py index 3b80d6ad..71b8a9d1 100644 --- a/popmon/alerting/compute_tl_bounds.py +++ b/popmon/alerting/compute_tl_bounds.py @@ -67,7 +67,7 @@ def traffic_light_summary(row, cols=None, prefix=""): def traffic_light(value, red_high, yellow_high, yellow_low=0, red_low=0): - """ Get corresponding traffic light given a value and traffic light bounds. + """Get corresponding traffic light given a value and traffic light bounds. :param float value: value to check :param float red_high: higher bound of red traffic light @@ -337,8 +337,7 @@ def df_single_op_pull_bounds( class DynamicBounds(Pipeline): - """ Calculate dynamic traffic light bounds based on pull thresholds and dynamic mean and std.deviation. - """ + """Calculate dynamic traffic light bounds based on pull thresholds and dynamic mean and std.deviation.""" def __init__( self, read_key, rules, store_key="", suffix_mean="_mean", suffix_std="_std" @@ -380,8 +379,7 @@ def transform(self, datastore): class StaticBounds(Pipeline): - """ Calculate static traffic light bounds based on pull thresholds and static mean and std.deviation. - """ + """Calculate static traffic light bounds based on pull thresholds and static mean and std.deviation.""" def __init__( self, read_key, rules, store_key="", suffix_mean="_mean", suffix_std="_std" diff --git a/popmon/analysis/apply_func.py b/popmon/analysis/apply_func.py index a5f8b0f6..339e5032 100644 --- a/popmon/analysis/apply_func.py +++ b/popmon/analysis/apply_func.py @@ -187,7 +187,7 @@ def transform(self, datastore): def apply_func_array( feature, metrics, apply_to_df, assign_to_df, apply_funcs, same_key ): - """ Apply list of functions to dataframe + """Apply list of functions to dataframe Split off for parallellization reasons @@ -231,7 +231,7 @@ def apply_func_array( def apply_func(feature, selected_metrics, df, arr): - """ Apply function to dataframe + """Apply function to dataframe :param str feature: feature currently looping over :param list selected_metrics: list of selected metrics to apply to diff --git a/popmon/analysis/comparison/hist_comparer.py b/popmon/analysis/comparison/hist_comparer.py index 0fe5bbd7..3cdcfc5f 100644 --- a/popmon/analysis/comparison/hist_comparer.py +++ b/popmon/analysis/comparison/hist_comparer.py @@ -135,8 +135,7 @@ def hist_compare(row, hist_name1="", hist_name2="", max_res_bound=7.0): class HistComparer(Pipeline): - """ Base pipeline to compare histogram to previous rolling histograms - """ + """Base pipeline to compare histogram to previous rolling histograms""" def __init__( self, @@ -192,8 +191,7 @@ def __init__( class RollingHistComparer(HistComparer): - """ Compare histogram to previous rolling histograms - """ + """Compare histogram to previous rolling histograms""" def __init__( self, @@ -238,8 +236,7 @@ def transform(self, datastore): class PreviousHistComparer(RollingHistComparer): - """ Compare histogram to previous histograms - """ + """Compare histogram to previous histograms""" def __init__( self, @@ -262,8 +259,7 @@ def __init__( class ExpandingHistComparer(HistComparer): - """ Compare histogram to previous expanding histograms - """ + """Compare histogram to previous expanding histograms""" def __init__( self, @@ -305,8 +301,7 @@ def transform(self, datastore): class ReferenceHistComparer(HistComparer): - """ Compare histogram to reference histograms - """ + """Compare histogram to reference histograms""" def __init__( self, @@ -349,8 +344,7 @@ def transform(self, datastore): class NormHistComparer(Pipeline): - """ Base pipeline to compare histogram to normalized histograms - """ + """Base pipeline to compare histogram to normalized histograms""" def __init__( self, @@ -396,8 +390,7 @@ def __init__( class RollingNormHistComparer(NormHistComparer): - """ Compare histogram to previous rolling normalized histograms - """ + """Compare histogram to previous rolling normalized histograms""" def __init__(self, read_key, store_key, window, shift=1, hist_col="histogram"): """Initialize an instance of RollingNormHistComparer. @@ -425,8 +418,7 @@ def transform(self, datastore): class ExpandingNormHistComparer(NormHistComparer): - """ Compare histogram to previous expanding normalized histograms - """ + """Compare histogram to previous expanding normalized histograms""" def __init__(self, read_key, store_key, shift=1, hist_col="histogram"): """Initialize an instance of ExpandingNormHistComparer. @@ -450,8 +442,7 @@ def transform(self, datastore): class ReferenceNormHistComparer(NormHistComparer): - """ Compare histogram to reference normalized histograms - """ + """Compare histogram to reference normalized histograms""" def __init__(self, reference_key, assign_to_key, store_key, hist_col="histogram"): """Initialize an instance of ReferenceNormHistComparer. diff --git a/popmon/analysis/functions.py b/popmon/analysis/functions.py index eb813e06..620105e7 100644 --- a/popmon/analysis/functions.py +++ b/popmon/analysis/functions.py @@ -382,7 +382,7 @@ def expand_norm_hist_mean_cov(df, shift=1, *args, **kwargs): def normalized_hist_mean_cov(x, hist_name=""): - """ Mean normalized histogram and its covariance of list of input histograms + """Mean normalized histogram and its covariance of list of input histograms Usage: df['hists'].apply(normalized_hist_mean_cov) ; series.apply(normalized_hist_mean_cov) diff --git a/popmon/analysis/hist_numpy.py b/popmon/analysis/hist_numpy.py index 1bc661ad..d3937a3d 100644 --- a/popmon/analysis/hist_numpy.py +++ b/popmon/analysis/hist_numpy.py @@ -66,7 +66,7 @@ def prepare_2dgrid(hist): def set_2dgrid(hist, xkeys, ykeys): - """ Set 2d grid of first two dimenstions of input histogram + """Set 2d grid of first two dimenstions of input histogram Used as input by get_2dgrid(hist). @@ -116,7 +116,7 @@ def set_2dgrid(hist, xkeys, ykeys): def get_2dgrid(hist, get_bin_labels=False): - """ Get filled x,y grid of first two dimensions of input histogram + """Get filled x,y grid of first two dimensions of input histogram :param hist: input histogrammar histogram :return: x,y grid of first two dimenstions of input histogram @@ -141,7 +141,7 @@ def get_2dgrid(hist, get_bin_labels=False): def get_consistent_numpy_2dgrids(hc_list=[], get_bin_labels=False): - """ Get list of consistent x,y grids of first two dimensions of (sparse) input histograms + """Get list of consistent x,y grids of first two dimensions of (sparse) input histograms :param list hc_list: list of input histogrammar histograms :param bool get_bin_labels: if true, return x-keys and y-keys describing binnings of 2d-grid. @@ -181,7 +181,7 @@ def get_consistent_numpy_2dgrids(hc_list=[], get_bin_labels=False): def get_consistent_numpy_1dhists(hc_list, get_bin_labels=False): - """ Get list of consistent numpy hists for list of sparse input histograms + """Get list of consistent numpy hists for list of sparse input histograms Note: a numpy histogram is a union of lists of bin_edges and number of entries @@ -232,7 +232,7 @@ def get_consistent_numpy_1dhists(hc_list, get_bin_labels=False): def get_consistent_numpy_entries(hc_list, get_bin_labels=False): - """ Get list of consistent numpy bin_entries for list of 1d input histograms + """Get list of consistent numpy bin_entries for list of 1d input histograms :param list hist_list: list of input histogrammar histograms :return: list of consistent 1d numpy arrays with bin_entries for list of input histograms @@ -439,7 +439,7 @@ def assert_similar_hists(hc_list, check_type=True, assert_type=used_hist_types): def check_same_hists(hc1, hc2): - """ Check if two hists are the same + """Check if two hists are the same :param hc1: input histogram container 1 :param hc2: input histogram container 2 diff --git a/popmon/analysis/merge_statistics.py b/popmon/analysis/merge_statistics.py index 05fe2ebc..4da31911 100644 --- a/popmon/analysis/merge_statistics.py +++ b/popmon/analysis/merge_statistics.py @@ -24,8 +24,7 @@ class MergeStatistics(Module): - """ Merging dictionaries of features containing dataframes with statistics as its values. - """ + """Merging dictionaries of features containing dataframes with statistics as its values.""" def __init__(self, read_keys, store_key): """Initialize an instance of MergeStatistics. diff --git a/popmon/analysis/profiling/hist_profiler.py b/popmon/analysis/profiling/hist_profiler.py index db0f410d..d09e5689 100644 --- a/popmon/analysis/profiling/hist_profiler.py +++ b/popmon/analysis/profiling/hist_profiler.py @@ -22,7 +22,7 @@ import pandas as pd from phik import phik -import popmon.stats.numpy as pm_np +from popmon.stats import numpy as pm_np from ...analysis.hist_numpy import get_2dgrid from ...base import Module diff --git a/popmon/analysis/profiling/pull_calculator.py b/popmon/analysis/profiling/pull_calculator.py index 88c188a8..166cb85b 100644 --- a/popmon/analysis/profiling/pull_calculator.py +++ b/popmon/analysis/profiling/pull_calculator.py @@ -34,7 +34,7 @@ class PullCalculator(Pipeline): - """ Base module for pull calculation, based on mean and standard deviation calculation + """Base module for pull calculation, based on mean and standard deviation calculation Steps as performed by ApplyFunc modules: @@ -103,8 +103,7 @@ def __init__( class RollingPullCalculator(PullCalculator): - """ Pull calculation based on rolling mean and standard deviations - """ + """Pull calculation based on rolling mean and standard deviations""" def __init__( self, @@ -158,8 +157,7 @@ def transform(self, datastore): class ExpandingPullCalculator(PullCalculator): - """ Pull calculation based on expanding mean and standard deviations - """ + """Pull calculation based on expanding mean and standard deviations""" def __init__( self, @@ -210,8 +208,7 @@ def transform(self, datastore): class ReferencePullCalculator(PullCalculator): - """ Pull calculation based on reference mean and standard deviations - """ + """Pull calculation based on reference mean and standard deviations""" def __init__( self, @@ -261,8 +258,7 @@ def transform(self, datastore): class RefMedianMadPullCalculator(PullCalculator): - """ Pull calculation based on reference median and mad - """ + """Pull calculation based on reference median and mad""" def __init__( self, diff --git a/popmon/base/module.py b/popmon/base/module.py index eb95123f..08edc02e 100644 --- a/popmon/base/module.py +++ b/popmon/base/module.py @@ -22,19 +22,17 @@ class Module: - """Base class used for modules in a pipeline. - """ + """Base class used for modules in a pipeline.""" def __init__(self): - """Module initialization - """ + """Module initialization""" self.logger = logging.getLogger() self.features = [] self.feature_begins_with = [] self.ignore_features = [] def set_logger(self, logger): - """ Set logger of module + """Set logger of module :param logger: input logger """ diff --git a/popmon/base/pipeline.py b/popmon/base/pipeline.py index ad5005eb..f54749b4 100644 --- a/popmon/base/pipeline.py +++ b/popmon/base/pipeline.py @@ -24,8 +24,7 @@ class Pipeline(Module): - """Base class used for to run modules in a pipeline. - """ + """Base class used for to run modules in a pipeline.""" def __init__(self, modules, logger=None): """Initialization of the pipeline diff --git a/popmon/hist/filling/histogram_filler_base.py b/popmon/hist/filling/histogram_filler_base.py index fd312a5e..2c4dd894 100644 --- a/popmon/hist/filling/histogram_filler_base.py +++ b/popmon/hist/filling/histogram_filler_base.py @@ -10,6 +10,7 @@ import logging from collections import defaultdict +import histogrammar as hg import numpy as np import pandas as pd @@ -461,3 +462,33 @@ def transform(self, datastore): hists = self.get_histograms(df) datastore[self.store_key] = hists return datastore + + def get_hist_bin(self, hist, features, quant, col, dt): + is_number = np.issubdtype(dt, np.number) + is_timestamp = np.issubdtype(dt, np.datetime64) + + if is_number or is_timestamp: + # numbers and timestamps are put in a sparse binned histogram + specs = self.var_bin_specs(features, features.index(col)) + if "bin_width" in specs: + hist = hg.SparselyBin( + binWidth=specs["bin_width"], + origin=specs.get("bin_offset", 0), + quantity=quant, + value=hist, + ) + elif "num" in specs and "low" in specs and "high" in specs: + hist = hg.Bin( + num=specs["num"], + low=specs["low"], + high=specs["high"], + quantity=quant, + value=hist, + ) + else: + raise RuntimeError("Do not know how to interpret bin specifications.") + else: + # string and boolians are treated as categories + hist = hg.Categorize(quantity=quant, value=hist) + + return hist diff --git a/popmon/hist/filling/make_histograms.py b/popmon/hist/filling/make_histograms.py index f066cfaf..4e203f81 100644 --- a/popmon/hist/filling/make_histograms.py +++ b/popmon/hist/filling/make_histograms.py @@ -47,7 +47,7 @@ def make_histograms( nbins_3d=10, max_nunique=500, ): - """ Create histograms from pandas or spark dataframe. + """Create histograms from pandas or spark dataframe. :param df: input pandas or spark dataframe to create histograms of. :param list features: columns to pick up from input data. (default is all features) diff --git a/popmon/hist/filling/pandas_histogrammar.py b/popmon/hist/filling/pandas_histogrammar.py index fb6f2548..3b693195 100644 --- a/popmon/hist/filling/pandas_histogrammar.py +++ b/popmon/hist/filling/pandas_histogrammar.py @@ -107,7 +107,7 @@ def assert_dataframe(self, df): return df def get_features(self, df): - """ Get columns of (pandas) dataframe + """Get columns of (pandas) dataframe :param df: input pandas dataframe """ @@ -216,34 +216,7 @@ def construct_empty_hist(self, features): # fix column to col quant = lambda x, fnc=f, clm=col: fnc(x[clm]) # noqa - is_number = np.issubdtype(dt, np.number) - is_timestamp = np.issubdtype(dt, np.datetime64) - - if is_number or is_timestamp: - # numbers and timestamps are put in a sparse binned histogram - specs = self.var_bin_specs(features, features.index(col)) - if "bin_width" in specs: - hist = hg.SparselyBin( - binWidth=specs["bin_width"], - origin=specs.get("bin_offset", 0), - quantity=quant, - value=hist, - ) - elif "num" in specs and "low" in specs and "high" in specs: - hist = hg.Bin( - num=specs["num"], - low=specs["low"], - high=specs["high"], - quantity=quant, - value=hist, - ) - else: - raise RuntimeError( - "Do not know how to interpret bin specifications." - ) - else: - # string and boolians are treated as categories - hist = hg.Categorize(quantity=quant, value=hist) + hist = self.get_hist_bin(hist, features, quant, col, dt) return hist diff --git a/popmon/hist/filling/spark_histogrammar.py b/popmon/hist/filling/spark_histogrammar.py index cddf698d..689a87d3 100644 --- a/popmon/hist/filling/spark_histogrammar.py +++ b/popmon/hist/filling/spark_histogrammar.py @@ -15,7 +15,8 @@ try: from pyspark.sql import DataFrame - from pyspark.sql.functions import col as sparkcol, approxCountDistinct + from pyspark.sql.functions import approxCountDistinct + from pyspark.sql.functions import col as sparkcol except (ModuleNotFoundError, AttributeError): pass @@ -111,7 +112,7 @@ def assert_dataframe(self, df): return df def get_features(self, df): - """ Get columns of dataframe + """Get columns of dataframe :param df: input spark dataframe """ @@ -210,22 +211,10 @@ def construct_empty_hist(self, df, features): revcols = list(reversed(features)) for idx, col in enumerate(revcols): # histogram type depends on the data type - dt = np.dtype(self.var_dtype[col]) - is_number = isinstance(dt.type(), np.number) - is_timestamp = isinstance(dt.type(), np.datetime64) - - if is_number or is_timestamp: - # numbers and timestamps are put in a sparse binned histogram - specs = self.var_bin_specs(features, features.index(col)) - hist = hg.SparselyBin( - binWidth=specs["bin_width"], - origin=specs["bin_offset"], - quantity=df[col], - value=hist, - ) - else: - # string and boolians are treated as categories - hist = hg.Categorize(quantity=df[col], value=hist) + dt = self.var_dtype[col] + quant = df[col] + + hist = self.get_hist_bin(hist, features, quant, col, dt) # set data types in histogram dta = [self.var_dtype[col] for col in features] diff --git a/popmon/hist/histogram.py b/popmon/hist/histogram.py index a56b3c04..550d4f56 100644 --- a/popmon/hist/histogram.py +++ b/popmon/hist/histogram.py @@ -59,7 +59,7 @@ def sum_entries(hist_data, default=True): def project_on_x(hist_data): - """ Project n-dim histogram onto x-axis + """Project n-dim histogram onto x-axis :param hist_data: input histogrammar histogram :return: on x-axis projected histogram (1d) @@ -108,7 +108,7 @@ def project_on_x(hist_data): def sum_over_x(hist_data): - """ Integrate histogram over first dimension + """Integrate histogram over first dimension :param hist_data: input histogrammar histogram :return: integrated histogram @@ -147,7 +147,7 @@ def sum_over_x(hist_data): def project_split2dhist_on_axis(splitdict, axis="x"): - """ Project a split 2d-histogram onto one axis + """Project a split 2d-histogram onto one axis Project a 2d hist that's been split with function split_hist_along_first_dimension onto x or y axis. @@ -175,8 +175,7 @@ def project_split2dhist_on_axis(splitdict, axis="x"): class HistogramContainer: - """Wrapper class around histogrammar histograms with several utility functions. - """ + """Wrapper class around histogrammar histograms with several utility functions.""" def __init__(self, hist_obj): """Initialization @@ -224,8 +223,7 @@ def _edit_name(self, axis_name, xname, yname, convert_time_index, short_keys): return axis_name def sparse_bin_centers_x(self): - """ Get x-axis bin centers of sparse histogram - """ + """Get x-axis bin centers of sparse histogram""" keys = sorted(self.hist.bins.keys()) if self.hist.minBin is None or self.hist.maxBin is None: # number of bins is set to 1. @@ -239,8 +237,7 @@ def sparse_bin_centers_x(self): return centers, values def get_bin_centers(self): - """ Get bin centers or labels of histogram - """ + """Get bin centers or labels of histogram""" if isinstance(self.hist, histogrammar.Bin): # Bin centers, values = self.hist.bin_centers(), self.hist.values elif isinstance(self.hist, histogrammar.SparselyBin): @@ -295,7 +292,7 @@ def split_hist_along_first_dimension( return hdict def _filter_empty_split_hists(self, centers, values): - """ Filter empty split histograms from input centers and values + """Filter empty split histograms from input centers and values :param list centers: input center values list :param list values: input values list diff --git a/popmon/io/file_reader.py b/popmon/io/file_reader.py index 802bbfc6..2738a84f 100644 --- a/popmon/io/file_reader.py +++ b/popmon/io/file_reader.py @@ -26,8 +26,7 @@ class FileReader(Module): - """Module to read contents from a file, transform the contents with a function and write them to the datastore. - """ + """Module to read contents from a file, transform the contents with a function and write them to the datastore.""" def __init__( self, diff --git a/popmon/io/file_writer.py b/popmon/io/file_writer.py index 58eb8c32..a5f1325a 100644 --- a/popmon/io/file_writer.py +++ b/popmon/io/file_writer.py @@ -27,8 +27,7 @@ class FileWriter(Module): - """Module transforms specific datastore content and writes it to a file. - """ + """Module transforms specific datastore content and writes it to a file.""" def __init__( self, diff --git a/popmon/io/json_reader.py b/popmon/io/json_reader.py index 8f18734e..f169be8d 100644 --- a/popmon/io/json_reader.py +++ b/popmon/io/json_reader.py @@ -26,8 +26,7 @@ class JsonReader(FileReader): - """Read json file's contents into the datastore. - """ + """Read json file's contents into the datastore.""" def __init__(self, file_path: Union[str, Path], store_key: str): """Initialize an instance. diff --git a/popmon/notebooks/popmon_tutorial_advanced.ipynb b/popmon/notebooks/popmon_tutorial_advanced.ipynb index 9c5c20dd..752fcda6 100644 --- a/popmon/notebooks/popmon_tutorial_advanced.ipynb +++ b/popmon/notebooks/popmon_tutorial_advanced.ipynb @@ -37,7 +37,8 @@ "outputs": [], "source": [ "import pandas as pd\n", - "import popmon" + "import popmon\n", + "from popmon import resources" ] }, { @@ -54,7 +55,7 @@ "metadata": {}, "outputs": [], "source": [ - "df = pd.read_csv(\"flight_delays.csv.gz\", index_col=0, parse_dates=[\"DATE\"])" + "df = pd.read_csv(resources.data(\"flight_delays.csv.gz\"), index_col=0, parse_dates=[\"DATE\"])" ] }, { @@ -171,7 +172,7 @@ "metadata": {}, "outputs": [], "source": [ - "df_ref = pd.read_csv(\"flight_delays_reference.csv.gz\", index_col=0, parse_dates=['DATE'])\n", + "df_ref = pd.read_csv(resources.data(\"flight_delays_reference.csv.gz\"), index_col=0, parse_dates=['DATE'])\n", "df.pm_stability_report(time_axis='DATE', time_width='1w', time_offset='2015-07-02', extended_report=False, reference_type='external', reference=df_ref)" ] }, @@ -411,13 +412,13 @@ "pycharm": { "stem_cell": { "cell_type": "raw", + "source": [], "metadata": { "collapsed": false - }, - "source": [] + } } } }, "nbformat": 4, "nbformat_minor": 4 -} +} \ No newline at end of file diff --git a/popmon/pipeline/amazing_pipeline.py b/popmon/pipeline/amazing_pipeline.py index 74f9c1b0..b18d1482 100644 --- a/popmon/pipeline/amazing_pipeline.py +++ b/popmon/pipeline/amazing_pipeline.py @@ -29,8 +29,7 @@ def run(): - """ Example that run self-reference pipeline and produces monitoring report - """ + """Example that run self-reference pipeline and produces monitoring report""" logging.basicConfig( level=logging.INFO, format="%(asctime)s %(levelname)s [%(module)s]: %(message)s" ) diff --git a/popmon/pipeline/metrics.py b/popmon/pipeline/metrics.py index 951de4d2..51abb3e4 100644 --- a/popmon/pipeline/metrics.py +++ b/popmon/pipeline/metrics.py @@ -55,7 +55,7 @@ def stability_metrics( features=None, **kwargs, ): - """ Create a data stability monitoring datastore for given dict of input histograms. + """Create a data stability monitoring datastore for given dict of input histograms. :param dict hists: input histograms to be profiled and monitored over time. :param reference_type: type or reference used for comparisons. Options [self, external, rolling, expanding]. @@ -169,7 +169,7 @@ def df_stability_metrics( pull_rules=None, **kwargs, ): - """ Create a data stability monitoring html datastore for given pandas or spark dataframe. + """Create a data stability monitoring html datastore for given pandas or spark dataframe. :param df: input pandas/spark dataframe to be profiled and monitored over time. :param str time_axis: name of datetime feature, used as time axis, eg 'date'. if True, will be auto-guessed. diff --git a/popmon/pipeline/metrics_pipelines.py b/popmon/pipeline/metrics_pipelines.py index e11b21f2..da80c557 100644 --- a/popmon/pipeline/metrics_pipelines.py +++ b/popmon/pipeline/metrics_pipelines.py @@ -53,7 +53,7 @@ def metrics_self_reference( features=None, **kwargs, ): - """ Example metrics pipeline for comparing test data with itself (full test set) + """Example metrics pipeline for comparing test data with itself (full test set) :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str time_axis: name of datetime feature. default is 'date' @@ -167,7 +167,7 @@ def metrics_external_reference( features=None, **kwargs, ): - """ Example metrics pipeline for comparing test data with other (full) external reference set + """Example metrics pipeline for comparing test data with other (full) external reference set :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str ref_hists_key: key to reference histograms in datastore. default is 'ref_hists' @@ -288,7 +288,7 @@ def metrics_rolling_reference( features=None, **kwargs, ): - """ Example metrics pipeline for comparing test data with itself (rolling test set) + """Example metrics pipeline for comparing test data with itself (rolling test set) :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str time_axis: name of datetime feature. default is 'date' @@ -403,7 +403,7 @@ def metrics_expanding_reference( features=None, **kwargs, ): - """ Example metrics pipeline for comparing test data with itself (expanding test set) + """Example metrics pipeline for comparing test data with itself (expanding test set) :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str time_axis: name of datetime feature. default is 'date' diff --git a/popmon/pipeline/report.py b/popmon/pipeline/report.py index a3a00724..aeec0e12 100644 --- a/popmon/pipeline/report.py +++ b/popmon/pipeline/report.py @@ -65,7 +65,7 @@ def stability_report( show_stats=config["limited_stats"], **kwargs, ): - """ Create a data stability monitoring html report for given dict of input histograms. + """Create a data stability monitoring html report for given dict of input histograms. :param dict hists: input histograms to be profiled and monitored over time. :param reference_type: type or reference used for comparisons. Options [self, external, rolling, expanding]. @@ -201,7 +201,7 @@ def df_stability_report( show_stats=config["limited_stats"], **kwargs, ): - """ Create a data stability monitoring html report for given pandas or spark dataframe. + """Create a data stability monitoring html report for given pandas or spark dataframe. :param df: input pandas/spark dataframe to be profiled and monitored over time. :param str time_axis: name of datetime feature, used as time axis, eg 'date'. if True, will be auto-guessed. diff --git a/popmon/pipeline/report_pipelines.py b/popmon/pipeline/report_pipelines.py index d8a25d2e..a042b90b 100644 --- a/popmon/pipeline/report_pipelines.py +++ b/popmon/pipeline/report_pipelines.py @@ -46,7 +46,7 @@ def self_reference( show_stats=None, **kwargs, ): - """ Example pipeline for comparing test data with itself (full test set) + """Example pipeline for comparing test data with itself (full test set) :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str time_axis: name of datetime feature. default is 'date' @@ -102,7 +102,7 @@ def external_reference( show_stats=None, **kwargs, ): - """ Example pipeline for comparing test data with other (full) external reference set + """Example pipeline for comparing test data with other (full) external reference set :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str ref_hists_key: key to reference histograms in datastore. default is 'ref_hists' @@ -160,7 +160,7 @@ def rolling_reference( show_stats=None, **kwargs, ): - """ Example pipeline for comparing test data with itself (rolling test set) + """Example pipeline for comparing test data with itself (rolling test set) :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str time_axis: name of datetime feature. default is 'date' @@ -218,7 +218,7 @@ def expanding_reference( show_stats=None, **kwargs, ): - """ Example pipeline for comparing test data with itself (expanding test set) + """Example pipeline for comparing test data with itself (expanding test set) :param str hists_key: key to test histograms in datastore. default is 'test_hists' :param str time_axis: name of datetime feature. default is 'date' @@ -262,8 +262,7 @@ def expanding_reference( class ReportPipe(Pipeline): - """ Pipeline of modules for generating sections and a final report. - """ + """Pipeline of modules for generating sections and a final report.""" def __init__( self, diff --git a/popmon/stats/numpy.py b/popmon/stats/numpy.py index 531c5013..b7ad7cb8 100644 --- a/popmon/stats/numpy.py +++ b/popmon/stats/numpy.py @@ -60,7 +60,7 @@ def fraction_of_true(bin_labels, bin_entries): return (1.0 * sum_true) / sum_entries -def mean(a, weights=None, axis=None, dtype=None, keepdims=False): +def mean(a, weights=None, axis=None, dtype=None, keepdims=False, ddof=0): """ Compute the weighted mean along the specified axis. @@ -72,15 +72,17 @@ def mean(a, weights=None, axis=None, dtype=None, keepdims=False): :param dtype: data type to use in computing the mean. :param bool keepdims: If this is set to True, the axes which are reduced are left in the result as dimensions with size one. + :param int ddof: delta degrees of freedom :return: np.ndarray """ if weights is None: return np.mean(a, axis=axis, dtype=dtype, keepdims=keepdims) else: w = np.array(weights) - return np.sum( - w * np.array(a), axis=axis, dtype=dtype, keepdims=keepdims - ) / np.sum(w, axis=axis, dtype=dtype, keepdims=keepdims) + + return np.sum(w * np.array(a), axis=axis, dtype=dtype, keepdims=keepdims) / ( + np.sum(w, axis=axis, dtype=dtype, keepdims=keepdims) - ddof + ) def std(a, weights=None, axis=None, dtype=None, ddof=0, keepdims=False): @@ -104,16 +106,9 @@ def std(a, weights=None, axis=None, dtype=None, ddof=0, keepdims=False): if weights is None: return np.std(a, axis=axis, dtype=dtype, ddof=ddof, keepdims=keepdims) else: - w = np.array(weights) - m = mean(a, weights=w, axis=axis, keepdims=True) - return np.sqrt( - np.sum( - w * (np.array(a) - m) ** 2, axis=axis, dtype=dtype, keepdims=keepdims - ) - / ( # noqa: W504 - np.sum(w, axis=axis, dtype=dtype, keepdims=keepdims) - ddof - ) - ) + m = mean(a, weights=weights, axis=axis, keepdims=True) + v = mean((a - m) ** 2, weights=weights, axis=axis, keepdims=keepdims, ddof=ddof) + return np.sqrt(v) def median(a, weights=None, axis=None, keepdims=False): @@ -207,7 +202,7 @@ def _not_finite_to_zero(x): def uu_chi2(n, m, verbose=False): - """ Normalized Chi^2 formula for two histograms with different number of entries + """Normalized Chi^2 formula for two histograms with different number of entries Copyright ROOT: Formulas translated from c++ to python, but formulas otherwise not modified. @@ -261,7 +256,7 @@ def uu_chi2(n, m, verbose=False): def ks_test(hist_1, hist_2): - """ KS-test for two histograms with different number of entries + """KS-test for two histograms with different number of entries Copyright ROOT: Formulas translated from c++ to python, but formulas otherwise not modified. @@ -294,7 +289,7 @@ def ks_test(hist_1, hist_2): def ks_prob(testscore): - """ KS-probability corresponding ti KS test score + """KS-probability corresponding ti KS test score Copyright ROOT: Formulas translated from c++ to python, but formulas otherwise not modified. @@ -330,7 +325,7 @@ def ks_prob(testscore): def googl_test(bins_1, bins_2): - """ Google-paper test + """Google-paper test Reference link: https://www.sysml.cc/doc/2019/167.pdf @@ -349,7 +344,7 @@ def dist(bins): def probability_distribution_mean_covariance(entries_list): - """ Mean normalized histogram and covariance of list of input histograms + """Mean normalized histogram and covariance of list of input histograms :param entries_list: numpy 2D array shape (n_histos, n_bins,) with bin counts of histograms :return: mean normalized histogram, covariance probability matrix @@ -394,7 +389,7 @@ def probability_distribution_mean_covariance(entries_list): def covariance_multinomial_probability_distribution(entries): - """ Calculate covariance matrix of a single multinomial probability distribution + """Calculate covariance matrix of a single multinomial probability distribution :param entries: entries of input histogram :return: numpy 2D array with covariance matrix of multinomial probability distribution diff --git a/popmon/stitching/hist_stitcher.py b/popmon/stitching/hist_stitcher.py index 591e21e0..5cb2a6f9 100644 --- a/popmon/stitching/hist_stitcher.py +++ b/popmon/stitching/hist_stitcher.py @@ -412,7 +412,7 @@ def _create_hist_with_time_axis(self, hist, time_bin_idx): return ht def _stitch_by_update(self, mode, hist_list): - """ Get sum of histograms using h1.bins.update(h2.bins), from first to last hist + """Get sum of histograms using h1.bins.update(h2.bins), from first to last hist Get sum of list of histograms by using bins.update(), where the update is applied by iterating over the histogram list, from the first to the last histogram. diff --git a/popmon/notebooks/flight_delays.csv.gz b/popmon/test_data/flight_delays.csv.gz similarity index 100% rename from popmon/notebooks/flight_delays.csv.gz rename to popmon/test_data/flight_delays.csv.gz diff --git a/popmon/notebooks/flight_delays_reference.csv.gz b/popmon/test_data/flight_delays_reference.csv.gz similarity index 100% rename from popmon/notebooks/flight_delays_reference.csv.gz rename to popmon/test_data/flight_delays_reference.csv.gz diff --git a/popmon/test_data/test.csv b/popmon/test_data/test.csv new file mode 100644 index 00000000..a7edb68c --- /dev/null +++ b/popmon/test_data/test.csv @@ -0,0 +1,401 @@ +_id,address,age,balance,company,email,eyeColor,favoriteFruit,gender,guid,index,isActive,latitude,longitude,name,phone,registered,tags,transaction,currency,date +565ebe61ffa6f757b5029f29,"109 Monument Walk, Vicksburg, California, 6247",16,"$1,333.24",DOGSPA,tamekajoyce@dogspa.com,grey,banana,female,c06a96e4-31e2-426e-aa5a-51e3c71991aa,0,False,18.82123,-131.721235,Tameka Joyce,+1 (914) 553-2622,2015-05-02T07:39:52 -02:00,"['anim', 'eu', 'proident', 'duis', 'et', 'sit', 'minim']",1131.03,DOL,2015-05-02 07:39:52 +565ebe616e073b23430d7052,"602 Harkness Avenue, Tyhee, Arizona, 5853",57,"$3,777.44",APPLICA,rosettaflynn@applica.com,brown,banana,female,6bbcaf11-a6b9-4f00-9db1-84fc11161526,1,True,-82.13461,52.720886,Rosetta Flynn,+1 (984) 525-3783,2015-06-16T08:08:53 -02:00,"['in', 'non', 'exercitation', 'dolor', 'aliquip', 'in', 'et']",-896.55,DOL,2015-06-16 08:08:53 +565ebe6141fdb23a67dd7584,"286 Fay Court, Forbestown, Pennsylvania, 6141",26,"$1,248.97",HOMETOWN,kathiemurray@hometown.com,blue,strawberry,female,b85ef702-39f4-42dd-a87f-ce97864c3551,2,True,62.383017,-85.22334599999998,Kathie Murray,+1 (859) 442-2358,2015-10-26T07:34:56 -01:00,"['culpa', 'sint', 'Lorem', 'culpa', 'veniam', 'labore', 'est']",1224.04,DOL,2015-10-26 07:34:56 +565ebe61c33636f6df907b06,"617 Baycliff Terrace, Castleton, Oklahoma, 7714",63,"$1,049.77",ISIS,bennetthahn@isis.com,green,strawberry,male,b42f1df9-839f-4f39-b3de-7ea3ac177786,3,True,-26.913326,-67.825793,Bennett Hahn,+1 (894) 564-2079,2015-06-04T01:59:25 -02:00,"['et', 'cillum', 'cillum', 'ad', 'laborum', 'consequat', 'ad']",541.08,DOL,2015-06-04 01:59:25 +565ebe61225511fd3288bb63,"262 Scholes Street, Fillmore, Utah, 2905",74,"$2,942.64",FUTURITY,cottoncarson@futurity.com,red,strawberry,male,14e518aa-2701-4397-94e7-72b9c27655ad,4,False,-2.777228,155.341981,Cotton Carson,+1 (825) 597-2328,2015-03-25T10:09:35 -01:00,"['labore', 'ea', 'officia', 'aliquip', 'nostrud', 'est', 'laboris']",-372.62,DOL,2015-03-25 10:09:35 +565ebe61c75584c4ddaddff3,"280 Dorset Street, Jacksonwald, North Dakota, 2183",39,"$2,462.75",AFFLUEX,sloannguyen@affluex.com,brown,strawberry,male,1d1c378c-416f-4b8c-b939-a084234b55bb,5,False,-45.122815,-33.703862,Sloan Nguyen,+1 (952) 465-2148,2015-11-10T06:38:53 -01:00,"['sint', 'ad', 'sint', 'quis', 'laborum', 'nostrud', 'Lorem']",197.05,DOL,2015-11-10 06:38:53 +565ebe6188a5d1065cdf4395,"471 Kane Place, Austinburg, Tennessee, 9645",54,"$2,684.83",BICOL,kimriley@bicol.com,blue,apple,male,79285c1b-dce9-4b78-b50d-a98a0ce4a591,6,True,-39.007536,-129.913049,Kim Riley,+1 (985) 508-2423,2015-10-20T12:28:57 -02:00,"['sunt', 'adipisicing', 'sit', 'occaecat', 'dolore', 'quis', 'nisi']",148.6,DOL,2015-10-20 12:28:57 +565ebe61851442675c6a0fa9,"235 Vine Street, Darbydale, Minnesota, 3284",86,"$3,386.99",TROPOLIS,wynnserrano@tropolis.com,grey,strawberry,male,13b9ae59-7046-42b1-a2eb-82752b7edbf9,7,False,-40.412601,89.198872,Wynn Serrano,+1 (821) 518-3256,2015-07-06T12:57:10 -02:00,"['irure', 'esse', 'aliqua', 'cillum', 'aliquip', 'ex', 'laboris']",843.96,DOL,2015-07-06 12:57:10 +565ebe619a36ba8dd453b6da,"605 Manor Court, Marne, Mississippi, 7930",32,"$1,588.18",SOLGAN,madeleinebonner@solgan.com,brown,apple,female,45ad233d-f2f0-4eee-baa4-a3b1f65b50e6,8,False,48.064335,143.914716,Madeleine Bonner,+1 (995) 401-2829,2015-08-23T02:31:36 -02:00,"['occaecat', 'irure', 'id', 'laborum', 'sint', 'qui', 'duis']",-121.51,DOL,2015-08-23 02:31:36 +565ebe6120e60421bd307ccc,"997 Albee Square, Denio, Hawaii, 8417",48,"$1,501.12",CONCILITY,burtwilkins@concility.com,blue,apple,male,69c0bd99-b866-4c1b-b935-e88d89140fdb,9,False,10.970656,23.641589,Burt Wilkins,+1 (837) 583-2411,2015-04-17T03:44:37 -02:00,"['proident', 'Lorem', 'incididunt', 'reprehenderit', 'Lorem', 'irure', 'consectetur']",-75.83,DOL,2015-04-17 03:44:37 +565ebe611948967bcc14fb26,"919 Ovington Avenue, Richford, Northern Mariana Islands, 2732",41,"$2,771.24",IDETICA,donacasey@idetica.com,brown,strawberry,female,ba1d25ae-9e3c-4b5a-bb77-324538ccf306,10,True,15.820262,-120.241418,Dona Casey,+1 (923) 504-2860,2015-03-26T09:19:51 -01:00,"['id', 'cupidatat', 'laborum', 'est', 'minim', 'commodo', 'enim']",1204.27,DOL,2015-03-26 09:19:51 +565ebe61b8f7a002374065de,"196 Menahan Street, Bentley, Maryland, 5303",81,"$1,994.89",KAGE,amparorobles@kage.com,red,strawberry,female,4256bf16-0a4e-4bb8-b8e0-f9a8b4ed2f5d,11,False,21.065422,-48.816765000000004,Amparo Robles,+1 (948) 538-3742,2015-02-05T09:51:00 -01:00,"['veniam', 'aliqua', 'tempor', 'ipsum', 'cupidatat', 'esse', 'incididunt']",262.55,DOL,2015-02-05 09:51:00 +565ebe61a420e948a1f6dbb8,"801 Interborough Parkway, Corriganville, Indiana, 4122",20,"$1,295.68",HONOTRON,racheldennis@honotron.com,green,apple,female,bc400c25-3580-4920-9934-aceeae119ecc,12,False,-71.116361,174.0921,Rachel Dennis,+1 (882) 593-3267,2015-11-16T08:39:00 -01:00,"['do', 'deserunt', 'cupidatat', 'irure', 'in', 'dolore', 'enim']",393.64,DOL,2015-11-16 08:39:00 +565ebe615f7a68c244cad906,"649 Hoyt Street, Welch, Kansas, 5536",48,"$2,847.92",REMOLD,mathisbush@remold.com,grey,banana,male,a8b76dc1-aa5c-437e-947a-2dbcf003967c,13,True,-38.999541,-169.696231,Mathis Bush,+1 (893) 548-2594,2015-01-07T08:35:10 -01:00,"['qui', 'mollit', 'veniam', 'cillum', 'esse', 'laborum', 'dolor']",-355.27,DOL,2015-01-07 08:35:10 +565ebe61e8ac003198484d9a,"232 Stewart Street, Cornucopia, Missouri, 1762",78,"$1,818.88",CRUSTATIA,mariongarner@crustatia.com,red,banana,female,5f2a1004-e660-492e-a771-56f1c6f29e26,14,True,-15.533703,24.326265,Marion Garner,+1 (824) 554-2875,2015-09-23T06:45:07 -02:00,"['eiusmod', 'irure', 'exercitation', 'deserunt', 'consectetur', 'deserunt', 'adipisicing']",1464.86,DOL,2015-09-23 06:45:07 +565ebe61085a376b72420016,"221 Dodworth Street, Dixie, New Mexico, 5889",37,"$3,086.04",EXOSPEED,fergusonpollard@exospeed.com,green,apple,male,32524ce6-11b5-464a-82e7-78c6a4939c0b,15,True,-41.159143,-19.170773999999998,Ferguson Pollard,+1 (826) 517-2722,2015-10-25T03:44:12 -02:00,"['irure', 'ex', 'mollit', 'dolor', 'sunt', 'incididunt', 'quis']",734.84,DOL,2015-10-25 03:44:12 +565ebe61a0e6527ee2a581a4,"646 Hill Street, Vallonia, Federated States Of Micronesia, 8536",20,"$2,980.50",RAMEON,marquezmendez@rameon.com,blue,banana,male,682f1401-72d9-42ef-b75d-24fc852a3e00,16,False,3.805114,-136.887333,Marquez Mendez,+1 (995) 525-3752,2015-12-16T04:11:32 -01:00,"['anim', 'cillum', 'anim', 'fugiat', 'proident', 'reprehenderit', 'mollit']",-24.2,DOL,2015-12-16 04:11:32 +565ebe61ac243ac5b9746154,"698 Seaview Court, Johnsonburg, Oregon, 1978",59,"$2,476.20",GEEKMOSIS,carolynmcdonald@geekmosis.com,red,apple,female,6e838423-de42-48da-8757-edaad0724ab5,17,False,-38.076714,-45.00392100000001,Carolyn Mcdonald,+1 (878) 514-3864,2015-09-12T05:35:23 -02:00,"['ea', 'et', 'ullamco', 'adipisicing', 'laboris', 'aute', 'duis']",36.23,DOL,2015-09-12 05:35:23 +565ebe61ef2add465d6bd9b0,"583 Carroll Street, Beyerville, Georgia, 3251",41,"$3,313.87",FURNAFIX,dixiehardy@furnafix.com,red,strawberry,female,31f40d7c-6a9f-4c9a-b69e-e31ce73ca4b1,18,False,-19.109782,-34.516203000000004,Dixie Hardy,+1 (915) 459-2532,2015-05-11T11:33:34 -02:00,"['velit', 'eiusmod', 'id', 'magna', 'eu', 'cillum', 'ut']",-886.75,DOL,2015-05-11 11:33:34 +565ebe61df614ce207bd47ca,"157 Hull Street, Tonopah, Arkansas, 2356",54,"$1,146.49",VIOCULAR,ratliffhamilton@viocular.com,green,strawberry,male,b5f2fc38-edbb-48dc-9d92-e9303413da49,19,False,2.691334,-117.604473,Ratliff Hamilton,+1 (913) 434-3136,2015-10-26T12:33:38 -02:00,"['exercitation', 'dolor', 'laboris', 'duis', 'reprehenderit', 'aliquip', 'amet']",-755.76,DOL,2015-10-26 12:33:38 +565ebe61159ca692247d30d8,"998 Farragut Road, Hollins, District Of Columbia, 2540",27,"$1,337.37",CONFRENZY,higginshooper@confrenzy.com,blue,banana,male,74ea8d5b-531a-445d-8de8-aca9695f4075,20,True,49.655257,107.630075,Higgins Hooper,+1 (998) 529-3529,2015-09-06T01:55:44 -02:00,"['enim', 'sint', 'Lorem', 'ex', 'adipisicing', 'adipisicing', 'commodo']",1067.24,DOL,2015-09-06 01:55:44 +565ebe6152e5d94753e80c3f,"351 Gates Avenue, Edgar, Virgin Islands, 4918",42,"$2,561.36",VIAGREAT,darlafoley@viagreat.com,brown,apple,female,20b27561-1450-4cc8-807a-d147a3e0082b,21,False,56.18319,160.85603600000005,Darla Foley,+1 (962) 519-2885,2015-07-03T06:16:11 -02:00,"['laborum', 'nostrud', 'dolor', 'laboris', 'cillum', 'sit', 'laboris']",214.18,DOL,2015-07-03 06:16:11 +565ebe6176d58cdbeadf23b8,"550 King Street, Hickory, Florida, 7808",58,"$3,382.31",FANFARE,carlsonwalsh@fanfare.com,green,apple,male,1d4600e1-af40-4856-8d41-7009add84b29,22,True,74.139267,-106.99275700000001,Carlson Walsh,+1 (967) 544-3754,2015-08-10T06:38:08 -02:00,"['ex', 'aute', 'voluptate', 'ipsum', 'do', 'sit', 'laboris']",-984.55,DOL,2015-08-10 06:38:08 +565ebe61b5f69dbe65b6c471,"321 Story Court, Boling, North Carolina, 1834",89,"$1,517.54",ORBIFLEX,laramaddox@orbiflex.com,red,banana,female,18cdfa95-1367-4d6f-8cdd-2794305f46a3,23,True,13.205181,-108.314653,Lara Maddox,+1 (964) 475-3800,2015-02-28T10:48:33 -01:00,"['est', 'tempor', 'est', 'aute', 'nisi', 'ad', 'sit']",-151.69,DOL,2015-02-28 10:48:33 +565ebe610e00f1938d2da3d2,"676 Beverly Road, Cucumber, Montana, 3795",52,"$2,892.77",EXTRAGEN,tannerporter@extragen.com,green,apple,male,b2a6c613-1541-4417-81ae-57f2514e508a,24,False,-52.219581,0.082886,Tanner Porter,+1 (912) 434-3389,2015-09-25T06:32:42 -02:00,"['pariatur', 'esse', 'eu', 'do', 'non', 'sit', 'laborum']",1474.88,DOL,2015-09-25 06:32:42 +565ebe614d789b7a723867de,"266 Roosevelt Place, Calverton, Puerto Rico, 903",11,"$3,400.43",UTARIAN,rosariohouston@utarian.com,blue,strawberry,male,8917eb11-e5eb-4899-9c7f-97f4d6d9b51c,25,True,-7.182053,-30.140272999999997,Rosario Houston,+1 (857) 488-3693,2015-03-16T10:14:53 -01:00,"['aliquip', 'exercitation', 'aliquip', 'elit', 'culpa', 'est', 'eu']",1257.63,DOL,2015-03-16 10:14:53 +565ebe61de53ee700100a6fb,"635 Cook Street, Omar, West Virginia, 479",61,"$2,678.75",ECLIPSENT,madgepaul@eclipsent.com,red,apple,female,0b8aa27b-1c29-4ddc-a969-fc6162c33193,26,True,73.218357,9.687855,Madge Paul,+1 (837) 458-2699,2015-10-17T01:38:16 -02:00,"['enim', 'est', 'sint', 'enim', 'do', 'consequat', 'et']",258.96,DOL,2015-10-17 01:38:16 +565ebe616c5845fc1b00b865,"706 Alton Place, Matheny, Wyoming, 9952",41,"$3,319.61",ANOCHA,morrowbuckley@anocha.com,grey,strawberry,male,213c7a3b-58e5-4baa-b69e-dc05e0c7f806,27,False,-39.147477,92.600272,Morrow Buckley,+1 (891) 473-2806,2015-10-07T07:00:54 -02:00,"['nostrud', 'nulla', 'sit', 'do', 'laborum', 'officia', 'consectetur']",-240.72,DOL,2015-10-07 07:00:54 +565ebe61cc29c42ee6808f03,"140 Amboy Street, Concho, Virginia, 5330",88,"$2,999.87",QUIZMO,merritthartman@quizmo.com,grey,strawberry,male,2c5b3bb0-3839-452b-800f-995f4db487ad,28,False,13.330385999999999,37.58164,Merritt Hartman,+1 (952) 442-2310,2015-06-12T07:30:46 -02:00,"['nulla', 'velit', 'aliquip', 'pariatur', 'ut', 'id', 'nulla']",-505.92,DOL,2015-06-12 07:30:46 +565ebe61284bd09566339425,"304 Suydam Street, Lloyd, Nebraska, 7811",62,"$3,567.93",EWEVILLE,inescervantes@eweville.com,blue,banana,female,e039e5c3-d7f9-4e7d-a0f2-ef8e82567bd8,29,True,-64.64066899999999,118.822469,Ines Cervantes,+1 (868) 472-2796,2015-10-10T04:13:01 -02:00,"['ut', 'aute', 'veniam', 'amet', 'occaecat', 'adipisicing', 'veniam']",1346.27,DOL,2015-10-10 04:13:01 +565ebe61b63351f894b442b3,"206 Metropolitan Avenue, Eagletown, Palau, 673",82,"$3,036.47",XSPORTS,bettyecummings@xsports.com,green,banana,female,59272fb5-2333-4799-b038-798fd201e723,30,False,58.586339,94.04175500000001,Bettye Cummings,+1 (878) 445-2299,2015-02-06T08:09:44 -01:00,"['veniam', 'nulla', 'pariatur', 'amet', 'adipisicing', 'ad', 'aliqua']",132.96,DOL,2015-02-06 08:09:44 +565ebe6166bed123199fa900,"557 Division Avenue, Hollymead, Alabama, 6380",66,"$2,680.36",MAGNEATO,hickmanguerrero@magneato.com,red,apple,male,ffdf16aa-f078-4cf5-bb07-337ad65eecb5,31,True,-34.416437,-136.682001,Hickman Guerrero,+1 (841) 468-3784,2015-06-24T07:09:12 -02:00,"['irure', 'voluptate', 'officia', 'eiusmod', 'adipisicing', 'eu', 'sunt']",97.11,DOL,2015-06-24 07:09:12 +565ebe61730895dcec328e2d,"924 Truxton Street, Vincent, Connecticut, 3928",64,"$3,195.89",ZILLAN,louellachapman@zillan.com,red,strawberry,female,21a0c7a1-86df-487b-8b23-2a9c899dc9f5,32,False,1.368651,177.24018999999996,Louella Chapman,+1 (914) 436-3282,2015-10-03T09:10:21 -02:00,"['ex', 'id', 'ex', 'excepteur', 'quis', 'elit', 'pariatur']",-331.68,DOL,2015-10-03 09:10:21 +565ebe61eb0dcdda7107a3ce,"902 Terrace Place, Nanafalia, South Carolina, 6927",86,"$2,441.32",QIAO,renebullock@qiao.com,grey,strawberry,female,7504e76e-1418-4086-9e03-cfdd6eb75ac1,33,True,26.479119,-130.015083,Rene Bullock,+1 (933) 473-3477,2015-07-17T11:02:17 -02:00,"['cupidatat', 'nulla', 'aute', 'culpa', 'duis', 'ullamco', 'qui']",1251.33,DOL,2015-07-17 11:02:17 +565ebe61f23c49e0abb201f0,"919 Poly Place, Makena, Massachusetts, 2496",30,"$3,779.61",ACCUPHARM,meganshannon@accupharm.com,red,apple,female,e75bb7a7-857e-44f8-b12b-610b8e8f91fa,34,True,1.172706,-133.304119,Megan Shannon,+1 (923) 445-2736,2015-05-17T07:10:00 -02:00,"['nostrud', 'et', 'do', 'deserunt', 'incididunt', 'adipisicing', 'velit']",-588.7,DOL,2015-05-17 07:10:00 +565ebe61024b2ee63c1c078b,"413 Channel Avenue, Maybell, Delaware, 7209",63,"$2,157.66",GUSHKOOL,sandywoods@gushkool.com,red,apple,female,3a5db7ff-95d0-4d11-ab9c-aabf87cf6381,35,True,-83.045455,15.347217,Sandy Woods,+1 (870) 411-3074,2015-01-02T08:35:38 -01:00,"['dolor', 'ipsum', 'qui', 'et', 'eu', 'magna', 'minim']",-551.94,DOL,2015-01-02 08:35:38 +565ebe6127857a1a92d02c7c,"796 Burnett Street, Woodruff, Iowa, 3238",48,"$1,575.02",ZENOLUX,hensonkemp@zenolux.com,grey,strawberry,male,914d7b4e-2f50-4a7a-bb06-f314ff74dcac,36,True,47.393049,58.636203,Henson Kemp,+1 (819) 472-2828,2015-12-27T08:30:20 -01:00,"['sit', 'veniam', 'non', 'elit', 'nostrud', 'excepteur', 'ea']",594.69,DOL,2015-12-27 08:30:20 +565ebe61958f55d1a2dace37,"253 Grove Place, Glenville, Colorado, 4076",85,"$3,205.31",GEOFORM,kingstokes@geoform.com,grey,banana,male,c66e0c66-cf69-4dd2-9055-ce5af3f2247e,37,False,-64.16357099999999,-174.995791,King Stokes,+1 (987) 409-2470,2015-04-23T06:02:01 -02:00,"['est', 'aute', 'aute', 'et', 'voluptate', 'sunt', 'laborum']",536.02,DOL,2015-04-23 06:02:01 +565ebe6140750d283c46db5d,"478 Douglass Street, Cotopaxi, Maine, 9876",19,"$2,252.07",STELAECOR,carrollgross@stelaecor.com,grey,banana,male,44f9ab62-fe52-40a5-903b-ffa1090de9a9,38,False,-49.156048999999996,83.73282900000002,Carroll Gross,+1 (807) 472-2270,2015-11-13T03:08:35 -01:00,"['adipisicing', 'dolor', 'esse', 'consectetur', 'sunt', 'irure', 'incididunt']",-114.45,DOL,2015-11-13 03:08:35 +565ebe6107be8d6f6a8b8511,"496 Voorhies Avenue, Bynum, Ohio, 778",77,"$2,020.60",ZANYMAX,warrenosborn@zanymax.com,green,apple,male,9f9c6e58-dcfc-47b1-ac45-2d516220c164,39,True,76.598539,-49.842057000000004,Warren Osborn,+1 (848) 444-2438,2015-02-07T05:12:40 -01:00,"['do', 'irure', 'aute', 'pariatur', 'enim', 'ad', 'adipisicing']",-297.8,DOL,2015-02-07 05:12:40 +565ebe6182dbbe62d5436e47,"569 Kossuth Place, National, Wisconsin, 3345",13,"$2,657.20",CANDECOR,beckglass@candecor.com,blue,banana,male,333c2c98-3fa1-440f-87d3-04e41a08b278,40,True,88.69800500000002,-47.906714,Beck Glass,+1 (824) 598-2891,2015-09-08T03:20:14 -02:00,"['aute', 'reprehenderit', 'do', 'excepteur', 'exercitation', 'consectetur', 'labore']",-189.15,DOL,2015-09-08 03:20:14 +565ebe61ade728f72f69403f,"510 Billings Place, Gadsden, Michigan, 8266",34,"$2,763.16",AEORA,diazerickson@aeora.com,red,strawberry,male,7c509c00-ac03-4883-986e-61588cc98e94,41,True,69.71109799999999,-61.75996,Diaz Erickson,+1 (930) 414-2560,2015-01-14T10:50:58 -01:00,"['consectetur', 'labore', 'ea', 'in', 'aute', 'adipisicing', 'do']",-986.51,DOL,2015-01-14 10:50:58 +565ebe6177d719ad2186d39a,"584 Gerry Street, Crisman, Guam, 4876",45,"$1,867.19",MANUFACT,sueshields@manufact.com,red,banana,female,537691cd-a0c7-4eb6-bb3b-43ed70447d60,42,True,-22.090834,-111.090303,Sue Shields,+1 (852) 551-2929,2015-04-17T10:50:10 -02:00,"['occaecat', 'qui', 'ullamco', 'ullamco', 'commodo', 'proident', 'qui']",-614.89,DOL,2015-04-17 10:50:10 +565ebe6149be98a6d7da9bb7,"326 Borinquen Pl, Somerset, New Hampshire, 7724",88,"$2,667.99",ISODRIVE,sharronweeks@isodrive.com,brown,apple,female,b5ac4a3b-b469-4224-a6f1-11e96a7d8422,43,False,52.29935800000001,100.781349,Sharron Weeks,+1 (838) 527-2505,2015-01-18T07:15:04 -01:00,"['et', 'magna', 'amet', 'pariatur', 'tempor', 'non', 'minim']",1311.6,DOL,2015-01-18 07:15:04 +565ebe612f37b899aa3c372a,"981 Ralph Avenue, Shawmut, Alaska, 3886",44,"$1,653.97",FUTURIZE,masonmcclain@futurize.com,red,banana,male,08b29981-f338-4d71-87db-9dfe74d6dbf0,44,True,72.48232,-19.264633,Mason Mcclain,+1 (894) 596-2379,2015-03-12T04:03:53 -01:00,"['duis', 'sint', 'ipsum', 'nulla', 'cupidatat', 'velit', 'veniam']",1377.55,DOL,2015-03-12 04:03:53 +565ebe61b0350ab2379e5b79,"463 Cypress Court, Rivers, Louisiana, 8577",17,"$2,646.51",BALUBA,jaimecrosby@baluba.com,green,banana,female,57008bde-3c8a-47a9-a58f-4b1027fc3eb5,45,True,-71.238472,-166.45410900000005,Jaime Crosby,+1 (964) 556-2000,2015-06-18T06:23:27 -02:00,"['consectetur', 'commodo', 'quis', 'et', 'dolor', 'culpa', 'consequat']",-219.96,DOL,2015-06-18 06:23:27 +565ebe61262f2a256a57ebd2,"176 Belvidere Street, Sunbury, Texas, 7425",66,"$2,825.13",ISOTERNIA,websternash@isoternia.com,red,apple,male,5adb3d22-cd28-456f-a179-8ca3afb73751,46,False,-46.460575,-63.450805,Webster Nash,+1 (857) 579-3329,2015-03-14T12:02:01 -01:00,"['duis', 'minim', 'deserunt', 'reprehenderit', 'et', 'in', 'eiusmod']",-486.18,DOL,2015-03-14 12:02:01 +565ebe619c8304b66558be9e,"332 Crystal Street, Bayview, Marshall Islands, 5232",41,"$2,923.61",YOGASM,hoffmancollins@yogasm.com,grey,strawberry,male,c8d9c827-ed0c-4609-9518-9de1b143fb5b,47,False,-34.006467,169.717996,Hoffman Collins,+1 (890) 485-2822,2015-08-30T08:33:04 -02:00,"['et', 'esse', 'amet', 'excepteur', 'eu', 'ad', 'culpa']",-892.49,DOL,2015-08-30 08:33:04 +565ebe61c4d7f1cf1930fa1e,"261 Meeker Avenue, Rockingham, Illinois, 1438",50,"$3,047.31",ANARCO,georgettegeorge@anarco.com,blue,banana,female,18c24a0c-594b-42dc-b6b2-075ddf82725b,48,False,66.704134,104.77141800000001,Georgette George,+1 (977) 525-2953,2015-10-27T06:03:14 -01:00,"['minim', 'ut', 'veniam', 'adipisicing', 'non', 'adipisicing', 'consectetur']",-697.77,DOL,2015-10-27 06:03:14 +565ebe61280e3e042d4251d2,"663 Willow Street, Harrodsburg, South Dakota, 5793",37,"$2,021.80",AVENETRO,lottiemayo@avenetro.com,red,apple,female,3fdecad6-5269-4454-a122-171500f78356,49,True,-76.375613,-61.654127,Lottie Mayo,+1 (861) 419-2102,2015-01-27T02:39:35 -01:00,"['ullamco', 'sit', 'cupidatat', 'dolore', 'voluptate', 'ut', 'incididunt']",-510.46,DOL,2015-01-27 02:39:35 +565ebe616303d616c7414c07,"384 Agate Court, Leroy, Nevada, 4475",25,"$3,581.17",MOLTONIC,barryreed@moltonic.com,blue,banana,male,21f0beef-2e84-4671-a94c-20520409bb48,50,False,-62.114194999999995,-131.966224,Barry Reed,+1 (949) 558-2137,2015-10-25T11:05:33 -01:00,"['sit', 'dolor', 'amet', 'dolor', 'commodo', 'ullamco', 'proident']",-471.39,DOL,2015-10-25 11:05:33 +565ebe619d11baca52a6f8cd,"611 Drew Street, Sunnyside, Washington, 9357",10,"$1,251.37",BESTO,esmeraldasolis@besto.com,grey,banana,female,9c0fb47f-fb96-4292-937c-797af7a55470,51,True,36.71649,19.68895,Esmeralda Solis,+1 (999) 400-3129,2015-11-03T07:18:53 -01:00,"['elit', 'do', 'enim', 'velit', 'ex', 'duis', 'excepteur']",139.91,DOL,2015-11-03 07:18:53 +565ebe61ddfa797ecd2b615c,"651 Horace Court, Lowgap, Rhode Island, 2628",45,"$3,005.64",NEXGENE,jillianmckee@nexgene.com,brown,apple,female,c6a7aa88-eda3-4783-8b7e-99cd7d8b9219,52,True,30.407195,-151.773317,Jillian Mckee,+1 (978) 539-3419,2015-04-30T08:59:07 -02:00,"['nostrud', 'cillum', 'ipsum', 'laborum', 'excepteur', 'consectetur', 'laborum']",-565.1,DOL,2015-04-30 08:59:07 +565ebe617ebbd42e104fef79,"912 Cedar Street, Dale, Vermont, 2619",42,"$1,242.31",XANIDE,leannahewitt@xanide.com,green,apple,female,00fc339e-8729-4e63-8685-3ece1bbaed67,53,True,-62.922404,119.59806699999999,Leanna Hewitt,+1 (961) 415-3876,2015-01-06T08:12:42 -01:00,"['aliquip', 'quis', 'officia', 'cupidatat', 'exercitation', 'do', 'commodo']",961.39,DOL,2015-01-06 08:12:42 +565ebe6117b9dd17a3a7359e,"379 Pierrepont Street, Joppa, Kentucky, 501",35,"$1,178.60",COSMOSIS,elliottdejesus@cosmosis.com,grey,banana,male,5d61569c-2b31-44c1-be81-88fab5e6303c,54,True,68.215944,-72.783326,Elliott Dejesus,+1 (869) 504-2546,2015-10-14T07:41:32 -02:00,"['elit', 'aliquip', 'cupidatat', 'duis', 'ut', 'cillum', 'pariatur']",1184.29,DOL,2015-10-14 07:41:32 +565ebe6182dd34d3b2f1d013,"128 Benson Avenue, Frank, New York, 121",53,"$3,080.83",COMBOGENE,brendadowns@combogene.com,brown,strawberry,female,9bbd8958-5cdf-4d1e-ba47-8feee712931a,55,False,-16.174344,-119.790356,Brenda Downs,+1 (888) 516-3231,2015-08-12T05:36:02 -02:00,"['nisi', 'adipisicing', 'ullamco', 'ea', 'elit', 'qui', 'quis']",-845.1,DOL,2015-08-12 05:36:02 +565ebe61f80a18429f96f996,"514 President Street, Calvary, Idaho, 3955",65,"$3,363.50",NETBOOK,claystanley@netbook.com,grey,banana,male,df74fba6-4a1f-41d6-b483-cf3e03695d93,56,True,51.59048,-88.655666,Clay Stanley,+1 (819) 562-3480,2015-07-12T02:05:19 -02:00,"['nisi', 'anim', 'deserunt', 'do', 'culpa', 'ex', 'elit']",1404.43,DOL,2015-07-12 02:05:19 +565ebe6157f3ce0c545d9bdf,"184 Stoddard Place, Forestburg, American Samoa, 1033",63,"$3,088.83",ANIMALIA,franciscahouse@animalia.com,green,banana,female,460ce868-d6d3-410c-812d-09a3e5828eb2,57,True,16.116643,-41.684472,Francisca House,+1 (958) 544-3144,2015-01-17T07:13:25 -01:00,"['ullamco', 'nostrud', 'enim', 'irure', 'sint', 'esse', 'labore']",218.56,DOL,2015-01-17 07:13:25 +565ebe61875a4f9a55295fc5,"641 Arlington Avenue, Chase, California, 7201",31,"$1,684.01",ENTHAZE,norahowe@enthaze.com,grey,apple,female,a2b800bf-7728-4059-83bf-15fc4dee6079,58,True,-16.450725,-86.303814,Nora Howe,+1 (982) 457-2516,2015-12-11T06:48:36 -01:00,"['in', 'est', 'velit', 'nostrud', 'non', 'cillum', 'id']",1470.97,DOL,2015-12-11 06:48:36 +565ebe618d7a488ef3342dd9,"795 Tech Place, Fulford, Arizona, 7790",23,"$1,424.82",EQUITAX,elvacain@equitax.com,red,banana,female,bc3a748d-3658-4b97-9686-e58273e0dc16,59,True,-14.22551,120.66129699999999,Elva Cain,+1 (900) 541-3735,2015-12-25T11:52:58 -01:00,"['amet', 'sunt', 'incididunt', 'commodo', 'enim', 'incididunt', 'dolore']",307.22,DOL,2015-12-25 11:52:58 +565ebe61da391dd1824d88e0,"334 Stone Avenue, Veyo, Pennsylvania, 4863",31,"$3,687.11",MAGNINA,hobbsestes@magnina.com,red,strawberry,male,63386a0e-9b82-40d6-ae83-01e3deef0e51,60,True,82.665587,6.139034,Hobbs Estes,+1 (933) 444-2510,2015-05-15T10:51:46 -02:00,"['occaecat', 'sit', 'incididunt', 'esse', 'mollit', 'labore', 'elit']",555.44,DOL,2015-05-15 10:51:46 +565ebe614ef5df99f12522ba,"348 Clifton Place, Orick, Oklahoma, 2304",71,"$1,880.18",ZOLAVO,rosalindaeaton@zolavo.com,blue,strawberry,female,2298b724-064b-4e1c-a478-3527e82f855f,61,True,67.548538,-67.363694,Rosalinda Eaton,+1 (953) 449-3213,2015-11-04T11:00:58 -01:00,"['labore', 'minim', 'ea', 'voluptate', 'minim', 'pariatur', 'adipisicing']",-365.11,DOL,2015-11-04 11:00:58 +565ebe6103c30ff9ebae7419,"983 Chapel Street, Rote, Utah, 2428",26,"$3,179.97",ZILLATIDE,penningtonhowell@zillatide.com,blue,apple,male,fb609ef9-f81f-4ad8-9bb2-c9d290ff21b1,62,False,7.056186,177.782757,Pennington Howell,+1 (848) 488-3522,2015-09-10T06:06:36 -02:00,"['aliqua', 'anim', 'amet', 'id', 'elit', 'ea', 'Lorem']",475.6,DOL,2015-09-10 06:06:36 +565ebe61994c6b169a0f32fe,"744 Nostrand Avenue, Edinburg, North Dakota, 888",45,"$3,805.91",DAISU,lucindarobertson@daisu.com,green,banana,female,872eaff3-09c5-44ed-9788-99f9b48a709a,63,True,45.277892,-150.519518,Lucinda Robertson,+1 (802) 431-2803,2015-06-01T03:33:21 -02:00,"['anim', 'minim', 'est', 'Lorem', 'et', 'ad', 'anim']",513.63,DOL,2015-06-01 03:33:21 +565ebe618c06344dfdaf63ef,"482 Banker Street, Singer, Tennessee, 6247",79,"$2,337.81",WRAPTURE,concettabryant@wrapture.com,green,banana,female,a6621c16-904b-412f-8f25-6bc545b8ada2,64,False,76.144234,158.092143,Concetta Bryant,+1 (835) 508-2522,2015-07-12T09:22:24 -02:00,"['fugiat', 'consequat', 'id', 'ea', 'magna', 'eu', 'consequat']",189.75,DOL,2015-07-12 09:22:24 +565ebe61d96e24873fdf0aae,"776 McDonald Avenue, Cataract, Minnesota, 2008",49,"$1,016.91",INTERFIND,sherylhoover@interfind.com,blue,banana,female,241dda55-24a3-4333-935c-5c8f125152bd,65,True,-23.41371,-5.995647,Sheryl Hoover,+1 (932) 417-2872,2015-03-02T04:23:40 -01:00,"['aliqua', 'tempor', 'irure', 'nisi', 'esse', 'labore', 'ipsum']",1031.52,DOL,2015-03-02 04:23:40 +565ebe616a8ce87208668159,"989 Driggs Avenue, Independence, Mississippi, 4420",26,"$3,082.51",KRAG,kaylahatfield@krag.com,red,apple,female,a6263f2c-f086-42f8-b2cd-08629b62da54,66,True,-7.103517,-2.879196,Kayla Hatfield,+1 (813) 514-2041,2015-11-20T06:16:02 -01:00,"['veniam', 'occaecat', 'incididunt', 'laborum', 'non', 'non', 'laboris']",107.41,DOL,2015-11-20 06:16:02 +565ebe61fcc810264f0561c5,"537 Covert Street, Stewartville, Hawaii, 9235",45,"$3,187.00",UNEEQ,nortonedwards@uneeq.com,grey,banana,male,22de67f0-45c5-4be0-91c6-aa7e3a2ab311,67,False,-7.099122,-90.717641,Norton Edwards,+1 (949) 561-3065,2015-11-26T10:05:36 -01:00,"['do', 'aliqua', 'voluptate', 'et', 'adipisicing', 'velit', 'minim']",490.39,DOL,2015-11-26 10:05:36 +565ebe61a59d30920ab45668,"529 Pilling Street, Manitou, Northern Mariana Islands, 8275",44,"$3,428.81",CIRCUM,normaward@circum.com,brown,banana,female,57c7bb72-97f6-4b59-b1ea-4132dd711714,68,True,-73.579398,-106.264205,Norma Ward,+1 (802) 467-2554,2015-01-17T03:09:58 -01:00,"['pariatur', 'labore', 'amet', 'aliqua', 'aute', 'laboris', 'dolore']",-786.41,DOL,2015-01-17 03:09:58 +565ebe615b48b069e94bf7ce,"493 Veronica Place, Santel, Maryland, 9079",33,"$2,246.44",QUAREX,bryancox@quarex.com,green,banana,male,0164d1c8-b70a-45dc-8c8b-8609c38f8170,69,True,89.430937,-43.156659999999995,Bryan Cox,+1 (881) 565-3237,2015-03-30T01:58:38 -02:00,"['officia', 'exercitation', 'eu', 'ad', 'exercitation', 'amet', 'amet']",-199.18,DOL,2015-03-30 01:58:38 +565ebe61549f351e8cc21f96,"265 Vanderbilt Avenue, Darrtown, Indiana, 1389",31,"$2,955.36",PROGENEX,littlemullins@progenex.com,grey,strawberry,male,c35359a8-84b6-42ff-8196-5e00920f7277,70,True,-29.7922,-157.689497,Little Mullins,+1 (927) 424-3140,2015-10-10T12:48:11 -02:00,"['ullamco', 'magna', 'veniam', 'ut', 'reprehenderit', 'elit', 'tempor']",1138.5,DOL,2015-10-10 12:48:11 +565ebe615969f14581df528e,"353 Lombardy Street, Trail, Kansas, 452",26,"$3,124.12",COMTEXT,hudsonparsons@comtext.com,green,strawberry,male,40d17fa4-f2c8-49a6-94a3-25282c17823d,71,False,7.918782000000001,-70.821353,Hudson Parsons,+1 (972) 454-3879,2015-01-27T05:19:14 -01:00,"['fugiat', 'minim', 'aliquip', 'commodo', 'aute', 'elit', 'elit']",1483.36,DOL,2015-01-27 05:19:14 +565ebe6111b241a84dae5c81,"886 Alabama Avenue, Greenock, Missouri, 1726",68,"$3,147.61",DYNO,helenegoff@dyno.com,red,banana,female,01c094d6-aff7-44c3-9ea0-4cbe73cb0a91,72,True,57.361188,141.880915,Helene Goff,+1 (870) 577-2322,2015-02-23T05:36:58 -01:00,"['incididunt', 'exercitation', 'deserunt', 'Lorem', 'ea', 'cillum', 'laboris']",-457.31,DOL,2015-02-23 05:36:58 +565ebe61b21cbd487519233b,"840 Clara Street, Wanship, New Mexico, 6453",51,"$1,008.03",KIDGREASE,sonyafrazier@kidgrease.com,red,strawberry,female,9850f14d-3066-47e2-86eb-a407f764fa2f,73,False,77.956926,-60.824181,Sonya Frazier,+1 (998) 593-3802,2015-03-12T05:49:16 -01:00,"['aute', 'do', 'dolore', 'nulla', 'occaecat', 'eiusmod', 'occaecat']",953.59,DOL,2015-03-12 05:49:16 +565ebe6119d33597a95424e9,"116 Cropsey Avenue, Englevale, Federated States Of Micronesia, 4076",25,"$1,492.17",AMTAP,shanalawson@amtap.com,green,banana,female,f9b12a56-2cc0-46c8-bbb2-a9a2ad45502b,74,True,-36.385379,17.507043,Shana Lawson,+1 (841) 560-2118,2015-11-02T04:18:14 -01:00,"['sint', 'ut', 'occaecat', 'magna', 'duis', 'irure', 'consequat']",925.46,DOL,2015-11-02 04:18:14 +565ebe616beb6ff3fdb33f4d,"746 Seagate Terrace, Sena, Oregon, 9841",39,"$3,725.25",VELITY,jamivinson@velity.com,red,apple,female,c2c534b4-f683-46fb-99cf-85103b082350,75,True,87.738621,8.246602000000001,Jami Vinson,+1 (837) 455-3222,2015-07-13T09:51:01 -02:00,"['eu', 'dolor', 'enim', 'aute', 'qui', 'sunt', 'duis']",1492.54,DOL,2015-07-13 09:51:01 +565ebe617b00ab071c22a51d,"859 Temple Court, Guilford, Georgia, 4421",67,"$3,087.58",VISALIA,mathewsmccoy@visalia.com,green,apple,male,383109d6-5990-4708-a92c-d2102da63bd1,76,True,-60.11278100000001,-124.497821,Mathews Mccoy,+1 (899) 594-2158,2015-08-03T10:19:16 -02:00,"['enim', 'exercitation', 'esse', 'anim', 'aute', 'in', 'culpa']",1320.58,DOL,2015-08-03 10:19:16 +565ebe61e11e1bf0af2a597b,"230 Tampa Court, Rodanthe, Arkansas, 6206",61,"$1,628.45",APEXIA,staffordtyson@apexia.com,green,apple,male,2ab964dc-30b2-41d5-91e8-910f06c8d945,77,False,-62.629369,29.96038900000001,Stafford Tyson,+1 (966) 413-3944,2015-07-05T04:58:05 -02:00,"['enim', 'enim', 'proident', 'enim', 'id', 'minim', 'laboris']",379.69,DOL,2015-07-05 04:58:05 +565ebe6183a1841454bc3e0c,"721 Fleet Walk, Groton, District Of Columbia, 9238",78,"$1,930.79",TASMANIA,jaclynsimpson@tasmania.com,red,apple,female,5b41b2dc-f56d-4aa1-84f3-f0f043606de9,78,False,16.9138,71.858189,Jaclyn Simpson,+1 (912) 469-2458,2015-09-21T11:31:50 -02:00,"['eiusmod', 'in', 'id', 'cillum', 'amet', 'est', 'excepteur']",-204.59,DOL,2015-09-21 11:31:50 +565ebe619ccfaa9e23e2816e,"411 Mill Avenue, Bendon, Virgin Islands, 396",44,"$3,209.41",AQUACINE,bradleyrussell@aquacine.com,blue,strawberry,male,3dd69aae-11d3-4314-8115-1fb0cb46f914,79,False,-44.76224000000001,98.05060300000001,Bradley Russell,+1 (818) 432-2666,2015-07-09T04:28:44 -02:00,"['pariatur', 'enim', 'laboris', 'nostrud', 'velit', 'irure', 'elit']",-585.15,DOL,2015-07-09 04:28:44 +565ebe61de254eb56648dea3,"742 Hendrickson Place, Yonah, Florida, 1975",21,"$2,996.80",MEDICROIX,christianlopez@medicroix.com,blue,strawberry,male,a0f0dc5c-a3fe-4c4a-ab77-651be278547b,80,True,18.832546,31.800676,Christian Lopez,+1 (926) 584-2006,2015-04-28T01:52:27 -02:00,"['consectetur', 'magna', 'do', 'velit', 'ullamco', 'commodo', 'est']",-337.59,DOL,2015-04-28 01:52:27 +565ebe619e88be4658497d48,"676 Fayette Street, Rowe, North Carolina, 3582",85,"$2,896.27",OLUCORE,baldwingilbert@olucore.com,grey,strawberry,male,6265a04f-2fcb-4699-872a-0cc5048fc7e5,81,True,-83.909368,-61.510107,Baldwin Gilbert,+1 (902) 560-3037,2015-06-14T05:52:53 -02:00,"['ad', 'cillum', 'do', 'amet', 'aliqua', 'consequat', 'nisi']",-414.03,DOL,2015-06-14 05:52:53 +565ebe610c5f1dc4e9c94544,"266 Pierrepont Place, Walton, Montana, 7012",88,"$2,850.19",KONGENE,carolevalencia@kongene.com,brown,banana,female,72566e62-ab1d-460b-acdb-f0596606f565,82,False,14.502691,178.773393,Carole Valencia,+1 (967) 442-2007,2015-05-11T08:18:16 -02:00,"['voluptate', 'do', 'dolor', 'aliqua', 'culpa', 'enim', 'minim']",400.78,DOL,2015-05-11 08:18:16 +565ebe61f31dbeb681ded863,"623 Kermit Place, Saticoy, Puerto Rico, 932",63,"$2,913.66",DECRATEX,rowemarshall@decratex.com,blue,strawberry,male,48cafc22-d85e-4e09-95d4-1e8141b6e0ef,83,False,-2.93268,107.31327900000001,Rowe Marshall,+1 (842) 577-2116,2015-06-17T03:14:42 -02:00,"['amet', 'amet', 'amet', 'anim', 'nulla', 'est', 'pariatur']",1478.14,DOL,2015-06-17 03:14:42 +565ebe6172fde3c1a5c96648,"829 Lincoln Road, Disautel, West Virginia, 2204",75,"$2,710.43",GLOBOIL,nelliemclaughlin@globoil.com,green,strawberry,female,4e3f8bff-9da3-4ba6-bb4e-ba87494d3a75,84,False,74.08249,69.722797,Nellie Mclaughlin,+1 (863) 560-2550,2015-06-03T01:54:49 -02:00,"['ex', 'ad', 'mollit', 'in', 'aliquip', 'cupidatat', 'enim']",-753.53,DOL,2015-06-03 01:54:49 +565ebe61c24e7745e8a6cd60,"790 Flatlands Avenue, Smeltertown, Wyoming, 8919",69,"$2,643.44",VIDTO,dinavaughan@vidto.com,grey,apple,female,0491785c-121d-46ff-929c-aff9cc2cb41b,85,True,-58.897677,162.014039,Dina Vaughan,+1 (899) 568-2402,2015-11-07T11:02:24 -01:00,"['consectetur', 'commodo', 'aliqua', 'do', 'laborum', 'exercitation', 'excepteur']",-273.77,DOL,2015-11-07 11:02:24 +565ebe61302bbeb273ec6412,"426 Bleecker Street, Edmund, Virginia, 7888",57,"$1,080.66",XTH,parkeryoung@xth.com,red,banana,male,31cc0399-a0c4-491f-ad26-c9532c2830e5,86,True,-56.349016000000006,-27.599241999999997,Parker Young,+1 (885) 586-2746,2015-06-01T03:48:26 -02:00,"['nisi', 'est', 'eiusmod', 'sint', 'officia', 'exercitation', 'est']",1370.93,DOL,2015-06-01 03:48:26 +565ebe615ff71e22cf375c2e,"127 Kosciusko Street, Gouglersville, Nebraska, 8133",55,"$3,493.25",EXOBLUE,rhondanewman@exoblue.com,red,apple,female,69bd6c3b-5966-46be-977b-d839d6eca3ce,87,False,55.284241,128.278455,Rhonda Newman,+1 (991) 558-2292,2015-06-17T04:20:54 -02:00,"['veniam', 'commodo', 'labore', 'ex', 'magna', 'consectetur', 'esse']",-882.44,DOL,2015-06-17 04:20:54 +565ebe616a84b1b2bb2d13c3,"224 Prince Street, Haena, Palau, 7891",64,"$1,985.46",ZILCH,jeannehodge@zilch.com,red,apple,female,f4177f07-307e-44c3-a761-9ec3bd2ed014,88,True,17.34678,-102.778251,Jeanne Hodge,+1 (809) 597-2429,2015-07-05T10:49:15 -02:00,"['exercitation', 'ex', 'id', 'eiusmod', 'irure', 'id', 'dolore']",138.27,DOL,2015-07-05 10:49:15 +565ebe61fd8a6603c3791a0d,"157 Bayard Street, Lacomb, Alabama, 8363",51,"$2,406.86",BRAINCLIP,magdalenamcclure@brainclip.com,green,banana,female,e93572d3-fa02-4b81-9618-100af955972c,89,True,81.668351,69.819952,Magdalena Mcclure,+1 (973) 412-3336,2015-04-06T11:43:53 -02:00,"['veniam', 'cillum', 'anim', 'Lorem', 'veniam', 'ad', 'fugiat']",867.64,DOL,2015-04-06 11:43:53 +565ebe61936d1f5af96472a2,"790 Montgomery Place, Brambleton, Connecticut, 9604",78,"$2,332.33",ASSISTIX,ilamccarthy@assistix.com,blue,banana,female,fefe9385-8a1c-4e6b-a0ee-31eeac247c4a,90,True,89.877666,114.320901,Ila Mccarthy,+1 (915) 432-2343,2015-12-15T10:01:18 -01:00,"['duis', 'tempor', 'dolore', 'in', 'laboris', 'officia', 'est']",-683.9,DOL,2015-12-15 10:01:18 +565ebe61a9e1df63e7095e34,"790 Dover Street, Blanford, South Carolina, 2287",84,"$1,801.30",UXMOX,dukemccall@uxmox.com,green,strawberry,male,e9b9990a-5560-4989-a271-dd2f13ace4dc,91,True,-70.38274200000002,-97.99664,Duke Mccall,+1 (819) 566-2267,2015-10-06T06:54:20 -02:00,"['laborum', 'ex', 'in', 'nisi', 'ullamco', 'cupidatat', 'pariatur']",1051.54,DOL,2015-10-06 06:54:20 +565ebe61b1a11dd35347a87a,"742 Emerald Street, Iola, Massachusetts, 8894",80,"$1,502.10",DUFLEX,richardsstrong@duflex.com,grey,apple,male,de700253-1454-4ca9-bc5b-151588231363,92,False,12.892392,-55.19411700000001,Richards Strong,+1 (981) 444-2899,2015-12-12T04:05:39 -01:00,"['aliquip', 'veniam', 'sunt', 'proident', 'officia', 'laboris', 'qui']",-251.47,DOL,2015-12-12 04:05:39 +565ebe61ac8c3ecb3143792e,"920 Elm Place, Klondike, Delaware, 300",79,"$3,030.85",ANDRYX,monicamckay@andryx.com,red,banana,female,201363b0-b077-43d0-9952-acdf83d4dbfe,93,False,-10.469781,85.324794,Monica Mckay,+1 (896) 487-3628,2015-02-11T11:21:33 -01:00,"['veniam', 'eu', 'exercitation', 'Lorem', 'et', 'exercitation', 'reprehenderit']",145.27,DOL,2015-02-11 11:21:33 +565ebe6195ab5f8b24b31735,"652 Cleveland Street, Gorst, Iowa, 9285",62,"$2,114.36",INVENTURE,gingergentry@inventure.com,grey,apple,female,5a8e0362-9d65-414b-b152-e95a36b31282,94,True,7.479595,58.349453000000004,Ginger Gentry,+1 (809) 522-2169,2015-06-22T11:09:10 -02:00,"['elit', 'aute', 'veniam', 'dolor', 'dolore', 'ut', 'culpa']",-831.14,DOL,2015-06-22 11:09:10 +565ebe611c450e1d84971280,"966 Macon Street, Saddlebrooke, Colorado, 8456",26,"$2,519.50",INSURETY,claragalloway@insurety.com,blue,banana,female,231fda92-ef5e-4b06-adb5-d6cd5267c2e5,95,True,68.238591,58.763084,Clara Galloway,+1 (934) 527-2815,2015-12-31T04:41:06 -01:00,"['occaecat', 'ipsum', 'adipisicing', 'duis', 'consectetur', 'voluptate', 'ut']",-251.87,DOL,2015-12-31 04:41:06 +565ebe615fac410ec91005b3,"652 Orient Avenue, Rosine, Maine, 2456",27,"$3,436.07",OPTIQUE,fannyjoseph@optique.com,grey,strawberry,female,23500365-4b75-44be-9646-4b7e4de02f8f,96,True,-11.840243,117.425839,Fanny Joseph,+1 (999) 518-3328,2015-01-08T12:16:35 -01:00,"['nostrud', 'magna', 'quis', 'esse', 'dolor', 'sint', 'amet']",-704.34,DOL,2015-01-08 12:16:35 +565ebe610f190a67d4347a91,"812 Lincoln Terrace, Tilden, Ohio, 6141",60,"$3,203.43",EXTRAWEAR,glassperez@extrawear.com,grey,banana,male,5ab7e9f3-aa88-4755-8476-296de1164e5b,97,False,24.615379,-147.695447,Glass Perez,+1 (942) 406-2164,2015-10-04T01:24:59 -02:00,"['nostrud', 'nostrud', 'magna', 'laborum', 'qui', 'sit', 'labore']",242.4,DOL,2015-10-04 01:24:59 +565ebe61a483b3f752a3b9e3,"336 Portal Street, Swartzville, Wisconsin, 7376",80,"$1,579.20",CORMORAN,larsonkinney@cormoran.com,red,banana,male,e410d2e7-6d76-4b99-96ec-5f3228003933,98,True,-2.331639,-32.526988,Larson Kinney,+1 (976) 432-2495,2015-11-09T10:02:51 -01:00,"['sunt', 'pariatur', 'nisi', 'dolore', 'ut', 'commodo', 'aliqua']",-518.11,DOL,2015-11-09 10:02:51 +565ebe61b5287a492528b1ab,"438 Madeline Court, Enlow, Michigan, 9320",57,"$1,039.78",ZAJ,aureliaoneill@zaj.com,brown,apple,female,3051a7a2-94f4-41c9-87a1-288acce51d25,99,True,51.104323,29.945376,Aurelia Oneill,+1 (965) 526-3784,2015-02-16T01:58:51 -01:00,"['occaecat', 'sint', 'non', 'voluptate', 'aliqua', 'occaecat', 'eiusmod']",1235.36,DOL,2015-02-16 01:58:51 +565ebe61f8e40fb7e1e5762e,"579 Waldane Court, Gambrills, Guam, 5878",58,"$3,739.35",APPLIDEC,blevinsmclean@applidec.com,brown,banana,male,307a2aae-4ea1-4d9d-a1e8-240cd65991ce,100,False,28.408454,23.510302,Blevins Mclean,+1 (888) 536-3444,2015-11-15T01:44:38 -01:00,"['esse', 'nisi', 'et', 'reprehenderit', 'et', 'cillum', 'in']",1065.14,DOL,2015-11-15 01:44:38 +565ebe6155064392436809d3,"820 Bayview Avenue, Jardine, New Hampshire, 3229",32,"$3,394.67",ATOMICA,tracibarry@atomica.com,red,apple,female,80b3869d-c8d1-4b01-8224-c1d9ae2db6f4,101,False,-58.232046,-142.79632900000001,Traci Barry,+1 (852) 441-3478,2015-11-19T02:16:12 -01:00,"['aute', 'duis', 'irure', 'ad', 'dolor', 'Lorem', 'anim']",-2.45,DOL,2015-11-19 02:16:12 +565ebe61a0260b0b83221c2c,"395 Herkimer Street, Ruckersville, Alaska, 1896",19,"$3,081.11",BITTOR,sniderhaney@bittor.com,blue,apple,male,b74c646d-f56d-4f7c-b58c-55a8f74344ca,102,True,-2.1927630000000002,74.32585999999998,Snider Haney,+1 (925) 422-3141,2015-02-11T12:27:10 -01:00,"['excepteur', 'enim', 'fugiat', 'in', 'est', 'occaecat', 'ex']",-862.74,DOL,2015-02-11 12:27:10 +565ebe611211098fa5571a3a,"670 Everett Avenue, Sanford, Louisiana, 9430",87,"$2,369.60",FLYBOYZ,murrayduran@flyboyz.com,grey,banana,male,cb48d535-1ad0-44ff-aa7c-65d386f55b55,103,False,61.743106000000004,149.259285,Murray Duran,+1 (823) 531-3252,2015-03-27T08:30:11 -01:00,"['ut', 'esse', 'velit', 'amet', 'pariatur', 'nulla', 'commodo']",-200.92,DOL,2015-03-27 08:30:11 +565ebe61a72f6671f28e133c,"889 Cox Place, Evergreen, Texas, 8483",37,"$2,594.01",HOMELUX,kimberleygriffith@homelux.com,green,apple,female,303792b7-d4c2-48cf-9b60-314cda1ae650,104,True,-51.613841,57.968058,Kimberley Griffith,+1 (826) 553-3388,2015-11-11T01:08:57 -01:00,"['occaecat', 'culpa', 'nostrud', 'commodo', 'occaecat', 'culpa', 'aliqua']",134.46,DOL,2015-11-11 01:08:57 +565ebe61f76c73408ac297c2,"170 Cameron Court, Winfred, Marshall Islands, 4721",67,"$1,484.76",GEEKETRON,parsonsclarke@geeketron.com,brown,banana,male,64a2ef57-0188-4a48-9a6a-339766f7388b,105,False,-63.84977900000001,-33.4596,Parsons Clarke,+1 (850) 499-3422,2015-10-17T12:53:11 -02:00,"['occaecat', 'nulla', 'cupidatat', 'labore', 'veniam', 'eiusmod', 'sint']",-618.34,DOL,2015-10-17 12:53:11 +565ebe61aa69c281d01a2690,"533 Union Street, Savannah, Illinois, 6438",50,"$2,487.42",ORBIXTAR,abbottmueller@orbixtar.com,brown,banana,male,54d64f55-4810-44b7-a071-fd3ae263291b,106,True,-83.099786,-114.75214199999999,Abbott Mueller,+1 (867) 479-3035,2015-04-23T06:24:44 -02:00,"['sit', 'in', 'deserunt', 'irure', 'veniam', 'dolore', 'non']",-37.99,DOL,2015-04-23 06:24:44 +565ebe61e67c30175e6f171a,"913 Saratoga Avenue, Sunwest, South Dakota, 9844",78,"$3,949.54",TALKOLA,myrtlestevenson@talkola.com,red,banana,female,9259f5e2-8901-4e6d-9539-55116136b0a8,107,True,-39.18595,103.776476,Myrtle Stevenson,+1 (861) 410-3842,2015-01-12T05:25:31 -01:00,"['officia', 'velit', 'veniam', 'aliqua', 'anim', 'ad', 'duis']",530.45,DOL,2015-01-12 05:25:31 +565ebe61ac176a922bb80801,"321 Lake Avenue, Lafferty, Nevada, 8278",51,"$2,424.83",COMCUBINE,colonvelasquez@comcubine.com,blue,banana,male,47741b0f-e402-4953-aa74-78eb5275ff87,108,False,23.487287,-74.76831899999998,Colon Velasquez,+1 (821) 535-2297,2015-05-13T01:49:12 -02:00,"['aliqua', 'tempor', 'veniam', 'incididunt', 'cupidatat', 'do', 'elit']",1060.41,DOL,2015-05-13 01:49:12 +565ebe616d58654d7ac76f3e,"566 Glenmore Avenue, Dodge, Washington, 6570",83,"$3,532.74",SPORTAN,howardsims@sportan.com,grey,strawberry,male,b0e2de03-2f46-4168-8984-eb28791fbcb4,109,True,42.715855,166.74301499999999,Howard Sims,+1 (873) 597-3525,2015-11-02T12:53:29 -01:00,"['incididunt', 'ad', 'excepteur', 'eiusmod', 'voluptate', 'veniam', 'ad']",-891.72,DOL,2015-11-02 12:53:29 +565ebe61994fba34cce1480e,"941 Beaumont Street, Gila, Rhode Island, 4681",55,"$1,623.81",QUONK,vangdorsey@quonk.com,grey,banana,male,abb1b7ed-65c8-46d1-8575-d812299e60d8,110,True,-35.229749,107.846549,Vang Dorsey,+1 (978) 462-2840,2015-01-29T06:15:10 -01:00,"['aliquip', 'sit', 'sunt', 'qui', 'labore', 'officia', 'sint']",987.09,DOL,2015-01-29 06:15:10 +565ebe617366b6f9d54d62d2,"576 Caton Place, Starks, Vermont, 7674",38,"$1,232.08",CODAX,romerooconnor@codax.com,grey,banana,male,9601aa18-7702-4c76-aacb-68b99c3d158d,111,False,-22.178867,159.269266,Romero Oconnor,+1 (952) 578-3209,2015-11-22T02:35:09 -01:00,"['elit', 'laborum', 'esse', 'velit', 'occaecat', 'id', 'id']",431.78,DOL,2015-11-22 02:35:09 +565ebe6185bcf08eb4ff3367,"483 Cumberland Walk, Westerville, Kentucky, 9647",17,"$3,370.72",ENOMEN,noellemccullough@enomen.com,brown,banana,female,f8fde006-e3d4-416a-824c-d6f589cfb99c,112,False,-37.034603999999995,-91.073791,Noelle Mccullough,+1 (818) 519-2386,2015-09-01T02:56:56 -02:00,"['commodo', 'nisi', 'laboris', 'fugiat', 'minim', 'quis', 'tempor']",1307.2,DOL,2015-09-01 02:56:56 +565ebe6105fd8280f6d7ec6b,"645 Amber Street, Salunga, New York, 7394",68,"$1,643.21",ENERVATE,donaldsonmoore@enervate.com,blue,strawberry,male,91f0f354-0c0c-42b6-b7c5-4b6b7ccc4449,113,False,-61.465196999999996,23.322557999999997,Donaldson Moore,+1 (885) 599-3061,2015-02-10T07:11:24 -01:00,"['nostrud', 'quis', 'qui', 'irure', 'cillum', 'aliqua', 'nulla']",738.26,DOL,2015-02-10 07:11:24 +565ebe617f4513eaa411a219,"597 Tilden Avenue, Rehrersburg, Idaho, 2571",37,"$1,671.16",DAYCORE,amaliamedina@daycore.com,green,banana,female,459c31e7-89ab-4673-b24f-ddcd64c11af7,114,True,-64.725982,-126.880645,Amalia Medina,+1 (891) 485-3057,2015-02-26T07:28:54 -01:00,"['sunt', 'qui', 'fugiat', 'tempor', 'pariatur', 'officia', 'mollit']",-466.76,DOL,2015-02-26 07:28:54 +565ebe617b0e7977bcf3e2f3,"505 Kimball Street, Stouchsburg, American Samoa, 824",48,"$2,673.80",ENQUILITY,brandielynch@enquility.com,red,apple,female,f093f248-039b-41bd-b8e2-7c0c4a28fdb5,115,True,66.06288,29.5049,Brandie Lynch,+1 (974) 408-3480,2015-08-09T10:02:11 -02:00,"['quis', 'anim', 'quis', 'cupidatat', 'eiusmod', 'ut', 'laborum']",364.1,DOL,2015-08-09 10:02:11 +565ebe616e0c388fcbd75a94,"906 Coyle Street, Lewis, California, 3036",37,"$3,223.82",CABLAM,traciemarsh@cablam.com,blue,strawberry,female,c0960286-a8e0-4e42-bf6b-bbd5c5516977,116,False,58.486141,26.503837,Tracie Marsh,+1 (869) 592-2321,2015-10-12T02:16:20 -02:00,"['non', 'aliquip', 'officia', 'nisi', 'eu', 'in', 'ullamco']",1429.17,DOL,2015-10-12 02:16:20 +565ebe61f61eccfe41fe6f77,"552 Willow Place, Lutsen, Arizona, 895",65,"$2,739.60",PANZENT,kaitlinkramer@panzent.com,red,strawberry,female,5958e1f3-3772-4edd-ae7d-0e57e43dfb59,117,False,-34.246333,7.10775,Kaitlin Kramer,+1 (918) 532-2330,2015-09-06T03:55:49 -02:00,"['esse', 'do', 'irure', 'velit', 'aliqua', 'duis', 'irure']",1316.35,DOL,2015-09-06 03:55:49 +565ebe616052cc181bf9ae22,"552 Strauss Street, Juntura, Pennsylvania, 6410",89,"$1,862.16",CALCU,cruzwiley@calcu.com,blue,apple,male,86f89e25-f431-4d33-a9c5-3156f2c108d6,118,False,17.435622,-34.425329,Cruz Wiley,+1 (958) 591-3905,2015-01-07T11:52:34 -01:00,"['irure', 'cupidatat', 'ullamco', 'enim', 'cupidatat', 'ad', 'proident']",-544.29,DOL,2015-01-07 11:52:34 +565ebe61eb52729d41fa5de3,"773 Irving Place, Kanauga, Oklahoma, 7645",30,"$2,440.96",ZANITY,smallpalmer@zanity.com,blue,apple,male,f3e81491-5fcb-42fb-8458-c1da9f96e289,119,False,60.212451,45.600666,Small Palmer,+1 (858) 457-2175,2015-10-11T08:56:11 -02:00,"['irure', 'cillum', 'ipsum', 'quis', 'est', 'sint', 'consequat']",522.75,DOL,2015-10-11 08:56:11 +565ebe61ccaca84357c67747,"309 Commercial Street, Elwood, Utah, 930",32,"$1,546.99",TECHMANIA,latishagoodwin@techmania.com,red,banana,female,3105f293-1cc5-4fa0-aab8-3169b7eeb077,120,False,42.655096,-129.806556,Latisha Goodwin,+1 (802) 456-3015,2015-09-28T02:25:00 -02:00,"['amet', 'nostrud', 'proident', 'irure', 'elit', 'velit', 'deserunt']",-290.6,DOL,2015-09-28 02:25:00 +565ebe61d603a558238f96f6,"558 Nolans Lane, Lithium, North Dakota, 9960",23,"$2,246.16",SOFTMICRO,helenacline@softmicro.com,brown,strawberry,female,bacfff7a-06a9-44dd-88ca-aa16fc1695a4,121,False,-2.395757,-12.661625,Helena Cline,+1 (977) 529-2268,2015-10-13T07:39:28 -02:00,"['qui', 'sunt', 'minim', 'non', 'dolor', 'et', 'sunt']",-168.26,DOL,2015-10-13 07:39:28 +565ebe6129d02f0d0cb14b1d,"473 Martense Street, Aurora, Tennessee, 9047",78,"$1,449.49",ENTROPIX,gordonknox@entropix.com,red,apple,male,b08ecc0f-7049-4f81-b16f-153e8486ab3b,122,False,-77.45818299999998,-111.576699,Gordon Knox,+1 (996) 416-2618,2015-09-11T04:14:55 -02:00,"['nulla', 'occaecat', 'nulla', 'commodo', 'laborum', 'amet', 'velit']",231.87,DOL,2015-09-11 04:14:55 +565ebe61d7276e1069dfcd78,"530 Batchelder Street, Kirk, Minnesota, 7340",48,"$1,619.74",GEEKOLOGY,mercedessavage@geekology.com,red,banana,female,2590864d-ad2d-403f-9a88-71ec3aec658e,123,True,-44.135324,89.240094,Mercedes Savage,+1 (828) 585-3034,2015-02-24T04:05:11 -01:00,"['irure', 'sit', 'nulla', 'officia', 'et', 'velit', 'anim']",1358.08,DOL,2015-02-24 04:05:11 +565ebe61d659b7f55a40fc84,"713 Central Avenue, Clarksburg, Mississippi, 8076",44,"$1,976.30",OHMNET,morinayala@ohmnet.com,brown,apple,male,43cacc11-7de7-41be-a897-2dc47ba981c8,124,True,-55.872398,69.871801,Morin Ayala,+1 (865) 547-2944,2015-01-12T03:46:24 -01:00,"['magna', 'ullamco', 'labore', 'non', 'eiusmod', 'Lorem', 'qui']",1096.91,DOL,2015-01-12 03:46:24 +565ebe618617b07086106319,"929 Norman Avenue, Faywood, Hawaii, 5279",44,"$2,219.59",SNACKTION,britneyflowers@snacktion.com,brown,strawberry,female,d5e11271-72fa-4301-984a-77a36b3aaaec,125,False,10.126897999999999,-95.266525,Britney Flowers,+1 (935) 505-2091,2015-07-04T03:30:52 -02:00,"['tempor', 'et', 'excepteur', 'ex', 'enim', 'et', 'ea']",1127.05,DOL,2015-07-04 03:30:52 +565ebe61dac363dd41c77ca6,"142 Fillmore Place, Mulberry, Northern Mariana Islands, 6353",52,"$3,635.56",RODEOMAD,coffeyhays@rodeomad.com,grey,banana,male,c222f4cb-1c44-492d-b8b1-8a7a2a7e7d9f,126,False,70.026608,155.79464,Coffey Hays,+1 (897) 507-2812,2015-10-08T08:27:57 -02:00,"['occaecat', 'esse', 'est', 'nulla', 'proident', 'ullamco', 'sit']",-368.66,DOL,2015-10-08 08:27:57 +565ebe61397b377bb6ac667f,"132 Wyckoff Street, Hannasville, Maryland, 4309",56,"$3,056.89",AUTOMON,lynnettebarrett@automon.com,green,strawberry,female,08f798e3-066d-49d3-a42a-03d1f8c251fc,127,True,55.953015,-57.504637,Lynnette Barrett,+1 (911) 532-3051,2015-05-24T10:34:32 -02:00,"['ut', 'velit', 'nisi', 'ex', 'nulla', 'ipsum', 'quis']",-82.39,DOL,2015-05-24 10:34:32 +565ebe614bdf5597e49daf92,"670 Hampton Place, Glidden, Indiana, 1435",48,"$2,604.86",ZBOO,esteshenderson@zboo.com,green,apple,male,ea94600d-9fca-47bd-a820-748a36425c9f,128,False,8.505282000000001,-41.0293,Estes Henderson,+1 (941) 596-2540,2015-12-02T07:14:08 -01:00,"['eiusmod', 'fugiat', 'pariatur', 'dolore', 'voluptate', 'qui', 'aute']",-620.76,DOL,2015-12-02 07:14:08 +565ebe616de32fb9e56bdac7,"837 John Street, Lavalette, Kansas, 8502",21,"$3,352.50",ENTALITY,whiteheadvelazquez@entality.com,green,apple,male,f7ea0d10-d674-4ec6-bda4-6697c3ea7103,129,True,58.154298,-7.778778999999999,Whitehead Velazquez,+1 (879) 532-2422,2015-11-20T03:46:11 -01:00,"['minim', 'tempor', 'nulla', 'ullamco', 'irure', 'adipisicing', 'laboris']",1290.6,DOL,2015-11-20 03:46:11 +565ebe6109f7edf3bcc42e31,"585 Brightwater Avenue, Gilmore, Missouri, 8858",15,"$2,964.95",ZENTIA,lakishacarroll@zentia.com,green,strawberry,female,11c03383-65d7-47b7-bd75-9df525b59f30,130,True,10.383008,140.064751,Lakisha Carroll,+1 (805) 551-3061,2015-09-29T05:10:59 -02:00,"['ut', 'id', 'laborum', 'amet', 'ad', 'occaecat', 'mollit']",-34.0,DOL,2015-09-29 05:10:59 +565ebe61ab06b83bfd483571,"705 Lynch Street, Geyserville, New Mexico, 9420",32,"$1,135.85",QIMONK,aliciawatts@qimonk.com,green,strawberry,female,d77b8253-da3e-4f7e-ae89-4c751d6e405b,131,True,80.130751,37.196801,Alicia Watts,+1 (924) 472-2029,2015-06-18T10:53:44 -02:00,"['tempor', 'et', 'in', 'tempor', 'officia', 'esse', 'laboris']",973.16,DOL,2015-06-18 10:53:44 +565ebe616b5fa665a22a74d7,"736 Brighton Court, Yogaville, Federated States Of Micronesia, 2580",15,"$3,827.89",OVIUM,matthewshood@ovium.com,brown,strawberry,male,990e9ea5-e43d-4113-84ba-26e6d6ad8f4c,132,True,27.446578999999996,21.292671,Matthews Hood,+1 (883) 569-2311,2015-09-20T11:13:25 -02:00,"['velit', 'aute', 'incididunt', 'ad', 'dolor', 'minim', 'aliquip']",74.7,DOL,2015-09-20 11:13:25 +565ebe6130b4d466e6f33185,"827 Holmes Lane, Blodgett, Oregon, 8791",70,"$2,496.99",ZYTREK,winnievega@zytrek.com,blue,apple,female,7c932872-359d-4a7d-adbf-fb3314d35807,133,False,-74.39510600000001,-93.16254599999999,Winnie Vega,+1 (920) 418-2077,2015-03-08T04:55:09 -01:00,"['Lorem', 'nostrud', 'laborum', 'cillum', 'minim', 'dolor', 'adipisicing']",-443.69,DOL,2015-03-08 04:55:09 +565ebe619a010b394859ca81,"508 Garfield Place, Woodburn, Georgia, 8469",77,"$1,586.28",SENTIA,daykline@sentia.com,red,banana,male,6a7f1b03-aa4b-46d7-aa60-a441bcc79be1,134,False,-80.624865,-10.23375,Day Kline,+1 (906) 421-3947,2015-06-19T06:48:50 -02:00,"['minim', 'sunt', 'minim', 'pariatur', 'proident', 'in', 'laboris']",879.14,DOL,2015-06-19 06:48:50 +565ebe61f663330a8b5b9bc5,"490 Montgomery Street, Fredericktown, Arkansas, 9394",17,"$3,815.48",MEDALERT,lesterrich@medalert.com,green,strawberry,male,63b7116d-18da-4944-9dc2-aba10c4b0ab9,135,False,10.027255,-101.764655,Lester Rich,+1 (983) 577-2985,2015-12-10T11:30:20 -01:00,"['non', 'aliqua', 'cupidatat', 'adipisicing', 'esse', 'amet', 'consectetur']",511.63,DOL,2015-12-10 11:30:20 +565ebe61e103fbc2ef368055,"671 Miller Avenue, Fruitdale, District Of Columbia, 3618",43,"$2,105.62",EXOSIS,nadineleonard@exosis.com,brown,apple,female,70c06652-21d0-467c-ba8d-64735fb0c943,136,False,-57.733561,-155.384959,Nadine Leonard,+1 (963) 435-2918,2015-01-10T11:10:36 -01:00,"['incididunt', 'sunt', 'nisi', 'deserunt', 'incididunt', 'ullamco', 'est']",-471.14,DOL,2015-01-10 11:10:36 +565ebe61cdba5012ab4dc265,"835 Church Avenue, Orason, Virgin Islands, 7099",43,"$2,925.58",BISBA,thomasbird@bisba.com,red,apple,male,8ac8c794-ba0a-41b7-a065-fed8fff37f9e,137,False,-52.735409999999995,-146.629653,Thomas Bird,+1 (877) 403-2511,2015-01-16T01:24:32 -01:00,"['nisi', 'velit', 'non', 'consequat', 'labore', 'nostrud', 'ad']",301.62,DOL,2015-01-16 01:24:32 +565ebe61421de028fdc3fac4,"961 Bristol Street, Allentown, Florida, 6506",72,"$1,788.98",ACUSAGE,kristiemassey@acusage.com,grey,apple,female,23ed3723-11a5-4be3-841f-f0ea1cab6f6f,138,False,14.48383,-147.817092,Kristie Massey,+1 (926) 505-2460,2015-05-09T09:18:13 -02:00,"['ipsum', 'esse', 'sunt', 'cupidatat', 'elit', 'aliquip', 'proident']",297.13,DOL,2015-05-09 09:18:13 +565ebe61be72f4b05ac88d8b,"757 Harway Avenue, Coalmont, North Carolina, 1722",64,"$3,124.75",ZOXY,basspotts@zoxy.com,green,banana,male,1871658d-8344-4560-be34-631a28ce5309,139,False,-54.268575,67.879289,Bass Potts,+1 (917) 582-3851,2015-11-16T04:56:01 -01:00,"['eu', 'qui', 'dolor', 'officia', 'sit', 'occaecat', 'id']",1211.84,DOL,2015-11-16 04:56:01 +565ebe6145146ff3b8a97f4f,"291 Hampton Avenue, Bainbridge, Montana, 5647",81,"$1,772.13",NEUROCELL,briannataylor@neurocell.com,blue,apple,female,499e713f-4b04-4e4f-80c4-714456bae723,140,False,-57.227321999999994,-73.779427,Brianna Taylor,+1 (874) 463-3653,2015-07-19T11:51:00 -02:00,"['dolor', 'nisi', 'excepteur', 'anim', 'tempor', 'exercitation', 'mollit']",653.73,DOL,2015-07-19 11:51:00 +565ebe61045ea7143f0b0432,"168 Frank Court, Kenwood, Puerto Rico, 285",90,"$1,459.90",UNISURE,hollowaysuarez@unisure.com,grey,banana,male,7aa2d062-2662-4780-946f-94c631d83bf3,141,False,61.98875200000001,-21.351121,Holloway Suarez,+1 (982) 507-2831,2015-03-14T01:24:34 -01:00,"['officia', 'qui', 'laboris', 'cillum', 'tempor', 'eiusmod', 'sit']",-120.74,DOL,2015-03-14 01:24:34 +565ebe61d739d53600665863,"693 Monroe Place, Cutter, West Virginia, 1941",77,"$1,313.46",TYPHONICA,araceliallen@typhonica.com,brown,strawberry,female,4985aa17-50e1-4431-ba38-0148e2facb3d,142,True,81.804153,-75.385582,Araceli Allen,+1 (899) 436-3874,2015-02-11T07:51:38 -01:00,"['dolor', 'in', 'anim', 'ea', 'eiusmod', 'culpa', 'do']",-464.73,DOL,2015-02-11 07:51:38 +565ebe61c334cb91ec5fe5ae,"970 Moore Place, Indio, Wyoming, 5820",86,"$2,017.00",KEEG,ryanreeves@keeg.com,grey,strawberry,male,367f95bd-79a1-434a-b0ba-a237598c48ea,143,False,-63.079044999999994,-67.868083,Ryan Reeves,+1 (833) 541-3084,2015-11-04T08:36:49 -01:00,"['quis', 'et', 'veniam', 'ad', 'dolore', 'eu', 'dolor']",401.18,DOL,2015-11-04 08:36:49 +565ebe6175acbfc69e0d35d3,"191 Woodbine Street, Nutrioso, Virginia, 3790",47,"$1,282.23",ZORK,rhodajackson@zork.com,blue,strawberry,female,c02446e5-831b-44e5-a139-32cae31a3a38,144,False,87.18450899999998,6.000267,Rhoda Jackson,+1 (884) 500-2499,2015-08-14T01:14:36 -02:00,"['amet', 'aute', 'est', 'consequat', 'ullamco', 'nulla', 'occaecat']",154.54,DOL,2015-08-14 01:14:36 +565ebe61d65f50ba100d26c7,"159 Monroe Street, Brewster, Nebraska, 7280",26,"$1,854.67",SPHERIX,kayramos@spherix.com,grey,strawberry,female,a8db2c1e-5f32-4628-aa71-c87cd6320f6b,145,False,75.635767,34.943115,Kay Ramos,+1 (949) 401-2210,2015-01-01T11:02:30 -01:00,"['occaecat', 'elit', 'est', 'ex', 'nisi', 'fugiat', 'magna']",-757.93,DOL,2015-01-01 11:02:30 +565ebe619c167d60ebc2f24d,"856 Suydam Place, Bodega, Palau, 561",56,"$1,119.51",FLEXIGEN,cobbpotter@flexigen.com,grey,banana,male,bbf412f9-062f-431d-a3e6-9d09338f23b4,146,False,-40.476642,39.429829,Cobb Potter,+1 (907) 580-3965,2015-08-14T09:31:35 -02:00,"['qui', 'cupidatat', 'ex', 'veniam', 'magna', 'nostrud', 'eiusmod']",1119.42,DOL,2015-08-14 09:31:35 +565ebe616f5bc84c5e4a607d,"223 Norfolk Street, Loveland, Alabama, 7575",76,"$2,040.73",SNOWPOKE,vasqueztrevino@snowpoke.com,grey,apple,male,f4323164-9d76-4d34-ba33-1269af1aee44,147,False,-54.252689000000004,125.352023,Vasquez Trevino,+1 (828) 401-2015,2015-03-01T01:44:03 -01:00,"['sint', 'sunt', 'nisi', 'et', 'ut', 'anim', 'sint']",685.74,DOL,2015-03-01 01:44:03 +565ebe617df4fb7f27cda1b4,"461 Robert Street, Gardners, Connecticut, 8826",57,"$1,147.47",ORBIN,lorriehaynes@orbin.com,blue,strawberry,female,d6e025a3-f8ad-4877-a988-c5367b197aac,148,True,64.701111,-75.46808399999998,Lorrie Haynes,+1 (911) 536-2238,2015-03-08T10:55:00 -01:00,"['anim', 'ad', 'cillum', 'proident', 'ipsum', 'nisi', 'fugiat']",949.18,DOL,2015-03-08 10:55:00 +565ebe6127c26fb7feafc4a2,"829 Dean Street, Barrelville, South Carolina, 5158",40,"$2,424.54",INDEXIA,earleneburnett@indexia.com,blue,banana,female,288905ad-eff0-4831-ae1b-2b2a757860cf,149,True,46.047227,111.76463999999999,Earlene Burnett,+1 (952) 414-3552,2015-01-25T07:50:41 -01:00,"['id', 'irure', 'sunt', 'ea', 'tempor', 'officia', 'est']",-379.16,DOL,2015-01-25 07:50:41 +565ebe61e4a987061b1540bb,"128 Dunne Place, Marenisco, Massachusetts, 2960",41,"$3,578.19",EMOLTRA,lessiegarza@emoltra.com,red,banana,female,db73661a-4b75-43eb-a2d5-fe930bad10f7,150,False,82.643011,-119.58916799999999,Lessie Garza,+1 (886) 410-2813,2015-04-04T03:33:02 -02:00,"['et', 'pariatur', 'incididunt', 'consequat', 'ipsum', 'ut', 'aliqua']",1159.86,DOL,2015-04-04 03:33:02 +565ebe611cfdd111ef2313a8,"186 Cass Place, Laurelton, Delaware, 4578",12,"$1,681.60",SIGNIDYNE,wallssweet@signidyne.com,red,strawberry,male,1245edc8-bf6f-4db3-b05a-0f946b37bbc1,151,True,17.90294,-14.195610999999998,Walls Sweet,+1 (901) 566-3075,2015-10-02T05:27:02 -02:00,"['esse', 'enim', 'quis', 'et', 'laboris', 'ex', 'ea']",-524.88,DOL,2015-10-02 05:27:02 +565ebe61c2d7988bbdfb3521,"592 Vernon Avenue, Moraida, Iowa, 3758",23,"$2,264.04",SLOGANAUT,mildredcarver@sloganaut.com,brown,banana,female,49117b3f-44cb-410e-8fdd-5accfa611e0d,152,False,8.635971000000001,-163.45410800000005,Mildred Carver,+1 (971) 410-2969,2015-09-27T12:54:52 -02:00,"['sit', 'tempor', 'aute', 'ex', 'incididunt', 'pariatur', 'exercitation']",-701.99,DOL,2015-09-27 12:54:52 +565ebe61106c32328368e5ad,"198 Ocean Parkway, Avoca, Colorado, 3073",54,"$1,846.34",BOILCAT,audrablair@boilcat.com,brown,strawberry,female,49db5f99-1c75-41d5-836e-34e9af3883f9,153,False,52.018664,157.425826,Audra Blair,+1 (810) 512-2322,2015-02-28T10:23:24 -01:00,"['quis', 'veniam', 'esse', 'reprehenderit', 'pariatur', 'velit', 'aliquip']",-105.25,DOL,2015-02-28 10:23:24 +565ebe615234eab7ec7a8ae4,"281 Logan Street, Gibbsville, Maine, 7589",79,"$1,426.26",COMVEX,sherrysalas@comvex.com,brown,apple,female,0e258455-d2a4-4ff7-a05c-740646eba349,154,False,-47.230919,91.519013,Sherry Salas,+1 (847) 426-3291,2015-11-04T02:50:56 -01:00,"['ex', 'anim', 'fugiat', 'deserunt', 'id', 'enim', 'culpa']",-409.8,DOL,2015-11-04 02:50:56 +565ebe617927ba9796425a61,"334 Thatford Avenue, Waumandee, Ohio, 9987",14,"$3,471.32",MIXERS,annagreen@mixers.com,green,strawberry,female,36f093c8-da0a-424a-9cc0-b87811ba5654,155,False,-56.761616000000004,-127.49700000000001,Anna Green,+1 (908) 569-3364,2015-01-04T11:20:19 -01:00,"['pariatur', 'ut', 'tempor', 'fugiat', 'dolor', 'laboris', 'officia']",979.53,DOL,2015-01-04 11:20:19 +565ebe615066ec320c7f597a,"271 Matthews Court, Riceville, Wisconsin, 5113",85,"$3,381.63",KYAGORO,salasschroeder@kyagoro.com,green,banana,male,37ebe904-ef7b-4836-a282-8e30fa3b5963,156,False,5.005247,-125.552784,Salas Schroeder,+1 (880) 596-3821,2015-04-04T04:51:18 -02:00,"['ut', 'exercitation', 'exercitation', 'cupidatat', 'exercitation', 'aliquip', 'consequat']",1428.32,DOL,2015-04-04 04:51:18 +565ebe618d598d5a1dfda762,"499 Schenck Street, Lisco, Michigan, 718",66,"$3,356.73",PERMADYNE,maciashayden@permadyne.com,brown,strawberry,male,6259b026-97e4-4620-86b4-bf1f24564578,157,True,-46.541259000000004,55.036797,Macias Hayden,+1 (908) 559-3625,2015-04-12T04:41:46 -02:00,"['nostrud', 'anim', 'dolore', 'tempor', 'culpa', 'non', 'exercitation']",751.79,DOL,2015-04-12 04:41:46 +565ebe6117c24bec470afc1c,"170 Franklin Street, Balm, Guam, 7438",19,"$1,290.37",COMVEY,montoyacarter@comvey.com,blue,banana,male,da402246-58d2-4e04-8386-8b30aa1a2ba1,158,True,-63.420935,114.103725,Montoya Carter,+1 (964) 423-2836,2015-01-02T03:05:08 -01:00,"['consectetur', 'anim', 'est', 'amet', 'do', 'minim', 'reprehenderit']",1264.69,DOL,2015-01-02 03:05:08 +565ebe61f56940eed3386aed,"853 Indiana Place, Franklin, New Hampshire, 4496",25,"$1,044.34",SEQUITUR,brittneymcfadden@sequitur.com,brown,banana,female,4e6465b1-9b5a-430a-9998-59c9758002b7,159,False,-42.136394,152.65461200000001,Brittney Mcfadden,+1 (857) 426-3482,2015-09-08T07:07:30 -02:00,"['cupidatat', 'ea', 'nisi', 'nostrud', 'ex', 'est', 'cillum']",440.3,DOL,2015-09-08 07:07:30 +565ebe61d34a30d5ef24ab09,"556 Tabor Court, Sedley, Alaska, 4705",29,"$3,101.59",HAWKSTER,myersgraves@hawkster.com,blue,apple,male,3561fad2-baf3-4cb9-9a1a-f86a97092da6,160,False,-70.943852,-67.929055,Myers Graves,+1 (956) 558-3633,2015-11-01T12:44:39 -01:00,"['ut', 'quis', 'non', 'ad', 'esse', 'nostrud', 'nisi']",-843.73,DOL,2015-11-01 12:44:39 +565ebe61ca4fa8d5ebc5c0aa,"188 Evergreen Avenue, Interlochen, Louisiana, 7988",21,"$2,197.67",MANGELICA,maynardcamacho@mangelica.com,green,banana,male,aa388a70-3a2c-4aa5-9565-c2f4183f61c3,161,False,-69.186318,-137.810555,Maynard Camacho,+1 (976) 510-2753,2015-05-23T05:14:42 -02:00,"['eiusmod', 'incididunt', 'proident', 'consequat', 'veniam', 'aliquip', 'esse']",-228.44,DOL,2015-05-23 05:14:42 +565ebe617f62aa53867f68a2,"534 Times Placez, Savage, Texas, 3215",64,"$1,149.19",APEXTRI,deidrecampbell@apextri.com,brown,apple,female,2887e8e9-e31e-4971-bd4c-1180ff827e4d,162,False,36.985269,14.700463000000001,Deidre Campbell,+1 (929) 455-2116,2015-12-01T04:27:23 -01:00,"['laborum', 'veniam', 'dolor', 'commodo', 'irure', 'aute', 'consequat']",1290.32,DOL,2015-12-01 04:27:23 +565ebe61eda1cb7f56bdbf8a,"373 Eckford Street, Dunnavant, Marshall Islands, 2307",25,"$2,251.76",ZOLAREX,blakebolton@zolarex.com,red,banana,male,d95a6309-52cb-4bfc-be6b-598d1e4b0a58,163,True,15.859044,-70.793954,Blake Bolton,+1 (826) 494-3986,2015-09-13T12:40:15 -02:00,"['duis', 'nostrud', 'enim', 'in', 'commodo', 'quis', 'id']",367.79,DOL,2015-09-13 12:40:15 +565ebe61cd64e6a8c34e83bd,"550 Celeste Court, Chemung, Illinois, 3097",66,"$1,026.44",FARMAGE,olsonbaker@farmage.com,blue,banana,male,3e4ec835-0064-4437-b716-3f25fe12c595,164,False,60.443946,-74.39417399999998,Olson Baker,+1 (966) 478-3938,2015-11-14T04:21:37 -01:00,"['labore', 'nisi', 'consequat', 'culpa', 'ex', 'tempor', 'incididunt']",682.51,DOL,2015-11-14 04:21:37 +565ebe613e982d5eb9d1977a,"741 Kathleen Court, Heil, South Dakota, 105",52,"$2,137.23",RECRITUBE,farrellpeters@recritube.com,grey,apple,male,a3bad635-2815-44df-943f-d17fb2bb55a3,165,True,-11.662385,109.398059,Farrell Peters,+1 (852) 561-3740,2015-05-03T06:41:30 -02:00,"['velit', 'veniam', 'fugiat', 'excepteur', 'cillum', 'duis', 'et']",677.4,DOL,2015-05-03 06:41:30 +565ebe6121ea2580444f4f98,"928 Bergen Place, Eastvale, Nevada, 3814",19,"$1,757.64",ISOLOGICA,levinehinton@isologica.com,grey,strawberry,male,a0e2aff4-3994-4bed-a460-0b22f64b2041,166,False,-17.951435,162.95207,Levine Hinton,+1 (821) 418-2780,2015-08-26T10:08:59 -02:00,"['excepteur', 'incididunt', 'enim', 'magna', 'cupidatat', 'voluptate', 'ex']",-943.05,DOL,2015-08-26 10:08:59 +565ebe61b53943134f1ab5e7,"786 Liberty Avenue, Conway, Washington, 4403",24,"$2,214.21",REPETWIRE,caitlinmercer@repetwire.com,blue,banana,female,e1f7b6c6-06ca-4e18-9853-e72d40547f7e,167,False,-39.461498,-140.55643,Caitlin Mercer,+1 (904) 424-2385,2015-09-25T02:07:54 -02:00,"['excepteur', 'qui', 'culpa', 'enim', 'nostrud', 'do', 'ipsum']",-99.69,DOL,2015-09-25 02:07:54 +565ebe616d4f64743a2da75c,"736 Conselyea Street, Floriston, Rhode Island, 6944",56,"$1,509.74",GEEKKO,sharlenebarker@geekko.com,red,apple,female,1664fee9-ab2e-4a87-aacb-56d62d0dc65b,168,False,-3.3861410000000003,46.628609000000004,Sharlene Barker,+1 (938) 501-3702,2015-06-11T01:09:26 -02:00,"['qui', 'laboris', 'et', 'irure', 'dolor', 'nostrud', 'labore']",1361.96,DOL,2015-06-11 01:09:26 +565ebe61d9b0b677e49a65d9,"875 Dahlgreen Place, Urbana, Vermont, 4134",24,"$2,212.95",CENTREE,lopezodom@centree.com,grey,banana,male,706fe00b-ab0e-4996-82f4-30dbde99a3ba,169,False,37.918423,99.43639300000001,Lopez Odom,+1 (982) 513-2751,2015-12-02T08:11:40 -01:00,"['deserunt', 'tempor', 'culpa', 'exercitation', 'mollit', 'et', 'dolor']",-804.15,DOL,2015-12-02 08:11:40 +565ebe61373186742c1c00e8,"155 Huntington Street, Greenbush, Kentucky, 4984",82,"$1,805.60",EYERIS,brownkerr@eyeris.com,brown,strawberry,male,66f954ed-4a4c-444e-8441-7386e1fa50b9,170,False,-21.642831,107.81808899999999,Brown Kerr,+1 (987) 512-2647,2015-10-09T06:35:24 -02:00,"['aliqua', 'aute', 'id', 'occaecat', 'irure', 'est', 'do']",-282.31,DOL,2015-10-09 06:35:24 +565ebe61e8aefc9609963104,"971 Tudor Terrace, Dalton, New York, 7293",68,"$2,812.14",ELEMANTRA,tinagould@elemantra.com,red,apple,female,a8e26cea-bf11-42aa-85c3-c51081934c37,171,True,-7.3527809999999985,38.288237,Tina Gould,+1 (892) 590-2214,2015-10-16T10:20:56 -02:00,"['anim', 'fugiat', 'sint', 'labore', 'consequat', 'non', 'velit']",1066.74,DOL,2015-10-16 10:20:56 +565ebe619a81c88cb228e576,"939 Folsom Place, Ahwahnee, Idaho, 6466",72,"$3,876.23",BIOHAB,burgesshebert@biohab.com,blue,apple,male,699adced-d1a1-4887-81ec-1d5bdc272b6c,172,True,43.416801,-128.550319,Burgess Hebert,+1 (903) 566-3957,2015-09-24T06:45:21 -02:00,"['reprehenderit', 'minim', 'et', 'incididunt', 'incididunt', 'velit', 'dolor']",-172.1,DOL,2015-09-24 06:45:21 +565ebe61c9991c5083d57723,"564 Harwood Place, Deseret, American Samoa, 3142",53,"$2,507.76",PLASMOSIS,allentrujillo@plasmosis.com,brown,strawberry,male,bccebde1-a61f-4f0f-bc2f-fe1242eea3e9,173,False,-52.077356,-161.96848899999995,Allen Trujillo,+1 (827) 552-2531,2015-01-19T10:11:41 -01:00,"['anim', 'sit', 'minim', 'et', 'Lorem', 'in', 'adipisicing']",-267.7,DOL,2015-01-19 10:11:41 +565ebe61979c16c98017378c,"250 Kings Hwy, Islandia, California, 9483",66,"$3,427.01",KNOWLYSIS,kristacobb@knowlysis.com,grey,banana,female,7f393f67-6537-4d76-9c7e-9bae481e42d5,174,False,37.869955,100.12039200000001,Krista Cobb,+1 (963) 436-2399,2015-09-20T12:38:49 -02:00,"['occaecat', 'eiusmod', 'eiusmod', 'nisi', 'nisi', 'culpa', 'ea']",-635.12,DOL,2015-09-20 12:38:49 +565ebe61b1e04b02e21c918e,"392 Bennet Court, Kraemer, Arizona, 1805",61,"$1,571.37",INJOY,berthawynn@injoy.com,blue,apple,female,0b7c83d8-f657-428f-9b04-6ee196574c6a,175,False,65.945009,163.876234,Bertha Wynn,+1 (871) 409-2349,2015-05-31T04:55:41 -02:00,"['velit', 'id', 'ullamco', 'commodo', 'esse', 'amet', 'pariatur']",-268.31,DOL,2015-05-31 04:55:41 +565ebe6136a4a24a01a319ba,"561 Clay Street, Dyckesville, Pennsylvania, 1984",80,"$1,996.97",KENEGY,sybiltillman@kenegy.com,red,banana,female,1b7168ab-6df4-4c0e-a696-908ff89b525b,176,False,-47.914494,131.47814,Sybil Tillman,+1 (882) 480-3698,2015-10-10T05:06:29 -02:00,"['sit', 'cupidatat', 'laborum', 'ullamco', 'laboris', 'tempor', 'fugiat']",-118.25,DOL,2015-10-10 05:06:29 +565ebe6163aa1cc7b5c1d2f4,"228 Erskine Loop, Ebro, Oklahoma, 3171",60,"$1,775.59",BILLMED,spencewilliams@billmed.com,blue,apple,male,365191fb-c09f-48ff-b42c-c36696050dc6,177,True,44.901746,115.944753,Spence Williams,+1 (975) 545-2574,2015-03-24T09:13:15 -01:00,"['duis', 'cupidatat', 'qui', 'amet', 'veniam', 'mollit', 'et']",1419.06,DOL,2015-03-24 09:13:15 +565ebe61a9565298a3f3fe02,"986 Mermaid Avenue, Bowden, Utah, 9303",31,"$2,611.29",VERTON,collinswaters@verton.com,brown,strawberry,male,f68642f7-2976-410f-bd9d-7ccba7671862,178,False,70.134222,20.605953,Collins Waters,+1 (874) 536-3101,2015-09-28T12:21:11 -02:00,"['nostrud', 'ullamco', 'ad', 'laboris', 'aliquip', 'mollit', 'sint']",842.7,DOL,2015-09-28 12:21:11 +565ebe61397e183133c31a16,"867 Heyward Street, Maury, North Dakota, 4900",85,"$3,205.85",TELPOD,keishamorgan@telpod.com,blue,strawberry,female,7145d77a-6221-4748-9947-32ae6378cfbc,179,True,39.315667,-11.791242,Keisha Morgan,+1 (893) 516-3498,2015-07-28T02:35:28 -02:00,"['veniam', 'est', 'consectetur', 'ut', 'ea', 'amet', 'cillum']",-672.92,DOL,2015-07-28 02:35:28 +565ebe61d973073874b0a22c,"919 Blake Avenue, Dana, Tennessee, 1000",84,"$2,712.44",VIXO,jennyshaw@vixo.com,brown,apple,female,737e6cad-9b87-415d-9f1d-6f87b639b58a,180,False,52.420371,-118.927601,Jenny Shaw,+1 (815) 600-2246,2015-11-03T02:08:25 -01:00,"['in', 'exercitation', 'laborum', 'velit', 'incididunt', 'adipisicing', 'aliqua']",544.58,DOL,2015-11-03 02:08:25 +565ebe61cbcb065eb733c99e,"145 Bogart Street, Glasgow, Minnesota, 9993",45,"$3,084.20",BUZZWORKS,petersenpatel@buzzworks.com,grey,strawberry,male,c13285bf-2960-4e56-af73-0b86e027fdfc,181,False,-24.993818,-86.709184,Petersen Patel,+1 (998) 405-3202,2015-05-17T08:52:50 -02:00,"['minim', 'cupidatat', 'veniam', 'irure', 'pariatur', 'aliquip', 'aliquip']",-981.02,DOL,2015-05-17 08:52:50 +565ebe6105a34febb17a4baf,"211 Rose Street, Moscow, Mississippi, 7748",29,"$1,099.45",BITENDREX,molinahammond@bitendrex.com,red,banana,male,c9f30ea3-266f-47bf-bd7e-ca38334dce20,182,True,-24.677235999999997,155.0905,Molina Hammond,+1 (965) 503-2745,2015-10-10T06:47:11 -02:00,"['ea', 'excepteur', 'anim', 'ad', 'consequat', 'Lorem', 'reprehenderit']",1036.19,DOL,2015-10-10 06:47:11 +565ebe61053d9e4d75f53740,"263 Hillel Place, Catherine, Hawaii, 3798",57,"$1,226.82",PLASMOX,whitakercrane@plasmox.com,blue,strawberry,male,5547f5ee-a9b8-4e96-9ba4-4aa35697c56d,183,True,38.860302000000004,102.101005,Whitaker Crane,+1 (997) 461-3569,2015-03-09T03:40:33 -01:00,"['minim', 'incididunt', 'exercitation', 'fugiat', 'non', 'commodo', 'cupidatat']",-373.48,DOL,2015-03-09 03:40:33 +565ebe619ba8606ebcb88449,"424 Veranda Place, Cuylerville, Northern Mariana Islands, 5208",18,"$3,798.70",IMMUNICS,shelleyclemons@immunics.com,brown,banana,female,dbda6fa6-add2-47f0-a565-024d17cf326a,184,False,83.381778,82.350246,Shelley Clemons,+1 (872) 471-3614,2015-03-02T03:49:06 -01:00,"['exercitation', 'dolor', 'anim', 'laborum', 'ullamco', 'do', 'culpa']",605.04,DOL,2015-03-02 03:49:06 +565ebe61d346c164e3982ffd,"140 Willoughby Avenue, Waukeenah, Maryland, 5353",73,"$2,336.98",ELENTRIX,jamesadkins@elentrix.com,brown,banana,female,32ab6ed9-5734-4f38-a08d-48acebd497a2,185,True,-13.417623,-90.98398900000001,James Adkins,+1 (929) 529-2296,2015-07-12T12:36:40 -02:00,"['reprehenderit', 'aliqua', 'adipisicing', 'aute', 'nostrud', 'enim', 'mollit']",1171.81,DOL,2015-07-12 12:36:40 +565ebe615762772c6670819e,"491 Herzl Street, Trinway, Indiana, 2204",18,"$3,471.36",XIXAN,delacruzbanks@xixan.com,brown,banana,male,815ebc62-7787-4ce9-924c-82af33a08d4e,186,False,-62.304612,-48.120428000000004,Delacruz Banks,+1 (834) 417-2370,2015-05-18T04:06:18 -02:00,"['officia', 'sit', 'adipisicing', 'est', 'fugiat', 'veniam', 'veniam']",78.84,DOL,2015-05-18 04:06:18 +565ebe61f63a87ac7c38bfbb,"948 Bradford Street, Sutton, Kansas, 8621",12,"$3,018.96",XYMONK,reesefigueroa@xymonk.com,green,apple,male,08eb47c2-46bf-4419-99db-30a353e5f197,187,True,-86.626379,-148.64451,Reese Figueroa,+1 (964) 488-2468,2015-07-22T02:29:24 -02:00,"['pariatur', 'qui', 'nostrud', 'commodo', 'ut', 'enim', 'fugiat']",800.06,DOL,2015-07-22 02:29:24 +565ebe61d58c0c7c8a66b08e,"693 Atkins Avenue, Coultervillle, Missouri, 3544",73,"$2,967.77",ENJOLA,marjoriehutchinson@enjola.com,brown,banana,female,93bd7fda-80a9-483f-a6fe-bd948c1b4e81,188,True,44.258606,-99.310038,Marjorie Hutchinson,+1 (917) 548-3367,2015-04-18T01:11:20 -02:00,"['duis', 'sint', 'id', 'aute', 'duis', 'reprehenderit', 'fugiat']",-111.09,DOL,2015-04-18 01:11:20 +565ebe614f2d560b4969ad69,"877 Brooklyn Road, Alafaya, New Mexico, 8889",63,"$3,574.01",INEAR,mandytanner@inear.com,red,banana,female,bb96f8f0-b5c4-4e89-9d8b-8d09376cfddf,189,False,5.681801999999999,171.77714,Mandy Tanner,+1 (881) 433-3067,2015-08-14T01:59:02 -02:00,"['voluptate', 'minim', 'ut', 'incididunt', 'exercitation', 'esse', 'voluptate']",552.94,DOL,2015-08-14 01:59:02 +565ebe61e95c193720208054,"530 Furman Avenue, Fingerville, Federated States Of Micronesia, 1295",58,"$1,348.19",DIGIPRINT,shieldsfleming@digiprint.com,brown,apple,male,8da2dda8-5376-491b-9725-630506e9948f,190,False,63.87516,-118.45364599999999,Shields Fleming,+1 (888) 517-2308,2015-01-23T06:02:15 -01:00,"['ut', 'voluptate', 'culpa', 'velit', 'tempor', 'veniam', 'nulla']",725.65,DOL,2015-01-23 06:02:15 +565ebe61da09f5846a443226,"530 Turner Place, Crucible, Oregon, 9117",32,"$1,618.78",GRAINSPOT,lindsaystanton@grainspot.com,red,apple,male,5e1bef79-8af1-46b7-a4ad-af0ca314eaef,191,False,62.168684999999996,70.029937,Lindsay Stanton,+1 (947) 587-3818,2015-03-03T02:21:41 -01:00,"['nulla', 'amet', 'minim', 'ipsum', 'duis', 'esse', 'cillum']",-204.11,DOL,2015-03-03 02:21:41 +565ebe61c5b363624e3aab0f,"258 Rutherford Place, Barstow, Georgia, 1723",13,"$1,782.85",QUINEX,wilmaparks@quinex.com,red,banana,female,dbd98280-093d-46ee-be63-fbf573eecc31,192,False,82.18003399999998,30.162112,Wilma Parks,+1 (899) 466-3970,2015-04-17T12:43:58 -02:00,"['sint', 'nisi', 'labore', 'nostrud', 'magna', 'id', 'sunt']",-180.07,DOL,2015-04-17 12:43:58 +565ebe61f6368e838ace58cd,"914 Randolph Street, Rosedale, Arkansas, 1779",23,"$2,333.93",COLAIRE,lillypeck@colaire.com,green,strawberry,female,3ad392c1-d37a-4a7a-91b1-d8ba80795363,193,True,22.090173999999998,3.032778,Lilly Peck,+1 (997) 517-3951,2015-07-07T08:57:10 -02:00,"['sit', 'aute', 'quis', 'sit', 'excepteur', 'amet', 'eu']",175.15,DOL,2015-07-07 08:57:10 +565ebe61102af2d2d592b64a,"764 Campus Place, Suitland, District Of Columbia, 8664",89,"$2,945.98",VITRICOMP,belindawebb@vitricomp.com,green,strawberry,female,edc3c4df-1028-43c0-8b7b-598a038a9821,194,True,-64.260287,-4.72159,Belinda Webb,+1 (953) 488-2627,2015-01-15T03:30:59 -01:00,"['cupidatat', 'laboris', 'elit', 'Lorem', 'velit', 'enim', 'sunt']",-352.67,DOL,2015-01-15 03:30:59 +565ebe6156dcf03099fec5d4,"759 Wythe Place, Alamo, Virgin Islands, 7928",53,"$3,109.64",ZEROLOGY,coxnielsen@zerology.com,green,banana,male,5d5ebad7-9977-4f05-9f22-f336dabff4b1,195,False,-44.593134,146.865452,Cox Nielsen,+1 (950) 534-2033,2015-02-22T04:41:24 -01:00,"['occaecat', 'commodo', 'et', 'cupidatat', 'adipisicing', 'anim', 'ut']",-767.08,DOL,2015-02-22 04:41:24 +565ebe61cde30673f04e5696,"641 Moffat Street, Brantleyville, Florida, 2218",12,"$3,352.57",PHUEL,bradfordwalls@phuel.com,grey,strawberry,male,b2d51924-724a-4b64-b81d-034794ea0d6c,196,True,-25.039467000000002,144.88921399999995,Bradford Walls,+1 (818) 533-2642,2015-05-18T12:46:16 -02:00,"['magna', 'nulla', 'proident', 'eu', 'commodo', 'non', 'veniam']",638.99,DOL,2015-05-18 12:46:16 +565ebe613838ae93abf2aeb5,"719 Beach Place, Wattsville, North Carolina, 132",72,"$3,084.24",GEEKFARM,bettyrios@geekfarm.com,red,apple,female,22f5a132-ed72-48cc-aeaf-2e99b7cf64e2,197,False,44.988688,-1.020908,Betty Rios,+1 (954) 482-3463,2015-05-23T12:23:11 -02:00,"['non', 'nostrud', 'nostrud', 'nisi', 'irure', 'voluptate', 'ut']",-197.54,DOL,2015-05-23 12:23:11 +565ebe6198b69d14dcc63641,"889 Ludlam Place, Detroit, Montana, 4622",84,"$3,620.90",COMTENT,haleypowers@comtent.com,grey,apple,female,d40b719a-daf6-4129-93de-5c72365f361c,198,False,33.76331500000001,-54.611686999999996,Haley Powers,+1 (840) 465-2899,2015-05-22T01:35:13 -02:00,"['id', 'nostrud', 'non', 'ex', 'eu', 'culpa', 'dolor']",-887.55,DOL,2015-05-22 01:35:13 +565ebe61df9e8de3aadd8b5b,"338 Mayfair Drive, Chesapeake, Puerto Rico, 1872",22,"$2,069.84",ENERSOL,buckcantu@enersol.com,red,strawberry,male,7b6d8033-d15d-4c26-b3fa-5f78a7e9a31e,199,True,13.906445000000001,112.38601399999999,Buck Cantu,+1 (861) 489-2268,2015-09-18T08:42:34 -02:00,"['proident', 'tempor', 'cupidatat', 'magna', 'esse', 'anim', 'laboris']",953.02,DOL,2015-09-18 08:42:34 +565ebe61831d5b832802424e,"972 Crescent Street, Defiance, West Virginia, 7161",38,"$3,245.42",CEDWARD,katinafisher@cedward.com,grey,banana,female,8733ca37-358a-456d-bdf6-afbf35164422,200,False,22.115585999999997,-139.66153500000001,Katina Fisher,+1 (855) 509-2384,2015-01-30T12:50:58 -01:00,"['adipisicing', 'eu', 'Lorem', 'laborum', 'exercitation', 'minim', 'culpa']",-600.86,DOL,2015-01-30 12:50:58 +565ebe6109edb73263cc90ca,"216 Cortelyou Road, Nash, Wyoming, 9102",20,"$2,796.59",IDEGO,bettieellison@idego.com,grey,apple,female,50f3c1ac-1dc2-4c62-a0c1-e5aede5e6a93,201,True,-75.511822,-144.967497,Bettie Ellison,+1 (951) 463-3694,2015-02-14T06:59:11 -01:00,"['occaecat', 'deserunt', 'amet', 'anim', 'sit', 'sunt', 'nisi']",1262.1,DOL,2015-02-14 06:59:11 +565ebe61e8f931df08532511,"938 Rugby Road, Hiko, Virginia, 9136",41,"$2,546.67",OPPORTECH,claudinepruitt@opportech.com,blue,apple,female,1866561c-9585-4353-a77d-9a5b0846537c,202,False,53.305277000000004,-149.784068,Claudine Pruitt,+1 (994) 542-3124,2015-02-07T07:27:19 -01:00,"['consequat', 'veniam', 'pariatur', 'in', 'amet', 'deserunt', 'laboris']",-61.1,DOL,2015-02-07 07:27:19 +565ebe61a3a662d73df98123,"826 Lexington Avenue, Bend, Nebraska, 1800",80,"$1,876.71",LOTRON,traviscallahan@lotron.com,green,apple,male,af269ef2-9c8f-4b7a-a026-be8518b7cc19,203,False,87.84437199999998,106.87546,Travis Callahan,+1 (997) 476-3816,2015-09-17T03:36:50 -02:00,"['velit', 'eiusmod', 'quis', 'est', 'pariatur', 'quis', 'ipsum']",-324.13,DOL,2015-09-17 03:36:50 +565ebe61ac99402c26f69e26,"125 Hunterfly Place, Grahamtown, Palau, 5698",77,"$2,236.59",REALMO,leonaramirez@realmo.com,red,apple,female,6885f323-e8fd-475b-ae9c-0ae906552041,204,False,-18.641678,147.810485,Leona Ramirez,+1 (976) 475-2015,2015-10-03T01:47:08 -02:00,"['occaecat', 'commodo', 'ea', 'aliquip', 'non', 'voluptate', 'consequat']",-942.35,DOL,2015-10-03 01:47:08 +565ebe619f65ada6b6bb3d51,"280 Beacon Court, Wawona, Alabama, 2281",44,"$2,157.13",QUILK,wigginsmcmillan@quilk.com,green,apple,male,bc4f48c4-dbbd-4a7a-b6f4-13023039a81e,205,False,28.030896000000002,54.88192700000001,Wiggins Mcmillan,+1 (931) 462-3969,2015-02-01T06:46:18 -01:00,"['sunt', 'ex', 'eiusmod', 'deserunt', 'nulla', 'pariatur', 'nulla']",1335.84,DOL,2015-02-01 06:46:18 +565ebe617ed88eac7b3a5563,"158 Henry Street, Clarktown, Connecticut, 8282",73,"$2,256.41",TINGLES,lambortiz@tingles.com,blue,strawberry,male,2759b877-cc83-4f7a-a542-d9faf698c152,206,True,-16.374288,-24.466965,Lamb Ortiz,+1 (929) 431-3801,2015-01-12T08:38:08 -01:00,"['nostrud', 'qui', 'sint', 'deserunt', 'eu', 'velit', 'amet']",-286.27,DOL,2015-01-12 08:38:08 +565ebe610002ffcde49b3022,"553 Hegeman Avenue, Bowie, South Carolina, 9940",56,"$3,879.36",CORIANDER,hollandberg@coriander.com,grey,banana,male,bf11f8c5-6e3a-441c-80c5-35504eb073ea,207,False,11.832341,163.383739,Holland Berg,+1 (868) 459-2744,2015-01-31T07:32:21 -01:00,"['magna', 'pariatur', 'enim', 'ut', 'officia', 'laborum', 'duis']",-679.61,DOL,2015-01-31 07:32:21 +565ebe61ccfe74d0cf2e111d,"187 Colonial Court, Terlingua, Massachusetts, 2130",13,"$1,264.06",LIQUIDOC,bradylove@liquidoc.com,blue,strawberry,male,48a233cc-4b9b-4634-a5ee-f70cc1f9764a,208,True,-17.015137,-24.105229,Brady Love,+1 (827) 480-2801,2015-08-15T11:56:42 -02:00,"['fugiat', 'irure', 'dolore', 'dolore', 'irure', 'nisi', 'laboris']",-357.2,DOL,2015-08-15 11:56:42 +565ebe615fe5a0299e818f00,"745 Clymer Street, Wadsworth, Delaware, 9533",62,"$3,658.36",DRAGBOT,bowmanwise@dragbot.com,brown,apple,male,7a571e72-6ab4-434a-952e-cfa98cd21907,209,False,49.033611,-114.29635,Bowman Wise,+1 (925) 474-3194,2015-09-16T06:33:49 -02:00,"['do', 'adipisicing', 'esse', 'officia', 'amet', 'ad', 'duis']",884.91,DOL,2015-09-16 06:33:49 +565ebe618097d88e2b1d5c57,"269 Green Street, Shelby, Iowa, 9820",32,"$2,468.61",OBONES,solomonpatterson@obones.com,blue,banana,male,975bc7f0-7263-4e85-84a0-a67b2e543bd3,210,True,-72.680382,125.693463,Solomon Patterson,+1 (991) 523-2946,2015-06-30T12:21:04 -02:00,"['occaecat', 'id', 'nostrud', 'minim', 'excepteur', 'amet', 'ea']",-898.45,DOL,2015-06-30 12:21:04 +565ebe611ae4724f0e72b961,"943 Banner Avenue, Cedarville, Colorado, 4238",59,"$2,506.75",COMTRAK,terryhaley@comtrak.com,brown,banana,female,d772115f-fb5d-4100-b1f0-2c47777b905d,211,False,-22.460332,-124.890809,Terry Haley,+1 (918) 422-2745,2015-10-19T11:45:46 -02:00,"['ad', 'amet', 'magna', 'eiusmod', 'quis', 'commodo', 'sit']",506.66,DOL,2015-10-19 11:45:46 +565ebe61139cffb4dd4968ba,"224 Thornton Street, Idamay, Maine, 6099",18,"$1,328.97",OCEANICA,mckeerasmussen@oceanica.com,blue,banana,male,c992713a-6f49-4641-a33e-99279c26e6df,212,True,-59.721087,54.420486,Mckee Rasmussen,+1 (962) 563-3561,2015-04-14T09:51:46 -02:00,"['Lorem', 'officia', 'eiusmod', 'excepteur', 'id', 'culpa', 'aliqua']",83.24,DOL,2015-04-14 09:51:46 +565ebe6144528bd85f913599,"168 Butler Place, Accoville, Ohio, 8683",88,"$2,919.88",UNIWORLD,tamikamaxwell@uniworld.com,blue,apple,female,5db77490-4b37-45f1-a6db-7eeae120c3c1,213,True,49.14958,121.952142,Tamika Maxwell,+1 (834) 571-3384,2015-07-12T10:38:04 -02:00,"['enim', 'qui', 'fugiat', 'ea', 'ipsum', 'exercitation', 'officia']",1413.89,DOL,2015-07-12 10:38:04 +565ebe61f7130aa238a9af3f,"530 Himrod Street, Catharine, Wisconsin, 9629",73,"$2,396.45",EARTHPURE,luzboone@earthpure.com,red,banana,female,fdfd9646-0783-4631-9afb-a341d6417a80,214,False,6.39548,50.1553,Luz Boone,+1 (892) 425-3191,2015-06-03T09:20:59 -02:00,"['labore', 'reprehenderit', 'aute', 'anim', 'cillum', 'consequat', 'cupidatat']",1084.88,DOL,2015-06-03 09:20:59 +565ebe61852063a91ae38d7f,"415 Williams Court, Springdale, Michigan, 6182",37,"$2,274.98",ECOSYS,cherylgonzalez@ecosys.com,green,banana,female,0d657bf0-ffc6-418e-a696-eb448ac68065,215,True,-85.648167,12.949252,Cheryl Gonzalez,+1 (972) 523-2490,2015-10-30T01:44:01 -01:00,"['anim', 'irure', 'voluptate', 'ut', 'nulla', 'non', 'veniam']",30.0,DOL,2015-10-30 01:44:01 +565ebe61601947a52552068d,"928 Ivan Court, Elliott, Guam, 6438",43,"$2,027.80",PORTICA,hartlamb@portica.com,brown,strawberry,male,3a7311a3-7ba2-45a5-a23c-1791e30a3c9a,216,False,-69.586275,9.438919,Hart Lamb,+1 (838) 439-3010,2015-10-05T02:19:23 -02:00,"['irure', 'ut', 'sint', 'aliquip', 'labore', 'incididunt', 'consequat']",1350.64,DOL,2015-10-05 02:19:23 +565ebe6156aa8b1b3bc6446f,"550 Albemarle Road, Farmers, New Hampshire, 8144",21,"$2,029.64",ACCUSAGE,lorisawyer@accusage.com,red,apple,female,94ca8652-5ad7-4441-902d-395a25ebd678,217,False,-4.844137,-17.789598,Lori Sawyer,+1 (908) 524-3942,2015-10-02T03:12:14 -02:00,"['dolor', 'laboris', 'officia', 'dolor', 'amet', 'nostrud', 'tempor']",408.65,DOL,2015-10-02 03:12:14 +565ebe6146213edbd997c95a,"668 Kent Avenue, Itmann, Alaska, 1264",28,"$1,614.33",PRINTSPAN,olavasquez@printspan.com,red,strawberry,female,9be3977c-2c91-47f7-8346-e339eeb9b706,218,False,10.384788,74.63394699999998,Ola Vasquez,+1 (993) 499-2975,2015-10-13T07:42:37 -02:00,"['nostrud', 'fugiat', 'voluptate', 'enim', 'ad', 'deserunt', 'eiusmod']",707.68,DOL,2015-10-13 07:42:37 +565ebe61703f729d0ae9353a,"125 Brigham Street, Imperial, Louisiana, 4186",87,"$1,398.81",ARCTIQ,wolfandrews@arctiq.com,red,banana,male,644160cb-9326-49e7-91c3-5a129542f5c9,219,False,-36.505001,-43.293044,Wolf Andrews,+1 (984) 416-3136,2015-09-27T02:57:42 -02:00,"['culpa', 'proident', 'dolore', 'irure', 'in', 'anim', 'do']",-795.04,DOL,2015-09-27 02:57:42 +565ebe613072baf33bd64f02,"814 Barlow Drive, Bakersville, Texas, 8923",20,"$3,949.52",AQUAFIRE,jordansimon@aquafire.com,brown,apple,male,10327267-0b2e-4086-938c-13537f135b3b,220,False,-52.69774399999999,2.031834,Jordan Simon,+1 (983) 500-3537,2015-11-07T04:18:47 -01:00,"['in', 'laborum', 'fugiat', 'esse', 'velit', 'voluptate', 'tempor']",582.4,DOL,2015-11-07 04:18:47 +565ebe6108799c396082e396,"970 Stryker Court, Gilgo, Marshall Islands, 3616",32,"$2,485.29",EPLODE,keithbauer@eplode.com,red,banana,male,60d5879c-0a9c-4801-acf2-1b12a5cf4bfc,221,True,-13.273674,-173.096092,Keith Bauer,+1 (836) 506-2417,2015-08-05T06:05:11 -02:00,"['irure', 'commodo', 'nostrud', 'sint', 'do', 'laborum', 'ipsum']",-509.26,DOL,2015-08-05 06:05:11 +565ebe619b67380d058fa339,"519 Rapelye Street, Hailesboro, Illinois, 9259",27,"$1,522.71",VIRXO,shannonmaldonado@virxo.com,blue,strawberry,female,229a5d64-660a-4ba1-ab3a-e1b63a1b2618,222,True,-48.34607000000001,161.027928,Shannon Maldonado,+1 (932) 588-2337,2015-05-11T02:24:14 -02:00,"['sit', 'duis', 'exercitation', 'minim', 'ad', 'ex', 'fugiat']",1323.01,DOL,2015-05-11 02:24:14 +565ebe61be7f788ba022d9b8,"678 Euclid Avenue, Williamson, South Dakota, 7442",30,"$2,297.89",NAMEGEN,penabutler@namegen.com,red,apple,male,65ec1da7-af21-4cf5-a2ae-ad89c7d5e3ff,223,True,11.623221,102.38628299999999,Pena Butler,+1 (853) 425-3014,2015-05-06T09:39:10 -02:00,"['dolor', 'duis', 'sit', 'eu', 'cillum', 'dolore', 'aute']",410.84,DOL,2015-05-06 09:39:10 +565ebe614ae1ba682bea960e,"824 Downing Street, Robinette, Nevada, 7247",54,"$3,310.59",AMTAS,goodmanbyrd@amtas.com,brown,apple,male,7c850678-2ec2-4854-b10a-2f67cf6837b9,224,False,65.443965,-160.752351,Goodman Byrd,+1 (833) 431-2580,2015-06-18T09:09:26 -02:00,"['cupidatat', 'exercitation', 'aliqua', 'et', 'nostrud', 'quis', 'ea']",-679.44,DOL,2015-06-18 09:09:26 +565ebe6144bbac351ad7cbd3,"399 Williams Place, Brutus, Washington, 6077",54,"$1,447.15",INSECTUS,barbracole@insectus.com,grey,apple,female,f3b25210-4990-4bc6-a1ac-a1fdc260007b,225,False,42.229686,9.252289,Barbra Cole,+1 (898) 470-2660,2015-03-03T09:46:32 -01:00,"['commodo', 'consectetur', 'fugiat', 'minim', 'sint', 'officia', 'tempor']",-283.81,DOL,2015-03-03 09:46:32 +565ebe61ae75de22adefbae2,"384 Jamison Lane, Macdona, Rhode Island, 7654",30,"$3,514.35",FOSSIEL,hornmaynard@fossiel.com,green,apple,male,8f393f5a-6f5b-4a41-a62f-376592058c8d,226,False,23.500163,6.392164,Horn Maynard,+1 (848) 524-3821,2015-05-12T12:18:57 -02:00,"['sint', 'enim', 'cupidatat', 'labore', 'ea', 'reprehenderit', 'deserunt']",-20.97,DOL,2015-05-12 12:18:57 +565ebe61be853df299b398a5,"518 Judge Street, Winston, Vermont, 3343",44,"$3,716.08",UNQ,newmanbell@unq.com,green,apple,male,dd3f8c91-32f8-402d-b86f-4092536b0d33,227,False,56.05644399999999,-31.79565,Newman Bell,+1 (978) 559-2069,2015-10-01T03:47:49 -02:00,"['quis', 'dolor', 'esse', 'amet', 'nisi', 'fugiat', 'nisi']",-67.21,DOL,2015-10-01 03:47:49 +565ebe61edbd499b318f8c3c,"626 Sackett Street, Martinsville, Kentucky, 8866",47,"$2,934.16",PARLEYNET,bertahead@parleynet.com,brown,apple,female,47df4968-b5ab-4abb-86d8-fbe232cd3afe,228,True,62.039364,12.225397000000001,Berta Head,+1 (802) 552-2366,2015-12-09T02:17:22 -01:00,"['veniam', 'eu', 'nulla', 'enim', 'esse', 'do', 'commodo']",-574.83,DOL,2015-12-09 02:17:22 +565ebe618c4b9dcd6f857214,"360 Columbus Place, Bartley, New York, 1254",52,"$2,490.09",PYRAMIA,charitymcdaniel@pyramia.com,green,banana,female,8e28d79a-0c54-4166-a8b8-d758f8b58e04,229,True,-63.804295999999994,77.65345,Charity Mcdaniel,+1 (917) 459-3510,2015-04-20T03:48:11 -02:00,"['consequat', 'non', 'irure', 'pariatur', 'sit', 'ea', 'veniam']",1210.76,DOL,2015-04-20 03:48:11 +565ebe617b4a1d0b3d97517f,"594 McKinley Avenue, Belmont, Idaho, 3494",48,"$3,099.88",MAXEMIA,cassandracraft@maxemia.com,green,banana,female,a09e2b2b-cdb6-48c7-964f-bf88cf50e97d,230,True,67.648427,8.61613,Cassandra Craft,+1 (968) 516-2583,2015-12-09T02:57:53 -01:00,"['excepteur', 'cillum', 'proident', 'quis', 'commodo', 'officia', 'sit']",-585.59,DOL,2015-12-09 02:57:53 +565ebe6127c4ec180a809927,"827 Revere Place, Camino, American Samoa, 5929",34,"$1,445.66",ZOSIS,bauerlarsen@zosis.com,red,apple,male,4f9e24f6-eb9d-4dc8-9253-8d7a4595fdf3,231,False,-34.326215999999995,23.39410100000001,Bauer Larsen,+1 (964) 475-2083,2015-08-28T09:51:01 -02:00,"['velit', 'dolor', 'in', 'laboris', 'dolor', 'labore', 'laboris']",282.71,DOL,2015-08-28 09:51:01 +565ebe61ca8a20794c92d372,"747 Polar Street, Roland, California, 2322",28,"$2,006.89",ZILLACOM,harmontodd@zillacom.com,brown,apple,male,1050a43f-adb1-4d8d-aeff-e79773216d7f,232,False,-76.50885500000003,154.57388500000005,Harmon Todd,+1 (980) 474-3852,2015-08-06T11:15:39 -02:00,"['pariatur', 'consectetur', 'officia', 'est', 'mollit', 'nostrud', 'mollit']",96.25,DOL,2015-08-06 11:15:39 +565ebe61ad1ff41c67b442ab,"778 Ross Street, Finzel, Arizona, 7585",60,"$2,860.41",KEENGEN,francescaconley@keengen.com,green,apple,female,a4c44a77-cebf-4c79-8343-0e60e8ebf75a,233,True,44.221675,34.764920000000004,Francesca Conley,+1 (881) 470-2545,2015-10-19T11:33:48 -02:00,"['in', 'tempor', 'culpa', 'labore', 'sint', 'ea', 'culpa']",-224.81,DOL,2015-10-19 11:33:48 +565ebe6129ee0d41a96a50fc,"475 Decatur Street, Toftrees, Pennsylvania, 5953",70,"$3,500.15",PROXSOFT,moranaguilar@proxsoft.com,red,banana,male,e0a543c5-2708-434c-b5cd-2ff4ddb883bc,234,False,49.426086,155.09725,Moran Aguilar,+1 (918) 534-2988,2015-05-24T12:40:24 -02:00,"['laboris', 'consectetur', 'tempor', 'officia', 'sint', 'nisi', 'aliquip']",-326.86,DOL,2015-05-24 12:40:24 +565ebe61e4e756cb0626f5d1,"709 Gallatin Place, Lodoga, Oklahoma, 404",64,"$1,763.56",CUJO,katherineolsen@cujo.com,red,banana,female,a7be9f9d-4906-4c27-96b7-9892d07c2eed,235,False,-61.091899,-93.433878,Katherine Olsen,+1 (854) 541-2396,2015-02-22T02:29:15 -01:00,"['officia', 'labore', 'exercitation', 'nostrud', 'non', 'dolore', 'nostrud']",-897.25,DOL,2015-02-22 02:29:15 +565ebe613034e01805385903,"164 Wythe Avenue, Caspar, Utah, 592",38,"$1,967.65",FURNITECH,jodivincent@furnitech.com,grey,banana,female,8a51c72b-c90e-4497-be49-64febd4c0356,236,True,51.883232,23.331712,Jodi Vincent,+1 (827) 421-2420,2015-09-27T08:14:41 -02:00,"['culpa', 'dolor', 'pariatur', 'labore', 'ea', 'culpa', 'velit']",1266.72,DOL,2015-09-27 08:14:41 +565ebe610acb6c26d18be634,"944 Lloyd Street, Byrnedale, North Dakota, 3848",56,"$1,407.62",SENSATE,lunabray@sensate.com,brown,banana,male,233e6809-266f-465d-9caa-84fd94ea7a9b,237,True,28.845204,-93.132322,Luna Bray,+1 (814) 481-3760,2015-11-24T02:51:52 -01:00,"['in', 'officia', 'duis', 'sit', 'irure', 'pariatur', 'pariatur']",1114.43,DOL,2015-11-24 02:51:52 +565ebe6119d3f5a31f292a05,"429 Seba Avenue, Bridgetown, Tennessee, 5757",16,"$3,554.99",CENTREGY,vincentbender@centregy.com,grey,banana,male,15ad5f7a-6885-4763-9d89-7348b73a9092,238,True,71.17761,130.582482,Vincent Bender,+1 (914) 536-3626,2015-11-25T02:47:46 -01:00,"['aute', 'nisi', 'amet', 'veniam', 'ullamco', 'eiusmod', 'consequat']",1092.07,DOL,2015-11-25 02:47:46 +565ebe61ea9f8cf66cc76f7f,"655 Ridgecrest Terrace, Remington, Minnesota, 3778",85,"$2,647.19",BLANET,clemonshawkins@blanet.com,brown,apple,male,8f5512c3-8f3d-4ebb-bf4e-c089a32dc760,239,True,-56.645951000000004,-35.65617,Clemons Hawkins,+1 (988) 517-2441,2015-08-01T02:25:48 -02:00,"['enim', 'consequat', 'reprehenderit', 'duis', 'proident', 'ut', 'non']",-499.37,DOL,2015-08-01 02:25:48 +565ebe617f43bdfe0cd8e5ec,"891 Aster Court, Onton, Mississippi, 6202",67,"$1,397.21",ENDIPINE,jonessantiago@endipine.com,grey,apple,male,0af9f023-4721-4d9a-89fe-3bafe4ed793c,240,True,-52.87308,-94.65874699999999,Jones Santiago,+1 (957) 517-3114,2015-07-14T01:44:15 -02:00,"['proident', 'consequat', 'ullamco', 'nulla', 'cupidatat', 'ipsum', 'aute']",-89.38,DOL,2015-07-14 01:44:15 +565ebe6117ffe1765392e93c,"874 Metrotech Courtr, Lindcove, Hawaii, 3079",44,"$2,867.22",PORTICO,angelicaarnold@portico.com,green,apple,female,94d44ea5-c3bc-4f02-95f4-ef0a56cd83cd,241,False,53.288152000000004,-133.331953,Angelica Arnold,+1 (829) 512-3484,2015-12-01T07:24:37 -01:00,"['pariatur', 'minim', 'adipisicing', 'commodo', 'cupidatat', 'culpa', 'ex']",1442.46,DOL,2015-12-01 07:24:37 +565ebe61724d1783c70a5e98,"929 Harman Street, Salvo, Northern Mariana Islands, 1404",89,"$2,235.09",DANCERITY,knappgriffin@dancerity.com,grey,banana,male,5304a3bc-8d5d-4b35-8749-7d6051de30a0,242,True,-52.608447999999996,111.484181,Knapp Griffin,+1 (909) 575-3019,2015-09-28T02:12:33 -02:00,"['reprehenderit', 'labore', 'aliquip', 'culpa', 'sunt', 'officia', 'eiusmod']",-140.34,DOL,2015-09-28 02:12:33 +565ebe6152ffdc353725fdd0,"101 Tillary Street, Richville, Maryland, 673",23,"$2,641.22",SCENTY,kochmccormick@scenty.com,brown,banana,male,757a5ab8-12e7-477c-a78c-8f5c1ac3ce05,243,True,70.19349799999999,46.181428000000004,Koch Mccormick,+1 (963) 592-2182,2015-01-22T09:56:47 -01:00,"['occaecat', 'magna', 'exercitation', 'eiusmod', 'proident', 'laboris', 'deserunt']",740.86,DOL,2015-01-22 09:56:47 +565ebe619c26e2a1c6453482,"335 Montague Terrace, Vandiver, Indiana, 7215",11,"$3,886.31",SKYBOLD,richardsonrivera@skybold.com,grey,apple,male,09a5c42b-8093-4111-aa64-de8ff91ccd9b,244,False,-88.814195,143.627718,Richardson Rivera,+1 (803) 490-3995,2015-04-25T08:00:13 -02:00,"['ex', 'amet', 'consectetur', 'id', 'irure', 'amet', 'adipisicing']",-954.26,DOL,2015-04-25 08:00:13 +565ebe6181e4e090813cfb2d,"390 Taylor Street, Logan, Kansas, 5707",58,"$3,021.54",GINK,tishahumphrey@gink.com,red,apple,female,66b1cd76-1a8b-4229-a031-a1a13ae53b93,245,True,58.980614,63.513282999999994,Tisha Humphrey,+1 (987) 490-3389,2015-08-27T06:21:51 -02:00,"['voluptate', 'velit', 'incididunt', 'exercitation', 'laboris', 'officia', 'laboris']",1391.22,DOL,2015-08-27 06:21:51 +565ebe618105d6be33cfcaa4,"303 Bijou Avenue, Charco, Missouri, 3422",69,"$2,573.65",OZEAN,lizalittle@ozean.com,brown,apple,female,1a651fe1-fbc1-406c-a665-2f5badfb191d,246,False,-1.452726,56.358808999999994,Liza Little,+1 (901) 403-2092,2015-02-19T10:57:39 -01:00,"['in', 'enim', 'mollit', 'Lorem', 'ullamco', 'consectetur', 'voluptate']",-5.89,DOL,2015-02-19 10:57:39 +565ebe6137986fa488f8e6fe,"524 Front Street, Leeper, New Mexico, 8166",88,"$1,893.69",KATAKANA,gilliamray@katakana.com,green,apple,male,d1f23776-2634-4eea-86e6-8ea996132643,247,False,10.958329,-2.280729,Gilliam Ray,+1 (937) 567-3313,2015-08-02T12:44:30 -02:00,"['sint', 'quis', 'dolore', 'irure', 'quis', 'sunt', 'tempor']",1118.82,DOL,2015-08-02 12:44:30 +565ebe61389fc1f3b38e486d,"252 Bulwer Place, Twilight, Federated States Of Micronesia, 8179",57,"$1,561.43",CUIZINE,catalinaharrell@cuizine.com,grey,apple,female,3f496a15-1f60-4455-8501-d1a62a57dec8,248,True,-57.86108100000001,-58.61784399999999,Catalina Harrell,+1 (806) 597-3597,2015-11-19T02:37:31 -01:00,"['eiusmod', 'dolor', 'pariatur', 'eiusmod', 'laboris', 'ipsum', 'minim']",-602.23,DOL,2015-11-19 02:37:31 +565ebe6194dc0ceead025d47,"460 Highland Place, Newcastle, Oregon, 1553",51,"$1,459.86",DIGIQUE,sarahmunoz@digique.com,brown,apple,female,3cfed9dc-d62d-4ef3-8f34-b2f5e97b83ff,249,True,-32.597413,107.067279,Sarah Munoz,+1 (986) 479-2992,2015-02-11T06:51:40 -01:00,"['elit', 'ex', 'anim', 'ex', 'proident', 'commodo', 'sunt']",905.96,DOL,2015-02-11 06:51:40 +565ebe611c677fc8427f9fbb,"401 Lott Avenue, Fannett, Georgia, 3893",32,"$1,458.53",MEDIFAX,averyflores@medifax.com,green,banana,male,c0d89fac-e286-4ad3-96b3-c7568d3aff2c,250,False,14.848976,135.870134,Avery Flores,+1 (804) 590-2882,2015-09-02T12:06:10 -02:00,"['pariatur', 'exercitation', 'sint', 'ex', 'occaecat', 'ex', 'laboris']",1440.1,DOL,2015-09-02 12:06:10 +565ebe61f6baccdd3b533465,"228 Laurel Avenue, Kingstowne, Arkansas, 3745",81,"$3,371.55",LINGOAGE,heidishepard@lingoage.com,blue,banana,female,46c4f3ed-6526-4b3b-874f-753ea46db584,251,False,64.09227299999999,-17.273169,Heidi Shepard,+1 (861) 497-3920,2015-08-08T05:47:14 -02:00,"['est', 'do', 'magna', 'incididunt', 'id', 'occaecat', 'officia']",-924.72,DOL,2015-08-08 05:47:14 +565ebe61f1eef39f4d48dad2,"750 Holt Court, Warsaw, District Of Columbia, 2752",45,"$2,244.03",VIASIA,summerbeach@viasia.com,blue,banana,female,1ef1cd63-aa98-4299-83a0-80e2d4b2ce3d,252,True,-2.185905,-144.594865,Summer Beach,+1 (963) 564-2357,2015-11-17T09:21:52 -01:00,"['sint', 'dolore', 'aliquip', 'reprehenderit', 'dolor', 'consequat', 'ea']",834.2,DOL,2015-11-17 09:21:52 +565ebe61b18316a60f5783b8,"405 Furman Street, Kiskimere, Virgin Islands, 3723",89,"$3,197.34",NIXELT,boothlewis@nixelt.com,green,apple,male,6741e45d-fe36-4afe-9af9-551dcd2a9c9c,253,True,-72.96498299999998,-56.187426,Booth Lewis,+1 (995) 438-2684,2015-02-14T08:38:25 -01:00,"['nostrud', 'cillum', 'laboris', 'deserunt', 'consequat', 'in', 'laborum']",1142.19,DOL,2015-02-14 08:38:25 +565ebe61ffa526be631e625f,"488 Luquer Street, Kohatk, Florida, 6750",69,"$3,443.55",EPLOSION,burnsfitzpatrick@eplosion.com,blue,banana,male,04535033-5f18-4717-b784-515a76c838d9,254,False,-64.200152,70.441194,Burns Fitzpatrick,+1 (951) 531-3934,2015-02-18T08:51:20 -01:00,"['ea', 'reprehenderit', 'nostrud', 'dolor', 'nulla', 'reprehenderit', 'elit']",539.55,DOL,2015-02-18 08:51:20 +565ebe61ce428e44cced746b,"261 Hutchinson Court, Gratton, North Carolina, 5302",67,"$3,600.23",MEDIOT,tillmanherring@mediot.com,red,strawberry,male,6e89bb8b-f14a-41ae-959e-94867c62389b,255,True,24.339631,112.62853100000001,Tillman Herring,+1 (841) 491-3272,2015-03-01T10:22:21 -01:00,"['ullamco', 'proident', 'ullamco', 'Lorem', 'velit', 'reprehenderit', 'nostrud']",-831.45,DOL,2015-03-01 10:22:21 +565ebe61b5db011e54c72fc0,"387 Keen Court, Why, Montana, 2174",14,"$2,108.04",MAGMINA,beasleyfuller@magmina.com,green,strawberry,male,735636eb-501b-44f8-865f-3ce5c94daee2,256,True,31.321347999999997,-83.624524,Beasley Fuller,+1 (929) 472-2421,2015-03-17T12:53:36 -01:00,"['fugiat', 'ullamco', 'incididunt', 'amet', 'consequat', 'sint', 'duis']",-229.54,DOL,2015-03-17 12:53:36 +565ebe61dab9025648d10817,"413 McClancy Place, Tuskahoma, Puerto Rico, 113",15,"$1,293.63",SPLINX,melissamack@splinx.com,blue,banana,female,a7b449f7-ed7d-4d4b-a9a3-cfcf32dc9c09,257,True,42.09070300000001,-179.68437,Melissa Mack,+1 (942) 563-2037,2015-11-13T04:34:22 -01:00,"['laboris', 'reprehenderit', 'ullamco', 'cillum', 'minim', 'consectetur', 'ut']",290.01,DOL,2015-11-13 04:34:22 +565ebe61f706e0f4e903594d,"288 Schaefer Street, Harviell, West Virginia, 8528",57,"$1,548.82",EYEWAX,candyshelton@eyewax.com,green,apple,female,8192c8b2-199f-40f8-97ae-3d555761fed9,258,True,-73.02079499999998,-0.06779400000000001,Candy Shelton,+1 (987) 589-3362,2015-10-05T08:01:35 -02:00,"['proident', 'laboris', 'voluptate', 'cupidatat', 'mollit', 'duis', 'deserunt']",1389.55,DOL,2015-10-05 08:01:35 +565ebe61bb7841004b4cacdb,"825 Irvington Place, Tioga, Wyoming, 3636",46,"$1,450.98",DAIDO,dorotheabaldwin@daido.com,blue,strawberry,female,fb7fd594-b8f0-4416-9a6e-12150699d4eb,259,False,-60.819651,-47.196873,Dorothea Baldwin,+1 (973) 585-3315,2015-03-02T09:25:10 -01:00,"['amet', 'adipisicing', 'reprehenderit', 'irure', 'incididunt', 'elit', 'laboris']",1408.04,DOL,2015-03-02 09:25:10 +565ebe6171e37133b970cbb3,"886 Greenpoint Avenue, Derwood, Virginia, 3338",60,"$1,184.26",NEPTIDE,dorthychristensen@neptide.com,red,strawberry,female,308a495c-88d9-4807-b47d-7cd271c45684,260,True,34.038545,30.066583,Dorthy Christensen,+1 (992) 537-3254,2015-06-04T10:04:05 -02:00,"['ut', 'in', 'ipsum', 'sint', 'officia', 'mollit', 'minim']",-201.85,DOL,2015-06-04 10:04:05 +565ebe61635a2bf519912ab9,"249 Hopkins Street, Kansas, Nebraska, 7364",43,"$1,838.42",GEOFORMA,virginiaconner@geoforma.com,red,strawberry,female,35413bb7-ca8e-44d3-b83a-6a97cdf623df,261,False,-28.80047,103.012346,Virginia Conner,+1 (910) 599-2877,2015-10-30T02:11:53 -01:00,"['fugiat', 'magna', 'do', 'labore', 'qui', 'non', 'ullamco']",1240.28,DOL,2015-10-30 02:11:53 +565ebe6157fd30cd9c00962d,"789 Bayview Place, Soudan, Palau, 2440",46,"$3,925.72",ZOARERE,lindseydunlap@zoarere.com,brown,apple,male,83a72927-c16d-49d3-93d9-9fe4886ff2b5,262,False,-88.57928000000004,-62.935589,Lindsey Dunlap,+1 (919) 529-2622,2015-04-13T06:55:21 -02:00,"['do', 'ipsum', 'eu', 'veniam', 'fugiat', 'exercitation', 'quis']",-438.11,DOL,2015-04-13 06:55:21 +565ebe61edcec2d73ffa6710,"462 Bedford Place, Boonville, Alabama, 3345",46,"$3,521.81",MONDICIL,carsonpace@mondicil.com,brown,strawberry,male,fb9d6b56-ce51-422f-a8a8-c1cefb46823f,263,True,-46.652904,26.292706,Carson Pace,+1 (819) 531-3542,2015-07-09T03:42:42 -02:00,"['incididunt', 'dolore', 'officia', 'ut', 'sunt', 'aliquip', 'adipisicing']",668.94,DOL,2015-07-09 03:42:42 +565ebe61ececf53ac5bf013d,"139 Florence Avenue, Jessie, Connecticut, 3165",90,"$2,137.24",SUPPORTAL,mayssloan@supportal.com,brown,banana,male,1ae6a4ed-bd1e-47e3-bd8f-eae9dd42edeb,264,True,45.449456,101.64022,Mays Sloan,+1 (898) 482-2131,2015-12-10T02:19:23 -01:00,"['nisi', 'sint', 'ex', 'eiusmod', 'sint', 'duis', 'sint']",785.53,DOL,2015-12-10 02:19:23 +565ebe611291db0ef373caca,"506 Gerritsen Avenue, Ronco, South Carolina, 8529",21,"$2,239.55",ZOGAK,roachdillon@zogak.com,green,strawberry,male,702d5dcc-1fa7-4984-bc18-90708bf3958d,265,False,11.351361,41.341225,Roach Dillon,+1 (854) 519-2451,2015-04-20T01:14:54 -02:00,"['ex', 'exercitation', 'irure', 'pariatur', 'veniam', 'elit', 'excepteur']",73.95,DOL,2015-04-20 01:14:54 +565ebe61c7a23f0065626507,"568 Losee Terrace, Harborton, Massachusetts, 7104",22,"$3,260.51",ZYTRAX,patrickmeyer@zytrax.com,green,banana,male,9331d36a-28b5-4910-93a8-cd0426c17c08,266,False,49.64994,94.942613,Patrick Meyer,+1 (857) 515-3708,2015-06-25T02:31:32 -02:00,"['ex', 'culpa', 'occaecat', 'nostrud', 'amet', 'non', 'et']",823.89,DOL,2015-06-25 02:31:32 +565ebe61a79c164990faf60c,"385 Narrows Avenue, Sultana, Delaware, 8529",32,"$3,524.27",ZILODYNE,esthermcgowan@zilodyne.com,red,banana,female,95fe0d81-0a04-4749-aa31-503373f9481d,267,False,-35.098344,88.252439,Esther Mcgowan,+1 (842) 424-3992,2015-03-05T09:29:10 -01:00,"['adipisicing', 'ut', 'mollit', 'quis', 'laboris', 'esse', 'magna']",-49.14,DOL,2015-03-05 09:29:10 +565ebe6167691b342f194ca5,"413 Herkimer Court, Adelino, Iowa, 515",49,"$2,411.13",BUZZOPIA,vickieacevedo@buzzopia.com,brown,banana,female,2c090ffb-708b-46f4-b3ab-6aaea95fe821,268,True,43.706841,-175.594113,Vickie Acevedo,+1 (950) 427-2749,2015-09-01T08:33:14 -02:00,"['cupidatat', 'et', 'esse', 'sint', 'esse', 'aliquip', 'enim']",-845.53,DOL,2015-09-01 08:33:14 +565ebe619b71350d6cd8a229,"101 Gilmore Court, Callaghan, Colorado, 3922",15,"$3,663.34",PETIGEMS,russoparrish@petigems.com,grey,banana,male,ef349bac-178e-491f-9611-91047d8bcb49,269,True,-54.846137,-0.6280640000000001,Russo Parrish,+1 (848) 581-2891,2015-08-15T02:37:06 -02:00,"['adipisicing', 'exercitation', 'id', 'adipisicing', 'minim', 'nostrud', 'reprehenderit']",501.21,DOL,2015-08-15 02:37:06 +565ebe6101ea188541ac1b0a,"844 Williams Avenue, Norwood, Maine, 3053",10,"$2,884.08",ZENSOR,puckettsmall@zensor.com,blue,strawberry,male,18508649-7d99-4eaf-adef-bc31ead8bc4e,270,False,19.724503,-91.088022,Puckett Small,+1 (925) 474-3690,2015-07-10T07:42:57 -02:00,"['et', 'nostrud', 'elit', 'officia', 'ea', 'qui', 'incididunt']",-633.04,DOL,2015-07-10 07:42:57 +565ebe61746710d6a39b8e10,"295 Lafayette Avenue, Coaldale, Ohio, 9094",50,"$2,798.31",MARTGO,terisanchez@martgo.com,blue,apple,female,5379d47b-9b1e-4598-91c6-efd241b04da0,271,False,84.41405999999998,58.417883999999994,Teri Sanchez,+1 (984) 582-3293,2015-10-22T11:48:24 -02:00,"['sint', 'officia', 'quis', 'laborum', 'dolor', 'id', 'occaecat']",-385.27,DOL,2015-10-22 11:48:24 +565ebe6164ee4ae931a0404b,"675 Rockwell Place, Bergoo, Wisconsin, 6879",66,"$1,105.77",SONIQUE,barrettmoran@sonique.com,brown,strawberry,male,e613809c-e482-4302-8484-174be8311f54,272,False,-4.109078,44.941448,Barrett Moran,+1 (961) 588-3941,2015-02-27T03:05:36 -01:00,"['veniam', 'amet', 'id', 'nisi', 'consequat', 'id', 'enim']",1444.34,DOL,2015-02-27 03:05:36 +565ebe61c7763f30a468edf1,"560 Butler Street, Canoochee, Michigan, 1684",78,"$1,732.86",TUBESYS,caseygood@tubesys.com,green,apple,male,d212cd83-19f2-424e-87d4-86e16bd441d9,273,False,7.8413660000000025,120.647276,Casey Good,+1 (821) 517-3127,2015-02-20T12:17:32 -01:00,"['aliquip', 'et', 'ad', 'ut', 'dolore', 'labore', 'mollit']",599.7,DOL,2015-02-20 12:17:32 +565ebe616d8f218ac4af3284,"255 Oxford Street, Falconaire, Guam, 157",67,"$1,741.25",DANCITY,youngolson@dancity.com,grey,apple,male,4c221d71-20df-49b7-b757-fd0b518beae0,274,False,86.530596,-85.882359,Young Olson,+1 (898) 529-3298,2015-01-22T09:57:09 -01:00,"['laboris', 'deserunt', 'et', 'culpa', 'consequat', 'id', 'Lorem']",120.99,DOL,2015-01-22 09:57:09 +565ebe616dcd2434e7483b64,"370 Dennett Place, Umapine, New Hampshire, 635",62,"$1,631.01",VINCH,fitzgeraldfranco@vinch.com,blue,apple,male,fbbe230d-2cfc-47a4-9f86-db012f4edd82,275,False,-77.520433,-165.938348,Fitzgerald Franco,+1 (905) 450-2909,2015-07-04T02:53:30 -02:00,"['ut', 'nostrud', 'officia', 'laborum', 'nostrud', 'aute', 'minim']",-567.67,DOL,2015-07-04 02:53:30 +565ebe6134283edc2a34d5b4,"547 Crooke Avenue, Clarence, Alaska, 6430",69,"$3,802.52",CAXT,miriammoses@caxt.com,red,apple,female,e1ad94c2-5403-4dfe-8cb9-3498de52e338,276,True,42.656206,58.228614,Miriam Moses,+1 (807) 493-3792,2015-06-17T06:05:39 -02:00,"['amet', 'quis', 'ut', 'in', 'esse', 'adipisicing', 'nostrud']",-366.73,DOL,2015-06-17 06:05:39 +565ebe61c99afa320beb9d65,"228 Village Court, Roberts, Louisiana, 5613",10,"$2,191.00",QUILM,lawsonmcmahon@quilm.com,red,apple,male,277386bc-c497-43f3-bec1-2e3a1bede4c1,277,False,-55.5251,151.776793,Lawson Mcmahon,+1 (952) 547-2412,2015-09-18T08:33:45 -02:00,"['excepteur', 'labore', 'laboris', 'qui', 'duis', 'non', 'occaecat']",-497.14,DOL,2015-09-18 08:33:45 +565ebe61a8232169e34abad5,"181 Belmont Avenue, Florence, Texas, 9796",22,"$3,653.65",QUALITEX,orrblevins@qualitex.com,grey,strawberry,male,676c1730-43fe-48fe-bf1e-1b6c20351790,278,True,-11.875685,72.518102,Orr Blevins,+1 (964) 570-2582,2015-04-15T02:35:47 -02:00,"['et', 'proident', 'adipisicing', 'fugiat', 'mollit', 'laboris', 'aliquip']",505.89,DOL,2015-04-15 02:35:47 +565ebe61b3712875aa79845a,"536 Oakland Place, Westmoreland, Marshall Islands, 3764",37,"$3,452.51",OULU,hamptonware@oulu.com,grey,apple,male,454e44c6-92c1-47cb-98eb-887cd0f87906,279,True,50.124855,122.356677,Hampton Ware,+1 (869) 524-3017,2015-08-25T04:27:48 -02:00,"['dolor', 'laborum', 'et', 'incididunt', 'aliquip', 'labore', 'ea']",1310.44,DOL,2015-08-25 04:27:48 +565ebe61e2b2ea840509b818,"764 Lincoln Avenue, Alfarata, Illinois, 454",34,"$2,011.52",POLARAX,boylewhitaker@polarax.com,brown,banana,male,4761d18e-8c0c-40ae-8c3d-ff40474e4225,280,True,-1.6926430000000001,139.4646,Boyle Whitaker,+1 (812) 451-2333,2015-07-27T03:56:14 -02:00,"['quis', 'officia', 'Lorem', 'ad', 'consequat', 'voluptate', 'incididunt']",0.74,DOL,2015-07-27 03:56:14 +565ebe6152b746e532ee3fd3,"466 Woodhull Street, Madrid, South Dakota, 1999",78,"$3,179.12",OVOLO,houseday@ovolo.com,red,strawberry,male,539a1cbc-10cd-4857-b41e-afd00989788e,281,True,37.402306,-87.60919399999999,House Day,+1 (869) 545-2699,2015-08-30T12:58:38 -02:00,"['pariatur', 'ea', 'dolor', 'eiusmod', 'consectetur', 'dolor', 'consectetur']",568.62,DOL,2015-08-30 12:58:38 +565ebe618c8a4ea6b62c3d2e,"257 Richards Street, Century, Nevada, 1607",10,"$3,684.03",RETRACK,davidspencer@retrack.com,green,apple,male,a6225aa7-f431-424a-8b71-0d0c2432f85b,282,True,-33.933177,-93.26331,David Spencer,+1 (821) 529-2576,2015-01-09T09:32:57 -01:00,"['culpa', 'proident', 'aute', 'adipisicing', 'pariatur', 'eu', 'do']",949.32,DOL,2015-01-09 09:32:57 +565ebe615927ecd43b3c1bd7,"750 Vandalia Avenue, Bellfountain, Washington, 6716",75,"$1,223.72",ZILLA,susanathompson@zilla.com,green,strawberry,female,1f28cc09-3e3f-4f62-9b27-447187aeacc8,283,False,81.596138,-151.241356,Susana Thompson,+1 (854) 554-3826,2015-11-13T12:16:39 -01:00,"['esse', 'labore', 'ullamco', 'incididunt', 'cillum', 'tempor', 'do']",407.45,DOL,2015-11-13 12:16:39 +565ebe61940d1a10071d0a44,"455 Bouck Court, Snowville, Rhode Island, 8014",42,"$3,958.19",SUPREMIA,ellisperry@supremia.com,blue,strawberry,male,a1858e2a-04a2-414f-b1ed-93c876b11bbb,284,True,24.317366,-76.530755,Ellis Perry,+1 (843) 588-2383,2015-07-10T11:16:35 -02:00,"['commodo', 'quis', 'anim', 'culpa', 'commodo', 'reprehenderit', 'excepteur']",80.59,DOL,2015-07-10 11:16:35 +565ebe6104e4625dd8463c9e,"110 Elm Avenue, Inkerman, Vermont, 647",37,"$2,070.53",FIBEROX,millicentbrennan@fiberox.com,green,strawberry,female,09b438ab-fea6-435d-9cba-cade40791090,285,False,-30.698660999999998,-17.616235999999994,Millicent Brennan,+1 (806) 533-2227,2015-04-26T06:00:37 -02:00,"['minim', 'ipsum', 'voluptate', 'consequat', 'officia', 'proident', 'exercitation']",-984.06,DOL,2015-04-26 06:00:37 +565ebe61425e0423b3eeba30,"909 Ferris Street, Muir, Kentucky, 5656",16,"$1,877.94",ACCIDENCY,cantubeck@accidency.com,blue,apple,male,078b48b8-735b-4705-892c-3b4edd5a4794,286,True,-33.512716,-66.982209,Cantu Beck,+1 (847) 527-3372,2015-11-03T05:54:15 -01:00,"['elit', 'sit', 'anim', 'dolore', 'nisi', 'consequat', 'cillum']",679.08,DOL,2015-11-03 05:54:15 +565ebe616463e5a95167fa76,"966 Vandam Street, Kennedyville, New York, 5454",53,"$2,415.37",ENDIPIN,corneliapate@endipin.com,green,apple,female,b9b29710-7986-4d75-9787-f8d0eedd6e7b,287,False,-0.411453,96.965544,Cornelia Pate,+1 (915) 400-2537,2015-07-02T12:41:16 -02:00,"['quis', 'duis', 'enim', 'consequat', 'id', 'cillum', 'in']",1044.71,DOL,2015-07-02 12:41:16 +565ebe617be3aa4d37b9cac3,"289 Hewes Street, Clay, Idaho, 5565",32,"$1,065.90",QUINTITY,combswilson@quintity.com,blue,banana,male,d1636610-b430-4593-ac2f-7f100e3e8287,288,True,41.899025,18.114519,Combs Wilson,+1 (813) 421-3149,2015-11-27T01:07:04 -01:00,"['id', 'do', 'nulla', 'consequat', 'magna', 'aliquip', 'fugiat']",473.7,DOL,2015-11-27 01:07:04 +565ebe61e22cecbf0c7ee907,"189 Love Lane, Bartonsville, American Samoa, 1345",76,"$2,429.54",MEMORA,alishaford@memora.com,red,strawberry,female,3088ae44-2f68-4b6b-b9d1-8021eb61ff40,289,False,28.007557000000002,21.946115,Alisha Ford,+1 (860) 442-2900,2015-02-05T03:25:37 -01:00,"['officia', 'anim', 'amet', 'eu', 'reprehenderit', 'minim', 'proident']",1053.06,DOL,2015-02-05 03:25:37 +565ebe612ccbf7db36a048c5,"348 Wilson Street, Trona, California, 746",84,"$3,219.82",KENGEN,alejandralee@kengen.com,green,apple,female,af2bc57b-b783-48fb-918a-5d99248e8dfc,290,True,-0.982246,-168.312491,Alejandra Lee,+1 (840) 533-2024,2015-09-08T05:06:00 -02:00,"['pariatur', 'veniam', 'aliquip', 'do', 'occaecat', 'nisi', 'Lorem']",682.69,DOL,2015-09-08 05:06:00 +565ebe61be3777c44b253776,"885 Campus Road, Olney, Arizona, 6701",49,"$2,906.45",COLLAIRE,campbellhodges@collaire.com,blue,banana,male,dbd8400c-41ef-43b5-9d81-6aa5d316d5c4,291,True,-60.832708999999994,156.20729,Campbell Hodges,+1 (813) 548-2635,2015-11-26T09:04:43 -01:00,"['officia', 'duis', 'deserunt', 'magna', 'aliquip', 'amet', 'consectetur']",1326.64,DOL,2015-11-26 09:04:43 +565ebe618cca6852557ac1f4,"941 Nassau Street, Blende, Pennsylvania, 5922",16,"$1,725.89",URBANSHEE,mistywilkinson@urbanshee.com,brown,apple,female,fe294505-c563-401e-b58c-0341c7eb392c,292,False,27.463294,-115.03879199999999,Misty Wilkinson,+1 (854) 563-2730,2015-08-18T12:08:22 -02:00,"['voluptate', 'exercitation', 'ipsum', 'nulla', 'laboris', 'sint', 'sit']",-38.56,DOL,2015-08-18 12:08:22 +565ebe61398355e86fb36cb3,"119 Cozine Avenue, Reinerton, Oklahoma, 9125",73,"$3,642.59",BRISTO,ericagarrison@bristo.com,brown,banana,female,2f6ee82c-bac9-45bd-adcf-46e69733f06e,293,True,75.83260600000001,-14.295589999999999,Erica Garrison,+1 (922) 446-3268,2015-11-21T11:26:12 -01:00,"['occaecat', 'esse', 'id', 'sit', 'aliqua', 'et', 'culpa']",633.98,DOL,2015-11-21 11:26:12 +565ebe617506eb519b735327,"771 Poplar Street, Boykin, Utah, 9251",54,"$3,296.05",EXOVENT,mallorypreston@exovent.com,brown,strawberry,female,c4e364c0-f790-429d-af60-d4e56e73bae0,294,False,41.779344,-129.09866499999998,Mallory Preston,+1 (835) 427-2300,2015-11-20T09:32:42 -01:00,"['quis', 'ea', 'anim', 'proident', 'labore', 'magna', 'veniam']",-687.54,DOL,2015-11-20 09:32:42 +565ebe61c3901a9a23e17a6c,"424 Highland Avenue, Wells, North Dakota, 1452",50,"$1,902.86",SATIANCE,carverpage@satiance.com,blue,strawberry,male,91ce5e8e-090e-42b5-8efd-c94325e4284f,295,False,68.447633,-106.93581,Carver Page,+1 (833) 449-2743,2015-11-24T07:08:07 -01:00,"['Lorem', 'ad', 'magna', 'minim', 'sit', 'velit', 'ad']",-775.67,DOL,2015-11-24 07:08:07 +565ebe61f56142c392a10eb5,"481 Croton Loop, Odessa, Tennessee, 9228",30,"$2,771.89",ENERFORCE,sheilazamora@enerforce.com,red,strawberry,female,3b8b1f5e-73aa-400b-902e-37d42d553812,296,True,43.645872,18.295516,Sheila Zamora,+1 (927) 561-3777,2015-07-07T05:27:55 -02:00,"['exercitation', 'pariatur', 'consectetur', 'exercitation', 'aliqua', 'nostrud', 'qui']",986.71,DOL,2015-07-07 05:27:55 +565ebe61fb920c7e584d3d06,"224 Quincy Street, Grill, Minnesota, 8676",58,"$1,087.34",ISOTRONIC,tabathaestrada@isotronic.com,blue,apple,female,85e7cecf-9875-41cc-9dd9-3fe1b0bae446,297,True,-1.7923959999999999,-20.640577,Tabatha Estrada,+1 (864) 413-3278,2015-01-03T06:47:52 -01:00,"['exercitation', 'amet', 'ea', 'incididunt', 'dolore', 'laboris', 'commodo']",-827.06,DOL,2015-01-03 06:47:52 +565ebe610c312e663cb74ddd,"173 Orange Street, Marion, Mississippi, 7253",34,"$2,906.64",TERRAGEN,diannvalentine@terragen.com,green,apple,female,2f806493-bfac-413e-8f6b-596fdb2e57be,298,False,82.259125,148.09396,Diann Valentine,+1 (989) 428-2420,2015-02-20T11:11:56 -01:00,"['amet', 'officia', 'mollit', 'occaecat', 'reprehenderit', 'aute', 'cupidatat']",304.46,DOL,2015-02-20 11:11:56 +565ebe611632f7cecb7d9ae9,"192 Locust Avenue, Nescatunga, Hawaii, 4394",52,"$2,593.23",FLUMBO,greenemills@flumbo.com,green,banana,male,42cf5707-6151-48ed-a088-ca78133400d7,299,True,-8.457879,-72.29223499999998,Greene Mills,+1 (880) 446-2876,2015-10-21T05:07:54 -02:00,"['in', 'do', 'id', 'ad', 'laborum', 'ullamco', 'id']",545.71,DOL,2015-10-21 05:07:54 +565ebe61cdfa4af65e50af56,"890 Empire Boulevard, Salix, Northern Mariana Islands, 9559",67,"$1,498.36",IMAGEFLOW,newtonlowery@imageflow.com,red,apple,male,488e7868-5caf-4eb1-b800-ea339049cacf,300,False,-61.94416,-36.984089000000004,Newton Lowery,+1 (937) 563-3272,2015-06-09T05:59:56 -02:00,"['fugiat', 'consequat', 'elit', 'dolor', 'irure', 'ipsum', 'aute']",647.66,DOL,2015-06-09 05:59:56 +565ebe61ecf850899d815ea3,"464 Glendale Court, Groveville, Maryland, 1521",50,"$3,368.64",DEMINIMUM,georgiaclements@deminimum.com,green,strawberry,female,1cb36f71-302f-4584-b4ca-a18ce2368997,301,False,54.240065,35.532529,Georgia Clements,+1 (965) 544-2309,2015-04-30T09:45:44 -02:00,"['excepteur', 'pariatur', 'ex', 'ut', 'proident', 'sit', 'consequat']",315.39,DOL,2015-04-30 09:45:44 +565ebe61b667f607238d850a,"591 Fane Court, Townsend, Indiana, 4415",68,"$3,709.78",TUBALUM,agnesreynolds@tubalum.com,green,apple,female,548866bf-a2e4-4e0d-9536-5fee1edbb3c9,302,True,-13.797557000000001,73.429455,Agnes Reynolds,+1 (839) 494-2690,2015-09-15T03:49:35 -02:00,"['irure', 'ullamco', 'irure', 'do', 'aliquip', 'dolor', 'dolore']",471.9,DOL,2015-09-15 03:49:35 +565ebe61e78dd2b647cad197,"795 Gerald Court, Turpin, Kansas, 1332",43,"$3,718.44",ZIGGLES,revanorton@ziggles.com,green,banana,female,8b876958-3762-4ce3-a398-357e6d5058cf,303,False,-67.650102,138.403278,Reva Norton,+1 (865) 491-2591,2015-10-31T03:24:58 -01:00,"['anim', 'deserunt', 'quis', 'in', 'non', 'aliquip', 'amet']",711.77,DOL,2015-10-31 03:24:58 +565ebe61c34843dcca84c0a3,"406 Blake Court, Stewart, Missouri, 6348",36,"$1,075.74",HAIRPORT,chandlerpope@hairport.com,grey,apple,male,940871d1-48b3-464e-b1b4-8b79751b2a57,304,False,-48.001956,172.328528,Chandler Pope,+1 (851) 497-2604,2015-03-30T10:47:22 -02:00,"['nisi', 'sint', 'enim', 'dolor', 'deserunt', 'exercitation', 'culpa']",-118.4,DOL,2015-03-30 10:47:22 +565ebe61edd29646f98c8416,"472 Brevoort Place, Torboy, New Mexico, 7152",11,"$3,156.83",CAPSCREEN,donovanlara@capscreen.com,blue,strawberry,male,3be04802-7fbb-42c8-ab26-ed84e398547b,305,True,-64.848263,55.100868999999996,Donovan Lara,+1 (831) 588-2492,2015-11-04T01:00:21 -01:00,"['do', 'nulla', 'fugiat', 'anim', 'irure', 'sunt', 'in']",1212.91,DOL,2015-11-04 01:00:21 +565ebe61d7d74c3975fd958c,"953 Eaton Court, Wildwood, Federated States Of Micronesia, 402",41,"$1,920.00",CYTREX,blackburnbecker@cytrex.com,brown,apple,male,5fa8ee7b-55e8-46b3-9856-7322d153241c,306,True,-70.44461899999997,110.682627,Blackburn Becker,+1 (858) 428-2145,2015-05-22T12:34:53 -02:00,"['et', 'excepteur', 'ut', 'laboris', 'officia', 'officia', 'in']",29.86,DOL,2015-05-22 12:34:53 +565ebe613afebf781a171baa,"440 Stockton Street, Hampstead, Oregon, 2573",37,"$3,535.76",FROSNEX,cookenorris@frosnex.com,red,apple,male,5bcf8896-653c-4153-824d-7afae43a38a9,307,False,-23.545679999999997,43.308209999999995,Cooke Norris,+1 (988) 576-2257,2015-05-26T10:36:52 -02:00,"['magna', 'voluptate', 'aliquip', 'ea', 'sunt', 'et', 'elit']",83.35,DOL,2015-05-26 10:36:52 +565ebe612ae6fa1e00a184fc,"937 Nassau Avenue, Chaparrito, Georgia, 606",70,"$2,824.24",EQUICOM,dorisboyd@equicom.com,green,apple,female,1f326ac5-35f7-4af3-b913-e4c28279a142,308,True,-17.856606,-42.03283,Doris Boyd,+1 (869) 543-3956,2015-01-03T06:47:21 -01:00,"['ut', 'ea', 'incididunt', 'eu', 'laboris', 'culpa', 'dolor']",500.54,DOL,2015-01-03 06:47:21 +565ebe610c0cc5319e5ce35a,"454 Bartlett Place, Bancroft, Arkansas, 4362",51,"$1,515.22",XYLAR,jarvispittman@xylar.com,grey,apple,male,9506db32-2ae7-4eb3-a05d-0850869be77c,309,False,-44.431232,131.12213899999998,Jarvis Pittman,+1 (862) 468-2781,2015-07-03T10:29:56 -02:00,"['voluptate', 'non', 'magna', 'irure', 'Lorem', 'proident', 'amet']",1175.66,DOL,2015-07-03 10:29:56 +565ebe61a51fad2696295587,"813 Debevoise Avenue, Campo, District Of Columbia, 8529",52,"$2,111.39",OCTOCORE,jeaninebranch@octocore.com,red,apple,female,2cb98b6c-0804-4fb4-932d-7ad428963bc2,310,False,72.027351,-166.63466,Jeanine Branch,+1 (837) 436-2217,2015-06-04T06:50:15 -02:00,"['sit', 'eu', 'anim', 'do', 'duis', 'consequat', 'eiusmod']",-93.32,DOL,2015-06-04 06:50:15 +565ebe617ceb0e4fffae5a5b,"265 Jackson Place, Albrightsville, Virgin Islands, 8865",58,"$3,805.49",MANTRIX,francessharpe@mantrix.com,red,apple,female,2137503d-0af6-4731-bb9c-a147b47e8510,311,True,-87.288475,175.046605,Frances Sharpe,+1 (847) 569-3475,2015-02-03T04:00:07 -01:00,"['eiusmod', 'officia', 'aliquip', 'exercitation', 'esse', 'velit', 'excepteur']",-764.48,DOL,2015-02-03 04:00:07 +565ebe619211fd985a8ff376,"258 Court Square, Levant, Florida, 4285",58,"$3,010.37",ZENTHALL,sweetdelaney@zenthall.com,blue,apple,male,1dc76ed7-9873-4b4c-bcda-be82ea976bfb,312,False,69.46899599999999,-91.338195,Sweet Delaney,+1 (920) 530-3346,2015-11-19T05:48:53 -01:00,"['qui', 'sunt', 'ut', 'non', 'sint', 'nostrud', 'occaecat']",1178.73,DOL,2015-11-19 05:48:53 +565ebe618af81575df1140db,"244 Wolf Place, Gasquet, North Carolina, 3025",14,"$3,296.85",DIGITALUS,sawyerhubbard@digitalus.com,grey,strawberry,male,871767ff-223d-41d3-b35a-1365fcc8dd99,313,True,-82.735686,-75.479901,Sawyer Hubbard,+1 (981) 403-3867,2015-02-02T05:14:46 -01:00,"['laborum', 'proident', 'proident', 'ex', 'eiusmod', 'eiusmod', 'magna']",580.09,DOL,2015-02-02 05:14:46 +565ebe619032863573dccd12,"268 Abbey Court, Norvelt, Montana, 2218",39,"$3,300.53",DREAMIA,pettywilliamson@dreamia.com,grey,banana,male,c341e4c4-b4e2-4d36-8cf8-5a41a98bd27f,314,False,15.003917000000001,7.544335,Petty Williamson,+1 (947) 437-3798,2015-08-10T05:29:29 -02:00,"['dolore', 'culpa', 'exercitation', 'laborum', 'cillum', 'aliqua', 'Lorem']",-0.25,DOL,2015-08-10 05:29:29 +565ebe610a14dab101b810c7,"973 Danforth Street, Nicut, Puerto Rico, 3498",53,"$1,419.19",XPLOR,juanabeard@xplor.com,green,banana,female,6e8f0383-9fc0-43d3-a6ed-8787f09d006e,315,False,26.053998,-48.765901,Juana Beard,+1 (907) 550-3505,2015-04-23T03:38:15 -02:00,"['ut', 'nulla', 'ea', 'sint', 'officia', 'occaecat', 'culpa']",1057.85,DOL,2015-04-23 03:38:15 +565ebe614f39953bd6fff838,"295 Bay Parkway, Convent, West Virginia, 8655",89,"$1,625.83",ACCUPRINT,tonyawhite@accuprint.com,red,strawberry,female,1160caeb-0cbf-415f-90f7-e363819d8204,316,False,31.762703000000002,-13.162789000000002,Tonya White,+1 (972) 538-3652,2015-01-21T07:30:15 -01:00,"['cillum', 'voluptate', 'aute', 'aliquip', 'proident', 'esse', 'nulla']",-617.1,DOL,2015-01-21 07:30:15 +565ebe61138a589465b7ed60,"425 Greenwood Avenue, Bourg, Wyoming, 7329",20,"$3,229.64",XEREX,prattnoble@xerex.com,grey,strawberry,male,e4404e26-0322-4941-b543-593f5e699298,317,False,-44.792215999999996,-105.977721,Pratt Noble,+1 (975) 535-3609,2015-02-18T09:44:40 -01:00,"['dolor', 'nisi', 'quis', 'magna', 'proident', 'amet', 'ipsum']",-7.66,DOL,2015-02-18 09:44:40 +565ebe61d464b8a1659f6be1,"777 Crawford Avenue, Keller, Virginia, 587",30,"$1,702.47",MOBILDATA,toddbowen@mobildata.com,grey,strawberry,male,7bb8545b-714f-4960-abde-04dcc39a1093,318,False,51.325101000000004,-162.320186,Todd Bowen,+1 (883) 484-2051,2015-11-23T08:39:48 -01:00,"['Lorem', 'laborum', 'est', 'et', 'exercitation', 'eu', 'proident']",138.31,DOL,2015-11-23 08:39:48 +565ebe61582f43831766abaa,"991 Grace Court, Hiseville, Nebraska, 315",41,"$1,124.00",DARWINIUM,juarezcurtis@darwinium.com,red,strawberry,male,d0f5ca4a-79fa-4122-bb3a-c2e636e88329,319,False,-71.400409,-126.92576499999998,Juarez Curtis,+1 (819) 439-3507,2015-04-27T02:37:30 -02:00,"['elit', 'amet', 'quis', 'ullamco', 'voluptate', 'veniam', 'quis']",867.46,DOL,2015-04-27 02:37:30 +565ebe6118efa3acf4260647,"625 Post Court, Leland, Palau, 630",36,"$3,998.29",COMSTAR,rileyrandall@comstar.com,red,strawberry,male,654070a6-6ade-4343-be63-dae4e0743762,320,False,8.584272,-60.968685,Riley Randall,+1 (965) 479-2385,2015-06-22T12:36:20 -02:00,"['eiusmod', 'dolor', 'ea', 'anim', 'elit', 'duis', 'in']",-919.18,DOL,2015-06-22 12:36:20 +565ebe61a2cacf9fbb531412,"521 Vista Place, Weeksville, Alabama, 4511",41,"$2,690.43",ZISIS,luciaburks@zisis.com,brown,strawberry,female,2d6b520e-0a3c-4d42-9dc5-32e16e6f29bc,321,False,-18.346298,77.41174000000002,Lucia Burks,+1 (862) 452-3393,2015-02-22T01:03:15 -01:00,"['voluptate', 'magna', 'sit', 'nostrud', 'ipsum', 'dolor', 'pariatur']",-871.58,DOL,2015-02-22 01:03:15 +565ebe61a082157d5132990d,"425 Melrose Street, Woodlands, Connecticut, 1695",46,"$2,864.06",ESSENSIA,howebryan@essensia.com,red,strawberry,male,253aecd4-2272-4070-9b91-ee1e0385b1af,322,True,79.854563,-52.05295200000001,Howe Bryan,+1 (905) 554-2866,2015-05-01T10:58:40 -02:00,"['ullamco', 'irure', 'incididunt', 'nostrud', 'incididunt', 'aliquip', 'velit']",-975.42,DOL,2015-05-01 10:58:40 +565ebe618a2241c9bb696ddb,"867 Knapp Street, Dunlo, South Carolina, 9802",80,"$3,475.61",BLURRYBUS,headmathis@blurrybus.com,brown,strawberry,male,45561d0f-63da-4267-b22f-81d6c0551c94,323,False,57.347885,-125.658464,Head Mathis,+1 (862) 428-3351,2015-04-07T05:43:17 -02:00,"['sunt', 'est', 'ex', 'aute', 'aute', 'est', 'deserunt']",1359.77,DOL,2015-04-07 05:43:17 +565ebe61f79dd8b4f2bbaccc,"768 Troy Avenue, Dola, Massachusetts, 9379",24,"$1,066.80",HYPLEX,darcyaustin@hyplex.com,green,strawberry,female,cbea9853-03bf-491a-b335-373ec34ae1bd,324,False,30.797968,152.280495,Darcy Austin,+1 (977) 513-3083,2015-02-03T04:42:12 -01:00,"['eiusmod', 'Lorem', 'officia', 'nulla', 'tempor', 'eu', 'laborum']",1360.43,DOL,2015-02-03 04:42:12 +565ebe61ac165f1ce0d32c40,"844 Sheffield Avenue, Siglerville, Delaware, 1304",87,"$2,893.93",HOPELI,kimberlymiles@hopeli.com,blue,apple,female,b87a1ee0-fa28-4d04-9149-c26c390598f1,325,False,65.50721999999999,56.974740000000004,Kimberly Miles,+1 (960) 455-3561,2015-09-30T04:17:21 -02:00,"['nostrud', 'cupidatat', 'et', 'pariatur', 'esse', 'nulla', 'culpa']",10.98,DOL,2015-09-30 04:17:21 +565ebe6134c47e2af050896f,"212 Porter Avenue, Freetown, Iowa, 6653",20,"$2,284.16",TRI@TRIBALOG,acostacohen@tri@tribalog.com,grey,banana,male,dbf787cb-11d7-493b-9768-aa6c2966d87d,326,False,-76.19972299999998,78.885909,Acosta Cohen,+1 (858) 495-3881,2015-04-15T04:28:58 -02:00,"['culpa', 'quis', 'excepteur', 'laboris', 'laboris', 'culpa', 'eu']",635.45,DOL,2015-04-15 04:28:58 +565ebe61c580520cc7491fa8,"746 Bath Avenue, Carrsville, Colorado, 9116",25,"$2,675.52",ESCENTA,mackmorton@escenta.com,red,strawberry,male,98b65960-78cd-43d7-9180-c4cbe22d05ab,327,True,13.562076000000001,-25.4875,Mack Morton,+1 (980) 531-2800,2015-05-09T04:55:13 -02:00,"['dolore', 'excepteur', 'minim', 'excepteur', 'est', 'minim', 'sint']",1186.12,DOL,2015-05-09 04:55:13 +565ebe61faeb4ac8f6844cbe,"638 Ocean Court, Websterville, Maine, 7228",33,"$1,732.15",QUALITERN,angelitahampton@qualitern.com,blue,strawberry,female,c3dea90e-06f0-48d7-915f-17a0eb58efc2,328,False,-39.360809,-23.272971,Angelita Hampton,+1 (976) 599-3768,2015-01-19T12:28:23 -01:00,"['elit', 'fugiat', 'ex', 'sunt', 'culpa', 'et', 'qui']",-657.0,DOL,2015-01-19 12:28:23 +565ebe61b3acc37983a41c26,"822 Miami Court, Brenton, Ohio, 8969",63,"$2,292.32",ISOPLEX,jeannieburton@isoplex.com,brown,apple,female,c8c862dc-5a6e-44bb-931f-b56d883d1585,329,True,1.331965,79.097002,Jeannie Burton,+1 (990) 469-2896,2015-09-26T06:31:59 -02:00,"['sit', 'duis', 'reprehenderit', 'laboris', 'non', 'cupidatat', 'excepteur']",999.35,DOL,2015-09-26 06:31:59 +565ebe61f9f0bf897c92307b,"746 Poplar Avenue, Marbury, Wisconsin, 4258",58,"$1,129.81",SLOFAST,judithsaunders@slofast.com,red,banana,female,92827443-6f27-4d77-9dde-94a5f3a1104e,330,True,18.407405999999998,-62.143834,Judith Saunders,+1 (973) 420-3731,2015-05-27T11:17:55 -02:00,"['ea', 'non', 'exercitation', 'sit', 'id', 'quis', 'est']",-18.06,DOL,2015-05-27 11:17:55 +565ebe61bc9fefdda353234c,"650 Apollo Street, Sperryville, Michigan, 3222",42,"$2,314.08",TRANSLINK,milessparks@translink.com,blue,strawberry,male,34ec4171-c9d0-4710-af22-cbc9b4de41bd,331,True,-28.623827000000002,62.500671999999994,Miles Sparks,+1 (878) 592-3998,2015-02-23T12:53:01 -01:00,"['aute', 'est', 'qui', 'eiusmod', 'exercitation', 'officia', 'velit']",-757.99,DOL,2015-02-23 12:53:01 +565ebe61a92a0fb46d4f56ab,"712 Coffey Street, Foscoe, Guam, 1719",54,"$3,862.58",CIPROMOX,curtiswright@cipromox.com,green,strawberry,male,c17d2a68-43ff-4f33-854c-3d641b9087eb,332,True,-67.24969399999999,53.961588,Curtis Wright,+1 (876) 445-3155,2015-06-02T05:11:23 -02:00,"['duis', 'enim', 'tempor', 'est', 'laborum', 'pariatur', 'est']",-23.02,DOL,2015-06-02 05:11:23 +565ebe6155bae638ef8e457c,"487 Gunther Place, Rose, New Hampshire, 4175",58,"$2,393.85",ZENTRY,snowhall@zentry.com,grey,strawberry,male,f155f1b1-5a19-4af2-89b5-df9f17fc4c80,333,True,75.12016,-83.718986,Snow Hall,+1 (813) 489-3025,2015-06-21T07:50:34 -02:00,"['voluptate', 'et', 'non', 'do', 'adipisicing', 'ex', 'excepteur']",764.63,DOL,2015-06-21 07:50:34 +565ebe613738cc841323eb2b,"828 Bay Avenue, Sheatown, Alaska, 9227",63,"$3,249.54",ANIXANG,savagegates@anixang.com,brown,strawberry,male,f322cc34-a72e-4435-96c4-5cc7e579b241,334,False,40.929213,151.659075,Savage Gates,+1 (841) 536-3320,2015-07-23T06:40:17 -02:00,"['elit', 'velit', 'nostrud', 'enim', 'Lorem', 'do', 'quis']",741.14,DOL,2015-07-23 06:40:17 +565ebe61e6d6c7682f88e460,"456 Jackson Court, Manila, Louisiana, 3539",31,"$1,250.72",PYRAMIS,floresjenkins@pyramis.com,red,apple,male,723f19d8-5b0d-4008-b610-b0fa17ccb988,335,True,41.233493,91.39746099999999,Flores Jenkins,+1 (820) 438-3313,2015-03-14T05:10:21 -01:00,"['esse', 'excepteur', 'do', 'in', 'sint', 'aliqua', 'nostrud']",1370.31,DOL,2015-03-14 05:10:21 +565ebe61c013c9a5e95ddc6c,"821 Krier Place, Morriston, Texas, 7883",16,"$1,300.88",ISOSURE,violetlangley@isosure.com,red,apple,female,35d50096-87e2-4b61-9b4f-952a4fbc75a0,336,True,81.718438,61.121504,Violet Langley,+1 (886) 544-2966,2015-02-22T01:36:22 -01:00,"['velit', 'reprehenderit', 'mollit', 'labore', 'in', 'cillum', 'duis']",955.87,DOL,2015-02-22 01:36:22 +565ebe61d0cbc23e3f316468,"361 India Street, Sehili, Marshall Islands, 9866",14,"$1,966.06",BEDLAM,watkinsbarron@bedlam.com,green,strawberry,male,5809c6c4-5289-4f37-b528-46cd20d66227,337,False,62.323508999999994,119.42758,Watkins Barron,+1 (918) 427-3540,2015-02-22T05:17:21 -01:00,"['nisi', 'cillum', 'laborum', 'pariatur', 'sunt', 'aliqua', 'excepteur']",1254.65,DOL,2015-02-22 05:17:21 +565ebe613e52f38f7ffaecfb,"123 Diamond Street, Sattley, Illinois, 7877",58,"$2,372.00",SULTRAXIN,huberknowles@sultraxin.com,blue,strawberry,male,93a71121-3e36-47e0-9e3f-1fa3005f108a,338,False,83.692154,-49.181286,Huber Knowles,+1 (987) 568-2732,2015-12-17T07:54:11 -01:00,"['sint', 'voluptate', 'aliqua', 'mollit', 'fugiat', 'ut', 'magna']",1096.11,DOL,2015-12-17 07:54:11 +565ebe61a8496ddf6c12da72,"945 Guider Avenue, Caln, South Dakota, 9801",43,"$2,916.83",WEBIOTIC,patelmendoza@webiotic.com,grey,banana,male,a4be8d43-c282-45a7-9b80-a896cef1cd72,339,False,37.453994,39.815645,Patel Mendoza,+1 (830) 546-3866,2015-06-07T01:31:48 -02:00,"['pariatur', 'exercitation', 'Lorem', 'ad', 'elit', 'ullamco', 'eiusmod']",-365.83,DOL,2015-06-07 01:31:48 +565ebe61130bfbdbeeb6a1e2,"635 Lake Street, Devon, Nevada, 9171",56,"$3,576.57",ACIUM,patriciarivers@acium.com,blue,banana,female,d8da9c3c-59e0-4b2e-98f0-32500f298be0,340,False,-72.629193,22.523460999999998,Patricia Rivers,+1 (965) 535-3077,2015-06-14T09:32:17 -02:00,"['adipisicing', 'id', 'enim', 'elit', 'quis', 'culpa', 'nisi']",1113.7,DOL,2015-06-14 09:32:17 +565ebe61115eb3e067b52d58,"349 Kaufman Place, Teasdale, Washington, 2956",14,"$3,689.53",COMVENE,hullgrant@comvene.com,blue,apple,male,0515090d-8812-435f-a1fa-8d533fed2298,341,True,-42.35246,-70.955197,Hull Grant,+1 (808) 512-3670,2015-10-06T07:01:23 -02:00,"['in', 'laborum', 'laborum', 'dolore', 'culpa', 'est', 'nostrud']",1245.02,DOL,2015-10-06 07:01:23 +565ebe610da64abd4dc721aa,"735 Dooley Street, Hoehne, Rhode Island, 2947",18,"$1,158.33",CORECOM,betsyjacobson@corecom.com,green,apple,female,793ed6db-0d95-4868-a087-b9e458d0d9bc,342,True,-60.393764000000004,147.39931,Betsy Jacobson,+1 (953) 422-2717,2015-01-30T12:44:50 -01:00,"['ex', 'adipisicing', 'irure', 'est', 'culpa', 'pariatur', 'do']",1143.19,DOL,2015-01-30 12:44:50 +565ebe61f7e3d60bfba1b9bd,"334 Berry Street, Kimmell, Vermont, 8804",54,"$2,223.83",EXPOSA,lilianlivingston@exposa.com,blue,strawberry,female,31544e4a-9ea0-4d4d-8d85-2341de9e170e,343,True,-51.455701,51.877801,Lilian Livingston,+1 (938) 498-3326,2015-12-08T09:11:43 -01:00,"['ullamco', 'qui', 'ullamco', 'enim', 'sit', 'aliquip', 'ullamco']",-908.01,DOL,2015-12-08 09:11:43 +565ebe61fd323de794e6f496,"493 Kay Court, Cumberland, Kentucky, 6954",30,"$3,979.23",WAAB,stevensondodson@waab.com,blue,apple,male,2254a86f-04a3-4a43-bbe4-4f7408b878eb,344,True,-34.569254,33.616875,Stevenson Dodson,+1 (815) 425-3063,2015-02-03T05:57:42 -01:00,"['mollit', 'nulla', 'nostrud', 'sit', 'commodo', 'consectetur', 'ad']",-285.74,DOL,2015-02-03 05:57:42 +565ebe61b1159f9c3312077e,"794 Guernsey Street, Ferney, New York, 7795",13,"$1,772.41",NETILITY,alfordbernard@netility.com,grey,apple,male,0bd1dae5-e63c-4967-8e07-eabbc9dea9d7,345,True,75.740764,136.118257,Alford Bernard,+1 (963) 492-3379,2015-10-25T02:22:21 -01:00,"['aliqua', 'in', 'eu', 'laborum', 'consectetur', 'dolore', 'non']",-298.31,DOL,2015-10-25 02:22:21 +565ebe61110c9822b4bf202c,"431 Pleasant Place, Carlton, Idaho, 6724",33,"$1,650.32",CYTREK,christinejordan@cytrek.com,green,strawberry,female,b7857c3c-f9e8-4959-8982-914a3dda546f,346,False,-81.367918,-128.132526,Christine Jordan,+1 (961) 524-2590,2015-09-02T10:12:15 -02:00,"['dolore', 'laborum', 'Lorem', 'officia', 'eu', 'deserunt', 'cillum']",453.34,DOL,2015-09-02 10:12:15 +565ebe61e2e712844ac82cda,"140 Union Avenue, Harrison, American Samoa, 6257",60,"$1,000.43",MENBRAIN,alstonbrowning@menbrain.com,green,banana,male,ad965695-9339-4aa2-87c1-d47a3f083ce2,347,False,-16.19424,165.587127,Alston Browning,+1 (814) 500-2938,2015-12-01T11:03:34 -01:00,"['amet', 'nulla', 'excepteur', 'qui', 'ipsum', 'commodo', 'nostrud']",612.54,DOL,2015-12-01 11:03:34 +565ebe61e90c4203f327d851,"953 Tapscott Street, Harmon, California, 262",71,"$2,195.15",EXTRO,triciadominguez@extro.com,green,apple,female,01235ee8-0e39-4646-a743-8501ae04a3b9,348,True,-21.889848999999998,-73.697738,Tricia Dominguez,+1 (983) 517-3137,2015-02-10T01:24:16 -01:00,"['culpa', 'ullamco', 'commodo', 'laborum', 'nulla', 'id', 'sit']",-933.36,DOL,2015-02-10 01:24:16 +565ebe61e603a971faebadfa,"339 Hale Avenue, Bascom, Arizona, 679",48,"$3,824.52",CANOPOLY,gilmorerandolph@canopoly.com,brown,banana,male,2298f54c-8318-46d3-8eb8-c06a8d882fd4,349,True,-42.835864,6.696215,Gilmore Randolph,+1 (943) 482-2932,2015-05-09T08:59:58 -02:00,"['velit', 'laboris', 'nostrud', 'aliquip', 'culpa', 'veniam', 'reprehenderit']",888.24,DOL,2015-05-09 08:59:58 +565ebe612991511aac637331,"731 Perry Place, Goochland, Pennsylvania, 6708",54,"$2,624.69",ERSUM,blanchecollier@ersum.com,brown,banana,female,205bb498-9f7c-4c7b-a581-0bba78904380,350,True,23.501139000000002,89.39139899999998,Blanche Collier,+1 (836) 528-2860,2015-08-04T09:52:10 -02:00,"['aliquip', 'dolor', 'deserunt', 'in', 'Lorem', 'aliqua', 'culpa']",303.93,DOL,2015-08-04 09:52:10 +565ebe61ed8adcf0f3d923d2,"762 Canarsie Road, Bagtown, Oklahoma, 6781",41,"$2,468.02",NEWCUBE,suarezdoyle@newcube.com,red,strawberry,male,82915a84-7dfc-4c30-b4d6-adc804e775e4,351,False,-9.637818,-61.736375,Suarez Doyle,+1 (882) 401-3128,2015-08-21T09:05:13 -02:00,"['ad', 'labore', 'fugiat', 'anim', 'elit', 'ut', 'tempor']",702.72,DOL,2015-08-21 09:05:13 +565ebe61836c5c70b5877da0,"505 Harrison Avenue, Wollochet, Utah, 1798",87,"$2,848.84",ELECTONIC,cynthiacastillo@electonic.com,blue,apple,female,6ddbe1c1-5054-43b0-822e-30d38458be7f,352,False,36.81185900000001,80.166529,Cynthia Castillo,+1 (967) 424-3484,2015-09-03T07:20:29 -02:00,"['labore', 'deserunt', 'proident', 'anim', 'veniam', 'do', 'veniam']",868.75,DOL,2015-09-03 07:20:29 +565ebe619756045289b2c3a3,"887 Bedford Avenue, Stagecoach, North Dakota, 2372",24,"$2,420.73",TURNLING,pearlscott@turnling.com,blue,banana,female,175acea9-501b-4520-ab24-d3b4e8692305,353,True,-75.09499699999998,-111.18571000000001,Pearl Scott,+1 (903) 505-3143,2015-07-03T11:38:59 -02:00,"['commodo', 'mollit', 'amet', 'culpa', 'laboris', 'aliquip', 'ad']",936.45,DOL,2015-07-03 11:38:59 +565ebe619889e70983842d2f,"707 Debevoise Street, Roulette, Tennessee, 6956",24,"$3,425.01",LOVEPAD,gretahiggins@lovepad.com,grey,apple,female,bb09ff78-662d-41f3-8817-cf62395d3a71,354,True,-76.604251,2.1014060000000003,Greta Higgins,+1 (906) 566-2902,2015-07-04T01:33:03 -02:00,"['non', 'ea', 'enim', 'proident', 'eu', 'ullamco', 'amet']",-768.73,DOL,2015-07-04 01:33:03 +565ebe619760c340743d1018,"558 Radde Place, Sanders, Minnesota, 8811",60,"$3,691.53",ECRATIC,willischambers@ecratic.com,brown,strawberry,male,c02d8466-b2c7-4c7b-a86a-157101b0be0a,355,True,40.920435,-2.076219,Willis Chambers,+1 (903) 427-2552,2015-06-18T03:37:46 -02:00,"['eiusmod', 'anim', 'elit', 'consequat', 'est', 'laborum', 'voluptate']",582.64,DOL,2015-06-18 03:37:46 +565ebe61b55c458ec40f82c2,"527 Manhattan Avenue, Eagleville, Mississippi, 3010",31,"$1,024.34",EXOTECHNO,paularogers@exotechno.com,green,banana,female,fce6aaca-b716-4345-959d-4b7b716ae38e,356,True,77.338091,130.944991,Paula Rogers,+1 (850) 470-3541,2015-04-25T04:55:07 -02:00,"['proident', 'non', 'veniam', 'qui', 'consectetur', 'ut', 'eiusmod']",-397.25,DOL,2015-04-25 04:55:07 +565ebe618cff1326deba57db,"355 Bills Place, Ezel, Hawaii, 2583",70,"$3,260.06",NIMON,villarrealdavid@nimon.com,green,banana,male,e51d9426-2bfb-4705-b8ab-5bff37760e1d,357,False,-36.796215000000004,-13.796045999999999,Villarreal David,+1 (890) 499-2782,2015-08-26T02:46:03 -02:00,"['id', 'laboris', 'ex', 'cillum', 'ex', 'sint', 'occaecat']",962.71,DOL,2015-08-26 02:46:03 +565ebe611866b6bc6e31c85a,"318 Polhemus Place, Wauhillau, Northern Mariana Islands, 3127",32,"$1,998.20",OBLIQ,gatesluna@obliq.com,grey,apple,male,7e47d326-e859-4cc3-9d06-339c06a362a6,358,True,-4.669109,-98.780424,Gates Luna,+1 (949) 433-3598,2015-05-13T01:21:59 -02:00,"['dolor', 'in', 'non', 'qui', 'sint', 'Lorem', 'fugiat']",390.11,DOL,2015-05-13 01:21:59 +565ebe6188edb220b422e329,"906 Cumberland Street, Layhill, Maryland, 398",13,"$2,216.16",FUELWORKS,middletonsandoval@fuelworks.com,red,strawberry,male,27a98b16-7cb5-4932-9d36-17f397f01012,359,False,64.393344,10.927189,Middleton Sandoval,+1 (805) 479-2970,2015-06-28T11:34:56 -02:00,"['veniam', 'cillum', 'elit', 'excepteur', 'cillum', 'incididunt', 'amet']",-667.39,DOL,2015-06-28 11:34:56 +565ebe61137d6adc28f1ab76,"706 Scott Avenue, Jeff, Indiana, 1627",19,"$3,168.83",TERAPRENE,camilledillard@teraprene.com,red,strawberry,female,c4165881-4681-4b8c-99a0-5e1010c12f2c,360,True,86.84872,-54.47219000000001,Camille Dillard,+1 (860) 514-3899,2015-11-26T02:51:09 -01:00,"['mollit', 'dolore', 'ut', 'esse', 'est', 'reprehenderit', 'mollit']",1182.21,DOL,2015-11-26 02:51:09 +565ebe61137aff99d8c414de,"654 Ryerson Street, Graniteville, Kansas, 3736",53,"$2,645.19",KIDSTOCK,stuartsolomon@kidstock.com,green,banana,male,78e74920-00d6-4607-8589-6a2ffa486b7a,361,False,52.590484,-149.700037,Stuart Solomon,+1 (820) 463-2966,2015-05-07T03:35:01 -02:00,"['adipisicing', 'minim', 'ex', 'sint', 'minim', 'Lorem', 'pariatur']",-245.3,DOL,2015-05-07 03:35:01 +565ebe61964dd037954d78be,"113 Hubbard Street, Fowlerville, Missouri, 2042",51,"$2,111.58",GINKOGENE,adriandonovan@ginkogene.com,brown,strawberry,female,8e4a3740-16ba-4bff-a5a4-a394466f33fa,362,False,54.639551000000004,21.598573,Adrian Donovan,+1 (803) 579-2010,2015-06-01T08:03:57 -02:00,"['incididunt', 'consectetur', 'Lorem', 'magna', 'nostrud', 'fugiat', 'sint']",-254.03,DOL,2015-06-01 08:03:57 +565ebe617a226e22d1017bb4,"500 Knickerbocker Avenue, Oretta, New Mexico, 5116",59,"$1,216.01",PRIMORDIA,crawfordschneider@primordia.com,red,apple,male,6f602138-866f-4171-a1ae-ef6153430996,363,True,28.95588,-81.091043,Crawford Schneider,+1 (817) 547-3921,2015-05-23T11:00:28 -02:00,"['pariatur', 'nostrud', 'incididunt', 'est', 'nisi', 'exercitation', 'consequat']",-144.2,DOL,2015-05-23 11:00:28 +565ebe61ce0067b3aac3bc37,"359 Chase Court, Sexton, Federated States Of Micronesia, 7463",54,"$2,701.20",VELOS,kelliewalker@velos.com,grey,banana,female,5f978c84-aac3-44f3-b2c2-cc0cb74b25d7,364,False,-28.71423900000001,-77.913775,Kellie Walker,+1 (988) 586-3171,2015-07-15T08:24:33 -02:00,"['qui', 'do', 'nulla', 'ea', 'commodo', 'elit', 'voluptate']",-621.22,DOL,2015-07-15 08:24:33 +565ebe61ef4aeb84f6cc6240,"457 Trucklemans Lane, Brownsville, Oregon, 6286",12,"$3,171.07",EXOSTREAM,lelabond@exostream.com,red,banana,female,dc63346b-2c15-42e0-bc95-d2c52c908d8e,365,True,-7.218042,-149.618247,Lela Bond,+1 (961) 450-2700,2015-02-09T08:56:16 -01:00,"['nisi', 'esse', 'voluptate', 'irure', 'aliquip', 'dolor', 'ullamco']",-427.51,DOL,2015-02-09 08:56:16 +565ebe6197e5a6bfea9145ee,"262 Aurelia Court, Day, Georgia, 6532",34,"$3,068.92",MARVANE,feliciasantana@marvane.com,red,apple,female,98e4da83-3e64-4c8b-b445-3d51aae57d0c,366,False,48.248851,-168.9072,Felicia Santana,+1 (905) 446-3876,2015-10-11T06:44:02 -02:00,"['laboris', 'nulla', 'occaecat', 'voluptate', 'mollit', 'culpa', 'ex']",369.23,DOL,2015-10-11 06:44:02 +565ebe61eb30b58c792325fd,"843 Flatbush Avenue, Silkworth, Arkansas, 8559",42,"$2,440.88",WAZZU,janahughes@wazzu.com,brown,apple,female,60c2831b-70a0-4236-924f-e29563bd457d,367,True,70.171934,1.962042,Jana Hughes,+1 (991) 539-2875,2015-02-27T06:07:26 -01:00,"['occaecat', 'ex', 'do', 'aute', 'est', 'sint', 'sunt']",-853.85,DOL,2015-02-27 06:07:26 +565ebe61708d6f68b3b74fe0,"655 Exeter Street, Lund, District Of Columbia, 9902",40,"$2,163.74",SENMAO,goodwinkim@senmao.com,green,apple,male,0ae2d701-4cba-4c79-ad9f-972195ea7368,368,True,-67.921768,-85.598139,Goodwin Kim,+1 (949) 450-2439,2015-06-02T08:53:01 -02:00,"['veniam', 'consectetur', 'velit', 'ea', 'amet', 'sit', 'non']",1338.67,DOL,2015-06-02 08:53:01 +565ebe612dd116a4c01b5b4a,"348 Friel Place, Haring, Virgin Islands, 5818",17,"$1,017.37",TALKALOT,maychurch@talkalot.com,grey,banana,male,c3fc62c1-d20c-4a7a-8d24-4fad3aeaa35c,369,False,-81.530016,-8.745522,May Church,+1 (862) 547-3229,2015-04-19T01:41:16 -02:00,"['irure', 'cillum', 'reprehenderit', 'cillum', 'quis', 'ea', 'labore']",-793.1,DOL,2015-04-19 01:41:16 +565ebe6169f1284e934890ac,"958 Baltic Street, Bangor, Florida, 6095",66,"$2,681.12",EARGO,sandovalbentley@eargo.com,red,strawberry,male,4d052a06-5951-4d69-b544-81ea03cb049c,370,False,17.344298000000002,158.317876,Sandoval Bentley,+1 (892) 588-3962,2015-02-26T06:09:34 -01:00,"['et', 'et', 'nostrud', 'laboris', 'sunt', 'in', 'commodo']",45.11,DOL,2015-02-26 06:09:34 +565ebe610a479a00897b6271,"996 Lamont Court, Gerton, North Carolina, 6225",84,"$3,051.20",COMVERGES,frankcraig@comverges.com,red,apple,male,ca0b5f0f-7384-4396-8145-0ac0a8cab822,371,True,5.5204,-29.771203999999997,Frank Craig,+1 (874) 437-2231,2015-11-07T10:04:07 -01:00,"['aliquip', 'ad', 'fugiat', 'veniam', 'sint', 'commodo', 'dolore']",926.47,DOL,2015-11-07 10:04:07 +565ebe61b315dd8619605ace,"823 Locust Street, Rossmore, Montana, 5361",49,"$2,862.79",CHORIZON,noemiwashington@chorizon.com,green,strawberry,female,3a94ddfb-da48-4c30-b958-3152870304da,372,True,31.664074,-48.759812,Noemi Washington,+1 (856) 599-2667,2015-01-17T11:51:46 -01:00,"['exercitation', 'dolore', 'aute', 'id', 'pariatur', 'aliqua', 'nulla']",-766.78,DOL,2015-01-17 11:51:46 +565ebe616b60c35d07634e4a,"479 Hinckley Place, Munjor, Puerto Rico, 3726",33,"$1,090.82",BITREX,mcconnellprice@bitrex.com,green,apple,male,ebcbe670-4605-4019-b1df-6e02849a8b4f,373,False,42.033801000000004,-121.30468400000001,Mcconnell Price,+1 (805) 508-3322,2015-09-16T04:52:26 -02:00,"['quis', 'sit', 'amet', 'voluptate', 'elit', 'sunt', 'aliqua']",-886.3,DOL,2015-09-16 04:52:26 +565ebe6183b183942b78a8f3,"792 Livingston Street, Kersey, West Virginia, 7641",56,"$2,776.60",COMTRACT,kramerhensley@comtract.com,red,apple,male,683c6f9c-072d-41d3-b5a5-462e6c519e90,374,False,69.55448100000001,-95.263026,Kramer Hensley,+1 (967) 438-2197,2015-11-03T09:03:26 -01:00,"['consectetur', 'irure', 'tempor', 'nulla', 'aliqua', 'consequat', 'laborum']",-436.95,DOL,2015-11-03 09:03:26 +565ebe614be8d3e533207ee1,"632 Kensington Walk, Maplewood, Wyoming, 7406",31,"$1,078.49",POLARIA,selmaboyer@polaria.com,grey,strawberry,female,19549d99-952a-4ba1-803f-1a90e47d7ca0,375,False,70.965748,-127.493333,Selma Boyer,+1 (932) 565-2350,2015-03-21T10:32:25 -01:00,"['veniam', 'ad', 'fugiat', 'adipisicing', 'exercitation', 'id', 'culpa']",-876.05,DOL,2015-03-21 10:32:25 +565ebe6152080f7aba4cd25c,"655 Henderson Walk, Dixonville, Virginia, 8660",55,"$1,646.81",PHARMACON,mcmahonkirkland@pharmacon.com,red,banana,male,bf4693ec-2e88-4f74-a6c5-7d33db3585f8,376,False,28.713548,-95.383038,Mcmahon Kirkland,+1 (830) 485-3866,2015-01-21T07:09:16 -01:00,"['mollit', 'veniam', 'dolore', 'elit', 'aliquip', 'duis', 'minim']",276.85,DOL,2015-01-21 07:09:16 +565ebe61d50b37145e49d529,"612 Irwin Street, Trexlertown, Nebraska, 4664",14,"$1,457.13",VANTAGE,clarkeguerra@vantage.com,grey,strawberry,male,f842433e-c196-4243-b2ea-15285ba5c460,377,True,81.839908,104.96146599999999,Clarke Guerra,+1 (821) 473-3238,2015-11-23T09:15:52 -01:00,"['aliqua', 'in', 'veniam', 'sit', 'et', 'eiusmod', 'irure']",-803.07,DOL,2015-11-23 09:15:52 +565ebe61b9edc8a4ed4a21b4,"549 Harden Street, Mayfair, Palau, 8460",66,"$1,161.21",ZORROMOP,gonzalesmarquez@zorromop.com,grey,strawberry,male,31b5dae3-c072-4c8f-9870-074ce4abdd98,378,False,-5.051087,120.64578300000001,Gonzales Marquez,+1 (896) 546-2851,2015-11-28T12:34:05 -01:00,"['cupidatat', 'dolor', 'velit', 'laborum', 'sit', 'ut', 'incididunt']",-99.08,DOL,2015-11-28 12:34:05 +565ebe61e2b184b7866ae4b6,"559 Lawrence Street, Orin, Alabama, 2996",66,"$3,739.96",GINKLE,roxanneorr@ginkle.com,blue,banana,female,8457c402-a1f6-446f-9cad-2157c14c717c,379,True,-84.8404,18.167935,Roxanne Orr,+1 (833) 431-3631,2015-11-16T02:18:06 -01:00,"['in', 'laboris', 'deserunt', 'consequat', 'duis', 'aute', 'ullamco']",-118.18,DOL,2015-11-16 02:18:06 +565ebe612d891052054a2c9d,"855 Columbia Street, Foxworth, Connecticut, 3609",55,"$1,765.90",MEDESIGN,thelmamckinney@medesign.com,brown,apple,female,f696eb68-eea6-4384-8d52-084773c1519f,380,False,-44.088799,-124.935589,Thelma Mckinney,+1 (962) 447-2707,2015-10-23T05:57:09 -02:00,"['deserunt', 'do', 'officia', 'consequat', 'deserunt', 'cillum', 'aliqua']",-514.31,DOL,2015-10-23 05:57:09 +565ebe617848024f6e578891,"546 Howard Alley, Conestoga, South Carolina, 5120",39,"$1,040.89",BOVIS,popegallagher@bovis.com,grey,strawberry,male,827ee9c3-6435-40f9-a22c-148b22b07330,381,True,-44.954207000000004,-80.024034,Pope Gallagher,+1 (823) 406-3694,2015-01-13T03:00:20 -01:00,"['amet', 'laboris', 'est', 'sint', 'sint', 'velit', 'nulla']",647.04,DOL,2015-01-13 03:00:20 +565ebe61fb57961e36e8a41c,"102 Monitor Street, Thornport, Massachusetts, 1041",86,"$2,654.82",ISONUS,martinezdavidson@isonus.com,grey,apple,male,19deb894-4050-4932-a762-d807fbc05d21,382,False,74.92676800000002,-50.489755,Martinez Davidson,+1 (809) 542-3031,2015-06-26T08:15:56 -02:00,"['ad', 'esse', 'magna', 'veniam', 'non', 'id', 'voluptate']",574.5,DOL,2015-06-26 08:15:56 +565ebe611cddcaca2c8afa36,"778 Sedgwick Place, Marysville, Delaware, 4515",10,"$2,170.70",AQUASSEUR,riggsyates@aquasseur.com,brown,banana,male,24bbdb46-b22a-4f88-953b-d4905f0798e2,383,True,-27.573711,-102.361087,Riggs Yates,+1 (913) 479-2599,2015-01-27T03:18:12 -01:00,"['laborum', 'nostrud', 'enim', 'occaecat', 'est', 'dolor', 'consectetur']",364.41,DOL,2015-01-27 03:18:12 +565ebe61f84a5e6488f685bc,"354 Auburn Place, Cavalero, Iowa, 5454",16,"$1,646.75",PHARMEX,hammondnieves@pharmex.com,blue,strawberry,male,1a32dfd6-ddd1-475e-82f9-d839c854bd1a,384,True,-84.24894599999998,-52.488438,Hammond Nieves,+1 (805) 467-3798,2015-11-18T11:10:25 -01:00,"['aute', 'ipsum', 'sit', 'eu', 'quis', 'amet', 'minim']",1145.46,DOL,2015-11-18 11:10:25 +565ebe6130bc1e04333131c2,"406 Will Place, Tooleville, Colorado, 8926",17,"$1,453.26",ORONOKO,idacannon@oronoko.com,red,strawberry,female,6c743642-9c64-45fa-a051-38c631cdb42b,385,True,29.70301,8.378369000000001,Ida Cannon,+1 (997) 423-3918,2015-03-23T09:04:01 -01:00,"['pariatur', 'fugiat', 'ullamco', 'adipisicing', 'est', 'amet', 'mollit']",-849.76,DOL,2015-03-23 09:04:01 +565ebe61aea4b12970e6eaf1,"473 Ryder Avenue, Wright, Maine, 2462",67,"$1,643.31",TSUNAMIA,vargasfulton@tsunamia.com,brown,strawberry,male,a0bde9e1-6ad6-4ef9-9b42-c759df2e7600,386,False,28.484343,81.244316,Vargas Fulton,+1 (827) 425-3279,2015-09-20T05:04:40 -02:00,"['cupidatat', 'minim', 'duis', 'amet', 'id', 'eu', 'nisi']",1181.3,DOL,2015-09-20 05:04:40 +565ebe6121f7c1096acdcaef,"947 Doone Court, Chumuckla, Ohio, 9820",19,"$2,316.05",SLAMBDA,francograham@slambda.com,blue,banana,male,2e0a157b-0bcb-4986-83e4-cf391fe35fca,387,False,46.876719,56.87927,Franco Graham,+1 (914) 586-2917,2015-06-07T06:57:33 -02:00,"['duis', 'sit', 'consectetur', 'do', 'cillum', 'irure', 'ea']",-499.56,DOL,2015-06-07 06:57:33 +565ebe6124a69554a7ed6edd,"523 Wallabout Street, Waterloo, Wisconsin, 9098",15,"$3,900.22",ISOSTREAM,gwendolynmoon@isostream.com,brown,banana,female,8b1e8a96-ddd4-45ea-9fd3-6c7e27a51b7c,388,False,-56.977599,88.151186,Gwendolyn Moon,+1 (893) 553-2856,2015-02-07T05:57:30 -01:00,"['ea', 'irure', 'aliquip', 'nisi', 'quis', 'minim', 'in']",1003.73,DOL,2015-02-07 05:57:30 +565ebe61dfd60f109b4869b7,"580 Jerome Street, Rockhill, Michigan, 8541",32,"$1,033.02",GEEKWAGON,brianacoffey@geekwagon.com,blue,apple,female,ad8ca982-f4b2-4092-8ff2-8250779c9000,389,True,2.459145,-51.552738,Briana Coffey,+1 (931) 437-3575,2015-07-24T04:11:17 -02:00,"['ipsum', 'veniam', 'non', 'dolore', 'ex', 'minim', 'magna']",274.15,DOL,2015-07-24 04:11:17 +565ebe6163a847bcaf72fd9a,"707 Townsend Street, Hanover, Guam, 7014",88,"$3,490.35",XLEEN,dotsonsnow@xleen.com,grey,strawberry,male,04f9f8fc-57dd-4329-a0d4-b28febebcb42,390,False,-83.61554699999998,22.397745999999998,Dotson Snow,+1 (957) 465-3137,2015-10-23T08:08:16 -02:00,"['labore', 'nisi', 'irure', 'enim', 'et', 'fugiat', 'cillum']",1128.9,DOL,2015-10-23 08:08:16 +565ebe6170f9adb4777b7829,"652 Georgia Avenue, Bloomington, New Hampshire, 9394",62,"$1,748.46",HANDSHAKE,suzettemontgomery@handshake.com,grey,strawberry,female,00af642d-b846-47d6-a8eb-5c5b52e5764c,391,False,-83.188644,-167.252499,Suzette Montgomery,+1 (885) 566-2278,2015-10-26T02:23:52 -01:00,"['Lorem', 'sunt', 'Lorem', 'ea', 'fugiat', 'esse', 'ex']",-975.28,DOL,2015-10-26 02:23:52 +565ebe613d8ae33a4145b73b,"532 Hart Street, Longoria, Alaska, 8066",70,"$1,955.73",FILODYNE,opheliamcgee@filodyne.com,red,apple,female,e46f1c4d-ed95-4e8b-b7d7-b1ebc54ac0f4,392,False,-33.488732,20.673272,Ophelia Mcgee,+1 (858) 472-3669,2015-10-20T08:53:51 -02:00,"['officia', 'sint', 'commodo', 'duis', 'dolor', 'deserunt', 'duis']",-797.35,DOL,2015-10-20 08:53:51 +565ebe614d4379de0f32ecff,"377 Schenck Avenue, Flintville, Louisiana, 2045",83,"$2,755.85",OVATION,dunnsweeney@ovation.com,blue,strawberry,male,e159524d-e7d1-401b-877e-eb01eb75fbb1,393,True,-64.713044,-154.028079,Dunn Sweeney,+1 (930) 423-3215,2015-04-07T08:28:14 -02:00,"['dolore', 'reprehenderit', 'nisi', 'pariatur', 'irure', 'minim', 'proident']",1401.79,DOL,2015-04-07 08:28:14 +565ebe612f2d1df5085a1ef8,"962 Winthrop Street, Strykersville, Texas, 6040",28,"$3,151.71",ZIDANT,juliettehester@zidant.com,blue,banana,female,e9d786f9-41a4-45a3-b7a8-912cd01f410a,394,False,-19.589139000000007,169.85656799999995,Juliette Hester,+1 (907) 510-2195,2015-11-24T12:40:51 -01:00,"['et', 'consectetur', 'nulla', 'sunt', 'esse', 'amet', 'non']",1202.66,DOL,2015-11-24 12:40:51 +565ebe61cf84887125559496,"373 Manhattan Court, Noxen, Marshall Islands, 4817",57,"$2,040.15",AQUAMATE,goffshaffer@aquamate.com,red,apple,male,080b2dd5-4536-4aa7-ad72-39da89c8c7b7,395,True,11.014483,-91.166221,Goff Shaffer,+1 (899) 584-2263,2015-04-22T06:41:22 -02:00,"['quis', 'excepteur', 'non', 'magna', 'do', 'et', 'Lorem']",221.56,DOL,2015-04-22 06:41:22 +565ebe61fc57d81ecfe6c91d,"564 Nelson Street, Diaperville, Illinois, 4746",51,"$1,388.16",PARAGONIA,dollieprince@paragonia.com,grey,banana,female,0b03b3b9-2fa3-4025-9dd6-10fc766f37eb,396,True,36.915183,-20.496828,Dollie Prince,+1 (924) 592-2896,2015-11-14T01:40:15 -01:00,"['nostrud', 'do', 'est', 'sint', 'officia', 'et', 'ea']",1421.75,DOL,2015-11-14 01:40:15 +565ebe613f9c5fa8e8aaf5a7,"720 Norwood Avenue, Wheatfields, South Dakota, 9550",54,"$2,579.83",ZOID,boydfrank@zoid.com,green,apple,male,4cfb4986-0b1e-4750-b23a-2ac1136c89e6,397,True,27.423002,-165.529029,Boyd Frank,+1 (959) 598-2749,2015-09-03T05:43:43 -02:00,"['cupidatat', 'do', 'aute', 'nulla', 'tempor', 'duis', 'sunt']",730.93,DOL,2015-09-03 05:43:43 +565ebe61ed9cd06054cd3af9,"866 Canda Avenue, Montura, Nevada, 1728",32,"$2,428.25",EXOSPACE,margodavenport@exospace.com,green,apple,female,a0bf01d7-01e0-40da-9293-0d200424e113,398,False,-47.823808,84.541978,Margo Davenport,+1 (925) 444-2368,2015-03-24T11:54:38 -01:00,"['deserunt', 'eiusmod', 'nisi', 'tempor', 'ad', 'id', 'minim']",-4.48,DOL,2015-03-24 11:54:38 +565ebe614136c52c3fe6e090,"681 Ingraham Street, Watchtower, Washington, 2713",48,"$2,032.26",FLEETMIX,jacquelynsnyder@fleetmix.com,green,strawberry,female,17865d8a-01dd-4980-a782-c8a12bc0be54,399,True,-63.39173,-114.71316999999999,Jacquelyn Snyder,+1 (892) 449-2386,2015-08-22T09:14:06 -02:00,"['pariatur', 'id', 'ad', 'ad', 'nostrud', 'Lorem', 'ullamco']",145.15,DOL,2015-08-22 09:14:06 diff --git a/popmon/visualization/backend.py b/popmon/visualization/backend.py index 954a8859..3c6e50fa 100644 --- a/popmon/visualization/backend.py +++ b/popmon/visualization/backend.py @@ -148,7 +148,7 @@ def in_ipynb(): :rtype: bool """ try: - import IPython.core.getipython as gip + from IPython.core import getipython as gip cfg = gip.get_ipython().config return True if "IPKernelApp" in cfg.keys() else False diff --git a/popmon/visualization/histogram_section.py b/popmon/visualization/histogram_section.py index b3c42ac7..c710f824 100644 --- a/popmon/visualization/histogram_section.py +++ b/popmon/visualization/histogram_section.py @@ -36,8 +36,7 @@ class HistogramSection(Module): - """This module plots histograms of all selected features for the last 'n' periods. - """ + """This module plots histograms of all selected features for the last 'n' periods.""" def __init__( self, diff --git a/popmon/visualization/section_generator.py b/popmon/visualization/section_generator.py index 833083da..81b3cd5a 100644 --- a/popmon/visualization/section_generator.py +++ b/popmon/visualization/section_generator.py @@ -198,8 +198,7 @@ def _plot_metric( skip_empty, tl_section, ): - """Split off plot histogram generation to allow for parallel processing - """ + """Split off plot histogram generation to allow for parallel processing""" # pick up static traffic light boundaries name = feature + ":" + metric sbounds = static_bounds.get(name, ()) diff --git a/popmon/visualization/utils.py b/popmon/visualization/utils.py index 3a6411d7..ce884cb0 100644 --- a/popmon/visualization/utils.py +++ b/popmon/visualization/utils.py @@ -22,11 +22,11 @@ import math from io import BytesIO -import matplotlib.pyplot as plt import numpy as np import pandas as pd import pybase64 from ing_theme_matplotlib import mpl_style +from matplotlib import pyplot as plt NUM_NS_DAY = 24 * 3600 * int(1e9) @@ -49,7 +49,7 @@ def plt_to_base64(): def plot_bars_b64(data, labels=None, bounds=None, ylim=False, skip_empty=True): - """ Plotting histogram data. + """Plotting histogram data. :param numpy.ndarray data: bin values of a histogram :param list labels: common bin labels for all histograms. default is None. @@ -142,7 +142,7 @@ def plot_bars_b64(data, labels=None, bounds=None, ylim=False, skip_empty=True): def plot_traffic_lights_b64(data, labels=None, skip_empty=True): - """ Plotting histogram data. + """Plotting histogram data. :param np.array data: bin values of a histogram :param labels: common bin labels for all histograms (optional) @@ -206,7 +206,7 @@ def plot_traffic_lights_b64(data, labels=None, skip_empty=True): def grouped_bar_chart_b64(data, labels, legend): - """ Plotting grouped histogram data. + """Plotting grouped histogram data. :param numpy.ndarray data: bin values of histograms :param list labels: common bin labels for all histograms diff --git a/requirements-test.txt b/requirements-test.txt index ac78bb5d..d935bc45 100644 --- a/requirements-test.txt +++ b/requirements-test.txt @@ -1,8 +1,7 @@ flake8>=3.7.8 pytest>=4.0.2 -pytest-pylint>=0.13.0 nbconvert>=5.3.1 jupyter_client>=5.2.3 ipykernel>=5.1.3 black>=19.10b0 -isort==4.3.21 +isort>=5.0.7 \ No newline at end of file diff --git a/requirements.txt b/requirements.txt index a1b6812b..8d2c392d 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,6 +1,6 @@ numpy==1.18.0 pandas>=0.25.1 -scipy>=1.1.0 +scipy>=1.5.2 histogrammar>=1.0.12 phik jinja2 diff --git a/setup.py b/setup.py index 79053f9e..034e55ce 100644 --- a/setup.py +++ b/setup.py @@ -4,7 +4,7 @@ MAJOR = 0 REVISION = 3 -PATCH = 8 +PATCH = 9 DEV = False # NOTE: also update version at: README.rst diff --git a/tests/popmon/analysis/test_hist_numpy.py b/tests/popmon/analysis/test_hist_numpy.py index 31781d44..4a113406 100644 --- a/tests/popmon/analysis/test_hist_numpy.py +++ b/tests/popmon/analysis/test_hist_numpy.py @@ -28,8 +28,7 @@ def unit(x): def get_test_histograms1(): - """ Get set 1 of test histograms - """ + """Get set 1 of test histograms""" # dummy dataset with mixed types # convert timestamp (col D) to nanosec since 1970-1-1 df = pd.util.testing.makeMixedDataFrame() @@ -59,8 +58,7 @@ def get_test_histograms1(): def get_test_histograms2(): - """ Get set 2 of test histograms - """ + """Get set 2 of test histograms""" # dummy dataset with mixed types # convert timestamp (col D) to nanosec since 1970-1-1 df = pd.util.testing.makeMixedDataFrame() @@ -86,8 +84,7 @@ def get_test_histograms2(): def test_histogram(): - """Test the dummy histogram we're working with below - """ + """Test the dummy histogram we're working with below""" df, hc1, hc2, hc3 = get_test_histograms1() hist1 = hc1.hist hist2 = hc2.hist @@ -107,8 +104,7 @@ def test_histogram(): def test_get_contentType(): - """Test getting type of a histogram - """ + """Test getting type of a histogram""" df, hc1, hc2, hc3 = get_test_histograms1() hist1 = hc1.hist hist2 = hc2.hist @@ -121,8 +117,7 @@ def test_get_contentType(): @pytest.mark.filterwarnings("ignore:Input histogram only has") def test_prepare_2dgrid(): - """ Test preparation of grid for extraction of number of entries for 2d hists - """ + """Test preparation of grid for extraction of number of entries for 2d hists""" df, hc1, hc2, hc3 = get_test_histograms1() # building 1d-, 2d-, and 3d-histogram (iteratively) @@ -153,8 +148,7 @@ def test_prepare_2dgrid(): @pytest.mark.filterwarnings("ignore:Input histogram only has") def test_set_2dgrid(): - """ Test setting the grid for extraction of number of entries for 2d hists - """ + """Test setting the grid for extraction of number of entries for 2d hists""" df, hc1, hc2, hc3 = get_test_histograms1() hist1 = hc1.hist hist2 = hc2.hist @@ -185,8 +179,7 @@ def test_set_2dgrid(): @pytest.mark.filterwarnings("ignore:Input histogram only has") def test_get_2dgrid(): - """ Test extraction of number of entries for 2d hists - """ + """Test extraction of number of entries for 2d hists""" df, hc1, hc2, hc3 = get_test_histograms1() hist1 = hc1.hist hist2 = hc2.hist @@ -212,7 +205,7 @@ def test_get_2dgrid(): def test_get_consistent_numpy_2dgrids(): - """ Test extraction of number of entries for 2d hists + """Test extraction of number of entries for 2d hists When first making bin_edges of input histograms consistent to each other. """ @@ -289,7 +282,7 @@ def test_get_consistent_numpy_2dgrids(): def test_get_consistent_numpy_1dhists(): - """ Test extraction of number of entries and bin-edges/labels + """Test extraction of number of entries and bin-edges/labels When first making bin_edges/bin-labels of input histograms consistent to each other. """ @@ -328,7 +321,7 @@ def test_get_consistent_numpy_1dhists(): def test_get_consistent_numpy_entries(): - """ Test extraction of number of entries + """Test extraction of number of entries When first making bin_edges of input histograms consistent to each other. """ @@ -384,7 +377,7 @@ def test_get_consistent_numpy_entries(): @pytest.mark.filterwarnings("ignore:Input histograms have inconsistent") def test_check_similar_hists(): - """ Test similarity of list of histograms + """Test similarity of list of histograms Check similarity of: type, n-dim, sub-hists, specific type attributes """ @@ -431,7 +424,7 @@ def test_check_similar_hists(): @pytest.mark.filterwarnings("ignore:Input histograms have inconsistent") def test_assert_similar_hists(): - """ Test assert on similarity of list of histograms + """Test assert on similarity of list of histograms Check similarity of: type, n-dim, sub-hists, specific type attributes """ @@ -497,8 +490,7 @@ def test_assert_similar_hists(): def test_datatype(): - """ Test datatypes assigned to histograms - """ + """Test datatypes assigned to histograms""" df, hc1, hc2, hc3 = get_test_histograms1() hist1 = hc1.hist hist2 = hc2.hist diff --git a/tests/popmon/conftest.py b/tests/popmon/conftest.py index 5c871049..ef4310d5 100644 --- a/tests/popmon/conftest.py +++ b/tests/popmon/conftest.py @@ -83,6 +83,9 @@ def pytest_configure(): with open("{}/{}".format(TEMPLATE_PATH, "latitude_longitude.json")) as f: pytest.latitude_longitude = load(f) + with open("{}/{}".format(TEMPLATE_PATH, "transaction.json")) as f: + pytest.transaction = load(f) + df = pd.read_csv(resources.data(CSV_FILE)) df["date"] = pd.to_datetime(df["date"]) pytest.test_df = df diff --git a/tests/popmon/hist/resource/transaction.json b/tests/popmon/hist/resource/transaction.json new file mode 100644 index 00000000..14fffa43 --- /dev/null +++ b/tests/popmon/hist/resource/transaction.json @@ -0,0 +1,118 @@ +{ + "type": "Bin", + "data": { + "low": -2000.0, + "high": 2000.0, + "entries": 400.0, + "values:type": "Count", + "values": [ + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 6.0, + 5.0, + 11.0, + 8.0, + 5.0, + 9.0, + 4.0, + 5.0, + 5.0, + 9.0, + 6.0, + 3.0, + 9.0, + 6.0, + 5.0, + 9.0, + 7.0, + 7.0, + 8.0, + 8.0, + 6.0, + 5.0, + 11.0, + 4.0, + 12.0, + 5.0, + 4.0, + 6.0, + 10.0, + 3.0, + 4.0, + 5.0, + 8.0, + 0.0, + 7.0, + 6.0, + 5.0, + 7.0, + 9.0, + 7.0, + 5.0, + 6.0, + 6.0, + 7.0, + 2.0, + 3.0, + 6.0, + 3.0, + 8.0, + 7.0, + 3.0, + 8.0, + 8.0, + 8.0, + 7.0, + 7.0, + 8.0, + 6.0, + 9.0, + 7.0, + 8.0, + 7.0, + 2.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0, + 0.0 + ], + "underflow:type": "Count", + "underflow": 0.0, + "overflow:type": "Count", + "overflow": 0.0, + "nanflow:type": "Count", + "nanflow": 0.0 + }, + "version": "1.0" +} \ No newline at end of file diff --git a/tests/popmon/hist/test_hist_splitter.py b/tests/popmon/hist/test_hist_splitter.py index 6dea5308..dd5546fd 100644 --- a/tests/popmon/hist/test_hist_splitter.py +++ b/tests/popmon/hist/test_hist_splitter.py @@ -54,7 +54,7 @@ def test_hist_splitter(): @pytest.mark.filterwarnings("ignore:Input histograms have inconsistent dimensions.") def test_hist_splitter_filter(): - """ Test of hist_splitter option filter_empty_split_hists + """Test of hist_splitter option filter_empty_split_hists One of the split histograms of type date:A_score:num_employees is empty and only contains a NaN. In this test, those empty split-histograms are *not* removed, leading to split-histograms of diff --git a/tests/popmon/hist/test_histogram.py b/tests/popmon/hist/test_histogram.py index 94bf841e..0d674771 100644 --- a/tests/popmon/hist/test_histogram.py +++ b/tests/popmon/hist/test_histogram.py @@ -342,8 +342,7 @@ def test_project_split2dhist_on_axis(): def test_datatype(): - """ Test datatypes assigned to histograms - """ + """Test datatypes assigned to histograms""" hist1, hist2, hist3 = get_histograms() hist0 = hg.Count() diff --git a/tests/popmon/hist/test_pandas_histogrammar.py b/tests/popmon/hist/test_pandas_histogrammar.py index c7f6da3d..6498cf8d 100644 --- a/tests/popmon/hist/test_pandas_histogrammar.py +++ b/tests/popmon/hist/test_pandas_histogrammar.py @@ -60,8 +60,10 @@ def test_make_histograms(): "longitude", ["isActive", "age"], ["latitude", "longitude"], + "transaction", ] bin_specs = { + "transaction": {"num": 100, "low": -2000, "high": 2000}, "longitude": {"bin_width": 5, "bin_offset": 0}, "latitude": {"bin_width": 5, "bin_offset": 0}, } @@ -80,6 +82,7 @@ def test_make_histograms(): assert current_hists["latitude"].toJson() == pytest.latitude assert current_hists["longitude"].toJson() == pytest.longitude assert current_hists["latitude:longitude"].toJson() == pytest.latitude_longitude + assert current_hists["transaction"].toJson() == pytest.transaction def test_make_histograms_no_time_axis(): diff --git a/tests/popmon/hist/test_spark_histogrammar.py b/tests/popmon/hist/test_spark_histogrammar.py index ea6e4350..70a51dd8 100644 --- a/tests/popmon/hist/test_spark_histogrammar.py +++ b/tests/popmon/hist/test_spark_histogrammar.py @@ -61,6 +61,7 @@ def test_get_histograms(spark_co): pytest.isActive["data"]["name"] = "b'isActive'" pytest.latitude["data"]["name"] = "b'latitude'" pytest.longitude["data"]["name"] = "b'longitude'" + pytest.transaction["data"]["name"] = "b'transaction'" pytest.latitude_longitude["data"]["name"] = "b'latitude:longitude'" pytest.latitude_longitude["data"]["bins:name"] = "unit_func" @@ -81,8 +82,10 @@ def test_get_histograms(spark_co): "longitude", ["isActive", "age"], ["latitude", "longitude"], + "transaction", ], bin_specs={ + "transaction": {"num": 100, "low": -2000, "high": 2000}, "longitude": {"bin_width": 5.0, "bin_offset": 0.0}, "latitude": {"bin_width": 5.0, "bin_offset": 0.0}, }, @@ -99,6 +102,11 @@ def test_get_histograms(spark_co): assert current_hists["gender"].toJson() == pytest.gender assert current_hists["latitude"].toJson() == pytest.latitude assert current_hists["longitude"].toJson() == pytest.longitude + assert current_hists["transaction"].toJson() == pytest.transaction + + # import json + # with open('tests/popmon/hist/resource/transaction.json', 'w') as outfile: + # json.dump(current_hists["transaction"].toJson(), outfile, indent=4) @pytest.mark.skipif(not spark_found, reason="spark not found")